diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..58d0f45 --- /dev/null +++ b/.gitignore @@ -0,0 +1,96 @@ +data/multiwoz/annotation/annotated_user_da_with_span_full.json +data/multiwoz/annotation/MULTIWOZ2 2 +tasktk/modules/nlu/SVM/output_multiwoz/ +tasktk/modules/nlu/SVM/output_multiwoz_sys/ + +test_result/ +*.pyc +.DS_Store + +#Eclipse +*.project + +# PyDev specific (Python IDE for Eclipse) +*.pydevproject + +.settings/ + +# pycharm specific +.idea + +# vscode +.vscode + +# mdbt data +data/mdbt/ +data/mdbt.tar.gz +#data/multiwoz/annotated_user_utts_18k.txt +#data/multiwoz/annoted_bio.txt +data/multiwoz/annotated_user_da_with_span_full.json +data/multiwoz/annotated_user_utts_all.txt +data/multiwoz/annotated_qr_pairs.txt +data/multiwoz/annotated_qr_pairs_30k.txt +data/multiwoz/annoted_bio_all_20k.txt +data/multiwoz/annotated_user_utts_v2.txt +data/multiwoz/annotated_user_utts_v2_20k.txt + +# private test script +private_test.py + +# output of run.py +session.txt + +# archives +*.rar + +# models +data/models/ + +ckpts/ + +# nlu and nlg data +data/nlu +data/nlg +data/nrg + +# nrg data +tasktk/modules/nrg/mdrg/data +tasktk/modules/nrg/mdrg/model/model + +# sequicity +tasktk/modules/e2e/Sequicity/data +tasktk/modules/e2e/Sequicity/log +tasktk/modules/e2e/Sequicity/models +tasktk/modules/e2e/Sequicity/results +tasktk/modules/e2e/Sequicity/sheets +tasktk/modules/e2e/Sequicity/vocab + +# mem2seq +tasktk/modules/e2e/Mem2Seq/data +tasktk/modules/e2e/Mem2Seq/save + +# test scripts +interact.py +test_run.py + +# mlst +data/multiwoz/mlst.txt +data/multiwoz/sample.json + +tasktk/modules/nlu/mlst/models + +# joint_nlu +tasktk/modules/nlu/joint_nlu/models +# mle +tasktk/modules/policy/system/vanilla_mle/models + +# dst +tasktk/modules/dst/*.log + +# rl +temp-plot.html +output + +# log +*.log + diff --git a/LICENSE b/LICENSE new file mode 100644 index 0000000..48bc6bb --- /dev/null +++ b/LICENSE @@ -0,0 +1,21 @@ +MIT License + +Copyright (c) Microsoft Corporation + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. diff --git a/NOTICE b/NOTICE new file mode 100644 index 0000000..a30477b --- /dev/null +++ b/NOTICE @@ -0,0 +1,18 @@ +// Copyright (c) Microsoft Corporation. +// Licensed under the MIT license. + + +This project may include a number of subcomponents with separate copyright notices +and license terms. + +This product includes software from https://github.com/budzianowski/multiwoz under Apache License 2.0 + +This product includes software from https://github.com/HLTCHKUST/Mem2Seq under MIT License + +This product includes software from https://github.com/kengz/SLM-Lab under MIT License + +This product includes software from https://github.com/andy194673/nlg-sclstm-multiwoz + +This product includes software from https://github.com/osmanio2/multi-domain-belief-tracking + +This product includes software from https://github.com/WING-NUS/sequicity \ No newline at end of file diff --git a/README.md b/README.md index f9462db..44ddab0 100644 --- a/README.md +++ b/README.md @@ -1,4 +1,4 @@ -# ConvLab +# DialogZone This is a toolkit for developing task-oriented dialog system. We followed the conventional pipeline framework, where there are 4 seperate components: NLU, DST, Policy and NLG. @@ -17,12 +17,14 @@ system in an RL-based manner. + --> - Trained NLG model can be downloaded [here](https://www.dropbox.com/s/u1n8jlgr89jnn2f/lstm_tanh_%5B1552674040.43%5D_7_7_400_0.436.pkl?dl=0). - Trained NLU model can be downloaded [here](https://www.dropbox.com/s/y2aclsz9t7nmxnr/bi_lstm_%5B1552541377.53%5D_7_7_360_0.912.pkl?dl=0). - Trained S2S UserSim model can be downloaded [here](https://www.dropbox.com/s/2jxkqp2ad07asps/lstm_%5B1550147645.59%5D_20_29_0.448.p?dl=0). -- Trained MLST NLU model can be downloaded [here](https://1drv.ms/u/s!AmXaP0QRGLFchVZqB047pJdS-tiT). Unzip the downloaded file in the tasktk/nlu/mlst directory. -- Trained JointNLU model can be downloaded [here](https://1drv.ms/u/s!AmXaP0QRGLFchVn7DNj4s7fghLTo). Unzip the downloaded file in the tasktk/nlu/joint_nlu directory. +- Trained MLST NLU model can be downloaded [here](https://1drv.ms/u/s!AmXaP0QRGLFchVtHJ99dYJuRKqE_). Unzip the downloaded file in the tasktk/modules/nlu/mlst directory. +- Trained JointNLU model can be downloaded [here](https://1drv.ms/u/s!AmXaP0QRGLFchVoiN2c1QkvK8vfq). Unzip the downloaded file in the tasktk/modules/nlu/joint_nlu directory. +- Trained SVM NLU model can be downloaded [here](https://drive.google.com/file/d/1y0v0Eq6p2dpVfGzPPeLciOkAkNAvQSqV/view?usp=sharing). Unzip the downloaded file in the tasktk/modules/nlu/SVM/output_multiwoz directory. +- Trained MDRG model can be downloaded [here](https://1drv.ms/u/s!AmXaP0QRGLFchVzGUZIat0-Ym52a). Unzip the downloaded file in the data directory. ## Document diff --git a/convlab/__init__.py b/convlab/__init__.py new file mode 100644 index 0000000..da8c22e --- /dev/null +++ b/convlab/__init__.py @@ -0,0 +1,20 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.modules.usr import UserSimulator +from convlab.modules.nlu.multiwoz import ErrorNLU, JointNLU, MlstNLU, SVMNLU + +from convlab.modules.dst.multiwoz import MDBTTracker, RuleDST +from convlab.modules.policy.system.multiwoz import RuleBasedMultiwozBot, RuleInformBot +from convlab.modules.policy.user.multiwoz import UserPolicyAgendaMultiWoz +from convlab.modules.nlg.multiwoz import TemplateNLG, MultiwozTemplateNLG, SCLSTM + +from convlab.modules.util import Log + +import os + +os.environ['PY_ENV'] = os.environ.get('PY_ENV') or 'development' +ROOT_DIR = os.path.normpath(os.path.join(os.path.dirname(__file__), '..')) + +EVAL_MODES = ('enjoy', 'eval') +TRAIN_MODES = ('search', 'train', 'dev') diff --git a/convlab/agent/__init__.py b/convlab/agent/__init__.py new file mode 100644 index 0000000..5008795 --- /dev/null +++ b/convlab/agent/__init__.py @@ -0,0 +1,423 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The agent module +Contains graduated components from experiments for building agents and be taught, tested, evaluated on curriculum. +To be designed by human and evolution module, based on the experiment aim (trait) and fitness metrics. +Main SLM components (refer to SLM doc for more): +- primary survival objective +- control policies +- sensors (input) for embodiment +- motors (output) for embodiment +- neural architecture +- memory (with time) +- prioritization mechanism and "emotions" +- strange loop must be created +- social aspect +- high level properties of thinking, e.g. creativity, planning. + +Agent components: +- algorithm (with net, policy) +- memory (per body) +''' +from convlab.agent import algorithm, memory +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api +from convlab.modules import nlu, dst, nlg, state_encoder, action_decoder +import numpy as np +import pydash as ps +from copy import deepcopy + +AGENT_DATA_NAMES = ['action', 'loss', 'explore_var'] +logger = logger.get_logger(__name__) + + +class Agent: + ''' + Class for all Agents. + Standardizes the Agent design to work in Lab. + Access Envs properties by: Agents - AgentSpace - AEBSpace - EnvSpace - Envs + ''' + + def __init__(self, spec, info_space, body, a=None, agent_space=None, global_nets=None): + self.spec = spec + self.info_space = info_space + self.a = a or 0 # for compatibility with agent_space + self.agent_spec = spec['agent'][self.a] + self.name = self.agent_spec['name'] + assert not ps.is_list(global_nets), f'single agent global_nets must be a dict, got {global_nets}' + if agent_space is None: # singleton mode + self.body = body + body.agent = self + MemoryClass = getattr(memory, ps.get(self.agent_spec, 'memory.name')) + self.body.memory = MemoryClass(self.agent_spec['memory'], self.body) + AlgorithmClass = getattr(algorithm, ps.get(self.agent_spec, 'algorithm.name')) + self.algorithm = AlgorithmClass(self, global_nets) + else: + self.space_init(agent_space, body, global_nets) + + logger.info(util.self_desc(self)) + + @lab_api + def reset(self, observation): + '''Do agent reset per session, such as memory pointer''' + logger.debug(f'Agent {self.a} reset') + self.body.memory.epi_reset(observation) + + @lab_api + def act(self, observation): + '''Standard act method from algorithm.''' + action = self.algorithm.act(observation) + logger.debug(f'Agent {self.a} act: {action}') + return action + + @lab_api + def update(self, action, reward, observation, done): + '''Update per timestep after env transitions, e.g. memory, algorithm, update agent params, train net''' + self.body.action_pd_update() + self.body.memory.update(action, reward, observation, done) + loss = self.algorithm.train() + if not np.isnan(loss): # set for log_summary() + self.body.loss = loss + explore_var = self.algorithm.update() + logger.debug(f'Agent {self.a} loss: {loss}, explore_var {explore_var}') + if done: + self.body.epi_update() + return loss, explore_var + + @lab_api + def save(self, ckpt=None): + '''Save agent''' + if util.in_eval_lab_modes(): + # eval does not save new models + return + self.algorithm.save(ckpt=ckpt) + + @lab_api + def close(self): + '''Close and cleanup agent at the end of a session, e.g. save model''' + self.save() + + @lab_api + def space_init(self, agent_space, body_a, global_nets): + '''Post init override for space env. Note that aeb is already correct from __init__''' + self.agent_space = agent_space + self.body_a = body_a + self.aeb_space = agent_space.aeb_space + self.nanflat_body_a = util.nanflatten(self.body_a) + for idx, body in enumerate(self.nanflat_body_a): + if idx == 0: # NOTE set default body + self.body = body + body.agent = self + body.nanflat_a_idx = idx + MemoryClass = getattr(memory, ps.get(self.agent_spec, 'memory.name')) + body.memory = MemoryClass(self.agent_spec['memory'], body) + self.body_num = len(self.nanflat_body_a) + AlgorithmClass = getattr(algorithm, ps.get(self.agent_spec, 'algorithm.name')) + self.algorithm = AlgorithmClass(self, global_nets) + # after algo init, transfer any missing variables from default body + for idx, body in enumerate(self.nanflat_body_a): + for k, v in vars(self.body).items(): + if util.gen_isnan(getattr(body, k, None)): + setattr(body, k, v) + + @lab_api + def space_reset(self, observation_a): + '''Do agent reset per session, such as memory pointer''' + logger.debug(f'Agent {self.a} reset') + for eb, body in util.ndenumerate_nonan(self.body_a): + body.memory.epi_reset(observation_a[eb]) + + @lab_api + def space_act(self, observation_a): + '''Standard act method from algorithm.''' + action_a = self.algorithm.space_act(observation_a) + logger.debug(f'Agent {self.a} act: {action_a}') + return action_a + + @lab_api + def space_update(self, action_a, reward_a, observation_a, done_a): + '''Update per timestep after env transitions, e.g. memory, algorithm, update agent params, train net''' + for eb, body in util.ndenumerate_nonan(self.body_a): + body.action_pd_update() + body.memory.update(action_a[eb], reward_a[eb], observation_a[eb], done_a[eb]) + loss_a = self.algorithm.space_train() + loss_a = util.guard_data_a(self, loss_a, 'loss') + for eb, body in util.ndenumerate_nonan(self.body_a): + if not np.isnan(loss_a[eb]): # set for log_summary() + body.loss = loss_a[eb] + explore_var_a = self.algorithm.space_update() + explore_var_a = util.guard_data_a(self, explore_var_a, 'explore_var') + logger.debug(f'Agent {self.a} loss: {loss_a}, explore_var_a {explore_var_a}') + for eb, body in util.ndenumerate_nonan(self.body_a): + if body.env.done: + body.epi_update() + return loss_a, explore_var_a + + +class DialogAgent(Agent): + ''' + Class for all Agents. + Standardizes the Agent design to work in Lab. + Access Envs properties by: Agents - AgentSpace - AEBSpace - EnvSpace - Envs + ''' + def __init__(self, spec, info_space, body, a=None, agent_space=None, global_nets=None): + self.spec = spec + self.info_space = info_space + self.a = a or 0 # for compatibility with agent_space + self.agent_spec = spec['agent'][self.a] + self.name = self.agent_spec['name'] + assert not ps.is_list(global_nets), f'single agent global_nets must be a dict, got {global_nets}' + self.nlu = None + if 'nlu' in self.agent_spec: + params = deepcopy(ps.get(self.agent_spec, 'nlu')) + NluClass = getattr(nlu, params.pop('name')) + self.nlu = NluClass(**params) + self.dst = None + if 'dst' in self.agent_spec: + params = deepcopy(ps.get(self.agent_spec, 'dst')) + DstClass = getattr(dst, params.pop('name')) + self.dst = DstClass(**params) + self.state = self.dst.state + self.state_encoder = None + if 'state_encoder' in self.agent_spec: + params = deepcopy(ps.get(self.agent_spec, 'state_encoder')) + StateEncoderClass = getattr(state_encoder, params.pop('name')) + self.state_encoder = StateEncoderClass(**params) + self.action_decoder = None + if 'action_decoder' in self.agent_spec: + params = deepcopy(ps.get(self.agent_spec, 'action_decoder')) + ActionDecoderClass = getattr(action_decoder, params.pop('name')) + self.action_decoder = ActionDecoderClass(**params) + self.nlg = None + if 'nlg' in self.agent_spec: + params = deepcopy(ps.get(self.agent_spec, 'nlg')) + NlgClass = getattr(nlg, params.pop('name')) + self.nlg = NlgClass(**params) + if agent_space is None: # singleton mode + self.body = body + body.agent = self + MemoryClass = getattr(memory, ps.get(self.agent_spec, 'memory.name')) + self.body.memory = MemoryClass(self.agent_spec['memory'], self.body) + AlgorithmClass = getattr(algorithm, ps.get(self.agent_spec, 'algorithm.name')) + self.algorithm = AlgorithmClass(self, global_nets) + else: + self.space_init(agent_space, body, global_nets) + self.body.state, self.body.encoded_state, self.body.action = None, None, None + logger.info(util.self_desc(self)) + + @lab_api + def reset(self, observation): + '''Do agent reset per session, such as memory pointer''' + logger.debug(f'Agent {self.a} reset') + if self.dst: + self.dst.init_session() + if hasattr(self.algorithm, "reset"): + self.algorithm.reset() + input_act, state, encoded_state = self.state_update(observation) + self.body.state, self.body.encoded_state = state, encoded_state + self.body.memory.epi_reset(encoded_state) + + @lab_api + def act(self, observation): + '''Standard act method from algorithm.''' + action = self.algorithm.act(self.body.encoded_state) + decoded_action = self.action_decode(action, self.body.state) + self.body.action = action + logger.nl(f'Agent {self.a} system utterance: {decoded_action}') + logger.act(f'Agent {self.a} system action: {action}') + return decoded_action + + def state_update(self, observation): + input_act = self.nlu.parse(observation) if self.nlu else observation + state = self.dst.update(None, input_act) if self.dst else input_act + encoded_state = self.state_encoder.encode(state) if self.state_encoder else state + logger.nl(f'Agent {self.a} user utterance: {observation}') + logger.act(f'Agent {self.a} user action: {input_act}') + logger.state(f'Agent {self.a} dialog state: {state}') + return input_act, state, encoded_state + + def action_decode(self, action, state): + output_act = self.action_decoder.decode(action, state) if self.action_decoder else action + decoded_action = self.nlg.generate(output_act) if self.nlg else output_act + return decoded_action + + @lab_api + def update(self, action, reward, observation, done): + '''Update per timestep after env transitions, e.g. memory, algorithm, update agent params, train net''' + input_act, state, encoded_state = self.state_update(observation) + self.body.state, self.body.encoded_state = state, encoded_state + # if (not self.nlu and self.dst) and not isinstance(self.dst, dst.MDBTTracker): # for act-in act-out agent + # self.dst.state['history'].append([str(action), str(observation)]) + # self.dst.state['user_action'] = observation + if self.nlu and self.dst: + self.dst.state['history'].append([str(action), str(observation)]) + self.dst.state['user_action'] = input_act + elif self.dst and not isinstance(self.dst, dst.MDBTTracker): # for act-in act-out agent + self.dst.state['history'].append([str(action), str(observation)]) + self.dst.state['user_action'] = observation + else: # for NL-in act-out agent + self.dst.state['history'].append([str(action), str(observation)]) + if self.algorithm.__class__.__name__ == 'ExternalPolicy': + loss, explore_var = 0, 0 + self.body.memory.update(0, reward, 0, done) + else: + self.body.action_pd_update() + self.body.memory.update(self.body.action, reward, encoded_state, done) + loss = self.algorithm.train() + if not np.isnan(loss): # set for log_summary() + self.body.loss = loss + explore_var = self.algorithm.update() + logger.debug(f'Agent {self.a} loss: {loss}, explore_var {explore_var}') + if done: + self.body.epi_update() + return loss, explore_var + + @lab_api + def save(self, ckpt=None): + '''Save agent''' + if self.algorithm.__class__.__name__ == 'ExternalPolicy': + return + if util.in_eval_lab_modes(): + # eval does not save new models + return + self.algorithm.save(ckpt=ckpt) + + @lab_api + def close(self): + '''Close and cleanup agent at the end of a session, e.g. save model''' + self.save() + + @lab_api + def space_init(self, agent_space, body_a, global_nets): + '''Post init override for space env. Note that aeb is already correct from __init__''' + self.agent_space = agent_space + self.body_a = body_a + self.aeb_space = agent_space.aeb_space + self.nanflat_body_a = util.nanflatten(self.body_a) + for idx, body in enumerate(self.nanflat_body_a): + if idx == 0: # NOTE set default body + self.body = body + body.agent = self + body.nanflat_a_idx = idx + MemoryClass = getattr(memory, ps.get(self.agent_spec, 'memory.name')) + body.memory = MemoryClass(self.agent_spec['memory'], body) + self.body_num = len(self.nanflat_body_a) + AlgorithmClass = getattr(algorithm, ps.get(self.agent_spec, 'algorithm.name')) + self.algorithm = AlgorithmClass(self, global_nets) + # after algo init, transfer any missing variables from default body + for idx, body in enumerate(self.nanflat_body_a): + for k, v in vars(self.body).items(): + if util.gen_isnan(getattr(body, k, None)): + setattr(body, k, v) + + @lab_api + def space_reset(self, observation_a): + '''Do agent reset per session, such as memory pointer''' + logger.debug(f'Agent {self.a} reset') + for eb, body in util.ndenumerate_nonan(self.body_a): + body.memory.epi_reset(observation_a[eb]) + + @lab_api + def space_act(self, observation_a): + '''Standard act method from algorithm.''' + action_a = self.algorithm.space_act(observation_a) + logger.debug(f'Agent {self.a} act: {action_a}') + return action_a + + @lab_api + def space_update(self, action_a, reward_a, observation_a, done_a): + '''Update per timestep after env transitions, e.g. memory, algorithm, update agent params, train net''' + for eb, body in util.ndenumerate_nonan(self.body_a): + body.action_pd_update() + body.memory.update(action_a[eb], reward_a[eb], observation_a[eb], done_a[eb]) + loss_a = self.algorithm.space_train() + loss_a = util.guard_data_a(self, loss_a, 'loss') + for eb, body in util.ndenumerate_nonan(self.body_a): + if not np.isnan(loss_a[eb]): # set for log_summary() + body.loss = loss_a[eb] + explore_var_a = self.algorithm.space_update() + explore_var_a = util.guard_data_a(self, explore_var_a, 'explore_var') + logger.debug(f'Agent {self.a} loss: {loss_a}, explore_var_a {explore_var_a}') + for eb, body in util.ndenumerate_nonan(self.body_a): + if body.env.done: + body.epi_update() + return loss_a, explore_var_a + + +class AgentSpace: + ''' + Subspace of AEBSpace, collection of all agents, with interface to Session logic; same methods as singleton agents. + Access EnvSpace properties by: AgentSpace - AEBSpace - EnvSpace - Envs + ''' + + def __init__(self, spec, aeb_space, global_nets=None): + self.spec = spec + self.aeb_space = aeb_space + aeb_space.agent_space = self + self.info_space = aeb_space.info_space + self.aeb_shape = aeb_space.aeb_shape + assert not ps.is_dict(global_nets), f'multi agent global_nets must be a list of dicts, got {global_nets}' + assert ps.is_list(self.spec['agent']) + self.agents = [] + for a in range(len(self.spec['agent'])): + body_a = self.aeb_space.body_space.get(a=a) + if global_nets is not None: + agent_global_nets = global_nets[a] + else: + agent_global_nets = None + agent = Agent(self.spec, self.info_space, body=body_a, a=a, agent_space=self, global_nets=agent_global_nets) + self.agents.append(agent) + logger.info(util.self_desc(self)) + + def get(self, a): + return self.agents[a] + + @lab_api + def reset(self, observation_space): + logger.debug3('AgentSpace.reset') + _action_v, _loss_v, _explore_var_v = self.aeb_space.init_data_v(AGENT_DATA_NAMES) + for agent in self.agents: + observation_a = observation_space.get(a=agent.a) + agent.space_reset(observation_a) + _action_space, _loss_space, _explore_var_space = self.aeb_space.add(AGENT_DATA_NAMES, (_action_v, _loss_v, _explore_var_v)) + logger.debug3(f'action_space: {_action_space}') + return _action_space + + @lab_api + def act(self, observation_space): + data_names = ('action',) + action_v, = self.aeb_space.init_data_v(data_names) + for agent in self.agents: + a = agent.a + observation_a = observation_space.get(a=a) + action_a = agent.space_act(observation_a) + action_v[a, 0:len(action_a)] = action_a + action_space, = self.aeb_space.add(data_names, (action_v,)) + logger.debug3(f'\naction_space: {action_space}') + return action_space + + @lab_api + def update(self, action_space, reward_space, observation_space, done_space): + data_names = ('loss', 'explore_var') + loss_v, explore_var_v = self.aeb_space.init_data_v(data_names) + for agent in self.agents: + a = agent.a + action_a = action_space.get(a=a) + reward_a = reward_space.get(a=a) + observation_a = observation_space.get(a=a) + done_a = done_space.get(a=a) + loss_a, explore_var_a = agent.space_update(action_a, reward_a, observation_a, done_a) + loss_v[a, 0:len(loss_a)] = loss_a + explore_var_v[a, 0:len(explore_var_a)] = explore_var_a + loss_space, explore_var_space = self.aeb_space.add(data_names, (loss_v, explore_var_v)) + logger.debug3(f'\nloss_space: {loss_space}\nexplore_var_space: {explore_var_space}') + return loss_space, explore_var_space + + @lab_api + def close(self): + logger.info('AgentSpace.close') + for agent in self.agents: + agent.close() + diff --git a/convlab/agent/algorithm/__init__.py b/convlab/agent/algorithm/__init__.py new file mode 100644 index 0000000..8147106 --- /dev/null +++ b/convlab/agent/algorithm/__init__.py @@ -0,0 +1,19 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The algorithm module +Contains implementations of reinforcement learning algorithms. +Uses the nets module to build neural networks as the relevant function approximators +''' + +# expose all the classes +from .actor_critic import * +from .dqn import * +from .hydra_dqn import * +from .ppo import * +from .random import * +from .reinforce import * +from .sarsa import * +from .sil import * +from .external import * diff --git a/convlab/agent/algorithm/actor_critic.py b/convlab/agent/algorithm/actor_critic.py new file mode 100644 index 0000000..565eb94 --- /dev/null +++ b/convlab/agent/algorithm/actor_critic.py @@ -0,0 +1,353 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.agent import net +from convlab.agent.algorithm import policy_util +from convlab.agent.algorithm.reinforce import Reinforce +from convlab.agent.net import net_util +from convlab.lib import logger, math_util, util +from convlab.lib.decorator import lab_api +import numpy as np +import pydash as ps +import torch + +logger = logger.get_logger(__name__) + + +class ActorCritic(Reinforce): + ''' + Implementation of single threaded Advantage Actor Critic + Original paper: "Asynchronous Methods for Deep Reinforcement Learning" + https://arxiv.org/abs/1602.01783 + Algorithm specific spec param: + memory.name: batch (through OnPolicyBatchReplay memory class) or episodic through (OnPolicyReplay memory class) + lam: if not null, used as the lambda value of generalized advantage estimation (GAE) introduced in "High-Dimensional Continuous Control Using Generalized Advantage Estimation https://arxiv.org/abs/1506.02438. The algorithm becomes A2C. This lambda controls the bias variance tradeoff for GAE. Floating point value between 0 and 1. Lower values correspond to more bias, less variance. Higher values to more variance, less bias. + num_step_returns: if lam is null and this is not null, specifies the number of steps for N-step returns from "Asynchronous Methods for Deep Reinforcement Learning". The algorithm becomes A2C. + If both lam and num_step_returns are null, use the default TD error. Then the algorithm stays as AC. + net.type: whether the actor and critic should share params (e.g. through 'MLPNetShared') or have separate params (e.g. through 'MLPNetSeparate'). If param sharing is used then there is also the option to control the weight given to the policy and value components of the loss function through 'policy_loss_coef' and 'val_loss_coef' + Algorithm - separate actor and critic: + Repeat: + 1. Collect k examples + 2. Train the critic network using these examples + 3. Calculate the advantage of each example using the critic + 4. Multiply the advantage by the negative of log probability of the action taken, and sum all the values. This is the policy loss. + 5. Calculate the gradient the parameters of the actor network with respect to the policy loss + 6. Update the actor network parameters using the gradient + Algorithm - shared parameters: + Repeat: + 1. Collect k examples + 2. Calculate the target for each example for the critic + 3. Compute current estimate of state-value for each example using the critic + 4. Calculate the critic loss using a regression loss (e.g. square loss) between the target and estimate of the state-value for each example + 5. Calculate the advantage of each example using the rewards and critic + 6. Multiply the advantage by the negative of log probability of the action taken, and sum all the values. This is the policy loss. + 7. Compute the total loss by summing the value and policy lossses + 8. Calculate the gradient of the parameters of shared network with respect to the total loss + 9. Update the shared network parameters using the gradient + + e.g. algorithm_spec + "algorithm": { + "name": "ActorCritic", + "action_pdtype": "default", + "action_policy": "default", + "explore_var_spec": null, + "gamma": 0.99, + "lam": 1.0, + "num_step_returns": 100, + "entropy_coef_spec": { + "name": "linear_decay", + "start_val": 0.01, + "end_val": 0.001, + "start_step": 100, + "end_step": 5000, + }, + "policy_loss_coef": 1.0, + "val_loss_coef": 0.01, + "training_frequency": 1, + "training_epoch": 8, + "normalize_state": true + } + + e.g. special net_spec param "shared" to share/separate Actor/Critic + "net": { + "type": "MLPNet", + "shared": true, + ... + ''' + + @lab_api + def init_algorithm_params(self): + '''Initialize other algorithm parameters''' + # set default + util.set_attr(self, dict( + action_pdtype='default', + action_policy='default', + explore_var_spec=None, + entropy_coef_spec=None, + policy_loss_coef=1.0, + val_loss_coef=1.0, + )) + util.set_attr(self, self.algorithm_spec, [ + 'action_pdtype', + 'action_policy', + # theoretically, AC does not have policy update; but in this implementation we have such option + 'explore_var_spec', + 'gamma', # the discount factor + 'lam', + 'num_step_returns', + 'entropy_coef_spec', + 'policy_loss_coef', + 'val_loss_coef', + 'training_frequency', + 'training_epoch', + 'normalize_state', + ]) + self.to_train = 0 + self.action_policy = getattr(policy_util, self.action_policy) + self.explore_var_scheduler = policy_util.VarScheduler(self.explore_var_spec) + self.body.explore_var = self.explore_var_scheduler.start_val + if self.entropy_coef_spec is not None: + self.entropy_coef_scheduler = policy_util.VarScheduler(self.entropy_coef_spec) + self.body.entropy_coef = self.entropy_coef_scheduler.start_val + # Select appropriate methods to calculate adv_targets and v_targets for training + if self.lam is not None: + self.calc_advs_v_targets = self.calc_gae_advs_v_targets + elif self.num_step_returns is not None: + self.calc_advs_v_targets = self.calc_nstep_advs_v_targets + else: + self.calc_advs_v_targets = self.calc_td_advs_v_targets + + @lab_api + def init_nets(self, global_nets=None): + ''' + Initialize the neural networks used to learn the actor and critic from the spec + Below we automatically select an appropriate net based on two different conditions + 1. If the action space is discrete or continuous action + - Networks for continuous action spaces have two heads and return two values, the first is a tensor containing the mean of the action policy, the second is a tensor containing the std deviation of the action policy. The distribution is assumed to be a Gaussian (Normal) distribution. + - Networks for discrete action spaces have a single head and return the logits for a categorical probability distribution over the discrete actions + 2. If the actor and critic are separate or share weights + - If the networks share weights then the single network returns a list. + - Continuous action spaces: The return list contains 3 elements: The first element contains the mean output for the actor (policy), the second element the std dev of the policy, and the third element is the state-value estimated by the network. + - Discrete action spaces: The return list contains 2 element. The first element is a tensor containing the logits for a categorical probability distribution over the actions. The second element contains the state-value estimated by the network. + 3. If the network type is feedforward, convolutional, or recurrent + - Feedforward and convolutional networks take a single state as input and require an OnPolicyReplay or OnPolicyBatchReplay memory + - Recurrent networks take n states as input and require an OnPolicySeqReplay or OnPolicySeqBatchReplay memory + ''' + assert 'shared' in self.net_spec, 'Specify "shared" for ActorCritic network in net_spec' + self.shared = self.net_spec['shared'] + + # create actor/critic specific specs + actor_net_spec = self.net_spec.copy() + critic_net_spec = self.net_spec.copy() + for k in self.net_spec: + if 'actor_' in k: + actor_net_spec[k.replace('actor_', '')] = actor_net_spec.pop(k) + critic_net_spec.pop(k) + if 'critic_' in k: + critic_net_spec[k.replace('critic_', '')] = critic_net_spec.pop(k) + actor_net_spec.pop(k) + if critic_net_spec['use_same_optim']: + critic_net_spec = actor_net_spec + + if global_nets is None: + in_dim = self.body.state_dim + out_dim = net_util.get_out_dim(self.body, add_critic=self.shared) + # main actor network, may contain out_dim self.shared == True + NetClass = getattr(net, actor_net_spec['type']) + self.net = NetClass(actor_net_spec, in_dim, out_dim) + self.net_names = ['net'] + if not self.shared: # add separate network for critic + critic_out_dim = 1 + CriticNetClass = getattr(net, critic_net_spec['type']) + self.critic = CriticNetClass(critic_net_spec, in_dim, critic_out_dim) + self.net_names.append('critic') + else: + util.set_attr(self, global_nets) + self.net_names = list(global_nets.keys()) + self.post_init_nets() + + @lab_api + def calc_pdparam(self, x, evaluate=True, net=None): + ''' + The pdparam will be the logits for discrete prob. dist., or the mean and std for continuous prob. dist. + ''' + pdparam = super(ActorCritic, self).calc_pdparam(x, evaluate=evaluate, net=net) + if self.shared: # output: policy, value + if len(pdparam) == 2: # single policy outputs, value + pdparam = pdparam[0] + else: # multiple policy outputs, value + pdparam = pdparam[:-1] + logger.debug(f'pdparam: {pdparam}') + return pdparam + + def calc_v(self, x, evaluate=True, net=None): + ''' + Forward-pass to calculate the predicted state-value from critic. + ''' + net = self.net if net is None else net + if self.shared: # output: policy, value + if evaluate: + out = net.wrap_eval(x) + else: + net.train() + out = net(x) + v = out[-1].squeeze_(dim=1) # get value only + else: + if evaluate: + out = self.critic.wrap_eval(x) + else: + self.critic.train() + out = self.critic(x) + v = out.squeeze_(dim=1) + logger.debug(f'v: {v}') + return v + + @lab_api + def train(self): + '''Trains the algorithm''' + if util.in_eval_lab_modes(): + self.body.flush() + return np.nan + if self.shared: + return self.train_shared() + else: + return self.train_separate() + + def train_shared(self): + ''' + Trains the network when the actor and critic share parameters + loss = self.policy_loss_coef * policy_loss + self.val_loss_coef * val_loss + ''' + clock = self.body.env.clock + if self.to_train == 1: + batch = self.sample() + with torch.no_grad(): + advs, v_targets = self.calc_advs_v_targets(batch) + policy_loss = self.calc_policy_loss(batch, advs) # from actor + val_loss = self.calc_val_loss(batch, v_targets) # from critic + loss = policy_loss + val_loss + self.net.training_step(loss=loss, lr_clock=clock) + # reset + self.to_train = 0 + self.body.flush() + logger.debug(f'Trained {self.name} at epi: {clock.epi}, total_t: {clock.total_t}, t: {clock.t}, total_reward so far: {self.body.memory.total_reward}, loss: {loss:g}') + return loss.item() + else: + return np.nan + + def train_separate(self): + ''' + Trains the network when the actor and critic are separate networks + loss = val_loss + abs(policy_loss) + ''' + if self.to_train == 1: + batch = self.sample() + policy_loss = self.train_actor(batch) + val_loss = self.train_critic(batch) + loss = val_loss + abs(policy_loss) + # reset + self.to_train = 0 + self.body.flush() + logger.debug(f'Trained {self.name}, loss: {loss:g}') + return loss.item() + else: + return np.nan + + def train_actor(self, batch): + '''Trains the actor when the actor and critic are separate networks''' + with torch.no_grad(): + advs, _v_targets = self.calc_advs_v_targets(batch) + policy_loss = self.calc_policy_loss(batch, advs) + self.net.training_step(loss=policy_loss, lr_clock=self.body.env.clock) + return policy_loss + + def train_critic(self, batch): + '''Trains the critic when the actor and critic are separate networks''' + total_val_loss = torch.tensor(0.0, device=self.net.device) + # training iters only applicable to separate critic network + for _ in range(self.training_epoch): + with torch.no_grad(): + _advs, v_targets = self.calc_advs_v_targets(batch) + val_loss = self.calc_val_loss(batch, v_targets) + self.critic.training_step(loss=val_loss, lr_clock=self.body.env.clock) + total_val_loss += val_loss + val_loss = total_val_loss / self.training_epoch + return val_loss + + def calc_policy_loss(self, batch, advs): + '''Calculate the actor's policy loss''' + assert len(self.body.log_probs) == len(advs), f'batch_size of log_probs {len(self.body.log_probs)} vs advs: {len(advs)}' + log_probs = torch.stack(self.body.log_probs) + policy_loss = - self.policy_loss_coef * log_probs * advs + if self.entropy_coef_spec is not None: + entropies = torch.stack(self.body.entropies) + policy_loss += (-self.body.entropy_coef * entropies) + policy_loss = torch.mean(policy_loss) + logger.debug(f'Actor policy loss: {policy_loss:g}') + return policy_loss + + def calc_val_loss(self, batch, v_targets): + '''Calculate the critic's value loss''' + v_targets = v_targets.unsqueeze(dim=-1) + v_preds = self.calc_v(batch['states'], evaluate=False).unsqueeze_(dim=-1) + assert v_preds.shape == v_targets.shape + val_loss = self.val_loss_coef * self.net.loss_fn(v_preds, v_targets) + logger.debug(f'Critic value loss: {val_loss:g}') + return val_loss + + def calc_gae_advs_v_targets(self, batch): + ''' + Calculate the GAE advantages and value targets for training actor and critic respectively + adv_targets = GAE (see math_util method) + v_targets = adv_targets + v_preds + before output, adv_targets is standardized (so v_targets used the unstandardized version) + Used for training with GAE + ''' + v_preds = self.calc_v(batch['states']) + # calc next_state boundary value and concat with above for efficiency + next_v_pred_tail = self.calc_v(batch['next_states'][-1:]) + next_v_preds = torch.cat([v_preds[1:], next_v_pred_tail], dim=0) + # v targets = r_t + gamma * V(s_(t+1)) + v_targets = math_util.calc_nstep_returns(batch, self.gamma, 1, next_v_preds) + # ensure val for next_state is 0 at done + next_v_preds = next_v_preds * (1 - batch['dones']) + adv_targets = math_util.calc_gaes(batch['rewards'], v_preds, next_v_preds, self.gamma, self.lam) + adv_targets = math_util.standardize(adv_targets) + logger.debug(f'adv_targets: {adv_targets}\nv_targets: {v_targets}') + return adv_targets, v_targets + + def calc_nstep_advs_v_targets(self, batch): + ''' + Calculate N-step returns advantage = nstep_returns - v_pred + See n-step advantage under http://rail.eecs.berkeley.edu/deeprlcourse-fa17/f17docs/lecture_5_actor_critic_pdf.pdf + Used for training with N-step (not GAE) + Returns 2-tuple for API-consistency with GAE + ''' + next_v_preds = self.calc_v(batch['next_states']) + v_preds = self.calc_v(batch['states']) + # v targets = r_t + gamma * V(s_(t+1)) + v_targets = math_util.calc_nstep_returns(batch, self.gamma, 1, next_v_preds) + nstep_returns = math_util.calc_nstep_returns(batch, self.gamma, self.num_step_returns, next_v_preds) + nstep_advs = nstep_returns - v_preds + adv_targets = nstep_advs + logger.debug(f'adv_targets: {adv_targets}\nv_targets: {v_targets}') + return adv_targets, v_targets + + def calc_td_advs_v_targets(self, batch): + ''' + Estimate Q(s_t, a_t) with r_t + gamma * V(s_t+1 ) for simplest AC algorithm + ''' + next_v_preds = self.calc_v(batch['next_states']) + # Equivalent to 1-step return + # v targets = r_t + gamma * V(s_(t+1)) + v_targets = math_util.calc_nstep_returns(batch, self.gamma, 1, next_v_preds) + adv_targets = v_targets # Plain Q estimate, called adv for API consistency + logger.debug(f'adv_targets: {adv_targets}\nv_targets: {v_targets}') + return adv_targets, v_targets + + @lab_api + def update(self): + self.body.explore_var = self.explore_var_scheduler.update(self, self.body.env.clock) + if self.entropy_coef_spec is not None: + self.body.entropy_coef = self.entropy_coef_scheduler.update(self, self.body.env.clock) + return self.body.explore_var diff --git a/convlab/agent/algorithm/base.py b/convlab/agent/algorithm/base.py new file mode 100644 index 0000000..d138c18 --- /dev/null +++ b/convlab/agent/algorithm/base.py @@ -0,0 +1,175 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from abc import ABC, abstractmethod +from convlab.agent.net import net_util +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api +import numpy as np +import pydash as ps + +logger = logger.get_logger(__name__) + + +class Algorithm(ABC): + ''' + Abstract class ancestor to all Algorithms, + specifies the necessary design blueprint for agent to work in Lab. + Mostly, implement just the abstract methods and properties. + ''' + + def __init__(self, agent, global_nets=None): + ''' + @param {*} agent is the container for algorithm and related components, and interfaces with env. + ''' + self.agent = agent + self.algorithm_spec = agent.agent_spec['algorithm'] + self.name = self.algorithm_spec['name'] + self.memory_spec = agent.agent_spec['memory'] + self.net_spec = agent.agent_spec.get('net', None) + self.body = self.agent.body + self.init_algorithm_params() + self.init_nets(global_nets) + logger.info(util.self_desc(self)) + + @abstractmethod + @lab_api + def init_algorithm_params(self): + '''Initialize other algorithm parameters''' + raise NotImplementedError + + @abstractmethod + @lab_api + def init_nets(self, global_nets=None): + '''Initialize the neural network from the spec''' + raise NotImplementedError + + @lab_api + def post_init_nets(self): + ''' + Method to conditionally load models. + Call at the end of init_nets() after setting self.net_names + ''' + assert hasattr(self, 'net_names') + if util.in_eval_lab_modes(): + logger.info(f'Loaded algorithm models for lab_mode: {util.get_lab_mode()}') + self.load() + else: + logger.info(f'Initialized algorithm models for lab_mode: {util.get_lab_mode()}') + + @lab_api + def calc_pdparam(self, x, evaluate=True, net=None): + ''' + To get the pdparam for action policy sampling, do a forward pass of the appropriate net, and pick the correct outputs. + The pdparam will be the logits for discrete prob. dist., or the mean and std for continuous prob. dist. + ''' + raise NotImplementedError + + def nanflat_to_data_a(self, data_name, nanflat_data_a): + '''Reshape nanflat_data_a, e.g. action_a, from a single pass back into the API-conforming data_a''' + data_names = (data_name,) + data_a, = self.agent.agent_space.aeb_space.init_data_s(data_names, a=self.agent.a) + for body, data in zip(self.agent.nanflat_body_a, nanflat_data_a): + e, b = body.e, body.b + data_a[(e, b)] = data + return data_a + + @lab_api + def act(self, state): + '''Standard act method.''' + raise NotImplementedError + return action + + @abstractmethod + @lab_api + def sample(self): + '''Samples a batch from memory''' + raise NotImplementedError + return batch + + @abstractmethod + @lab_api + def train(self): + '''Implement algorithm train, or throw NotImplementedError''' + if util.in_eval_lab_modes(): + return np.nan + raise NotImplementedError + + @abstractmethod + @lab_api + def update(self): + '''Implement algorithm update, or throw NotImplementedError''' + raise NotImplementedError + + @lab_api + def save(self, ckpt=None): + '''Save net models for algorithm given the required property self.net_names''' + if not hasattr(self, 'net_names'): + logger.info('No net declared in self.net_names in init_nets(); no models to save.') + else: + net_util.save_algorithm(self, ckpt=ckpt) + + @lab_api + def load(self): + '''Load net models for algorithm given the required property self.net_names''' + if not hasattr(self, 'net_names'): + logger.info('No net declared in self.net_names in init_nets(); no models to load.') + else: + net_util.load_algorithm(self) + # set decayable variables to final values + for k, v in vars(self).items(): + if k.endswith('_scheduler'): + var_name = k.replace('_scheduler', '') + setattr(self.body, var_name, v.end_val) + + # NOTE optional extension for multi-agent-env + + @lab_api + def space_act(self, state_a): + '''Interface-level agent act method for all its bodies. Resolves state to state; get action and compose into action.''' + data_names = ('action',) + action_a, = self.agent.agent_space.aeb_space.init_data_s(data_names, a=self.agent.a) + for eb, body in util.ndenumerate_nonan(self.agent.body_a): + state = state_a[eb] + self.body = body + action_a[eb] = self.act(state) + # set body reference back to default + self.body = self.agent.nanflat_body_a[0] + return action_a + + @lab_api + def space_sample(self): + '''Samples a batch from memory''' + batches = [] + for body in self.agent.nanflat_body_a: + self.body = body + batches.append(self.sample()) + # set body reference back to default + self.body = self.agent.nanflat_body_a[0] + batch = util.concat_batches(batches) + batch = util.to_torch_batch(batch, self.net.device, self.body.memory.is_episodic) + return batch + + @lab_api + def space_train(self): + if util.in_eval_lab_modes(): + return np.nan + losses = [] + for body in self.agent.nanflat_body_a: + self.body = body + losses.append(self.train()) + # set body reference back to default + self.body = self.agent.nanflat_body_a[0] + loss_a = self.nanflat_to_data_a('loss', losses) + return loss_a + + @lab_api + def space_update(self): + explore_vars = [] + for body in self.agent.nanflat_body_a: + self.body = body + explore_vars.append(self.update()) + # set body reference back to default + self.body = self.agent.nanflat_body_a[0] + explore_var_a = self.nanflat_to_data_a('explore_var', explore_vars) + return explore_var_a diff --git a/convlab/agent/algorithm/dqn.py b/convlab/agent/algorithm/dqn.py new file mode 100644 index 0000000..d99bd03 --- /dev/null +++ b/convlab/agent/algorithm/dqn.py @@ -0,0 +1,350 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.agent import net +from convlab.agent.algorithm import policy_util +from convlab.agent.algorithm.sarsa import SARSA +from convlab.agent.net import net_util +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api +import numpy as np +import pydash as ps +import torch + +logger = logger.get_logger(__name__) + + +class VanillaDQN(SARSA): + ''' + Implementation of a simple DQN algorithm. + Algorithm: + 1. Collect some examples by acting in the environment and store them in a replay memory + 2. Every K steps sample N examples from replay memory + 3. For each example calculate the target (bootstrapped estimate of the discounted value of the state and action taken), y, using a neural network to approximate the Q function. s' is the next state following the action actually taken. + y_t = r_t + gamma * argmax_a Q(s_t', a) + 4. For each example calculate the current estimate of the discounted value of the state and action taken + x_t = Q(s_t, a_t) + 5. Calculate L(x, y) where L is a regression loss (eg. mse) + 6. Calculate the gradient of L with respect to all the parameters in the network and update the network parameters using the gradient + 7. Repeat steps 3 - 6 M times + 8. Repeat steps 2 - 7 Z times + 9. Repeat steps 1 - 8 + + For more information on Q-Learning see Sergey Levine's lectures 6 and 7 from CS294-112 Fall 2017 + https://www.youtube.com/playlist?list=PLkFD6_40KJIznC9CDbVTjAF2oyt8_VAe3 + + e.g. algorithm_spec + "algorithm": { + "name": "VanillaDQN", + "action_pdtype": "Argmax", + "action_policy": "epsilon_greedy", + "explore_var_spec": { + "name": "linear_decay", + "start_val": 1.0, + "end_val": 0.1, + "start_step": 10, + "end_step": 1000, + }, + "gamma": 0.99, + "training_batch_epoch": 8, + "training_epoch": 4, + "training_frequency": 10, + "training_start_step": 10, + "normalize_state": true + } + ''' + + @lab_api + def init_algorithm_params(self): + # set default + util.set_attr(self, dict( + action_pdtype='Argmax', + action_policy='epsilon_greedy', + explore_var_spec=None, + )) + util.set_attr(self, self.algorithm_spec, [ + 'action_pdtype', + 'action_policy', + 'rule_guide_max_epi', + "rule_guide_frequency", + # explore_var is epsilon, tau or etc. depending on the action policy + # these control the trade off between exploration and exploitaton + 'explore_var_spec', + 'gamma', # the discount factor + 'training_batch_epoch', # how many gradient updates per batch + 'training_epoch', # how many batches to train each time + 'training_frequency', # how often to train (once a few timesteps) + 'training_start_step', # how long before starting training + 'normalize_state', + ]) + super(VanillaDQN, self).init_algorithm_params() + + @lab_api + def init_nets(self, global_nets=None): + '''Initialize the neural network used to learn the Q function from the spec''' + if self.algorithm_spec['name'] == 'VanillaDQN': + assert all(k not in self.net_spec for k in ['update_type', 'update_frequency', 'polyak_coef']), 'Network update not available for VanillaDQN; use DQN.' + if global_nets is None: + in_dim = self.body.state_dim + out_dim = net_util.get_out_dim(self.body) + NetClass = getattr(net, self.net_spec['type']) + self.net = NetClass(self.net_spec, in_dim, out_dim) + self.net_names = ['net'] + else: + util.set_attr(self, global_nets) + self.net_names = list(global_nets.keys()) + self.post_init_nets() + + def calc_q_loss(self, batch): + '''Compute the Q value loss using predicted and target Q values from the appropriate networks''' + q_preds = self.net.wrap_eval(batch['states']) + act_q_preds = q_preds.gather(-1, batch['actions'].long().unsqueeze(-1)).squeeze(-1) + next_q_preds = self.net.wrap_eval(batch['next_states']) + # Bellman equation: compute max_q_targets using reward and max estimated Q values (0 if no next_state) + max_next_q_preds, _ = next_q_preds.max(dim=-1, keepdim=True) + max_q_targets = batch['rewards'] + self.gamma * (1 - batch['dones']) * max_next_q_preds + max_q_targets = max_q_targets.detach() + q_loss = self.net.loss_fn(act_q_preds, max_q_targets) + + # TODO use the same loss_fn but do not reduce yet + if 'Prioritized' in util.get_class_name(self.body.memory): # PER + errors = torch.abs(max_q_targets - act_q_preds.detach()) + self.body.memory.update_priorities(errors) + return q_loss + + @lab_api + def act(self, state): + '''Selects and returns a discrete action for body using the action policy''' + return super(VanillaDQN, self).act(state) + + @lab_api + def sample(self): + '''Samples a batch from memory of size self.memory_spec['batch_size']''' + batch = self.body.memory.sample() + if self.normalize_state: + batch = policy_util.normalize_states_and_next_states(self.body, batch) + batch = util.to_torch_batch(batch, self.net.device, self.body.memory.is_episodic) + return batch + + @lab_api + def train(self): + ''' + Completes one training step for the agent if it is time to train. + i.e. the environment timestep is greater than the minimum training timestep and a multiple of the training_frequency. + Each training step consists of sampling n batches from the agent's memory. + For each of the batches, the target Q values (q_targets) are computed and a single training step is taken k times + Otherwise this function does nothing. + ''' + if util.in_eval_lab_modes(): + self.body.flush() + return np.nan + clock = self.body.env.clock + tick = clock.get(clock.max_tick_unit) + self.to_train = (tick > self.training_start_step and tick % self.training_frequency == 0) + if self.to_train == 1: + total_loss = torch.tensor(0.0, device=self.net.device) + for _ in range(self.training_epoch): + batch = self.sample() + for _ in range(self.training_batch_epoch): + loss = self.calc_q_loss(batch) + self.net.training_step(loss=loss, lr_clock=clock) + total_loss += loss + loss = total_loss / (self.training_epoch * self.training_batch_epoch) + # reset + self.to_train = 0 + self.body.flush() + logger.debug(f'Trained {self.name} at epi: {clock.epi}, total_t: {clock.total_t}, t: {clock.t}, total_reward so far: {self.body.memory.total_reward}, loss: {loss:g}') + return loss.item() + else: + return np.nan + + @lab_api + def update(self): + '''Update the agent after training''' + return super(VanillaDQN, self).update() + + +class DQNBase(VanillaDQN): + ''' + Implementation of the base DQN algorithm. + The algorithm follows the same general approach as VanillaDQN but is more general since it allows + for two different networks (through self.net and self.target_net). + + self.net is used to act, and is the network trained. + self.target_net is used to estimate the maximum value of the Q-function in the next state when calculating the target (see VanillaDQN comments). + self.target_net is updated periodically to either match self.net (self.net.update_type = "replace") or to be a weighted average of self.net and the previous self.target_net (self.net.update_type = "polyak") + If desired, self.target_net can be updated slowly, and this can help to stabilize learning. + + It also allows for different nets to be used to select the action in the next state and to evaluate the value of that action through self.online_net and self.eval_net. This can help reduce the tendency of DQN's to overestimate the value of the Q-function. Following this approach leads to the DoubleDQN algorithm. + + Setting all nets to self.net reduces to the VanillaDQN case. + ''' + + @lab_api + def init_nets(self, global_nets=None): + '''Initialize networks''' + if self.algorithm_spec['name'] == 'DQNBase': + assert all(k not in self.net_spec for k in ['update_type', 'update_frequency', 'polyak_coef']), 'Network update not available for DQNBase; use DQN.' + if global_nets is None: + in_dim = self.body.state_dim + out_dim = net_util.get_out_dim(self.body) + NetClass = getattr(net, self.net_spec['type']) + self.net = NetClass(self.net_spec, in_dim, out_dim) + self.target_net = NetClass(self.net_spec, in_dim, out_dim) + self.net_names = ['net', 'target_net'] + else: + util.set_attr(self, global_nets) + self.net_names = list(global_nets.keys()) + self.post_init_nets() + self.online_net = self.target_net + self.eval_net = self.target_net + + def calc_q_loss(self, batch): + '''Compute the Q value loss using predicted and target Q values from the appropriate networks''' + q_preds = self.net.wrap_eval(batch['states']) + # q_preds = self.net(batch['states']) + act_q_preds = q_preds.gather(-1, batch['actions'].long().unsqueeze(-1)).squeeze(-1) + # Use online_net to select actions in next state + online_next_q_preds = self.online_net.wrap_eval(batch['next_states']) + # Use eval_net to calculate next_q_preds for actions chosen by online_net + next_q_preds = self.eval_net.wrap_eval(batch['next_states']) + max_next_q_preds = next_q_preds.gather(-1, online_next_q_preds.argmax(dim=-1, keepdim=True)).squeeze(-1) + max_q_targets = batch['rewards'] + self.gamma * (1 - batch['dones']) * max_next_q_preds + max_q_targets = max_q_targets.detach() + + # print(action_list[int(batch['actions'][0].item())]) + # print(batch['actions'][0].item()) + # print('{} vs {}'.format(act_q_preds.item(), max_q_targets.item())) + + q_loss = self.net.loss_fn(act_q_preds, max_q_targets) + + + # TODO use the same loss_fn but do not reduce yet + if 'Prioritized' in util.get_class_name(self.body.memory): # PER + errors = torch.abs(max_q_targets - act_q_preds.detach()) + self.body.memory.update_priorities(errors) + return q_loss + + @lab_api + def train(self): + ''' + Completes one training step for the agent if it is time to train. + i.e. the environment timestep is greater than the minimum training timestep and a multiple of the training_frequency. + Each training step consists of sampling n batches from the agent's memory. + For each of the batches, the target Q values (q_targets) are computed and a single training step is taken k times + Otherwise this function does nothing. + ''' + if util.in_eval_lab_modes(): + self.body.flush() + return np.nan + clock = self.body.env.clock + tick = clock.get(clock.max_tick_unit) + self.to_train = (tick > self.training_start_step and tick % self.training_frequency == 0) + if self.to_train == 1: + total_loss = torch.tensor(0.0, device=self.net.device) + for epoch in range(self.training_epoch): + num_batches = int(self.body.memory.true_size / self.body.memory.batch_size) + for _ in range(num_batches): + batch = self.sample() + loss = self.calc_q_loss(batch) + self.net.training_step(loss=loss, lr_clock=clock) + total_loss += loss + loss = total_loss / (self.training_epoch * num_batches) + # reset + self.to_train = 0 + self.body.flush() + logger.debug(f'Trained {self.name} at epi: {clock.epi}, total_t: {clock.total_t}, t: {clock.t}, total_reward so far: {self.body.memory.total_reward}, loss: {loss:g}') + return loss.item() + else: + return np.nan + + def update_nets(self): + total_t = self.body.env.clock.total_t + if total_t % self.net.update_frequency == 0: + if self.net.update_type == 'replace': + logger.debug('Updating target_net by replacing') + net_util.copy(self.net, self.target_net) + self.online_net = self.target_net + self.eval_net = self.target_net + elif self.net.update_type == 'polyak': + logger.debug('Updating net by averaging') + net_util.polyak_update(self.net, self.target_net, self.net.polyak_coef) + self.online_net = self.target_net + self.eval_net = self.target_net + else: + raise ValueError('Unknown net.update_type. Should be "replace" or "polyak". Exiting.') + + @lab_api + def update(self): + '''Updates self.target_net and the explore variables''' + self.update_nets() + return super(DQNBase, self).update() + + +class DQN(DQNBase): + ''' + DQN class + + e.g. algorithm_spec + "algorithm": { + "name": "DQN", + "action_pdtype": "Argmax", + "action_policy": "epsilon_greedy", + "explore_var_spec": { + "name": "linear_decay", + "start_val": 1.0, + "end_val": 0.1, + "start_step": 10, + "end_step": 1000, + }, + "gamma": 0.99, + "training_batch_epoch": 8, + "training_epoch": 4, + "training_frequency": 10, + "training_start_step": 10 + } + ''' + @lab_api + def init_nets(self, global_nets=None): + super(DQN, self).init_nets(global_nets) + + +class DoubleDQN(DQN): + ''' + Double-DQN (DDQN) class + + e.g. algorithm_spec + "algorithm": { + "name": "DDQN", + "action_pdtype": "Argmax", + "action_policy": "epsilon_greedy", + "explore_var_spec": { + "name": "linear_decay", + "start_val": 1.0, + "end_val": 0.1, + "start_step": 10, + "end_step": 1000, + }, + "gamma": 0.99, + "training_batch_epoch": 8, + "training_epoch": 4, + "training_frequency": 10, + "training_start_step": 10 + } + ''' + @lab_api + def init_nets(self, global_nets=None): + super(DoubleDQN, self).init_nets(global_nets) + self.online_net = self.net + self.eval_net = self.target_net + + def update_nets(self): + res = super(DoubleDQN, self).update_nets() + total_t = self.body.env.clock.total_t + if self.net.update_type == 'replace': + if total_t % self.net.update_frequency == 0: + self.online_net = self.net + self.eval_net = self.target_net + elif self.net.update_type == 'polyak': + self.online_net = self.net + self.eval_net = self.target_net diff --git a/convlab/agent/algorithm/external.py b/convlab/agent/algorithm/external.py new file mode 100644 index 0000000..79ed997 --- /dev/null +++ b/convlab/agent/algorithm/external.py @@ -0,0 +1,67 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The random agent algorithm +For basic dev purpose. +''' +from convlab.agent.algorithm.base import Algorithm +from convlab.agent.algorithm import policy_util +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api +from convlab.modules import policy + +import numpy as np +from copy import deepcopy +import pydash as ps + +logger = logger.get_logger(__name__) + + +class ExternalPolicy(Algorithm): + ''' + Example Random agent that works in both discrete and continuous envs + ''' + + @lab_api + def init_algorithm_params(self): + '''Initialize other algorithm parameters''' + # set default + util.set_attr(self, dict( + action_pdtype='default', + action_policy='default', + )) + util.set_attr(self, self.algorithm_spec, [ + 'policy_name', + 'action_pdtype', + 'action_policy', + ]) + self.action_policy = getattr(policy_util, self.action_policy) + self.policy = None + params = deepcopy(ps.get(self.algorithm_spec, 'policy')) + PolicyClass = getattr(policy, params.pop('name')) + self.policy = PolicyClass(**params) + + def reset(self): + self.policy.init_session() + + @lab_api + def init_nets(self, global_nets=None): + pass + + @lab_api + def act(self, state): + action = self.policy.predict(state) + return action + + @lab_api + def sample(self): + pass + + @lab_api + def train(self): + pass + + @lab_api + def update(self): + pass \ No newline at end of file diff --git a/convlab/agent/algorithm/hydra_dqn.py b/convlab/agent/algorithm/hydra_dqn.py new file mode 100644 index 0000000..031ce4d --- /dev/null +++ b/convlab/agent/algorithm/hydra_dqn.py @@ -0,0 +1,126 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.agent import net +from convlab.agent.algorithm import policy_util +from convlab.agent.algorithm.sarsa import SARSA +from convlab.agent.algorithm.dqn import DQN +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api +import numpy as np +import torch + +logger = logger.get_logger(__name__) + + +class HydraDQN(DQN): + '''Multi-task DQN with separate state and action processors per environment''' + + @lab_api + def init_nets(self, global_nets=None): + '''Initialize nets with multi-task dimensions, and set net params''' + # NOTE: Separate init from MultitaskDQN despite similarities so that this implementation can support arbitrary sized state and action heads (e.g. multiple layers) + self.state_dims = in_dims = [body.state_dim for body in self.agent.nanflat_body_a] + self.action_dims = out_dims = [body.action_dim for body in self.agent.nanflat_body_a] + if global_nets is None: + NetClass = getattr(net, self.net_spec['type']) + self.net = NetClass(self.net_spec, in_dims, out_dims) + self.target_net = NetClass(self.net_spec, in_dims, out_dims) + self.net_names = ['net', 'target_net'] + else: + util.set_attr(self, global_nets) + self.net_names = list(global_nets.keys()) + self.post_init_nets() + self.online_net = self.target_net + self.eval_net = self.target_net + + @lab_api + def calc_pdparam(self, xs, evaluate=True, net=None): + ''' + Calculate pdparams for multi-action by chunking the network logits output + ''' + pdparam = SARSA.calc_pdparam(self, xs, evaluate=evaluate, net=net) + return pdparam + + @lab_api + def space_act(self, state_a): + '''Non-atomizable act to override agent.act(), do a single pass on the entire state_a instead of composing act() via iteration''' + # gather and flatten + states = [] + for eb, body in util.ndenumerate_nonan(self.agent.body_a): + state = state_a[eb] + if self.normalize_state: + state = policy_util.update_online_stats_and_normalize_state(body, state) + states.append(state) + xs = [torch.from_numpy(state).float() for state in states] + pdparam = self.calc_pdparam(xs, evaluate=False) + # use multi-policy. note arg change + action_a, action_pd_a = self.action_policy(states, self, self.agent.nanflat_body_a, pdparam) + for idx, body in enumerate(self.agent.nanflat_body_a): + body.action_tensor, body.action_pd = action_a[idx], action_pd_a[idx] # used for body.action_pd_update later + return action_a.cpu().numpy() + + @lab_api + def space_sample(self): + '''Samples a batch per body, which may experience different environment''' + batch = {k: [] for k in self.body.memory.data_keys} + for body in self.agent.nanflat_body_a: + body_batch = body.memory.sample() + if self.normalize_state: + body_batch = policy_util.normalize_states_and_next_states(body, body_batch) + body_batch = util.to_torch_batch(body_batch, self.net.device, body.memory.is_episodic) + for k, arr in batch.items(): + arr.append(body_batch[k]) + return batch + + def calc_q_loss(self, batch): + '''Compute the Q value loss for Hydra network by apply the singleton logic on generalized aggregate.''' + q_preds = torch.stack(self.net.wrap_eval(batch['states'])) + act_q_preds = q_preds.gather(-1, torch.stack(batch['actions']).long().unsqueeze(-1)).squeeze(-1) + # Use online_net to select actions in next state + online_next_q_preds = torch.stack(self.online_net.wrap_eval(batch['next_states'])) + # Use eval_net to calculate next_q_preds for actions chosen by online_net + next_q_preds = torch.stack(self.eval_net.wrap_eval(batch['next_states'])) + max_next_q_preds = online_next_q_preds.gather(-1, next_q_preds.argmax(dim=-1, keepdim=True)).squeeze(-1) + max_q_targets = torch.stack(batch['rewards']) + self.gamma * (1 - torch.stack(batch['dones'])) * max_next_q_preds + q_loss = self.net.loss_fn(act_q_preds, max_q_targets) + + # TODO use the same loss_fn but do not reduce yet + for body in self.agent.nanflat_body_a: + if 'Prioritized' in util.get_class_name(body.memory): # PER + errors = torch.abs(max_q_targets - act_q_preds) + body.memory.update_priorities(errors) + return q_loss + + @lab_api + def space_train(self): + ''' + Completes one training step for the agent if it is time to train. + i.e. the environment timestep is greater than the minimum training timestep and a multiple of the training_frequency. + Each training step consists of sampling n batches from the agent's memory. + For each of the batches, the target Q values (q_targets) are computed and a single training step is taken k times + Otherwise this function does nothing. + ''' + if util.in_eval_lab_modes(): + self.body.flush() + return np.nan + clock = self.body.env.clock # main clock + tick = util.s_get(self, 'aeb_space.clock').get(clock.max_tick_unit) + self.to_train = (tick > self.training_start_step and tick % self.training_frequency == 0) + if self.to_train == 1: + total_loss = torch.tensor(0.0, device=self.net.device) + for _ in range(self.training_epoch): + batch = self.space_sample() + for _ in range(self.training_batch_epoch): + loss = self.calc_q_loss(batch) + self.net.training_step(loss=loss, lr_clock=clock) + total_loss += loss + loss = total_loss / (self.training_epoch * self.training_batch_epoch) + # reset + self.to_train = 0 + for body in self.agent.nanflat_body_a: + body.flush() + logger.debug(f'Trained {self.name} at epi: {clock.epi}, total_t: {clock.total_t}, t: {clock.t}, total_reward so far: {self.body.memory.total_reward}, loss: {loss:g}') + return loss.item() + else: + return np.nan diff --git a/convlab/agent/algorithm/policy_util.py b/convlab/agent/algorithm/policy_util.py new file mode 100644 index 0000000..f23dbf5 --- /dev/null +++ b/convlab/agent/algorithm/policy_util.py @@ -0,0 +1,532 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +Action policy methods to sampling actions +Algorithm provides a `calc_pdparam` which takes a state and do a forward pass through its net, +and the pdparam is used to construct an action probability distribution as appropriate per the action type as indicated by the body +Then the prob. dist. is used to sample action. + +The default form looks like: +``` +ActionPD, pdparam, body = init_action_pd(state, algorithm, body) +action, action_pd = sample_action_pd(ActionPD, pdparam, body) +``` + +We can also augment pdparam before sampling - as in the case of Boltzmann sampling, +or do epsilon-greedy to use pdparam-sampling or random sampling. +''' +# from convlab.env.wrapper import LazyFrames +from convlab.lib import logger, math_util, util +from torch import distributions +import numpy as np +import pydash as ps +import torch +from pprint import pprint + +logger = logger.get_logger(__name__) + + +# probability distributions constraints for different action types; the first in the list is the default +ACTION_PDS = { + 'continuous': ['Normal', 'Beta', 'Gumbel', 'LogNormal'], + 'multi_continuous': ['MultivariateNormal'], + 'discrete': ['Categorical', 'Argmax'], + 'multi_discrete': ['MultiCategorical'], + 'multi_binary': ['Bernoulli'], +} + + +class Argmax(distributions.Categorical): + ''' + Special distribution class for argmax sampling, where probability is always 1 for the argmax. + NOTE although argmax is not a sampling distribution, this implementation is for API consistency. + ''' + + def __init__(self, probs=None, logits=None, validate_args=None): + if probs is not None: + new_probs = torch.zeros_like(probs, dtype=torch.float) + new_probs[torch.argmax(probs, dim=0)] = 1.0 + probs = new_probs + elif logits is not None: + new_logits = torch.full_like(logits, -1e8, dtype=torch.float) + max_idx = torch.argmax(logits, dim=0) + new_logits[max_idx] = logits[max_idx] + logits = new_logits + + super(Argmax, self).__init__(probs=probs, logits=logits, validate_args=validate_args) + + +class MultiCategorical(distributions.Categorical): + '''MultiCategorical as collection of Categoricals''' + + def __init__(self, probs=None, logits=None, validate_args=None): + self.categoricals = [] + if probs is None: + probs = [None] * len(logits) + elif logits is None: + logits = [None] * len(probs) + else: + raise ValueError('Either probs or logits must be None') + + for sub_probs, sub_logits in zip(probs, logits): + categorical = distributions.Categorical(probs=sub_probs, logits=sub_logits, validate_args=validate_args) + self.categoricals.append(categorical) + + @property + def logits(self): + return [cat.logits for cat in self.categoricals] + + @property + def probs(self): + return [cat.probs for cat in self.categoricals] + + @property + def param_shape(self): + return [cat.param_shape for cat in self.categoricals] + + @property + def mean(self): + return torch.stack([cat.mean for cat in self.categoricals]) + + @property + def variance(self): + return torch.stack([cat.variance for cat in self.categoricals]) + + def sample(self, sample_shape=torch.Size()): + return torch.stack([cat.sample(sample_shape=sample_shape) for cat in self.categoricals]) + + def log_prob(self, value): + return torch.stack([cat.log_prob(value[idx]) for idx, cat in enumerate(self.categoricals)]) + + def entropy(self): + return torch.stack([cat.entropy() for cat in self.categoricals]) + + def enumerate_support(self): + return [cat.enumerate_support() for cat in self.categoricals] + + +setattr(distributions, 'Argmax', Argmax) +setattr(distributions, 'MultiCategorical', MultiCategorical) + + +# base methods + +def try_preprocess(state, algorithm, body, append=True): + '''Try calling preprocess as implemented in body's memory to use for net input''' + # if isinstance(state, LazyFrames): + # state = state.__array__() # from global env preprocessor + if hasattr(body.memory, 'preprocess_state'): + state = body.memory.preprocess_state(state, append=append) + # as float, and always as minibatch for net input + state = torch.from_numpy(state).float().unsqueeze_(dim=0) + return state + + +def cond_squeeze(out): + '''Helper to squeeze output depending if it is tensor (discrete pdparam) or list of tensors (continuous pdparam of loc and scale)''' + if isinstance(out, list): + for out_t in out: + out_t.squeeze_(dim=0) + else: + out.squeeze_(dim=0) + return out + + +def init_action_pd(state, algorithm, body, append=True): + ''' + Build the proper action prob. dist. to use for action sampling. + state is passed through algorithm's net via calc_pdparam, which the algorithm must implement using its proper net. + This will return body, ActionPD and pdparam to allow augmentation, e.g. applying temperature tau to pdparam for boltzmann. + Then, output must be called with sample_action_pd(body, ActionPD, pdparam) to sample action. + @returns {cls, tensor, *} ActionPD, pdparam, body + ''' + pdtypes = ACTION_PDS[body.action_type] + assert body.action_pdtype in pdtypes, f'Pdtype {body.action_pdtype} is not compatible/supported with action_type {body.action_type}. Options are: {ACTION_PDS[body.action_type]}' + ActionPD = getattr(distributions, body.action_pdtype) + + state = try_preprocess(state, algorithm, body, append=append) + state = state.to(algorithm.net.device) + pdparam = algorithm.calc_pdparam(state, evaluate=False) + return ActionPD, pdparam, body + + +def sample_action_pd(ActionPD, pdparam, body): + ''' + This uses the outputs from init_action_pd and an optionally augmented pdparam to construct a action_pd for sampling action + @returns {tensor, distribution} action, action_pd A sampled action, and the prob. dist. used for sampling to enable calculations like kl, entropy, etc. later. + ''' + pdparam = cond_squeeze(pdparam) + if body.is_discrete: + action_pd = ActionPD(logits=pdparam) + else: # continuous outputs a list, loc and scale + assert len(pdparam) == 2, pdparam + # scale (stdev) must be >0, use softplus + if pdparam[1] < 5: + pdparam[1] = torch.log(1 + torch.exp(pdparam[1])) + 1e-8 + action_pd = ActionPD(*pdparam) + action = action_pd.sample() + return action, action_pd + + +# interface action sampling methods + + +def default(state, algorithm, body): + '''Plain policy by direct sampling using outputs of net as logits and constructing ActionPD as appropriate''' + ActionPD, pdparam, body = init_action_pd(state, algorithm, body) + action, action_pd = sample_action_pd(ActionPD, pdparam, body) + return action, action_pd + + +def random(state, algorithm, body): + '''Random action sampling that returns the same data format as default(), but without forward pass. Uses gym.space.sample()''' + state = try_preprocess(state, algorithm, body, append=True) # for consistency with init_action_pd inner logic + if body.action_type == 'discrete': + action_pd = distributions.Categorical(logits=torch.ones(body.action_space.high, device=algorithm.net.device)) + elif body.action_type == 'continuous': + # Possibly this should this have a 'device' set + action_pd = distributions.Uniform( + low=torch.tensor(body.action_space.low).float(), + high=torch.tensor(body.action_space.high).float()) + elif body.action_type == 'multi_discrete': + action_pd = distributions.Categorical( + logits=torch.ones(body.action_space.high.size, body.action_space.high[0], device=algorithm.net.device)) + elif body.action_type == 'multi_continuous': + raise NotImplementedError + elif body.action_type == 'multi_binary': + raise NotImplementedError + else: + raise NotImplementedError + sample = body.action_space.sample() + action = torch.tensor(sample, device=algorithm.net.device) + return action, action_pd + + +def epsilon_greedy(state, algorithm, body): + '''Epsilon-greedy policy: with probability epsilon, do random action, otherwise do default sampling.''' + epsilon = body.explore_var + if epsilon > np.random.rand(): + return random(state, algorithm, body) + else: + return default(state, algorithm, body) + + +def boltzmann(state, algorithm, body): + ''' + Boltzmann policy: adjust pdparam with temperature tau; the higher the more randomness/noise in action. + ''' + tau = body.explore_var + ActionPD, pdparam, body = init_action_pd(state, algorithm, body) + pdparam /= tau + action, action_pd = sample_action_pd(ActionPD, pdparam, body) + return action, action_pd + + +def rule_guide_epsilon_greedy(state, algorithm, body): + epsilon = body.explore_var + if epsilon > np.random.rand(): + action, action_pd = random(state, algorithm, body) + else: + action, action_pd = default(state, algorithm, body) + + if body.env.clock.epi < algorithm.rule_guide_max_epi and \ + body.env.clock.epi % algorithm.rule_guide_frequency == 0: + if hasattr(body, 'state'): + action, rp = rule_guide(body.state, algorithm, body) + else: + action, rp = rule_guide(state, algorithm, body) + return action, action_pd + + +def rule_guide_default(state, algorithm, body): + action, action_pd = default(state, algorithm, body) + + if body.env.clock.epi < algorithm.rule_guide_max_epi and \ + body.env.clock.epi % algorithm.rule_guide_frequency == 0: + if hasattr(body, 'state'): + action, rp = rule_guide(body.state, algorithm, body) + else: + action, rp = rule_guide(state, algorithm, body) + return action, action_pd + + +def rule_guide(state, algorithm, body): + env = body.env.u_env + action = env.rule_policy(state, algorithm, body) + probs = torch.zeros(body.action_space.high, device=algorithm.net.device) + probs[action] = 1 + action_pd = distributions.Categorical(probs=probs) + action = torch.tensor(action, device=algorithm.net.device) + return action, action_pd + + +# multi-body policy with a single forward pass to calc pdparam + +def multi_default(states, algorithm, body_list, pdparam): + ''' + Apply default policy body-wise + Note, for efficiency, do a single forward pass to calculate pdparam, then call this policy like: + @example + + pdparam = self.calc_pdparam(state, evaluate=False) + action_a, action_pd_a = self.action_policy(pdparam, self, body_list) + ''' + pdparam.squeeze_(dim=0) + # assert pdparam has been chunked + assert len(pdparam.shape) > 1 and len(pdparam) == len(body_list), f'pdparam shape: {pdparam.shape}, bodies: {len(body_list)}' + action_list, action_pd_a = [], [] + for idx, sub_pdparam in enumerate(pdparam): + body = body_list[idx] + try_preprocess(states[idx], algorithm, body, append=True) # for consistency with init_action_pd inner logic + ActionPD = getattr(distributions, body.action_pdtype) + action, action_pd = sample_action_pd(ActionPD, sub_pdparam, body) + action_list.append(action) + action_pd_a.append(action_pd) + action_a = torch.tensor(action_list, device=algorithm.net.device).unsqueeze_(dim=1) + return action_a, action_pd_a + + +def multi_random(states, algorithm, body_list, pdparam): + '''Apply random policy body-wise.''' + pdparam.squeeze_(dim=0) + action_list, action_pd_a = [], [] + for idx, body in body_list: + action, action_pd = random(states[idx], algorithm, body) + action_list.append(action) + action_pd_a.append(action_pd) + action_a = torch.tensor(action_list, device=algorithm.net.device).unsqueeze_(dim=1) + return action_a, action_pd_a + + +def multi_epsilon_greedy(states, algorithm, body_list, pdparam): + '''Apply epsilon-greedy policy body-wise''' + assert len(pdparam) > 1 and len(pdparam) == len(body_list), f'pdparam shape: {pdparam.shape}, bodies: {len(body_list)}' + action_list, action_pd_a = [], [] + for idx, sub_pdparam in enumerate(pdparam): + body = body_list[idx] + epsilon = body.explore_var + if epsilon > np.random.rand(): + action, action_pd = random(states[idx], algorithm, body) + else: + try_preprocess(states[idx], algorithm, body, append=True) # for consistency with init_action_pd inner logic + ActionPD = getattr(distributions, body.action_pdtype) + action, action_pd = sample_action_pd(ActionPD, sub_pdparam, body) + action_list.append(action) + action_pd_a.append(action_pd) + action_a = torch.tensor(action_list, device=algorithm.net.device).unsqueeze_(dim=1) + return action_a, action_pd_a + + +def multi_boltzmann(states, algorithm, body_list, pdparam): + '''Apply Boltzmann policy body-wise''' + # pdparam.squeeze_(dim=0) + assert len(pdparam) > 1 and len(pdparam) == len(body_list), f'pdparam shape: {pdparam.shape}, bodies: {len(body_list)}' + action_list, action_pd_a = [], [] + for idx, sub_pdparam in enumerate(pdparam): + body = body_list[idx] + try_preprocess(states[idx], algorithm, body, append=True) # for consistency with init_action_pd inner logic + tau = body.explore_var + sub_pdparam /= tau + ActionPD = getattr(distributions, body.action_pdtype) + action, action_pd = sample_action_pd(ActionPD, sub_pdparam, body) + action_list.append(action) + action_pd_a.append(action_pd) + action_a = torch.tensor(action_list, device=algorithm.net.device).unsqueeze_(dim=1) + return action_a, action_pd_a + + +# action policy update methods + +class VarScheduler: + ''' + Variable scheduler for decaying variables such as explore_var (epsilon, tau) and entropy + + e.g. spec + "explore_var_spec": { + "name": "linear_decay", + "start_val": 1.0, + "end_val": 0.1, + "start_step": 0, + "end_step": 800, + }, + ''' + + def __init__(self, var_decay_spec=None): + self._updater_name = 'no_decay' if var_decay_spec is None else var_decay_spec['name'] + self._updater = getattr(math_util, self._updater_name) + util.set_attr(self, dict( + start_val=np.nan, + )) + util.set_attr(self, var_decay_spec, [ + 'start_val', + 'end_val', + 'start_step', + 'end_step', + ]) + if not getattr(self, 'end_val', None): + self.end_val = self.start_val + + def update(self, algorithm, clock): + '''Get an updated value for var''' + if (util.get_lab_mode() in ('enjoy', 'eval')) or self._updater_name == 'no_decay': + return self.end_val + step = clock.get(clock.max_tick_unit) + val = self._updater(self.start_val, self.end_val, self.start_step, self.end_step, step) + return val + + +# misc calc methods + +def guard_multi_pdparams(pdparams, body): + '''Guard pdparams for multi action''' + action_dim = body.action_dim + is_multi_action = ps.is_iterable(action_dim) + if is_multi_action: + assert ps.is_list(pdparams) + pdparams = [t.clone() for t in pdparams] # clone for grad safety + assert len(pdparams) == len(action_dim), pdparams + # transpose into (batch_size, [action_dims]) + pdparams = [list(torch.split(t, action_dim, dim=0)) for t in torch.cat(pdparams, dim=1)] + return pdparams + + +def calc_log_probs(algorithm, net, body, batch): + ''' + Method to calculate log_probs fresh from batch data + Body already stores log_prob from self.net. This is used for PPO where log_probs needs to be recalculated. + ''' + states, actions = batch['states'], batch['actions'] + action_dim = body.action_dim + is_multi_action = ps.is_iterable(action_dim) + # construct log_probs for each state-action + pdparams = algorithm.calc_pdparam(states, net=net) + pdparams = guard_multi_pdparams(pdparams, body) + assert len(pdparams) == len(states), f'batch_size of pdparams: {len(pdparams)} vs states: {len(states)}' + + pdtypes = ACTION_PDS[body.action_type] + ActionPD = getattr(distributions, body.action_pdtype) + + log_probs = [] + for idx, pdparam in enumerate(pdparams): + if not is_multi_action: # already cloned for multi_action above + pdparam = pdparam.clone() # clone for grad safety + _action, action_pd = sample_action_pd(ActionPD, pdparam, body) + log_probs.append(action_pd.log_prob(actions[idx].float()).sum(dim=0)) + log_probs = torch.stack(log_probs) + assert not torch.isnan(log_probs).any(), f'log_probs: {log_probs}, \npdparams: {pdparams} \nactions: {actions}' + logger.debug(f'log_probs: {log_probs}') + return log_probs + + +def update_online_stats(body, state): + ''' + Method to calculate the running mean and standard deviation of the state space. + See https://www.johndcook.com/blog/standard_deviation/ for more details + for n >= 1 + M_n = M_n-1 + (state - M_n-1) / n + S_n = S_n-1 + (state - M_n-1) * (state - M_n) + variance = S_n / (n - 1) + std_dev = sqrt(variance) + ''' + logger.debug(f'mean: {body.state_mean}, std: {body.state_std_dev}, num examples: {body.state_n}') + # Assumes only one state is given + if ("Atari" in body.memory.__class__.__name__): + assert state.ndim == 3 + elif getattr(body.memory, 'raw_state_dim', False): + assert state.size == body.memory.raw_state_dim + else: + assert state.size == body.state_dim or state.shape == body.state_dim + mean = body.state_mean + body.state_n += 1 + if np.isnan(mean).any(): + assert np.isnan(body.state_std_dev_int) + assert np.isnan(body.state_std_dev) + body.state_mean = state + body.state_std_dev_int = 0 + body.state_std_dev = 0 + else: + assert body.state_n > 1 + body.state_mean = mean + (state - mean) / body.state_n + body.state_std_dev_int = body.state_std_dev_int + (state - mean) * (state - body.state_mean) + body.state_std_dev = np.sqrt(body.state_std_dev_int / (body.state_n - 1)) + # Guard against very small std devs + if (body.state_std_dev < 1e-8).any(): + body.state_std_dev[np.where(body.state_std_dev < 1e-8)] += 1e-8 + logger.debug(f'new mean: {body.state_mean}, new std: {body.state_std_dev}, num examples: {body.state_n}') + + +def normalize_state(body, state): + ''' + Normalizes one or more states using a running mean and standard deviation + Details of the normalization from Deep RL Bootcamp, L6 + https://www.youtube.com/watch?v=8EcdaCk9KaQ&feature=youtu.be + ''' + same_shape = False if type(state) == list else state.shape == body.state_mean.shape + has_preprocess = getattr(body.memory, 'preprocess_state', False) + if ('Atari' in body.memory.__class__.__name__): + # never normalize atari, it has its own normalization step + logger.debug('skipping normalizing for Atari, already handled by preprocess') + return state + elif ('Replay' in body.memory.__class__.__name__) and has_preprocess: + # normalization handled by preprocess_state function in the memory + logger.debug('skipping normalizing, already handled by preprocess') + return state + elif same_shape: + # if not atari, always normalize the state the first time we see it during act + # if the shape is not transformed in some way + if np.sum(body.state_std_dev) == 0: + return np.clip(state - body.state_mean, -10, 10) + else: + return np.clip((state - body.state_mean) / body.state_std_dev, -10, 10) + else: + # broadcastable sample from an un-normalized memory so we should normalize + logger.debug('normalizing sample from memory') + if np.sum(body.state_std_dev) == 0: + return np.clip(state - body.state_mean, -10, 10) + else: + return np.clip((state - body.state_mean) / body.state_std_dev, -10, 10) + + +# TODO Not currently used, this will crash for more exotic memory structures +# def unnormalize_state(body, state): +# ''' +# Un-normalizes one or more states using a running mean and new_std_dev +# ''' +# return state * body.state_mean + body.state_std_dev + + +def update_online_stats_and_normalize_state(body, state): + ''' + Convenience combination function for updating running state mean and std_dev and normalizing the state in one go. + ''' + logger.debug(f'state: {state}') + update_online_stats(body, state) + state = normalize_state(body, state) + logger.debug(f'normalized state: {state}') + return state + + +def normalize_states_and_next_states(body, batch, episodic_flag=None): + ''' + Convenience function for normalizing the states and next states in a batch of data + ''' + logger.debug(f'states: {batch["states"]}') + logger.debug(f'next states: {batch["next_states"]}') + episodic = episodic_flag if episodic_flag is not None else body.memory.is_episodic + logger.debug(f'Episodic: {episodic}, episodic_flag: {episodic_flag}, body.memory: {body.memory.is_episodic}') + if episodic: + normalized = [] + for epi in batch['states']: + normalized.append(normalize_state(body, epi)) + batch['states'] = normalized + normalized = [] + for epi in batch['next_states']: + normalized.append(normalize_state(body, epi)) + batch['next_states'] = normalized + else: + batch['states'] = normalize_state(body, batch['states']) + batch['next_states'] = normalize_state(body, batch['next_states']) + logger.debug(f'normalized states: {batch["states"]}') + logger.debug(f'normalized next states: {batch["next_states"]}') + return batch diff --git a/convlab/agent/algorithm/ppo.py b/convlab/agent/algorithm/ppo.py new file mode 100644 index 0000000..753d43a --- /dev/null +++ b/convlab/agent/algorithm/ppo.py @@ -0,0 +1,223 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from copy import deepcopy +from convlab.agent import net +from convlab.agent.algorithm import policy_util +from convlab.agent.algorithm.actor_critic import ActorCritic +from convlab.agent.net import net_util +from convlab.lib import logger, math_util, util +from convlab.lib.decorator import lab_api +import numpy as np +import pydash as ps +import torch + +logger = logger.get_logger(__name__) + + +class PPO(ActorCritic): + ''' + Implementation of PPO + This is actually just ActorCritic with a custom loss function + Original paper: "Proximal Policy Optimization Algorithms" + https://arxiv.org/pdf/1707.06347.pdf + + Adapted from OpenAI baselines, CPU version https://github.com/openai/baselines/tree/master/baselines/ppo1 + Algorithm: + for iteration = 1, 2, 3, ... do + for actor = 1, 2, 3, ..., N do + run policy pi_old in env for T timesteps + compute advantage A_1, ..., A_T + end for + optimize surrogate L wrt theta, with K epochs and minibatch size M <= NT + end for + + e.g. algorithm_spec + "algorithm": { + "name": "PPO", + "action_pdtype": "default", + "action_policy": "default", + "explore_var_spec": null, + "gamma": 0.99, + "lam": 1.0, + "clip_eps_spec": { + "name": "linear_decay", + "start_val": 0.01, + "end_val": 0.001, + "start_step": 100, + "end_step": 5000, + }, + "entropy_coef_spec": { + "name": "linear_decay", + "start_val": 0.01, + "end_val": 0.001, + "start_step": 100, + "end_step": 5000, + }, + "training_frequency": 1, + "training_epoch": 8, + "normalize_state": true + } + + e.g. special net_spec param "shared" to share/separate Actor/Critic + "net": { + "type": "MLPNet", + "shared": true, + ... + ''' + + @lab_api + def init_algorithm_params(self): + '''Initialize other algorithm parameters''' + # set default + util.set_attr(self, dict( + action_pdtype='default', + action_policy='default', + explore_var_spec=None, + entropy_coef_spec=None, + val_loss_coef=1.0, + )) + util.set_attr(self, self.algorithm_spec, [ + 'action_pdtype', + 'action_policy', + "rule_guide_max_epi", + "rule_guide_frequency", + # theoretically, PPO does not have policy update; but in this implementation we have such option + 'explore_var_spec', + 'gamma', + 'lam', + 'clip_eps_spec', + 'entropy_coef_spec', + 'val_loss_coef', + 'training_frequency', # horizon + 'training_epoch', + 'normalize_state', + ]) + self.to_train = 0 + self.action_policy = getattr(policy_util, self.action_policy) + self.explore_var_scheduler = policy_util.VarScheduler(self.explore_var_spec) + self.body.explore_var = self.explore_var_scheduler.start_val + # extra variable decays for PPO + self.clip_eps_scheduler = policy_util.VarScheduler(self.clip_eps_spec) + self.body.clip_eps = self.clip_eps_scheduler.start_val + if self.entropy_coef_spec is not None: + self.entropy_coef_scheduler = policy_util.VarScheduler(self.entropy_coef_spec) + self.body.entropy_coef = self.entropy_coef_scheduler.start_val + # PPO uses GAE + self.calc_advs_v_targets = self.calc_gae_advs_v_targets + + @lab_api + def init_nets(self, global_nets=None): + '''PPO uses old and new to calculate ratio for loss''' + super(PPO, self).init_nets(global_nets) + # create old net to calculate ratio + self.old_net = deepcopy(self.net) + assert id(self.old_net) != id(self.net) + + def calc_policy_loss(self, batch, advs): + ''' + The PPO loss function (subscript t is omitted) + L^{CLIP+VF+S} = E[ L^CLIP - c1 * L^VF + c2 * S[pi](s) ] + + Breakdown piecewise, + 1. L^CLIP = E[ min(ratio * A, clip(ratio, 1-eps, 1+eps) * A) ] + where ratio = pi(a|s) / pi_old(a|s) + + 2. L^VF = E[ mse(V(s_t), V^target) ] + + 3. S = E[ entropy ] + ''' + clip_eps = self.body.clip_eps + + # L^CLIP + log_probs = policy_util.calc_log_probs(self, self.net, self.body, batch) + old_log_probs = policy_util.calc_log_probs(self, self.old_net, self.body, batch).detach() + assert log_probs.shape == old_log_probs.shape + assert advs.shape[0] == log_probs.shape[0] # batch size + ratios = torch.exp(log_probs - old_log_probs) # clip to prevent overflow + logger.debug(f'ratios: {ratios}') + sur_1 = ratios * advs + sur_2 = torch.clamp(ratios, 1.0 - clip_eps, 1.0 + clip_eps) * advs + # flip sign because need to maximize + clip_loss = -torch.mean(torch.min(sur_1, sur_2)) + logger.debug(f'clip_loss: {clip_loss}') + + # L^VF (inherit from ActorCritic) + + # S entropy bonus + entropies = torch.stack(self.body.entropies) + ent_penalty = torch.mean(-self.body.entropy_coef * entropies) + logger.debug(f'ent_penalty: {ent_penalty}') + + policy_loss = clip_loss + ent_penalty + logger.debug(f'PPO Actor policy loss: {policy_loss:g}') + return policy_loss + + def train_shared(self): + ''' + Trains the network when the actor and critic share parameters + ''' + clock = self.body.env.clock + if self.to_train == 1: + # update old net + torch.cuda.empty_cache() + net_util.copy(self.net, self.old_net) + batch = self.sample() + total_loss = torch.tensor(0.0, device=self.net.device) + for _ in range(self.training_epoch): + with torch.no_grad(): + advs, v_targets = self.calc_advs_v_targets(batch) + policy_loss = self.calc_policy_loss(batch, advs) # from actor + val_loss = self.calc_val_loss(batch, v_targets) # from critic + loss = policy_loss + val_loss + # retain for entropies etc. + self.net.training_step(loss=loss, lr_clock=clock, retain_graph=True) + total_loss += loss + loss = total_loss / self.training_epoch + # reset + self.to_train = 0 + self.body.flush() + logger.debug(f'Trained {self.name} at epi: {clock.epi}, total_t: {clock.total_t}, t: {clock.t}, total_reward so far: {self.body.memory.total_reward}, loss: {loss:g}') + return loss.item() + else: + return np.nan + + def train_separate(self): + ''' + Trains the network when the actor and critic share parameters + ''' + clock = self.body.env.clock + if self.to_train == 1: + torch.cuda.empty_cache() + net_util.copy(self.net, self.old_net) + batch = self.sample() + policy_loss = self.train_actor(batch) + val_loss = self.train_critic(batch) + loss = val_loss + policy_loss + # reset + self.to_train = 0 + self.body.flush() + logger.debug(f'Trained {self.name} at epi: {clock.epi}, total_t: {clock.total_t}, t: {clock.t}, total_reward so far: {self.body.memory.total_reward}, loss: {loss:g}') + return loss.item() + else: + return np.nan + + def train_actor(self, batch): + '''Trains the actor when the actor and critic are separate networks''' + total_policy_loss = torch.tensor(0.0, device=self.net.device) + for _ in range(self.training_epoch): + with torch.no_grad(): + advs, _v_targets = self.calc_advs_v_targets(batch) + policy_loss = self.calc_policy_loss(batch, advs) + # retain for entropies etc. + self.net.training_step(loss=policy_loss, lr_clock=self.body.env.clock, retain_graph=True) + val_loss = total_policy_loss / self.training_epoch + return policy_loss + + @lab_api + def update(self): + self.body.explore_var = self.explore_var_scheduler.update(self, self.body.env.clock) + if self.entropy_coef_spec is not None: + self.body.entropy_coef = self.entropy_coef_scheduler.update(self, self.body.env.clock) + self.body.clip_eps = self.clip_eps_scheduler.update(self, self.body.env.clock) + return self.body.explore_var diff --git a/convlab/agent/algorithm/random.py b/convlab/agent/algorithm/random.py new file mode 100644 index 0000000..67e41ed --- /dev/null +++ b/convlab/agent/algorithm/random.py @@ -0,0 +1,53 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The random agent algorithm +For basic dev purpose. +''' +from convlab.agent.algorithm.base import Algorithm +from convlab.lib import logger +from convlab.lib.decorator import lab_api +import numpy as np + +logger = logger.get_logger(__name__) + + +class Random(Algorithm): + ''' + Example Random agent that works in both discrete and continuous envs + ''' + + @lab_api + def init_algorithm_params(self): + '''Initialize other algorithm parameters''' + self.to_train = 0 + self.training_frequency = 1 + + @lab_api + def init_nets(self, global_nets=None): + '''Initialize the neural network from the spec''' + pass + + @lab_api + def act(self, state): + '''Random action''' + action = self.body.action_space.sample() + return action + + @lab_api + def sample(self): + self.body.memory.sample() + batch = np.nan + return batch + + @lab_api + def train(self): + self.sample() + loss = np.nan + return loss + + @lab_api + def update(self): + self.body.explore_var = np.nan + return self.body.explore_var diff --git a/convlab/agent/algorithm/reinforce.py b/convlab/agent/algorithm/reinforce.py new file mode 100644 index 0000000..1a5177f --- /dev/null +++ b/convlab/agent/algorithm/reinforce.py @@ -0,0 +1,189 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.agent import net +from convlab.agent.algorithm import policy_util +from convlab.agent.algorithm.base import Algorithm +from convlab.agent.net import net_util +from convlab.lib import logger, math_util, util +from convlab.lib.decorator import lab_api +import numpy as np +import pydash as ps +from copy import deepcopy +import torch +from torch import distributions +import torch.nn.functional as F + +logger = logger.get_logger(__name__) + + +class Reinforce(Algorithm): + ''' + Implementation of REINFORCE (Williams, 1992) with baseline for discrete or continuous actions http://www-anw.cs.umass.edu/~barto/courses/cs687/williams92simple.pdf + Adapted from https://github.com/pytorch/examples/blob/master/reinforcement_learning/reinforce.py + Algorithm: + 0. Collect n episodes of data + 1. At each timestep in an episode + - Calculate the advantage of that timestep + - Multiply the advantage by the negative of the log probability of the action taken + 2. Sum all the values above. + 3. Calculate the gradient of this value with respect to all of the parameters of the network + 4. Update the network parameters using the gradient + + e.g. algorithm_spec: + "algorithm": { + "name": "Reinforce", + "action_pdtype": "default", + "action_policy": "default", + "explore_var_spec": null, + "gamma": 0.99, + "entropy_coef_spec": { + "name": "linear_decay", + "start_val": 0.01, + "end_val": 0.001, + "start_step": 100, + "end_step": 5000, + }, + "training_frequency": 1, + "normalize_state": true + } + ''' + + @lab_api + def init_algorithm_params(self): + '''Initialize other algorithm parameters''' + # set default + util.set_attr(self, dict( + action_pdtype='default', + action_policy='default', + explore_var_spec=None, + entropy_coef_spec=None, + )) + util.set_attr(self, self.algorithm_spec, [ + 'action_pdtype', + 'action_policy', + "rule_guide_max_epi", + "rule_guide_frequency", + # theoretically, REINFORCE does not have policy update; but in this implementation we have such option + 'explore_var_spec', + 'gamma', # the discount factor + 'entropy_coef_spec', + 'training_frequency', + 'normalize_state', + ]) + self.to_train = 0 + self.action_policy = getattr(policy_util, self.action_policy) + self.explore_var_scheduler = policy_util.VarScheduler(self.explore_var_spec) + self.body.explore_var = self.explore_var_scheduler.start_val + if self.entropy_coef_spec is not None: + self.entropy_coef_scheduler = policy_util.VarScheduler(self.entropy_coef_spec) + self.body.entropy_coef = self.entropy_coef_scheduler.start_val + + @lab_api + def init_nets(self, global_nets=None): + ''' + Initialize the neural network used to learn the policy function from the spec + Below we automatically select an appropriate net for a discrete or continuous action space if the setting is of the form 'MLPNet'. Otherwise the correct type of network is assumed to be specified in the spec. + Networks for continuous action spaces have two heads and return two values, the first is a tensor containing the mean of the action policy, the second is a tensor containing the std deviation of the action policy. The distribution is assumed to be a Gaussian (Normal) distribution. + Networks for discrete action spaces have a single head and return the logits for a categorical probability distribution over the discrete actions + ''' + if global_nets is None: + in_dim = self.body.state_dim + out_dim = net_util.get_out_dim(self.body) + NetClass = getattr(net, self.net_spec['type']) + self.net = NetClass(self.net_spec, in_dim, out_dim) + self.net_names = ['net'] + else: + util.set_attr(self, global_nets) + self.net_names = list(global_nets.keys()) + self.post_init_nets() + + @lab_api + def calc_pdparam(self, x, evaluate=True, net=None): + ''' + The pdparam will be the logits for discrete prob. dist., or the mean and std for continuous prob. dist. + ''' + net = self.net if net is None else net + if evaluate: + pdparam = net.wrap_eval(x) + else: + # print(torch.nonzero(x)) + net.train() + pdparam = net(x) + logger.debug(f'pdparam: {pdparam}') + return pdparam + + @lab_api + def act(self, state): + body = self.body + if self.normalize_state: + state = policy_util.update_online_stats_and_normalize_state(body, state) + action, action_pd = self.action_policy(state, self, body) + body.action_tensor, body.action_pd = action, action_pd # used for body.action_pd_update later + if len(action.shape) == 0: # scalar + return action.cpu().numpy().astype(body.action_space.dtype).item() + else: + return action.cpu().numpy() + + @lab_api + def sample(self): + '''Samples a batch from memory''' + batch = self.body.memory.sample() + if self.normalize_state: + batch = policy_util.normalize_states_and_next_states(self.body, batch) + batch = util.to_torch_batch(batch, self.net.device, self.body.memory.is_episodic) + return batch + + @lab_api + def train(self): + if util.in_eval_lab_modes(): + self.body.flush() + return np.nan + clock = self.body.env.clock + if self.to_train == 1: + batch = self.sample() + loss = self.calc_policy_loss(batch) + self.net.training_step(loss=loss, lr_clock=clock) + # reset + self.to_train = 0 + self.body.flush() + logger.debug(f'Trained {self.name} at epi: {clock.epi}, total_t: {clock.total_t}, t: {clock.t}, total_reward so far: {self.body.memory.total_reward}, loss: {loss:g}') + return loss.item() + else: + return np.nan + + def calc_policy_loss(self, batch): + '''Calculate the policy loss for a batch of data.''' + # use simple returns as advs + # advs = math_util.calc_returns(batch, self.gamma)[1:] + advs = math_util.calc_returns(batch, self.gamma) + # advs = math_util.standardize(advs) + logger.debug(f'advs: {advs}') + assert len(self.body.log_probs) == len(advs), f'batch_size of log_probs {len(self.body.log_probs)} vs advs: {len(advs)}' + + # log_probs = torch.stack(self.body.log_probs)[1:] + log_probs = torch.stack(self.body.log_probs) + policy_loss = - log_probs * advs + + # pdparam = self.net(batch['states'][1:]) + # policy_loss = - torch.index_select(F.log_softmax(pdparam), 1, batch['actions'][1:].long()) * advs + # policy_loss = F.cross_entropy(pdparam, batch['actions'].long()) + + # action_pd = distributions.Categorical(logits=pdparam) + # log_probs = action_pd.log_prob(batch['actions'][1:].long()) + # print(log_probs) + # policy_loss = - log_probs * advs + + if self.entropy_coef_spec is not None: + entropies = torch.stack(self.body.entropies) + policy_loss += (-self.body.entropy_coef * entropies) + policy_loss = torch.sum(policy_loss) + logger.debug(f'Actor policy loss: {policy_loss:g}') + return policy_loss + + @lab_api + def update(self): + self.body.explore_var = self.explore_var_scheduler.update(self, self.body.env.clock) + if self.entropy_coef_spec is not None: + self.body.entropy_coef = self.entropy_coef_scheduler.update(self, self.body.env.clock) + return self.body.explore_var diff --git a/convlab/agent/algorithm/sarsa.py b/convlab/agent/algorithm/sarsa.py new file mode 100644 index 0000000..7f5eb27 --- /dev/null +++ b/convlab/agent/algorithm/sarsa.py @@ -0,0 +1,165 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.agent import net +from convlab.agent.algorithm import policy_util +from convlab.agent.algorithm.base import Algorithm +from convlab.agent.net import net_util +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api +import numpy as np +import pydash as ps +import torch + +logger = logger.get_logger(__name__) + + +class SARSA(Algorithm): + ''' + Implementation of SARSA. + + Algorithm: + Repeat: + 1. Collect some examples by acting in the environment and store them in an on policy replay memory (either batch or episodic) + 2. For each example calculate the target (bootstrapped estimate of the discounted value of the state and action taken), y, using a neural network to approximate the Q function. s_t' is the next state following the action actually taken, a_t. a_t' is the action actually taken in the next state s_t'. + y_t = r_t + gamma * Q(s_t', a_t') + 4. For each example calculate the current estimate of the discounted value of the state and action taken + x_t = Q(s_t, a_t) + 5. Calculate L(x, y) where L is a regression loss (eg. mse) + 6. Calculate the gradient of L with respect to all the parameters in the network and update the network parameters using the gradient + + e.g. algorithm_spec + "algorithm": { + "name": "SARSA", + "action_pdtype": "default", + "action_policy": "boltzmann", + "explore_var_spec": { + "name": "linear_decay", + "start_val": 1.0, + "end_val": 0.1, + "start_step": 10, + "end_step": 1000, + }, + "gamma": 0.99, + "training_frequency": 10, + "normalize_state": true + } + ''' + + @lab_api + def init_algorithm_params(self): + '''Initialize other algorithm parameters.''' + # set default + util.set_attr(self, dict( + action_pdtype='default', + action_policy='default', + explore_var_spec=None, + )) + util.set_attr(self, self.algorithm_spec, [ + 'action_pdtype', + 'action_policy', + # explore_var is epsilon, tau or etc. depending on the action policy + # these control the trade off between exploration and exploitaton + 'explore_var_spec', + 'gamma', # the discount factor + 'training_frequency', # how often to train for batch training (once each training_frequency time steps) + 'normalize_state', + ]) + self.to_train = 0 + self.action_policy = getattr(policy_util, self.action_policy) + self.explore_var_scheduler = policy_util.VarScheduler(self.explore_var_spec) + self.body.explore_var = self.explore_var_scheduler.start_val + + @lab_api + def init_nets(self, global_nets=None): + '''Initialize the neural network used to learn the Q function from the spec''' + if 'Recurrent' in self.net_spec['type']: + self.net_spec.update(seq_len=self.net_spec['seq_len']) + if global_nets is None: + in_dim = self.body.state_dim + out_dim = net_util.get_out_dim(self.body) + NetClass = getattr(net, self.net_spec['type']) + self.net = NetClass(self.net_spec, in_dim, out_dim) + self.net_names = ['net'] + else: + util.set_attr(self, global_nets) + self.net_names = list(global_nets.keys()) + self.post_init_nets() + + @lab_api + def calc_pdparam(self, x, evaluate=True, net=None): + ''' + To get the pdparam for action policy sampling, do a forward pass of the appropriate net, and pick the correct outputs. + The pdparam will be the logits for discrete prob. dist., or the mean and std for continuous prob. dist. + ''' + net = self.net if net is None else net + if evaluate: + pdparam = net.wrap_eval(x) + else: + net.train() + pdparam = net(x) + logger.debug(f'pdparam: {pdparam}') + return pdparam + + @lab_api + def act(self, state): + '''Note, SARSA is discrete-only''' + body = self.body + if self.normalize_state: + state = policy_util.update_online_stats_and_normalize_state(body, state) + action, action_pd = self.action_policy(state, self, body) + body.action_tensor, body.action_pd = action, action_pd # used for body.action_pd_update later + if len(action.shape) == 0: # scalar + return action.cpu().numpy().astype(body.action_space.dtype).item() + else: + return action.cpu().numpy() + + def calc_q_loss(self, batch): + '''Compute the Q value loss using predicted and target Q values from the appropriate networks''' + q_preds = self.net.wrap_eval(batch['states']) + act_q_preds = q_preds.gather(-1, batch['actions'].long().unsqueeze(-1)).squeeze(-1) + next_q_preds = self.net.wrap_eval(batch['next_states']) + act_next_q_preds = q_preds.gather(-1, batch['next_actions'].long().unsqueeze(-1)).squeeze(-1) + act_q_targets = batch['rewards'] + self.gamma * (1 - batch['dones']) * act_next_q_preds + q_loss = self.net.loss_fn(act_q_preds, act_q_targets) + return q_loss + + @lab_api + def sample(self): + '''Samples a batch from memory''' + batch = self.body.memory.sample() + # this is safe for next_action at done since the calculated act_next_q_preds will be multiplied by (1 - batch['dones']) + batch['next_actions'] = np.zeros_like(batch['actions']) + batch['next_actions'][:-1] = batch['actions'][1:] + if self.normalize_state: + batch = policy_util.normalize_states_and_next_states(self.body, batch) + batch = util.to_torch_batch(batch, self.net.device, self.body.memory.is_episodic) + return batch + + @lab_api + def train(self): + ''' + Completes one training step for the agent if it is time to train. + Otherwise this function does nothing. + ''' + if util.in_eval_lab_modes(): + self.body.flush() + return np.nan + clock = self.body.env.clock + if self.to_train == 1: + batch = self.sample() + loss = self.calc_q_loss(batch) + self.net.training_step(loss=loss, lr_clock=clock) + # reset + self.to_train = 0 + self.body.flush() + logger.debug(f'Trained {self.name} at epi: {clock.epi}, total_t: {clock.total_t}, t: {clock.t}, total_reward so far: {self.body.memory.total_reward}, loss: {loss:g}') + return loss.item() + else: + return np.nan + + @lab_api + def update(self): + '''Update the agent after training''' + self.body.explore_var = self.explore_var_scheduler.update(self, self.body.env.clock) + return self.body.explore_var diff --git a/convlab/agent/algorithm/sil.py b/convlab/agent/algorithm/sil.py new file mode 100644 index 0000000..332c400 --- /dev/null +++ b/convlab/agent/algorithm/sil.py @@ -0,0 +1,230 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.agent import net, memory +from convlab.agent.algorithm import policy_util +from convlab.agent.algorithm.actor_critic import ActorCritic +from convlab.agent.algorithm.ppo import PPO +from convlab.lib import logger, math_util, util +from convlab.lib.decorator import lab_api +import numpy as np +import pydash as ps +import torch + +logger = logger.get_logger(__name__) + + +class SIL(ActorCritic): + ''' + Implementation of Self-Imitation Learning (SIL) https://arxiv.org/abs/1806.05635 + This is actually just A2C with an extra SIL loss function + + e.g. algorithm_spec + "algorithm": { + "name": "SIL", + "action_pdtype": "default", + "action_policy": "default", + "explore_var_spec": null, + "gamma": 0.99, + "lam": 1.0, + "num_step_returns": 100, + "entropy_coef_spec": { + "name": "linear_decay", + "start_val": 0.01, + "end_val": 0.001, + "start_step": 100, + "end_step": 5000, + }, + "policy_loss_coef": 1.0, + "val_loss_coef": 0.01, + "sil_policy_loss_coef": 1.0, + "sil_val_loss_coef": 0.01, + "training_batch_epoch": 8, + "training_frequency": 1, + "training_epoch": 8, + "normalize_state": true + } + + e.g. special memory_spec + "memory": { + "name": "OnPolicyReplay", + "sil_replay_name": "SILReplay", + "batch_size": 32, + "max_size": 10000, + "use_cer": true + } + ''' + + def __init__(self, agent, global_nets=None): + super(SIL, self).__init__(agent, global_nets) + # create the extra replay memory for SIL + MemoryClass = getattr(memory, self.memory_spec['sil_replay_name']) + self.body.replay_memory = MemoryClass(self.memory_spec, self.body) + + @lab_api + def init_algorithm_params(self): + '''Initialize other algorithm parameters''' + # set default + util.set_attr(self, dict( + action_pdtype='default', + action_policy='default', + explore_var_spec=None, + entropy_coef_spec=None, + policy_loss_coef=1.0, + val_loss_coef=1.0, + )) + util.set_attr(self, self.algorithm_spec, [ + 'action_pdtype', + 'action_policy', + # theoretically, AC does not have policy update; but in this implementation we have such option + 'explore_var_spec', + 'gamma', # the discount factor + 'lam', + 'num_step_returns', + 'entropy_coef_spec', + 'policy_loss_coef', + 'val_loss_coef', + 'sil_policy_loss_coef', + 'sil_val_loss_coef', + 'training_frequency', + 'training_batch_epoch', + 'training_epoch', + 'normalize_state' + ]) + super(SIL, self).init_algorithm_params() + + def sample(self): + '''Modify the onpolicy sample to also append to replay''' + batch = self.body.memory.sample() + batch = {k: np.concatenate(v) for k, v in batch.items()} # concat episodic memory + batch['rets'] = math_util.calc_returns(batch, self.gamma) + for idx in range(len(batch['dones'])): + tuples = [batch[k][idx] for k in self.body.replay_memory.data_keys] + self.body.replay_memory.add_experience(*tuples) + if self.normalize_state: + batch = policy_util.normalize_states_and_next_states(self.body, batch) + batch = util.to_torch_batch(batch, self.net.device, self.body.replay_memory.is_episodic) + return batch + + def replay_sample(self): + '''Samples a batch from memory''' + batch = self.body.replay_memory.sample() + if self.normalize_state: + batch = policy_util.normalize_states_and_next_states( + self.body, batch, episodic_flag=self.body.replay_memory.is_episodic) + batch = util.to_torch_batch(batch, self.net.device, self.body.replay_memory.is_episodic) + assert not torch.isnan(batch['states']).any(), batch['states'] + return batch + + def calc_sil_policy_val_loss(self, batch): + ''' + Calculate the SIL policy losses for actor and critic + sil_policy_loss = -log_prob * max(R - v_pred, 0) + sil_val_loss = (max(R - v_pred, 0)^2) / 2 + This is called on a randomly-sample batch from experience replay + ''' + returns = batch['rets'] + v_preds = self.calc_v(batch['states'], evaluate=False) + clipped_advs = torch.clamp(returns - v_preds, min=0.0) + log_probs = policy_util.calc_log_probs(self, self.net, self.body, batch) + + sil_policy_loss = self.sil_policy_loss_coef * torch.mean(- log_probs * clipped_advs) + sil_val_loss = self.sil_val_loss_coef * torch.pow(clipped_advs, 2) / 2 + sil_val_loss = torch.mean(sil_val_loss) + logger.debug(f'SIL actor policy loss: {sil_policy_loss:g}') + logger.debug(f'SIL critic value loss: {sil_val_loss:g}') + return sil_policy_loss, sil_val_loss + + def train_shared(self): + ''' + Trains the network when the actor and critic share parameters + ''' + clock = self.body.env.clock + if self.to_train == 1: + # onpolicy update + super_loss = super(SIL, self).train_shared() + # offpolicy sil update with random minibatch + total_sil_loss = torch.tensor(0.0, device=self.net.device) + for _ in range(self.training_epoch): + batch = self.replay_sample() + for _ in range(self.training_batch_epoch): + sil_policy_loss, sil_val_loss = self.calc_sil_policy_val_loss(batch) + sil_loss = sil_policy_loss + sil_val_loss + self.net.training_step(loss=sil_loss, lr_clock=clock) + total_sil_loss += sil_loss + sil_loss = total_sil_loss / self.training_epoch + loss = super_loss + sil_loss + logger.debug(f'Trained {self.name} at epi: {clock.epi}, total_t: {clock.total_t}, t: {clock.t}, total_reward so far: {self.body.memory.total_reward}, loss: {loss:g}') + return loss.item() + else: + return np.nan + + def train_separate(self): + ''' + Trains the network when the actor and critic are separate networks + ''' + clock = self.body.env.clock + if self.to_train == 1: + # onpolicy update + super_loss = super(SIL, self).train_separate() + # offpolicy sil update with random minibatch + total_sil_loss = torch.tensor(0.0, device=self.net.device) + for _ in range(self.training_epoch): + batch = self.replay_sample() + for _ in range(self.training_batch_epoch): + sil_policy_loss, sil_val_loss = self.calc_sil_policy_val_loss(batch) + self.net.training_step(loss=sil_policy_loss, lr_clock=clock, retain_graph=True) + self.critic.training_step(loss=sil_val_loss, lr_clock=clock) + total_sil_loss += sil_policy_loss + sil_val_loss + sil_loss = total_sil_loss / self.training_epoch + loss = super_loss + sil_loss + logger.debug(f'Trained {self.name} at epi: {clock.epi}, total_t: {clock.total_t}, t: {clock.t}, total_reward so far: {self.body.memory.total_reward}, loss: {loss:g}') + return loss.item() + else: + return np.nan + + +class PPOSIL(SIL, PPO): + ''' + SIL extended from PPO. This will call the SIL methods and use PPO as super(). + + e.g. algorithm_spec + "algorithm": { + "name": "PPOSIL", + "action_pdtype": "default", + "action_policy": "default", + "explore_var_spec": null, + "gamma": 0.99, + "lam": 1.0, + "clip_eps_spec": { + "name": "linear_decay", + "start_val": 0.01, + "end_val": 0.001, + "start_step": 100, + "end_step": 5000, + }, + "entropy_coef_spec": { + "name": "linear_decay", + "start_val": 0.01, + "end_val": 0.001, + "start_step": 100, + "end_step": 5000, + }, + "sil_policy_loss_coef": 1.0, + "sil_val_loss_coef": 0.01, + "training_frequency": 1, + "training_batch_epoch": 8, + "training_epoch": 8, + "normalize_state": true + } + + e.g. special memory_spec + "memory": { + "name": "OnPolicyReplay", + "sil_replay_name": "SILReplay", + "batch_size": 32, + "max_size": 10000, + "use_cer": true + } + ''' + pass diff --git a/convlab/agent/memory/__init__.py b/convlab/agent/memory/__init__.py new file mode 100644 index 0000000..b1b7f0d --- /dev/null +++ b/convlab/agent/memory/__init__.py @@ -0,0 +1,12 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The memory module +Contains different ways of storing an agents experiences and sampling from them +''' + +# expose all the classes +from .replay import * +from .onpolicy import * +from .prioritized import * diff --git a/convlab/agent/memory/base.py b/convlab/agent/memory/base.py new file mode 100644 index 0000000..d307cbd --- /dev/null +++ b/convlab/agent/memory/base.py @@ -0,0 +1,88 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from abc import ABC, abstractmethod +from collections import deque +from convlab.lib import logger, util +import numpy as np +import pydash as ps + +logger = logger.get_logger(__name__) + + +class Memory(ABC): + ''' + Abstract class ancestor to all Memories, + specifies the necessary design blueprint for agent body to work in Lab. + Mostly, implement just the abstract methods and properties. + Memory is singleton to each body for modularity, and there is no gains to do multi-body memory now. Shall be constructed when body_space is built. + ''' + + def __init__(self, memory_spec, body): + ''' + @param {*} body is the unit that stores its experience in this memory. Each body has a distinct memory. + ''' + self.memory_spec = memory_spec + self.body = body + + # declare what data keys to store + self.data_keys = ['states', 'actions', 'rewards', 'next_states', 'dones', 'priorities'] + # the basic variables for every memory + self.last_state = None + # method to log size warning only once to prevent spamming log + self.warn_size_once = ps.once(lambda msg: logger.warn(msg)) + # for API consistency, reset to some max_len in your specific memory class + self.state_buffer = deque(maxlen=0) + # total_reward and its history over episodes + self.total_reward = 0 + + @abstractmethod + def reset(self): + '''Method to fully reset the memory storage and related variables''' + raise NotImplementedError + + def epi_reset(self, state): + '''Method to reset at new episode''' + self.last_state = state + self.body.epi_reset() + self.total_reward = 0 + self.state_buffer.clear() + for _ in range(self.state_buffer.maxlen): + self.state_buffer.append(np.zeros(self.body.state_dim)) + + def base_update(self, action, reward, state, done): + '''Method to do base memory update, like stats''' + from convlab.experiment import analysis + if np.isnan(reward): # the start of episode + self.epi_reset(state) + return + + self.total_reward += reward + return + + @abstractmethod + def update(self, action, reward, state, done): + '''Implement memory update given the full info from the latest timestep. Hint: use self.last_state to construct SARS. NOTE: guard for np.nan reward and done when individual env resets.''' + self.base_update(action, reward, state, done) + raise NotImplementedError + + @abstractmethod + def sample(self): + '''Implement memory sampling mechanism''' + raise NotImplementedError + + def preprocess_append(self, state, append=True): + '''Method to conditionally append to state buffer''' + if append: + assert id(state) != id(self.state_buffer[-1]), 'Do not append to buffer other than during action' + self.state_buffer.append(state) + + def preprocess_state(self, state, append=True): + '''Transforms the raw state into format that is fed into the network''' + return state + + def print_memory_info(self): + '''Prints size of all of the memory arrays''' + for k in self.data_keys: + d = getattr(self, k) + logger.info(f'Memory for body {self.body.aeb}: {k} :shape: {d.shape}, dtype: {d.dtype}, size: {util.sizeof(d)}MB') diff --git a/convlab/agent/memory/onpolicy.py b/convlab/agent/memory/onpolicy.py new file mode 100644 index 0000000..6bddb9d --- /dev/null +++ b/convlab/agent/memory/onpolicy.py @@ -0,0 +1,370 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from collections import deque +from copy import deepcopy +from convlab.agent.memory.base import Memory +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api +import numpy as np +import pydash as ps + +logger = logger.get_logger(__name__) + + +class OnPolicyReplay(Memory): + ''' + Stores agent experiences and returns them in a batch for agent training. + + An experience consists of + - state: representation of a state + - action: action taken + - reward: scalar value + - next state: representation of next state (should be same as state) + - done: 0 / 1 representing if the current state is the last in an episode + + The memory does not have a fixed size. Instead the memory stores data from N episodes, where N is determined by the user. After N episodes, all of the examples are returned to the agent to learn from. + + When the examples are returned to the agent, the memory is cleared to prevent the agent from learning from off policy experiences. This memory is intended for on policy algorithms. + + Differences vs. Replay memory: + - Experiences are nested into episodes. In Replay experiences are flat, and episode is not tracked + - The entire memory constitues a batch. In Replay batches are sampled from memory. + - The memory is cleared automatically when a batch is given to the agent. + + e.g. memory_spec + "memory": { + "name": "OnPolicyReplay" + } + ''' + + def __init__(self, memory_spec, body): + super(OnPolicyReplay, self).__init__(memory_spec, body) + # NOTE for OnPolicy replay, frequency = episode; for other classes below frequency = frames + util.set_attr(self, self.body.agent.agent_spec['algorithm'], ['training_frequency']) + self.state_buffer = deque(maxlen=0) # for API consistency + # Don't want total experiences reset when memory is + self.is_episodic = True + self.true_size = 0 # to number of experiences stored + self.seen_size = 0 # the number of experiences seen, including those stored and discarded + # declare what data keys to store + self.data_keys = ['states', 'actions', 'rewards', 'next_states', 'dones'] + self.reset() + + @lab_api + def reset(self): + '''Resets the memory. Also used to initialize memory vars''' + for k in self.data_keys: + setattr(self, k, []) + self.cur_epi_data = {k: [] for k in self.data_keys} + self.most_recent = [None] * len(self.data_keys) + self.true_size = 0 # Size of the current memory + self.state_buffer.clear() + for _ in range(self.state_buffer.maxlen): + self.state_buffer.append(np.zeros(self.body.state_dim)) + + @lab_api + def update(self, action, reward, state, done): + '''Interface method to update memory''' + self.base_update(action, reward, state, done) + if not np.isnan(reward): # not the start of episode + self.add_experience(self.last_state, action, reward, state, done) + self.last_state = state + + def add_experience(self, state, action, reward, next_state, done): + '''Interface helper method for update() to add experience to memory''' + self.most_recent = [state, action, reward, next_state, done] + for idx, k in enumerate(self.data_keys): + self.cur_epi_data[k].append(self.most_recent[idx]) + # If episode ended, add to memory and clear cur_epi_data + if done: + for k in self.data_keys: + getattr(self, k).append(self.cur_epi_data[k]) + self.cur_epi_data = {k: [] for k in self.data_keys} + # If agent has collected the desired number of episodes, it is ready to train + # length is num of epis due to nested structure + if len(self.states) == self.body.agent.algorithm.training_frequency: + self.body.agent.algorithm.to_train = 1 + # Track memory size and num experiences + self.true_size += 1 + if self.true_size > 1000: + self.warn_size_once('Large memory size: {}'.format(self.true_size)) + self.seen_size += 1 + + def get_most_recent_experience(self): + '''Returns the most recent experience''' + return self.most_recent + + def sample(self): + ''' + Returns all the examples from memory in a single batch. Batch is stored as a dict. + Keys are the names of the different elements of an experience. Values are nested lists of the corresponding sampled elements. Elements are nested into episodes + e.g. + batch = { + 'states' : [[s_epi1], [s_epi2], ...], + 'actions' : [[a_epi1], [a_epi2], ...], + 'rewards' : [[r_epi1], [r_epi2], ...], + 'next_states': [[ns_epi1], [ns_epi2], ...], + 'dones' : [[d_epi1], [d_epi2], ...]} + ''' + batch = {k: getattr(self, k) for k in self.data_keys} + self.reset() + return batch + + +class OnPolicySeqReplay(OnPolicyReplay): + ''' + Same as OnPolicyReplay Memory but returns the last `seq_len` states and next_states for input to a recurrent network. + Experiences with less than `seq_len` previous examples are padded with a 0 valued state and action vector. + + e.g. memory_spec + "memory": { + "name": "OnPolicySeqReplay" + } + * seq_len provided by net_spec + ''' + + def __init__(self, memory_spec, body): + super(OnPolicySeqReplay, self).__init__(memory_spec, body) + self.seq_len = self.body.agent.agent_spec['net']['seq_len'] + self.state_buffer = deque(maxlen=self.seq_len) + self.reset() + + def preprocess_state(self, state, append=True): + ''' + Transforms the raw state into format that is fed into the network + NOTE for onpolicy memory this method only gets called in policy util, not here. + ''' + self.preprocess_append(state, append) + return np.stack(self.state_buffer) + + def sample(self): + ''' + Returns all the examples from memory in a single batch. Batch is stored as a dict. + Keys are the names of the different elements of an experience. Values are nested lists of the corresponding sampled elements. Elements are nested into episodes + states and next_states have are further nested into sequences containing the previous `seq_len` - 1 relevant states + e.g. + let s_seq_0 be [0, ..., s0] (zero-padded), s_seq_k be [s_{k-seq_len}, ..., s_k], so the states are nested for passing into RNN. + batch = { + 'states' : [ + [s_seq_0, s_seq_1, ..., s_seq_k]_epi_1, + [s_seq_0, s_seq_1, ..., s_seq_k]_epi_2, + ...] + 'actions' : [[a_epi1], [a_epi2], ...], + 'rewards' : [[r_epi1], [r_epi2], ...], + 'next_states: [ + [ns_seq_0, ns_seq_1, ..., ns_seq_k]_epi_1, + [ns_seq_0, ns_seq_1, ..., ns_seq_k]_epi_2, + ...] + 'dones' : [[d_epi1], [d_epi2], ...]} + ''' + batch = {} + batch['states'] = self.build_seqs(self.states) + batch['actions'] = self.actions + batch['rewards'] = self.rewards + batch['next_states'] = self.build_seqs(self.next_states) + batch['dones'] = self.dones + self.reset() + return batch + + def build_seqs(self, data): + '''Construct the epi-nested-seq data for sampling''' + all_epi_data_seq = [] + for epi_data in data: + data_seq = [] + # make [0, ..., *epi_data] + padded_epi_data = deepcopy(epi_data) + padding = np.zeros_like(epi_data[0]) + for i in range(self.seq_len - 1): + padded_epi_data.insert(0, padding) + # slide seqs and build for one epi + for i in range(len(epi_data)): + data_seq.append(padded_epi_data[i:i + self.seq_len]) + all_epi_data_seq.append(data_seq) + return all_epi_data_seq + + +class OnPolicyBatchReplay(OnPolicyReplay): + ''' + Same as OnPolicyReplay Memory with the following difference. + + The memory does not have a fixed size. Instead the memory stores data from N experiences, where N is determined by the user. After N experiences or if an episode has ended, all of the examples are returned to the agent to learn from. + + In contrast, OnPolicyReplay stores entire episodes and stores them in a nested structure. OnPolicyBatchReplay stores experiences in a flat structure. + + e.g. memory_spec + "memory": { + "name": "OnPolicyBatchReplay" + } + * batch_size is training_frequency provided by algorithm_spec + ''' + + def __init__(self, memory_spec, body): + super(OnPolicyBatchReplay, self).__init__(memory_spec, body) + self.is_episodic = False + + def add_experience(self, state, action, reward, next_state, done): + '''Interface helper method for update() to add experience to memory''' + self.most_recent = [state, action, reward, next_state, done] + for idx, k in enumerate(self.data_keys): + getattr(self, k).append(self.most_recent[idx]) + # Track memory size and num experiences + self.true_size += 1 + if self.true_size > 1000: + self.warn_size_once('Large memory size: {}'.format(self.true_size)) + self.seen_size += 1 + # Decide if agent is to train + if done or len(self.states) == self.body.agent.algorithm.training_frequency: + self.body.agent.algorithm.to_train = 1 + + def sample(self): + ''' + Returns all the examples from memory in a single batch. Batch is stored as a dict. + Keys are the names of the different elements of an experience. Values are a list of the corresponding sampled elements + e.g. + batch = { + 'states' : states, + 'actions' : actions, + 'rewards' : rewards, + 'next_states': next_states, + 'dones' : dones} + ''' + return super(OnPolicyBatchReplay, self).sample() + + +class OnPolicySeqBatchReplay(OnPolicyBatchReplay): + ''' + Same as OnPolicyBatchReplay Memory but returns the last `seq_len` states and next_states for input to a recurrent network. + Experiences with less than `seq_len` previous examples are padded with a 0 valued state and action vector. + + e.g. memory_spec + "memory": { + "name": "OnPolicySeqBatchReplay" + } + * seq_len provided by net_spec + * batch_size is training_frequency provided by algorithm_spec + ''' + + def __init__(self, memory_spec, body): + super(OnPolicySeqBatchReplay, self).__init__(memory_spec, body) + self.is_episodic = False + self.seq_len = self.body.agent.agent_spec['net']['seq_len'] + self.state_buffer = deque(maxlen=self.seq_len) + self.reset() + + def preprocess_state(self, state, append=True): + # delegate to OnPolicySeqReplay sequential method + return OnPolicySeqReplay.preprocess_state(self, state, append) + + def sample(self): + ''' + Batched version of OnPolicySeqBatchReplay.sample() + e.g. + let s_seq_0 be [0, ..., s0] (zero-padded), s_seq_k be [s_{k-seq_len}, ..., s_k], so the states are nested for passing into RNN. + batch = { + 'states' : [[s_seq_0, s_seq_1, ..., s_seq_k]], + 'actions' : actions, + 'rewards' : rewards, + 'next_states': [[ns_seq_0, ns_seq_1, ..., ns_seq_k]], + 'dones' : dones} + ''' + # delegate method + return OnPolicySeqReplay.sample(self) + + def build_seqs(self, data): + '''Construct the seq data for sampling''' + data_seq = [] + # make [0, ..., *data] + padded_data = deepcopy(data) + padding = np.zeros_like(data[0]) + for i in range(self.seq_len - 1): + padded_data.insert(0, padding) + # slide seqs and build for one epi + for i in range(len(data)): + data_seq.append(padded_data[i:i + self.seq_len]) + return data_seq + + +class OnPolicyConcatReplay(OnPolicyReplay): + ''' + Preprocesses a state to be the concatenation of the last n states. Otherwise the same as Replay memory + + e.g. memory_spec + "memory": { + "name": "OnPolicyConcatReplay", + "concat_len": 4 + } + ''' + + def __init__(self, memory_spec, body): + util.set_attr(self, memory_spec, [ + 'concat_len', # number of stack states + ]) + self.raw_state_dim = deepcopy(body.state_dim) # used for state_buffer + body.state_dim = body.state_dim * self.concat_len # modify to use for net init for concat input + super(OnPolicyConcatReplay, self).__init__(memory_spec, body) + self.state_buffer = deque(maxlen=self.concat_len) + self.reset() + + def reset(self): + '''Initializes the memory arrays, size and head pointer''' + super(OnPolicyConcatReplay, self).reset() + self.state_buffer.clear() + for _ in range(self.state_buffer.maxlen): + self.state_buffer.append(np.zeros(self.raw_state_dim)) + + def epi_reset(self, state): + '''Method to reset at new episode''' + state = self.preprocess_state(state, append=False) # prevent conflict with preprocess in epi_reset + super(OnPolicyConcatReplay, self).epi_reset(state) + # reappend buffer with custom shape + self.state_buffer.clear() + for _ in range(self.state_buffer.maxlen): + self.state_buffer.append(np.zeros(self.raw_state_dim)) + + def preprocess_state(self, state, append=True): + '''Transforms the raw state into format that is fed into the network''' + # append when state is first seen when acting in policy_util, don't append elsewhere in memory + self.preprocess_append(state, append) + return np.concatenate(self.state_buffer) + + @lab_api + def update(self, action, reward, state, done): + '''Interface method to update memory''' + self.base_update(action, reward, state, done) + state = self.preprocess_state(state, append=False) # prevent conflict with preprocess in epi_reset + if not np.isnan(reward): # not the start of episode + self.add_experience(self.last_state, action, reward, state, done) + self.last_state = state + + +class OnPolicyAtariReplay(OnPolicyReplay): + ''' + Preprocesses an state to be the concatenation of the last four states, after converting the 210 x 160 x 3 image to 84 x 84 x 1 grayscale image, and clips all rewards to [-10, 10] as per "Playing Atari with Deep Reinforcement Learning", Mnih et al, 2013 + Note: Playing Atari with Deep RL clips the rewards to + / - 1 + Otherwise the same as OnPolicyReplay memory + ''' + + def __init__(self, memory_spec, body): + util.set_attr(self, memory_spec, [ + 'stack_len', # number of stack states + ]) + OnPolicyReplay.__init__(self, memory_spec, body) + + def add_experience(self, state, action, reward, next_state, done): + # clip reward, done here to minimize change to only training data data + super(OnPolicyAtariReplay, self).add_experience(state, action, np.sign(reward), next_state, done) + + +class OnPolicyImageReplay(OnPolicyReplay): + ''' + An on policy replay buffer that normalizes (preprocesses) images through + division by 255 and subtraction of 0.5. + ''' + + def __init__(self, memory_spec, body): + super(OnPolicyImageReplay, self).__init__(memory_spec, body) + + def preprocess_state(self, state, append=True): + state = util.normalize_image(state) - 0.5 + return state diff --git a/convlab/agent/memory/prioritized.py b/convlab/agent/memory/prioritized.py new file mode 100644 index 0000000..3a58842 --- /dev/null +++ b/convlab/agent/memory/prioritized.py @@ -0,0 +1,203 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.agent.memory.replay import Replay, AtariReplay +from convlab.lib import util +from convlab.lib.decorator import lab_api +import numpy as np +import random +import torch + + +class SumTree: + ''' + Helper class for PrioritizedReplay + + This implementation is, with minor adaptations, Jaromír Janisch's. The license is reproduced below. + For more information see his excellent blog series "Let's make a DQN" https://jaromiru.com/2016/09/27/lets-make-a-dqn-theory/ + + MIT License + + Copyright (c) 2018 Jaromír Janisch + + Permission is hereby granted, free of charge, to any person obtaining a copy + of this software and associated documentation files (the "Software"), to deal + in the Software without restriction, including without limitation the rights + to use, copy, modify, merge, publish, distribute, sublicense, and/or sell + copies of the Software, and to permit persons to whom the Software is + furnished to do so, subject to the following conditions: + ''' + write = 0 + + def __init__(self, capacity): + self.capacity = capacity + self.tree = np.zeros(2 * capacity - 1) # Stores the priorities and sums of priorities + self.indices = np.zeros(capacity) # Stores the indices of the experiences + + def _propagate(self, idx, change): + parent = (idx - 1) // 2 + + self.tree[parent] += change + + if parent != 0: + self._propagate(parent, change) + + def _retrieve(self, idx, s): + left = 2 * idx + 1 + right = left + 1 + + if left >= len(self.tree): + return idx + + if s <= self.tree[left]: + return self._retrieve(left, s) + else: + return self._retrieve(right, s - self.tree[left]) + + def total(self): + return self.tree[0] + + def add(self, p, index): + idx = self.write + self.capacity - 1 + + self.indices[self.write] = index + self.update(idx, p) + + self.write += 1 + if self.write >= self.capacity: + self.write = 0 + + def update(self, idx, p): + change = p - self.tree[idx] + + self.tree[idx] = p + self._propagate(idx, change) + + def get(self, s): + assert s <= self.total() + idx = self._retrieve(0, s) + indexIdx = idx - self.capacity + 1 + + return (idx, self.tree[idx], self.indices[indexIdx]) + + def print_tree(self): + for i in range(len(self.indices)): + j = i + self.capacity - 1 + print(f'Idx: {i}, Data idx: {self.indices[i]}, Prio: {self.tree[j]}') + + +class PrioritizedReplay(Replay): + ''' + Prioritized Experience Replay + + Implementation follows the approach in the paper "Prioritized Experience Replay", Schaul et al 2015" https://arxiv.org/pdf/1511.05952.pdf and is Jaromír Janisch's with minor adaptations. + See memory_util.py for the license and link to Jaromír's excellent blog + + Stores agent experiences and samples from them for agent training according to each experience's priority + + The memory has the same behaviour and storage structure as Replay memory with the addition of a SumTree to store and sample the priorities. + + e.g. memory_spec + "memory": { + "name": "PrioritizedReplay", + "alpha": 1, + "epsilon": 0, + "batch_size": 32, + "max_size": 10000, + "use_cer": true + } + ''' + + def __init__(self, memory_spec, body): + util.set_attr(self, memory_spec, [ + 'alpha', + 'epsilon', + 'batch_size', + 'max_size', + 'use_cer', + ]) + super(PrioritizedReplay, self).__init__(memory_spec, body) + + self.epsilon = torch.full((1,), self.epsilon) + self.alpha = torch.full((1,), self.alpha) + # adds a 'priorities' scalar to the data_keys and call reset again + self.data_keys = ['states', 'actions', 'rewards', 'next_states', 'dones', 'priorities'] + self.reset() + + def reset(self): + super(PrioritizedReplay, self).reset() + self.tree = SumTree(self.max_size) + + def add_experience(self, state, action, reward, next_state, done, error=100000): + ''' + Implementation for update() to add experience to memory, expanding the memory size if necessary. + All experiences are added with a high priority to increase the likelihood that they are sampled at least once. + ''' + super(PrioritizedReplay, self).add_experience(state, action, reward, next_state, done) + error = torch.zeros(1).fill_(error) + priority = self.get_priority(error) + self.priorities[self.head] = priority + self.tree.add(priority, self.head) + + def get_priority(self, error): + '''Takes in the error of one or more examples and returns the proportional priority''' + p = torch.pow(error.cpu().detach() + self.epsilon, self.alpha) + return p.squeeze_().detach().numpy() + + def sample_idxs(self, batch_size): + '''Samples batch_size indices from memory in proportional to their priority.''' + batch_idxs = np.zeros(batch_size) + tree_idxs = np.zeros(batch_size, dtype=np.int) + + for i in range(batch_size): + s = random.uniform(0, self.tree.total()) + (tree_idx, p, idx) = self.tree.get(s) + batch_idxs[i] = idx + tree_idxs[i] = tree_idx + + batch_idxs = np.asarray(batch_idxs).astype(int) + self.tree_idxs = tree_idxs + if self.use_cer: # add the latest sample + batch_idxs[-1] = self.head + return batch_idxs + + def get_body_errors(self, errors): + '''Get the slice of errors belonging to a body in network output''' + body_idx = self.body.nanflat_a_idx + start_idx = body_idx * self.batch_size + end_idx = start_idx + self.batch_size + body_errors = errors[start_idx:end_idx] + return body_errors + + def update_priorities(self, errors): + ''' + Updates the priorities from the most recent batch + Assumes the relevant batch indices are stored in self.batch_idxs + ''' + body_errors = self.get_body_errors(errors) + priorities = self.get_priority(body_errors) + assert len(priorities) == self.batch_idxs.size + self.priorities[self.batch_idxs] = priorities + for p, i in zip(priorities, self.tree_idxs): + self.tree.update(i, p) + + +class AtariPrioritizedReplay(PrioritizedReplay, AtariReplay): + '''Make a Prioritized AtariReplay via nice multi-inheritance (python magic)''' + + def __init__(self, memory_spec, body): + util.set_attr(self, memory_spec, [ + 'alpha', + 'epsilon', + 'batch_size', + 'max_size', + 'use_cer', + ]) + AtariReplay.__init__(self, memory_spec, body) + self.epsilon = torch.full((1,), self.epsilon) + self.alpha = torch.full((1,), self.alpha) + # adds a 'priorities' scalar to the data_keys and call reset again + self.data_keys = ['states', 'actions', 'rewards', 'next_states', 'dones', 'priorities'] + self.reset() + self.states_shape = self.scalar_shape + self.states = [None] * self.max_size diff --git a/convlab/agent/memory/replay.py b/convlab/agent/memory/replay.py new file mode 100644 index 0000000..56457a5 --- /dev/null +++ b/convlab/agent/memory/replay.py @@ -0,0 +1,322 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from collections import deque +from copy import deepcopy +from convlab.agent.memory.base import Memory +from convlab.lib import logger, math_util, util +from convlab.lib.decorator import lab_api +import numpy as np +import pydash as ps + +logger = logger.get_logger(__name__) + + +class Replay(Memory): + ''' + Stores agent experiences and samples from them for agent training + + An experience consists of + - state: representation of a state + - action: action taken + - reward: scalar value + - next state: representation of next state (should be same as state) + - done: 0 / 1 representing if the current state is the last in an episode + + The memory has a size of N. When capacity is reached, the oldest experience + is deleted to make space for the lastest experience. + - This is implemented as a circular buffer so that inserting experiences are O(1) + - Each element of an experience is stored as a separate array of size N * element dim + + When a batch of experiences is requested, K experiences are sampled according to a random uniform distribution. + + If 'use_cer', sampling will add the latest experience. + + e.g. memory_spec + "memory": { + "name": "Replay", + "batch_size": 32, + "max_size": 10000, + "use_cer": true + } + ''' + + def __init__(self, memory_spec, body): + super(Replay, self).__init__(memory_spec, body) + util.set_attr(self, self.memory_spec, [ + 'batch_size', + 'max_size', + 'use_cer', + ]) + self.state_buffer = deque(maxlen=0) # for API consistency + self.is_episodic = False + self.batch_idxs = None + self.true_size = 0 # to number of experiences stored + self.seen_size = 0 # the number of experiences seen, including those stored and discarded + self.head = -1 # index of most recent experience + # declare what data keys to store + self.data_keys = ['states', 'actions', 'rewards', 'next_states', 'dones'] + self.scalar_shape = (self.max_size,) + self.states_shape = self.scalar_shape + tuple(np.reshape(self.body.state_dim, -1)) + self.actions_shape = self.scalar_shape + self.body.action_space.shape + self.reset() + + def reset(self): + '''Initializes the memory arrays, size and head pointer''' + # set data keys as self.{data_keys} + for k in self.data_keys: + if k == 'states': + setattr(self, k, np.zeros(self.states_shape, dtype=np.float16)) + elif k == 'next_states': + # don't store next_states, but create a place holder to track it for sampling + self.latest_next_state = None + elif k == 'actions': + setattr(self, k, np.zeros(self.actions_shape, dtype=self.body.action_space.dtype)) + else: + setattr(self, k, np.zeros(self.scalar_shape)) + self.true_size = 0 + self.head = -1 + self.state_buffer.clear() + for _ in range(self.state_buffer.maxlen): + self.state_buffer.append(np.zeros(self.body.state_dim)) + + def epi_reset(self, state): + '''Method to reset at new episode''' + super(Replay, self).epi_reset(self.preprocess_state(state, append=False)) + + @lab_api + def update(self, action, reward, state, done): + '''Interface method to update memory''' + self.base_update(action, reward, state, done) + state = self.preprocess_state(state, append=False) # prevent conflict with preprocess in epi_reset + if not np.isnan(reward): # not the start of episode + self.add_experience(self.last_state, action, reward, state, done) + self.last_state = state + + def add_experience(self, state, action, reward, next_state, done): + '''Implementation for update() to add experience to memory, expanding the memory size if necessary''' + # Move head pointer. Wrap around if necessary + self.head = (self.head + 1) % self.max_size + self.states[self.head] = state + self.actions[self.head] = action + self.rewards[self.head] = reward + self.latest_next_state = next_state + self.dones[self.head] = done + # Actually occupied size of memory + if self.true_size < self.max_size: + self.true_size += 1 + self.seen_size += 1 + + @lab_api + def sample(self): + ''' + Returns a batch of batch_size samples. Batch is stored as a dict. + Keys are the names of the different elements of an experience. Values are an array of the corresponding sampled elements + e.g. + batch = { + 'states' : states, + 'actions' : actions, + 'rewards' : rewards, + 'next_states': next_states, + 'dones' : dones} + ''' + self.batch_idxs = self.sample_idxs(self.batch_size) + batch = {} + for k in self.data_keys: + if k == 'next_states': + batch[k] = self._sample_next_states(self.batch_idxs) + else: + batch[k] = util.cond_multiget(getattr(self, k), self.batch_idxs) + return batch + + def _sample_next_states(self, batch_idxs): + '''Method to sample next_states from states, with proper guard for last idx (out of bound)''' + # idxs for next state is state idxs + 1 + ns_batch_idxs = batch_idxs + 1 + # find the locations to be replaced with latest_next_state + latest_ns_locs = np.argwhere(ns_batch_idxs == self.true_size).flatten() + to_replace = latest_ns_locs.size != 0 + # set to 0, a safe sentinel for ns_batch_idxs due to the +1 above + # then sample safely from self.states, and replace at locs with latest_next_state + if to_replace: + ns_batch_idxs[latest_ns_locs] = 0 + next_states = util.cond_multiget(self.states, ns_batch_idxs) + if to_replace: + next_states[latest_ns_locs] = self.latest_next_state + return next_states + + def sample_idxs(self, batch_size): + '''Batch indices a sampled random uniformly''' + batch_idxs = np.random.randint(self.true_size, size=batch_size) + if self.use_cer: # add the latest sample + batch_idxs[-1] = self.head + return batch_idxs + + +class SeqReplay(Replay): + ''' + Preprocesses a state to be the stacked sequence of the last n states. Otherwise the same as Replay memory + + e.g. memory_spec + "memory": { + "name": "SeqReplay", + "batch_size": 32, + "max_size": 10000, + "use_cer": true + } + * seq_len provided by net_spec + ''' + + def __init__(self, memory_spec, body): + super(SeqReplay, self).__init__(memory_spec, body) + self.seq_len = self.body.agent.agent_spec['net']['seq_len'] + self.state_buffer = deque(maxlen=self.seq_len) + # update states_shape and call reset again + self.states_shape = self.scalar_shape + tuple(np.reshape([self.seq_len, self.body.state_dim], -1)) + self.reset() + + def preprocess_state(self, state, append=True): + '''Transforms the raw state into format that is fed into the network''' + # append when state is first seen when acting in policy_util, don't append elsewhere in memory + self.preprocess_append(state, append) + return np.stack(self.state_buffer) + + +class SILReplay(Replay): + ''' + Special Replay for SIL, which adds the returns calculated from its OnPolicyReplay + + e.g. memory_spec + "memory": { + "name": "SILReplay", + "batch_size": 32, + "max_size": 10000, + "use_cer": true + } + ''' + + def __init__(self, memory_spec, body): + super(SILReplay, self).__init__(memory_spec, body) + # adds a 'rets' scalar to the data_keys and call reset again + self.data_keys = ['states', 'actions', 'rewards', 'next_states', 'dones', 'rets'] + self.reset() + + @lab_api + def update(self, action, reward, state, done): + '''Interface method to update memory''' + raise AssertionError('Do not call SIL memory in main API control loop') + + def add_experience(self, state, action, reward, next_state, done, ret): + '''Used to add memory from onpolicy memory''' + super(SILReplay, self).add_experience(state, action, reward, next_state, done) + self.rets[self.head] = ret + + +class SILSeqReplay(SILReplay, SeqReplay): + ''' + Preprocesses a state to be the stacked sequence of the last n states. Otherwise the same as SILReplay memory + + e.g. memory_spec + "memory": { + "name": "SILSeqReplay", + "batch_size": 32, + "max_size": 10000, + "use_cer": true + } + * seq_len provided by net_spec + ''' + pass + + +class ConcatReplay(Replay): + ''' + Preprocesses a state to be the concatenation of the last n states. Otherwise the same as Replay memory + + e.g. memory_spec + "memory": { + "name": "ConcatReplay", + "batch_size": 32, + "max_size": 10000, + "concat_len": 4, + "use_cer": true + } + ''' + + def __init__(self, memory_spec, body): + util.set_attr(self, memory_spec, [ + 'batch_size', + 'max_size', + 'concat_len', # number of stack states + 'use_cer', + ]) + self.raw_state_dim = deepcopy(body.state_dim) # used for state_buffer + body.state_dim = body.state_dim * self.concat_len # modify to use for net init for concat input + super(ConcatReplay, self).__init__(memory_spec, body) + self.state_buffer = deque(maxlen=self.concat_len) + self.reset() + + def reset(self): + '''Initializes the memory arrays, size and head pointer''' + super(ConcatReplay, self).reset() + self.state_buffer.clear() + for _ in range(self.state_buffer.maxlen): + self.state_buffer.append(np.zeros(self.raw_state_dim)) + + def epi_reset(self, state): + '''Method to reset at new episode''' + super(ConcatReplay, self).epi_reset(state) + # reappend buffer with custom shape + self.state_buffer.clear() + for _ in range(self.state_buffer.maxlen): + self.state_buffer.append(np.zeros(self.raw_state_dim)) + + def preprocess_state(self, state, append=True): + '''Transforms the raw state into format that is fed into the network''' + # append when state is first seen when acting in policy_util, don't append elsewhere in memory + self.preprocess_append(state, append) + return np.concatenate(self.state_buffer) + + +class AtariReplay(Replay): + ''' + Preprocesses an state to be the concatenation of the last four states, after converting the 210 x 160 x 3 image to 84 x 84 x 1 grayscale image, and clips all rewards to [-10, 10] as per "Playing Atari with Deep Reinforcement Learning", Mnih et al, 2013 + Note: Playing Atari with Deep RL clips the rewards to + / - 1 + + e.g. memory_spec + "memory": { + "name": "AtariReplay", + "batch_size": 32, + "max_size": 250000, + "stack_len": 4, + "use_cer": true + } + ''' + + def __init__(self, memory_spec, body): + util.set_attr(self, memory_spec, [ + 'batch_size', + 'max_size', + 'stack_len', # number of stack states + 'use_cer', + ]) + Replay.__init__(self, memory_spec, body) + self.states_shape = self.scalar_shape + self.states = [None] * self.max_size + + def add_experience(self, state, action, reward, next_state, done): + # clip reward, done here to minimize change to only training data data + super(AtariReplay, self).add_experience(state, action, np.sign(reward), next_state, done) + + +class ImageReplay(Replay): + ''' + An off policy replay buffer that normalizes (preprocesses) images through + division by 255 and subtraction of 0.5. + ''' + + def __init__(self, memory_spec, body): + super(ImageReplay, self).__init__(memory_spec, body) + + def preprocess_state(self, state, append=True): + state = util.normalize_image(state) - 0.5 + return state diff --git a/convlab/agent/net/__init__.py b/convlab/agent/net/__init__.py new file mode 100644 index 0000000..a79bb2a --- /dev/null +++ b/convlab/agent/net/__init__.py @@ -0,0 +1,11 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The nets module +Contains classes of neural network architectures +''' + +from convlab.agent.net.conv import * +from convlab.agent.net.mlp import * +from convlab.agent.net.recurrent import * diff --git a/convlab/agent/net/base.py b/convlab/agent/net/base.py new file mode 100644 index 0000000..b959a19 --- /dev/null +++ b/convlab/agent/net/base.py @@ -0,0 +1,36 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from abc import ABC, abstractmethod +import torch + + +class Net(ABC): + ''' + Abstract class ancestor to all Nets, + specifies the necessary design blueprint for algorithm to work in Lab. + Mostly, implement just the abstract methods and properties. + ''' + + def __init__(self, net_spec, in_dim, out_dim): + ''' + @param {dict} net_spec is the spec for the net + @param {int|list} in_dim is the input dimension(s) for the network. Usually use in_dim=body.state_dim + @param {int|list} out_dim is the output dimension(s) for the network. Usually use out_dim=body.action_dim + ''' + self.net_spec = net_spec + self.in_dim = in_dim + self.out_dim = out_dim + self.grad_norms = None # for debugging + if self.net_spec.get('gpu'): + if torch.cuda.device_count(): + self.device = f'cuda:{net_spec.get("cuda_id", 0)}' + else: + self.device = 'cpu' + else: + self.device = 'cpu' + + def store_grad_norms(self): + '''Stores the gradient norms for debugging.''' + norms = [param.grad.norm().item() for param in self.parameters()] + self.grad_norms = norms diff --git a/convlab/agent/net/conv.py b/convlab/agent/net/conv.py new file mode 100644 index 0000000..1bcd121 --- /dev/null +++ b/convlab/agent/net/conv.py @@ -0,0 +1,334 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.agent.net import net_util +from convlab.agent.net.base import Net +from convlab.lib import logger, math_util, util +import numpy as np +import pydash as ps +import torch +import torch.nn as nn + +logger = logger.get_logger(__name__) + + +class ConvNet(Net, nn.Module): + ''' + Class for generating arbitrary sized convolutional neural network, + with optional batch normalization + + Assumes that a single input example is organized into a 3D tensor. + The entire model consists of three parts: + 1. self.conv_model + 2. self.fc_model + 3. self.model_tails + + e.g. net_spec + "net": { + "type": "ConvNet", + "shared": true, + "conv_hid_layers": [ + [32, 8, 4, 0, 1], + [64, 4, 2, 0, 1], + [64, 3, 1, 0, 1] + ], + "fc_hid_layers": [512], + "hid_layers_activation": "relu", + "init_fn": null, + "batch_norm": false, + "clip_grad_val": 1.0, + "loss_spec": { + "name": "SmoothL1Loss" + }, + "optim_spec": { + "name": "Adam", + "lr": 0.02 + }, + "lr_scheduler_spec": { + "name": "StepLR", + "step_size": 30, + "gamma": 0.1 + }, + "update_type": "replace", + "update_frequency": 10000, + "polyak_coef": 0.9, + "gpu": true + } + ''' + + def __init__(self, net_spec, in_dim, out_dim): + ''' + net_spec: + conv_hid_layers: list containing dimensions of the convolutional hidden layers. Asssumed to all come before the flat layers. + Note: a convolutional layer should specify the in_channel, out_channels, kernel_size, stride (of kernel steps), padding, and dilation (spacing between kernel points) E.g. [3, 16, (5, 5), 1, 0, (2, 2)] + For more details, see http://pytorch.org/docs/master/nn.html#conv2d and https://github.com/vdumoulin/conv_arithmetic/blob/master/README.md + fc_hid_layers: list of fc layers following the convolutional layers + hid_layers_activation: activation function for the hidden layers + init_fn: weight initialization function + batch_norm: whether to add batch normalization after each convolutional layer, excluding the input layer. + clip_grad_val: clip gradient norm if value is not None + loss_spec: measure of error between model predictions and correct outputs + optim_spec: parameters for initializing the optimizer + lr_scheduler_spec: Pytorch optim.lr_scheduler + update_type: method to update network weights: 'replace' or 'polyak' + update_frequency: how many total timesteps per update + polyak_coef: ratio of polyak weight update + gpu: whether to train using a GPU. Note this will only work if a GPU is available, othewise setting gpu=True does nothing + ''' + assert len(in_dim) == 3 # image shape (c,w,h) + nn.Module.__init__(self) + super(ConvNet, self).__init__(net_spec, in_dim, out_dim) + # set default + util.set_attr(self, dict( + init_fn=None, + batch_norm=True, + clip_grad_val=None, + loss_spec={'name': 'MSELoss'}, + optim_spec={'name': 'Adam'}, + lr_scheduler_spec=None, + update_type='replace', + update_frequency=1, + polyak_coef=0.0, + gpu=False, + )) + util.set_attr(self, self.net_spec, [ + 'conv_hid_layers', + 'fc_hid_layers', + 'hid_layers_activation', + 'init_fn', + 'batch_norm', + 'clip_grad_val', + 'loss_spec', + 'optim_spec', + 'lr_scheduler_spec', + 'update_type', + 'update_frequency', + 'polyak_coef', + 'gpu', + ]) + + # conv layer + self.conv_model = self.build_conv_layers(self.conv_hid_layers) + self.conv_out_dim = self.get_conv_output_size() + + # fc layer + if not ps.is_empty(self.fc_hid_layers): + # fc layer from flattened conv + self.fc_model = self.build_fc_layers(self.fc_hid_layers) + tail_in_dim = self.fc_hid_layers[-1] + else: + tail_in_dim = self.conv_out_dim + + # tails. avoid list for single-tail for compute speed + if ps.is_integer(self.out_dim): + self.model_tail = nn.Linear(tail_in_dim, self.out_dim) + else: + self.model_tails = nn.ModuleList([nn.Linear(tail_in_dim, out_d) for out_d in self.out_dim]) + + net_util.init_layers(self, self.init_fn) + for module in self.modules(): + module.to(self.device) + self.loss_fn = net_util.get_loss_fn(self, self.loss_spec) + self.optim = net_util.get_optim(self, self.optim_spec) + self.lr_scheduler = net_util.get_lr_scheduler(self, self.lr_scheduler_spec) + + def __str__(self): + return super(ConvNet, self).__str__() + f'\noptim: {self.optim}' + + def get_conv_output_size(self): + '''Helper function to calculate the size of the flattened features after the final convolutional layer''' + with torch.no_grad(): + x = torch.ones(1, *self.in_dim) + x = self.conv_model(x) + return x.numel() + + def build_conv_layers(self, conv_hid_layers): + ''' + Builds all of the convolutional layers in the network and store in a Sequential model + ''' + conv_layers = [] + in_d = self.in_dim[0] # input channel + for i, hid_layer in enumerate(conv_hid_layers): + hid_layer = [tuple(e) if ps.is_list(e) else e for e in hid_layer] # guard list-to-tuple + # hid_layer = out_d, kernel, stride, padding, dilation + conv_layers.append(nn.Conv2d(in_d, *hid_layer)) + conv_layers.append(net_util.get_activation_fn(self.hid_layers_activation)) + # Don't include batch norm in the first layer + if self.batch_norm and i != 0: + conv_layers.append(nn.BatchNorm2d(in_d)) + in_d = hid_layer[0] # update to out_d + conv_model = nn.Sequential(*conv_layers) + return conv_model + + def build_fc_layers(self, fc_hid_layers): + ''' + Builds all of the fc layers in the network and store in a Sequential model + ''' + assert not ps.is_empty(fc_hid_layers) + dims = [self.conv_out_dim] + fc_hid_layers + fc_model = net_util.build_sequential(dims, self.hid_layers_activation) + return fc_model + + def forward(self, x): + ''' + The feedforward step + Note that PyTorch takes (c,w,h) but gym provides (w,h,c), so preprocessing must be done before passing to network + ''' + x = self.conv_model(x) + x = x.view(x.size(0), -1) # to (batch_size, -1) + if hasattr(self, 'fc_model'): + x = self.fc_model(x) + # return tensor if single tail, else list of tail tensors + if hasattr(self, 'model_tails'): + outs = [] + for model_tail in self.model_tails: + outs.append(model_tail(x)) + return outs + else: + return self.model_tail(x) + + def training_step(self, x=None, y=None, loss=None, retain_graph=False, lr_clock=None): + '''Takes a single training step: one forward and one backwards pass''' + if hasattr(self, 'model_tails') and x is not None: + raise ValueError('Loss computation from x,y not supported for multitails') + self.lr_scheduler.step(epoch=ps.get(lr_clock, 'total_t')) + self.train() + self.optim.zero_grad() + if loss is None: + out = self(x) + loss = self.loss_fn(out, y) + assert not torch.isnan(loss).any(), loss + if net_util.to_assert_trained(): + assert_trained = net_util.gen_assert_trained(self) + loss.backward(retain_graph=retain_graph) + if self.clip_grad_val is not None: + nn.utils.clip_grad_norm_(self.parameters(), self.clip_grad_val) + self.optim.step() + if net_util.to_assert_trained(): + assert_trained(self, loss) + self.store_grad_norms() + logger.debug(f'Net training_step loss: {loss}') + return loss + + def wrap_eval(self, x): + ''' + Completes one feedforward step, ensuring net is set to evaluation model returns: network output given input x + ''' + self.eval() + return self(x) + + +class DuelingConvNet(ConvNet): + ''' + Class for generating arbitrary sized convolutional neural network, + with optional batch normalization, and with dueling heads. Intended for Q-Learning algorithms only. + Implementation based on "Dueling Network Architectures for Deep Reinforcement Learning" http://proceedings.mlr.press/v48/wangf16.pdf + + Assumes that a single input example is organized into a 3D tensor. + The entire model consists of three parts: + 1. self.conv_model + 2. self.fc_model + 3. self.model_tails + + e.g. net_spec + "net": { + "type": "DuelingConvNet", + "shared": true, + "conv_hid_layers": [ + [32, 8, 4, 0, 1], + [64, 4, 2, 0, 1], + [64, 3, 1, 0, 1] + ], + "fc_hid_layers": [512], + "hid_layers_activation": "relu", + "init_fn": "xavier_uniform_", + "batch_norm": false, + "clip_grad_val": 1.0, + "loss_spec": { + "name": "SmoothL1Loss" + }, + "optim_spec": { + "name": "Adam", + "lr": 0.02 + }, + "lr_scheduler_spec": { + "name": "StepLR", + "step_size": 30, + "gamma": 0.1 + }, + "update_type": "replace", + "update_frequency": 10000, + "polyak_coef": 0.9, + "gpu": true + } + ''' + + def __init__(self, net_spec, in_dim, out_dim): + assert len(in_dim) == 3 # image shape (c,w,h) + nn.Module.__init__(self) + Net.__init__(self, net_spec, in_dim, out_dim) + # set default + util.set_attr(self, dict( + init_fn=None, + batch_norm=False, + clip_grad_val=None, + loss_spec={'name': 'MSELoss'}, + optim_spec={'name': 'Adam'}, + lr_scheduler_spec=None, + update_type='replace', + update_frequency=1, + polyak_coef=0.0, + gpu=False, + )) + util.set_attr(self, self.net_spec, [ + 'conv_hid_layers', + 'fc_hid_layers', + 'hid_layers_activation', + 'init_fn', + 'batch_norm', + 'clip_grad_val', + 'loss_spec', + 'optim_spec', + 'lr_scheduler_spec', + 'update_type', + 'update_frequency', + 'polyak_coef', + 'gpu', + ]) + + # Guard against inappropriate algorithms and environments + assert isinstance(out_dim, int) + + # conv layer + self.conv_model = self.build_conv_layers(self.conv_hid_layers) + self.conv_out_dim = self.get_conv_output_size() + + # fc layer + if not ps.is_empty(self.fc_hid_layers): + # fc layer from flattened conv + self.fc_model = self.build_fc_layers(self.fc_hid_layers) + tail_in_dim = self.fc_hid_layers[-1] + else: + tail_in_dim = self.conv_out_dim + + # tails. avoid list for single-tail for compute speed + self.v = nn.Linear(tail_in_dim, 1) # state value + self.adv = nn.Linear(tail_in_dim, out_dim[0]) # action dependent raw advantage + + net_util.init_layers(self, self.init_fn) + for module in self.modules(): + module.to(self.device) + self.loss_fn = net_util.get_loss_fn(self, self.loss_spec) + self.optim = net_util.get_optim(self, self.optim_spec) + self.lr_scheduler = net_util.get_lr_scheduler(self, self.lr_scheduler_spec) + + def forward(self, x): + '''The feedforward step''' + x = self.conv_model(x) + x = x.view(x.size(0), -1) # to (batch_size, -1) + if hasattr(self, 'fc_model'): + x = self.fc_model(x) + state_value = self.v(x) + raw_advantages = self.adv(x) + out = math_util.calc_q_value_logits(state_value, raw_advantages) + return out diff --git a/convlab/agent/net/mlp.py b/convlab/agent/net/mlp.py new file mode 100644 index 0000000..1a47e1c --- /dev/null +++ b/convlab/agent/net/mlp.py @@ -0,0 +1,424 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.agent.net import net_util +from convlab.agent.net.base import Net +from convlab.lib import logger, math_util, util +import numpy as np +import pydash as ps +import torch +import torch.nn as nn + +logger = logger.get_logger(__name__) + + +class MLPNet(Net, nn.Module): + ''' + Class for generating arbitrary sized feedforward neural network + If more than 1 output tensors, will create a self.model_tails instead of making last layer part of self.model + + e.g. net_spec + "net": { + "type": "MLPNet", + "shared": true, + "hid_layers": [32], + "hid_layers_activation": "relu", + "init_fn": "xavier_uniform_", + "clip_grad_val": 1.0, + "loss_spec": { + "name": "MSELoss" + }, + "optim_spec": { + "name": "Adam", + "lr": 0.02 + }, + "lr_scheduler_spec": { + "name": "StepLR", + "step_size": 30, + "gamma": 0.1 + }, + "update_type": "replace", + "update_frequency": 1, + "polyak_coef": 0.9, + "gpu": true + } + ''' + + def __init__(self, net_spec, in_dim, out_dim): + ''' + net_spec: + hid_layers: list containing dimensions of the hidden layers + hid_layers_activation: activation function for the hidden layers + init_fn: weight initialization function + clip_grad_val: clip gradient norm if value is not None + loss_spec: measure of error between model predictions and correct outputs + optim_spec: parameters for initializing the optimizer + lr_scheduler_spec: Pytorch optim.lr_scheduler + update_type: method to update network weights: 'replace' or 'polyak' + update_frequency: how many total timesteps per update + polyak_coef: ratio of polyak weight update + gpu: whether to train using a GPU. Note this will only work if a GPU is available, othewise setting gpu=True does nothing + ''' + nn.Module.__init__(self) + super(MLPNet, self).__init__(net_spec, in_dim, out_dim) + # set default + util.set_attr(self, dict( + init_fn=None, + clip_grad_val=None, + loss_spec={'name': 'MSELoss'}, + optim_spec={'name': 'Adam'}, + lr_scheduler_spec=None, + update_type='replace', + update_frequency=1, + polyak_coef=0.0, + gpu=False, + )) + util.set_attr(self, self.net_spec, [ + 'shared', + 'hid_layers', + 'hid_layers_activation', + 'init_fn', + 'clip_grad_val', + 'loss_spec', + 'optim_spec', + 'lr_scheduler_spec', + 'update_type', + 'update_frequency', + 'polyak_coef', + 'gpu', + ]) + + dims = [self.in_dim] + self.hid_layers + self.model = net_util.build_sequential(dims, self.hid_layers_activation) + # add last layer with no activation + # tails. avoid list for single-tail for compute speed + if ps.is_integer(self.out_dim): + self.model_tail = nn.Linear(dims[-1], self.out_dim) + else: + self.model_tails = nn.ModuleList([nn.Linear(dims[-1], out_d) for out_d in self.out_dim]) + + net_util.init_layers(self, self.init_fn) + for module in self.modules(): + module.to(self.device) + self.loss_fn = net_util.get_loss_fn(self, self.loss_spec) + self.optim = net_util.get_optim(self, self.optim_spec) + self.lr_scheduler = net_util.get_lr_scheduler(self, self.lr_scheduler_spec) + + def __str__(self): + return super(MLPNet, self).__str__() + f'\noptim: {self.optim}' + + def forward(self, x): + '''The feedforward step''' + x = self.model(x) + if hasattr(self, 'model_tails'): + outs = [] + for model_tail in self.model_tails: + outs.append(model_tail(x)) + return outs + else: + return self.model_tail(x) + + def training_step(self, x=None, y=None, loss=None, retain_graph=False, lr_clock=None): + ''' + Takes a single training step: one forward and one backwards pass + More most RL usage, we have custom, often complicated, loss functions. Compute its value and put it in a pytorch tensor then pass it in as loss + ''' + if hasattr(self, 'model_tails') and x is not None: + raise ValueError('Loss computation from x,y not supported for multitails') + self.lr_scheduler.step(epoch=ps.get(lr_clock, 'total_t')) + self.train() + self.optim.zero_grad() + if loss is None: + out = self(x) + loss = self.loss_fn(out, y) + assert not torch.isnan(loss).any(), loss + if net_util.to_assert_trained(): + assert_trained = net_util.gen_assert_trained(self) + loss.backward(retain_graph=retain_graph) + if self.clip_grad_val is not None: + nn.utils.clip_grad_norm_(self.parameters(), self.clip_grad_val) + self.optim.step() + if net_util.to_assert_trained(): + assert_trained(self, loss) + self.store_grad_norms() + logger.debug(f'Net training_step loss: {loss}') + return loss + + def wrap_eval(self, x): + ''' + Completes one feedforward step, ensuring net is set to evaluation model + returns: network output given input x + ''' + self.eval() + return self(x) + + +class HydraMLPNet(Net, nn.Module): + ''' + Class for generating arbitrary sized feedforward neural network with multiple state and action heads, and a single shared body. + + e.g. net_spec + "net": { + "type": "HydraMLPNet", + "shared": true, + "hid_layers": [ + [[32],[32]], # 2 heads with hidden layers + [64], # body + [] # tail, no hidden layers + ], + "hid_layers_activation": "relu", + "init_fn": "xavier_uniform_", + "clip_grad_val": 1.0, + "loss_spec": { + "name": "MSELoss" + }, + "optim_spec": { + "name": "Adam", + "lr": 0.02 + }, + "lr_scheduler_spec": { + "name": "StepLR", + "step_size": 30, + "gamma": 0.1 + }, + "update_type": "replace", + "update_frequency": 1, + "polyak_coef": 0.9, + "gpu": true + } + ''' + + def __init__(self, net_spec, in_dim, out_dim): + ''' + Multi state processing heads, single shared body, and multi action tails. + There is one state and action head per body/environment + Example: + + env 1 state env 2 state + _______|______ _______|______ + | head 1 | | head 2 | + |______________| |______________| + | | + |__________________| + ________________|_______________ + | Shared body | + |________________________________| + | + ________|_______ + | | + _______|______ ______|_______ + | tail 1 | | tail 2 | + |______________| |______________| + | | + env 1 action env 2 action + ''' + nn.Module.__init__(self) + super(HydraMLPNet, self).__init__(net_spec, in_dim, out_dim) + # set default + util.set_attr(self, dict( + init_fn=None, + clip_grad_val=None, + loss_spec={'name': 'MSELoss'}, + optim_spec={'name': 'Adam'}, + lr_scheduler_spec=None, + update_type='replace', + update_frequency=1, + polyak_coef=0.0, + gpu=False, + )) + util.set_attr(self, self.net_spec, [ + 'hid_layers', + 'hid_layers_activation', + 'init_fn', + 'clip_grad_val', + 'loss_spec', + 'optim_spec', + 'lr_scheduler_spec', + 'update_type', + 'update_frequency', + 'polyak_coef', + 'gpu', + ]) + assert len(self.hid_layers) == 3, 'Your hidden layers must specify [*heads], [body], [*tails]. If not, use MLPNet' + assert isinstance(self.in_dim, list), 'Hydra network needs in_dim as list' + assert isinstance(self.out_dim, list), 'Hydra network needs out_dim as list' + self.head_hid_layers = self.hid_layers[0] + self.body_hid_layers = self.hid_layers[1] + self.tail_hid_layers = self.hid_layers[2] + if len(self.head_hid_layers) == 1: + self.head_hid_layers = self.head_hid_layers * len(self.in_dim) + if len(self.tail_hid_layers) == 1: + self.tail_hid_layers = self.tail_hid_layers * len(self.out_dim) + + self.model_heads = self.build_model_heads(in_dim) + heads_out_dim = np.sum([head_hid_layers[-1] for head_hid_layers in self.head_hid_layers]) + dims = [heads_out_dim] + self.body_hid_layers + self.model_body = net_util.build_sequential(dims, self.hid_layers_activation) + self.model_tails = self.build_model_tails(out_dim) + + net_util.init_layers(self, self.init_fn) + for module in self.modules(): + module.to(self.device) + self.loss_fn = net_util.get_loss_fn(self, self.loss_spec) + self.optim = net_util.get_optim(self, self.optim_spec) + self.lr_scheduler = net_util.get_lr_scheduler(self, self.lr_scheduler_spec) + + def __str__(self): + return super(HydraMLPNet, self).__str__() + f'\noptim: {self.optim}' + + def build_model_heads(self, in_dim): + '''Build each model_head. These are stored as Sequential models in model_heads''' + assert len(self.head_hid_layers) == len(in_dim), 'Hydra head hid_params inconsistent with number in dims' + model_heads = nn.ModuleList() + for in_d, hid_layers in zip(in_dim, self.head_hid_layers): + dims = [in_d] + hid_layers + model_head = net_util.build_sequential(dims, self.hid_layers_activation) + model_heads.append(model_head) + return model_heads + + def build_model_tails(self, out_dim): + '''Build each model_tail. These are stored as Sequential models in model_tails''' + model_tails = nn.ModuleList() + if ps.is_empty(self.tail_hid_layers): + for out_d in out_dim: + model_tails.append(nn.Linear(self.body_hid_layers[-1], out_d)) + else: + assert len(self.tail_hid_layers) == len(out_dim), 'Hydra tail hid_params inconsistent with number out dims' + for out_d, hid_layers in zip(out_dim, self.tail_hid_layers): + dims = hid_layers + model_tail = net_util.build_sequential(dims, self.hid_layers_activation) + model_tail.add_module(str(len(model_tail)), nn.Linear(dims[-1], out_d)) + model_tails.append(model_tail) + return model_tails + + def forward(self, xs): + '''The feedforward step''' + head_xs = [] + for model_head, x in zip(self.model_heads, xs): + head_xs.append(model_head(x)) + head_xs = torch.cat(head_xs, dim=-1) + body_x = self.model_body(head_xs) + outs = [] + for model_tail in self.model_tails: + outs.append(model_tail(body_x)) + return outs + + def training_step(self, xs=None, ys=None, loss=None, retain_graph=False, lr_clock=None): + ''' + Takes a single training step: one forward and one backwards pass. Both x and y are lists of the same length, one x and y per environment + ''' + self.lr_scheduler.step(epoch=ps.get(lr_clock, 'total_t')) + self.train() + self.optim.zero_grad() + if loss is None: + outs = self(xs) + total_loss = torch.tensor(0.0, device=self.device) + for out, y in zip(outs, ys): + loss = self.loss_fn(out, y) + total_loss += loss + loss = total_loss + assert not torch.isnan(loss).any(), loss + if net_util.to_assert_trained(): + assert_trained = net_util.gen_assert_trained(self) + loss.backward(retain_graph=retain_graph) + if self.clip_grad_val is not None: + nn.utils.clip_grad_norm_(self.parameters(), self.clip_grad_val) + self.optim.step() + if net_util.to_assert_trained(): + assert_trained(self, loss) + self.store_grad_norms() + logger.debug(f'Net training_step loss: {loss}') + return loss + + def wrap_eval(self, x): + ''' + Completes one feedforward step, ensuring net is set to evaluation model + returns: network output given input x + ''' + self.eval() + return self(x) + + +class DuelingMLPNet(MLPNet): + ''' + Class for generating arbitrary sized feedforward neural network, with dueling heads. Intended for Q-Learning algorithms only. + Implementation based on "Dueling Network Architectures for Deep Reinforcement Learning" http://proceedings.mlr.press/v48/wangf16.pdf + + e.g. net_spec + "net": { + "type": "DuelingMLPNet", + "shared": true, + "hid_layers": [32], + "hid_layers_activation": "relu", + "init_fn": "xavier_uniform_", + "clip_grad_val": 1.0, + "loss_spec": { + "name": "MSELoss" + }, + "optim_spec": { + "name": "Adam", + "lr": 0.02 + }, + "lr_scheduler_spec": { + "name": "StepLR", + "step_size": 30, + "gamma": 0.1 + }, + "update_type": "replace", + "update_frequency": 1, + "polyak_coef": 0.9, + "gpu": true + } + ''' + + def __init__(self, net_spec, in_dim, out_dim): + nn.Module.__init__(self) + Net.__init__(self, net_spec, in_dim, out_dim) + # set default + util.set_attr(self, dict( + init_fn=None, + clip_grad_val=None, + loss_spec={'name': 'MSELoss'}, + optim_spec={'name': 'Adam'}, + lr_scheduler_spec=None, + update_type='replace', + update_frequency=1, + polyak_coef=0.0, + gpu=False, + )) + util.set_attr(self, self.net_spec, [ + 'shared', + 'hid_layers', + 'hid_layers_activation', + 'init_fn', + 'clip_grad_val', + 'loss_spec', + 'optim_spec', + 'lr_scheduler_spec', + 'update_type', + 'update_frequency', + 'polyak_coef', + 'gpu', + ]) + + # Guard against inappropriate algorithms and environments + # Build model body + dims = [self.in_dim] + self.hid_layers + self.model_body = net_util.build_sequential(dims, self.hid_layers_activation) + # output layers + self.v = nn.Linear(dims[-1], 1) # state value + self.adv = nn.Linear(dims[-1], out_dim) # action dependent raw advantage + net_util.init_layers(self, self.init_fn) + for module in self.modules(): + module.to(self.device) + self.loss_fn = net_util.get_loss_fn(self, self.loss_spec) + self.optim = net_util.get_optim(self, self.optim_spec) + self.lr_scheduler = net_util.get_lr_scheduler(self, self.lr_scheduler_spec) + + def forward(self, x): + '''The feedforward step''' + x = self.model_body(x) + state_value = self.v(x) + raw_advantages = self.adv(x) + out = math_util.calc_q_value_logits(state_value, raw_advantages) + return out diff --git a/convlab/agent/net/net_util.py b/convlab/agent/net/net_util.py new file mode 100644 index 0000000..3f6cb70 --- /dev/null +++ b/convlab/agent/net/net_util.py @@ -0,0 +1,264 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from functools import partial +from convlab import ROOT_DIR +from convlab.lib import logger, util +import os +import pydash as ps +import torch +import torch.nn as nn + + +NN_LOWCASE_LOOKUP = {nn_name.lower(): nn_name for nn_name in nn.__dict__} +logger = logger.get_logger(__name__) + + +class NoOpLRScheduler: + '''Symbolic LRScheduler class for API consistency''' + + def __init__(self, optim): + self.optim = optim + + def step(self, epoch=None): + pass + + def get_lr(self): + return self.optim.defaults['lr'] + + +def build_sequential(dims, activation): + '''Build the Sequential model by interleaving nn.Linear and activation_fn''' + assert len(dims) >= 2, 'dims need to at least contain input, output' + dim_pairs = list(zip(dims[:-1], dims[1:])) + layers = [] + for in_d, out_d in dim_pairs: + layers.append(nn.Linear(in_d, out_d)) + layers.append(get_activation_fn(activation)) + model = nn.Sequential(*layers) + return model + + +def get_activation_fn(activation): + '''Helper to generate activation function layers for net''' + nn_name = NN_LOWCASE_LOOKUP.get(activation) or NN_LOWCASE_LOOKUP['relu'] + ActivationClass = getattr(nn, nn_name) + return ActivationClass() + + +def get_loss_fn(cls, loss_spec): + '''Helper to parse loss param and construct loss_fn for net''' + LossClass = getattr(nn, loss_spec['name']) + loss_spec = ps.omit(loss_spec, 'name') + loss_fn = LossClass(**loss_spec) + return loss_fn + + +def get_optim(cls, optim_spec): + '''Helper to parse optim param and construct optim for net''' + OptimClass = getattr(torch.optim, optim_spec['name']) + optim_spec = ps.omit(optim_spec, 'name') + optim = OptimClass(cls.parameters(), **optim_spec) + return optim + + +def get_lr_scheduler(cls, lr_scheduler_spec): + '''Helper to parse lr_scheduler param and construct Pytorch optim.lr_scheduler''' + if ps.is_empty(lr_scheduler_spec): + lr_scheduler = NoOpLRScheduler(cls.optim) + else: + LRSchedulerClass = getattr(torch.optim.lr_scheduler, lr_scheduler_spec['name']) + lr_scheduler_spec = ps.omit(lr_scheduler_spec, 'name') + lr_scheduler = LRSchedulerClass(cls.optim, **lr_scheduler_spec) + return lr_scheduler + + +def get_policy_out_dim(body): + '''Helper method to construct the policy network out_dim for a body according to is_discrete, action_type''' + action_dim = body.action_dim + if body.is_discrete: + if body.action_type == 'multi_discrete': + assert ps.is_list(action_dim), action_dim + policy_out_dim = action_dim + else: + assert ps.is_integer(action_dim), action_dim + policy_out_dim = action_dim + else: + if body.action_type == 'multi_continuous': + assert ps.is_list(action_dim), action_dim + raise NotImplementedError('multi_continuous not supported yet') + else: + assert ps.is_integer(action_dim), action_dim + if action_dim == 1: + policy_out_dim = 2 # singleton stay as int + else: + policy_out_dim = action_dim * [2] + return policy_out_dim + + +def get_out_dim(body, add_critic=False): + '''Construct the NetClass out_dim for a body according to is_discrete, action_type, and whether to add a critic unit''' + policy_out_dim = get_policy_out_dim(body) + if add_critic: + if ps.is_list(policy_out_dim): + out_dim = policy_out_dim + [1] + else: + out_dim = [policy_out_dim, 1] + else: + out_dim = policy_out_dim + return out_dim + + +def init_layers(net, init_fn): + if init_fn is None: + return + if init_fn == 'xavier_uniform_': + try: + gain = nn.init.calculate_gain(net.hid_layers_activation) + except ValueError: + gain = 1 + init_fn = partial(nn.init.xavier_uniform_, gain=gain) + elif 'kaiming' in init_fn: + assert net.hid_layers_activation in ['relu', 'leaky_relu'], f'Kaiming initialization not supported for {net.hid_layers_activation}' + init_fn = nn.init.__dict__[init_fn] + init_fn = partial(init_fn, nonlinearity=net.hid_layers_activation) + else: + init_fn = nn.init.__dict__[init_fn] + net.apply(partial(init_parameters, init_fn=init_fn)) + + +def init_parameters(module, init_fn): + ''' + Initializes module's weights using init_fn, which is the name of function from from nn.init + Initializes module's biases to either 0.01 or 0.0, depending on module + The only exception is BatchNorm layers, for which we use uniform initialization + ''' + bias_init = 0.01 + classname = module.__class__.__name__ + if 'BatchNorm' in classname: + init_fn(module.weight) + nn.init.constant_(module.bias, bias_init) + elif 'GRU' in classname: + for name, param in module.named_parameters(): + if 'weight' in name: + init_fn(param) + elif 'bias' in name: + nn.init.constant_(param, 0.0) + elif 'Linear' in classname or ('Conv' in classname and 'Net' not in classname): + init_fn(module.weight) + nn.init.constant_(module.bias, bias_init) + + +# params methods + + +def save(net, model_path): + '''Save model weights to path''' + torch.save(net.state_dict(), util.smart_path(model_path)) + logger.info(f'Saved model to {model_path}') + + +def save_algorithm(algorithm, ckpt=None): + '''Save all the nets for an algorithm''' + agent = algorithm.agent + net_names = algorithm.net_names + prepath = util.get_prepath(agent.spec, agent.info_space, unit='session') + if ckpt is not None: + prepath = f'{prepath}_ckpt-{ckpt}' + logger.info(f'Saving algorithm {util.get_class_name(algorithm)} nets {net_names}') + for net_name in net_names: + net = getattr(algorithm, net_name) + model_path = f'{prepath}_{net_name}_model.pth' + save(net, model_path) + optim_path = f'{prepath}_{net_name}_optim.pth' + save(net.optim, optim_path) + + +def load(net, model_path): + '''Save model weights from a path into a net module''' + device = None if torch.cuda.is_available() else 'cpu' + net.load_state_dict(torch.load(util.smart_path(model_path), map_location=device)) + logger.info(f'Loaded model from {model_path}') + + +def load_algorithm(algorithm): + '''Save all the nets for an algorithm''' + agent = algorithm.agent + net_names = algorithm.net_names + if util.in_eval_lab_modes(): + # load specific model in eval mode + prepath = agent.info_space.eval_model_prepath + else: + prepath = util.get_prepath(agent.spec, agent.info_space, unit='session') + logger.info(f'Loading algorithm {util.get_class_name(algorithm)} nets {net_names}') + for net_name in net_names: + net = getattr(algorithm, net_name) + model_path = f'{prepath}_{net_name}_model.pth' + load(net, model_path) + optim_path = f'{prepath}_{net_name}_optim.pth' + load(net.optim, optim_path) + + +def copy(src_net, tar_net): + '''Copy model weights from src to target''' + tar_net.load_state_dict(src_net.state_dict()) + + +def polyak_update(src_net, tar_net, beta=0.5): + '''Polyak weight update to update a target tar_net''' + tar_params = tar_net.named_parameters() + src_params = src_net.named_parameters() + src_dict_params = dict(src_params) + + for name, tar_param in tar_params: + if name in src_dict_params: + src_dict_params[name].data.copy_(beta * tar_param.data + (1 - beta) * src_dict_params[name].data) + + tar_net.load_state_dict(src_dict_params) + + +def to_assert_trained(): + '''Condition for running assert_trained''' + return os.environ.get('PY_ENV') == 'test' or util.get_lab_mode() == 'dev' + + +def gen_assert_trained(pre_model): + ''' + Generate assert_trained function used to check weight updates + @example + + assert_trained = gen_assert_trained(model) + # ... + loss.backward() + optim.step() + assert_trained(model, loss) + ''' + pre_weights = [param.clone() for param in pre_model.parameters()] + + def assert_trained(post_model, loss): + post_weights = [param.clone() for param in post_model.parameters()] + if loss == 0: + # TODO if without momentum, weights should not change too + for p_name, param in post_model.named_parameters(): + assert param.grad.norm() == 0 + else: + assert not all(torch.equal(w1, w2) for w1, w2 in zip(pre_weights, post_weights)), f'Model parameter is not updated in training_step(), check if your tensor is detached from graph. loss: {loss}' + min_norm = 0 + max_norm = 1e5 + for p_name, param in post_model.named_parameters(): + try: + assert min_norm < param.grad.norm() < max_norm, f'Gradient norm fails the extreme value check {min_norm} < {p_name}:{param.grad.norm()} < {max_norm}, which is bad. Loss: {loss}. Check your network and loss computation. Consider using the "clip_grad_val" net parameter.' + except Exception as e: + logger.warn(e) + logger.debug('Passed network weight update assertation in dev lab_mode.') + return assert_trained + + +def get_grad_norms(algorithm): + '''Gather all the net's grad norms of an algorithm for debugging''' + grad_norms = [] + for net_name in algorithm.net_names: + net = getattr(algorithm, net_name) + if net.grad_norms is not None: + grad_norms.extend(net.grad_norms) + return grad_norms diff --git a/convlab/agent/net/recurrent.py b/convlab/agent/net/recurrent.py new file mode 100644 index 0000000..0d9cf50 --- /dev/null +++ b/convlab/agent/net/recurrent.py @@ -0,0 +1,195 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.agent.net import net_util +from convlab.agent.net.base import Net +from convlab.lib import logger, util +import numpy as np +import pydash as ps +import torch +import torch.nn as nn + +logger = logger.get_logger(__name__) + + +class RecurrentNet(Net, nn.Module): + ''' + Class for generating arbitrary sized recurrent neural networks which take a sequence of states as input. + + Assumes that a single input example is organized into a 3D tensor + batch_size x seq_len x state_dim + The entire model consists of three parts: + 1. self.fc_model (state processing) + 2. self.rnn_model + 3. self.model_tails + + e.g. net_spec + "net": { + "type": "RecurrentNet", + "shared": true, + "cell_type": "GRU", + "fc_hid_layers": [], + "hid_layers_activation": "relu", + "rnn_hidden_size": 32, + "rnn_num_layers": 1, + "bidirectional": False, + "seq_len": 4, + "init_fn": "xavier_uniform_", + "clip_grad_val": 1.0, + "loss_spec": { + "name": "MSELoss" + }, + "optim_spec": { + "name": "Adam", + "lr": 0.01 + }, + "lr_scheduler_spec": { + "name": "StepLR", + "step_size": 30, + "gamma": 0.1 + }, + "update_type": "replace", + "update_frequency": 1, + "polyak_coef": 0.9, + "gpu": true + } + ''' + + def __init__(self, net_spec, in_dim, out_dim): + ''' + net_spec: + cell_type: any of RNN, LSTM, GRU + fc_hid_layers: list of fc layers preceeding the RNN layers + hid_layers_activation: activation function for the fc hidden layers + rnn_hidden_size: rnn hidden_size + rnn_num_layers: number of recurrent layers + bidirectional: if RNN should be bidirectional + seq_len: length of the history of being passed to the net + init_fn: weight initialization function + clip_grad_val: clip gradient norm if value is not None + loss_spec: measure of error between model predictions and correct outputs + optim_spec: parameters for initializing the optimizer + lr_scheduler_spec: Pytorch optim.lr_scheduler + update_type: method to update network weights: 'replace' or 'polyak' + update_frequency: how many total timesteps per update + polyak_coef: ratio of polyak weight update + gpu: whether to train using a GPU. Note this will only work if a GPU is available, othewise setting gpu=True does nothing + ''' + nn.Module.__init__(self) + super(RecurrentNet, self).__init__(net_spec, in_dim, out_dim) + # set default + util.set_attr(self, dict( + cell_type='GRU', + rnn_num_layers=1, + bidirectional=False, + init_fn=None, + clip_grad_val=None, + loss_spec={'name': 'MSELoss'}, + optim_spec={'name': 'Adam'}, + lr_scheduler_spec=None, + update_type='replace', + update_frequency=1, + polyak_coef=0.0, + gpu=False, + )) + util.set_attr(self, self.net_spec, [ + 'cell_type', + 'fc_hid_layers', + 'hid_layers_activation', + 'rnn_hidden_size', + 'rnn_num_layers', + 'bidirectional', + 'seq_len', + 'init_fn', + 'clip_grad_val', + 'loss_spec', + 'optim_spec', + 'lr_scheduler_spec', + 'update_type', + 'update_frequency', + 'polyak_coef', + 'gpu', + ]) + # fc layer: state processing model + if not ps.is_empty(self.fc_hid_layers): + fc_dims = [self.in_dim] + self.fc_hid_layers + self.fc_model = net_util.build_sequential(fc_dims, self.hid_layers_activation) + self.rnn_input_dim = fc_dims[-1] + else: + self.rnn_input_dim = self.in_dim + + # RNN model + self.rnn_model = getattr(nn, self.cell_type)( + input_size=self.rnn_input_dim, + hidden_size=self.rnn_hidden_size, + num_layers=self.rnn_num_layers, + batch_first=True, bidirectional=self.bidirectional) + + # tails. avoid list for single-tail for compute speed + if ps.is_integer(self.out_dim): + self.model_tail = nn.Linear(self.rnn_hidden_size, self.out_dim) + else: + self.model_tails = nn.ModuleList([nn.Linear(self.rnn_hidden_size, out_d) for out_d in self.out_dim]) + + net_util.init_layers(self, self.init_fn) + for module in self.modules(): + module.to(self.device) + self.loss_fn = net_util.get_loss_fn(self, self.loss_spec) + self.optim = net_util.get_optim(self, self.optim_spec) + self.lr_scheduler = net_util.get_lr_scheduler(self, self.lr_scheduler_spec) + + def __str__(self): + return super(RecurrentNet, self).__str__() + f'\noptim: {self.optim}' + + def forward(self, x): + '''The feedforward step. Input is batch_size x seq_len x state_dim''' + # Unstack input to (batch_size x seq_len) x state_dim in order to transform all state inputs + batch_size = x.size(0) + x = x.view(-1, self.in_dim) + if hasattr(self, 'fc_model'): + x = self.fc_model(x) + # Restack to batch_size x seq_len x rnn_input_dim + x = x.view(-1, self.seq_len, self.rnn_input_dim) + if self.cell_type == 'LSTM': + _output, (h_n, c_n) = self.rnn_model(x) + else: + _output, h_n = self.rnn_model(x) + hid_x = h_n[-1] # get final time-layer + # return tensor if single tail, else list of tail tensors + if hasattr(self, 'model_tails'): + outs = [] + for model_tail in self.model_tails: + outs.append(model_tail(hid_x)) + return outs + else: + return self.model_tail(hid_x) + + def training_step(self, x=None, y=None, loss=None, retain_graph=False, lr_clock=None): + '''Takes a single training step: one forward and one backwards pass''' + if hasattr(self, 'model_tails') and x is not None: + raise ValueError('Loss computation from x,y not supported for multitails') + self.lr_scheduler.step(epoch=ps.get(lr_clock, 'total_t')) + self.train() + self.optim.zero_grad() + if loss is None: + out = self(x) + loss = self.loss_fn(out, y) + assert not torch.isnan(loss).any(), loss + if net_util.to_assert_trained(): + assert_trained = net_util.gen_assert_trained(self) + loss.backward(retain_graph=retain_graph) + if self.clip_grad_val is not None: + nn.utils.clip_grad_norm_(self.parameters(), self.clip_grad_val) + self.optim.step() + if net_util.to_assert_trained(): + assert_trained(self, loss) + self.store_grad_norms() + logger.debug(f'Net training_step loss: {loss}') + return loss + + def wrap_eval(self, x): + ''' + Completes one feedforward step, ensuring net is set to evaluation model returns: network output given input x + ''' + self.eval() + return self(x) diff --git a/convlab/env/__init__.py b/convlab/env/__init__.py new file mode 100644 index 0000000..2a74364 --- /dev/null +++ b/convlab/env/__init__.py @@ -0,0 +1,86 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The environment module +Contains graduated components from experiments for building/using environment. +Provides the rich experience for agent embodiment, reflects the curriculum and allows teaching (possibly allows teacher to enter). +To be designed by human and evolution module, based on the curriculum and fitness metrics. +''' +from convlab.env.base import Clock, ENV_DATA_NAMES +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api +import pydash as ps + + +logger = logger.get_logger(__name__) + + +def make_env(spec, e=None, env_space=None): + if spec['env'][0]['name'] == 'movie': + from convlab.env.movie import MovieEnv + env = MovieEnv(spec, e, env_space) + elif spec['env'][0]['name'] == 'multiwoz': + from convlab.env.multiwoz import MultiWozEnv + env = MultiWozEnv(spec, e, env_space) + + return env + + +class EnvSpace: + ''' + Subspace of AEBSpace, collection of all envs, with interface to Session logic; same methods as singleton envs. + Access AgentSpace properties by: AgentSpace - AEBSpace - EnvSpace - Envs + ''' + + def __init__(self, spec, aeb_space): + self.spec = spec + self.aeb_space = aeb_space + aeb_space.env_space = self + self.info_space = aeb_space.info_space + self.envs = [] + for e in range(len(self.spec['env'])): + env = make_env(self.spec, e, env_space=self) + self.envs.append(env) + logger.info(util.self_desc(self)) + + def get(self, e): + return self.envs[e] + + def get_base_clock(self): + '''Get the clock with the finest time unit, i.e. ticks the most cycles in a given time, or the highest clock_speed''' + fastest_env = ps.max_by(self.envs, lambda env: env.clock_speed) + clock = fastest_env.clock + return clock + + @lab_api + def reset(self): + logger.debug3('EnvSpace.reset') + _reward_v, state_v, done_v = self.aeb_space.init_data_v(ENV_DATA_NAMES) + for env in self.envs: + _reward_e, state_e, done_e = env.space_reset() + state_v[env.e, 0:len(state_e)] = state_e + done_v[env.e, 0:len(done_e)] = done_e + _reward_space, state_space, done_space = self.aeb_space.add(ENV_DATA_NAMES, (_reward_v, state_v, done_v)) + logger.debug3(f'\nstate_space: {state_space}') + return _reward_space, state_space, done_space + + @lab_api + def step(self, action_space): + reward_v, state_v, done_v = self.aeb_space.init_data_v(ENV_DATA_NAMES) + for env in self.envs: + e = env.e + action_e = action_space.get(e=e) + reward_e, state_e, done_e = env.space_step(action_e) + reward_v[e, 0:len(reward_e)] = reward_e + state_v[e, 0:len(state_e)] = state_e + done_v[e, 0:len(done_e)] = done_e + reward_space, state_space, done_space = self.aeb_space.add(ENV_DATA_NAMES, (reward_v, state_v, done_v)) + logger.debug3(f'\nreward_space: {reward_space}\nstate_space: {state_space}\ndone_space: {done_space}') + return reward_space, state_space, done_space + + @lab_api + def close(self): + logger.info('EnvSpace.close') + for env in self.envs: + env.close() diff --git a/convlab/env/base.py b/convlab/env/base.py new file mode 100644 index 0000000..df34567 --- /dev/null +++ b/convlab/env/base.py @@ -0,0 +1,199 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from abc import ABC, abstractmethod +from gym import spaces +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api +import numpy as np +import time + +ENV_DATA_NAMES = ['reward', 'state', 'done'] +NUM_EVAL_EPI = 100 # set the number of episodes to eval a model ckpt +logger = logger.get_logger(__name__) + + +def set_gym_space_attr(gym_space): + '''Set missing gym space attributes for standardization''' + if isinstance(gym_space, spaces.Box): + setattr(gym_space, 'is_discrete', False) + elif isinstance(gym_space, spaces.Discrete): + setattr(gym_space, 'is_discrete', True) + setattr(gym_space, 'low', 0) + setattr(gym_space, 'high', gym_space.n) + elif isinstance(gym_space, spaces.MultiBinary): + setattr(gym_space, 'is_discrete', True) + setattr(gym_space, 'low', np.full(gym_space.n, 0)) + setattr(gym_space, 'high', np.full(gym_space.n, 2)) + elif isinstance(gym_space, spaces.MultiDiscrete): + setattr(gym_space, 'is_discrete', True) + setattr(gym_space, 'low', np.zeros_like(gym_space.nvec)) + setattr(gym_space, 'high', np.array(gym_space.nvec)) + else: + raise ValueError('gym_space not recognized') + + +class Clock: + '''Clock class for each env and space to keep track of relative time. Ticking and control loop is such that reset is at t=0 and epi=0''' + + def __init__(self, clock_speed=1): + self.clock_speed = int(clock_speed) + self.ticks = 0 # multiple ticks make a timestep; used for clock speed + self.t = 0 + self.total_t = 0 + self.epi = -1 # offset so epi is 0 when it gets ticked at start + self.start_wall_t = time.time() + + def get(self, unit='t'): + return getattr(self, unit) + + def get_elapsed_wall_t(self): + '''Calculate the elapsed wall time (int seconds) since self.start_wall_t''' + return int(time.time() - self.start_wall_t) + + def tick(self, unit='t'): + if unit == 't': # timestep + if self.to_step(): + self.t += 1 + self.total_t += 1 + else: + pass + self.ticks += 1 + elif unit == 'epi': # episode, reset timestep + self.epi += 1 + self.t = 0 + else: + raise KeyError + + def to_step(self): + '''Step signal from clock_speed. Step only if the base unit of time in this clock has moved. Used to control if env of different clock_speed should step()''' + return self.ticks % self.clock_speed == 0 + + +class BaseEnv(ABC): + ''' + The base Env class with API and helper methods. Use this to implement your env class that is compatible with the Lab APIs + + e.g. env_spec + "env": [{ + "name": "CartPole-v0", + "max_t": null, + "max_tick": 150, + }], + + # or using total_t + "env": [{ + "name": "CartPole-v0", + "max_t": null, + "max_tick": 10000, + }], + ''' + + def __init__(self, spec, e=None, env_space=None): + self.e = e or 0 # for compatibility with env_space + self.clock_speed = 1 + self.clock = Clock(self.clock_speed) + self.done = False + self.env_spec = spec['env'][self.e] + util.set_attr(self, dict( + reward_scale=1.0, + )) + util.set_attr(self, spec['meta'], [ + 'eval_frequency', + 'max_tick_unit', + ]) + util.set_attr(self, self.env_spec, [ + 'name', + 'max_t', + 'max_tick', + 'reward_scale', + ]) + if util.get_lab_mode() == 'eval': + # override for eval, offset so epi is 0 - (num_eval_epi - 1) + logger.info(f'Override max_tick for eval mode to {NUM_EVAL_EPI} epi') + self.max_tick = NUM_EVAL_EPI - 1 + self.max_tick_unit = 'epi' + # set max_tick info to clock + self.clock.max_tick = self.max_tick + self.clock.max_tick_unit = self.max_tick_unit + + def _set_attr_from_u_env(self, u_env): + '''Set the observation, action dimensions and action type from u_env''' + self.observation_space, self.action_space = self._get_spaces(u_env) + self.observable_dim = self._get_observable_dim(self.observation_space) + self.action_dim = self._get_action_dim(self.action_space) + self.is_discrete = self._is_discrete(self.action_space) + + def _get_spaces(self, u_env): + '''Helper to set the extra attributes to, and get, observation and action spaces''' + observation_space = u_env.observation_space + action_space = u_env.action_space + set_gym_space_attr(observation_space) + set_gym_space_attr(action_space) + return observation_space, action_space + + def _get_observable_dim(self, observation_space): + '''Get the observable dim for an agent in env''' + state_dim = observation_space.shape + if len(state_dim) == 1: + state_dim = state_dim[0] + return {'state': state_dim} + + def _get_action_dim(self, action_space): + '''Get the action dim for an action_space for agent to use''' + if isinstance(action_space, spaces.Box): + assert len(action_space.shape) == 1 + action_dim = action_space.shape[0] + elif isinstance(action_space, (spaces.Discrete, spaces.MultiBinary)): + action_dim = action_space.n + elif isinstance(action_space, spaces.MultiDiscrete): + action_dim = action_space.nvec.tolist() + else: + raise ValueError('action_space not recognized') + return action_dim + + def _is_discrete(self, action_space): + '''Check if an action space is discrete''' + return util.get_class_name(action_space) != 'Box' + + @abstractmethod + @lab_api + def reset(self): + '''Reset method, return _reward, state, done''' + raise NotImplementedError + + @abstractmethod + @lab_api + def step(self, action): + '''Step method, return reward, state, done''' + raise NotImplementedError + + @abstractmethod + @lab_api + def close(self): + '''Method to close and cleanup env''' + raise NotImplementedError + + @lab_api + def set_body_e(self, body_e): + '''Method called by body_space.init_body_space to complete the necessary backward reference needed for EnvSpace to work''' + self.body_e = body_e + self.nanflat_body_e = util.nanflatten(self.body_e) + for idx, body in enumerate(self.nanflat_body_e): + body.nanflat_e_idx = idx + self.body_num = len(self.nanflat_body_e) + + @lab_api + def space_init(self, env_space): + '''Post init override for space env. Note that aeb is already correct from __init__''' + raise NotImplementedError + + @lab_api + def space_reset(self): + '''Space (multi-env) reset method, return _reward_e, state_e, done_e''' + raise NotImplementedError + + @lab_api + def space_step(self, action_e): + '''Space (multi-env) step method, return reward_e, state_e, done_e''' + raise NotImplementedError diff --git a/convlab/env/movie.py b/convlab/env/movie.py new file mode 100644 index 0000000..1ddca63 --- /dev/null +++ b/convlab/env/movie.py @@ -0,0 +1,1346 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +import io +import numpy as np +import os +import pydash as ps +from gym import spaces +import random +from pprint import pprint +from copy import deepcopy +import pickle +from collections import defaultdict + +from convlab.env.base import BaseEnv, ENV_DATA_NAMES, set_gym_space_attr +# from convlab.env.registration import get_env_path +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api + +logger = logger.get_logger(__name__) + + +################################################################################ +# Parameters for Agents +################################################################################ +agent_params = {} +agent_params['max_turn'] = 40 +agent_params['agent_run_mode'] = 1 +agent_params['agent_act_level'] = 0 + + +################################################################################ +# Parameters for User Simulators +################################################################################ +usersim_params = {} +usersim_params['max_turn'] = 40 +usersim_params['slot_err_probability'] = 0 +usersim_params['slot_err_mode'] = 0 +usersim_params['intent_err_probability'] = 0 +usersim_params['simulator_run_mode'] = 1 +usersim_params['simulator_act_level'] = 0 +usersim_params['learning_phase'] = 'all' + +DATAPATH=os.path.join(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))), "data/movie") + +dict_path = os.path.join(DATAPATH, 'dicts.v3.p') +goal_file_path = os.path.join(DATAPATH, 'user_goals_first_turn_template.part.movie.v1.p') + +# load the user goals from .p file +all_goal_set = pickle.load(open(goal_file_path, 'rb')) + +# split goal set +split_fold = 5 +goal_set = {'train':[], 'valid':[], 'test':[], 'all':[]} +for u_goal_id, u_goal in enumerate(all_goal_set): + if u_goal_id % split_fold == 1: goal_set['test'].append(u_goal) + else: goal_set['train'].append(u_goal) + goal_set['all'].append(u_goal) +# end split goal set + +movie_kb_path = os.path.join(DATAPATH, 'movie_kb.1k.p') +# movie_kb = pickle.load(open(movie_kb_path, 'rb'), encoding='latin1') +movie_dictionary = pickle.load(open(movie_kb_path, 'rb'), encoding='latin1') + +def text_to_dict(path): + """ Read in a text file as a dictionary where keys are text and values are indices (line numbers) """ + + slot_set = {} + with open(path, 'r') as f: + index = 0 + for line in f.readlines(): + slot_set[line.strip('\n').strip('\r')] = index + index += 1 + return slot_set + +act_set = text_to_dict(os.path.join(DATAPATH, 'dia_acts.txt')) +slot_set = text_to_dict(os.path.join(DATAPATH, 'slot_set.txt')) + +################################################################################ +# a movie dictionary for user simulator - slot:possible values +################################################################################ +# movie_dictionary = pickle.load(open(dict_path, 'rb')) + +sys_request_slots = ['moviename', 'theater', 'starttime', 'date', 'numberofpeople', 'genre', 'state', 'city', 'zip', 'critic_rating', 'mpaa_rating', 'distanceconstraints', 'video_format', 'theater_chain', 'price', 'actor', 'description', 'other', 'numberofkids'] +sys_inform_slots = ['moviename', 'theater', 'starttime', 'date', 'genre', 'state', 'city', 'zip', 'critic_rating', 'mpaa_rating', 'distanceconstraints', 'video_format', 'theater_chain', 'price', 'actor', 'description', 'other', 'numberofkids', 'taskcomplete', 'ticket'] + +start_dia_acts = { + #'greeting':[], + 'request':['moviename', 'starttime', 'theater', 'city', 'state', 'date', 'genre', 'ticket', 'numberofpeople'] +} + +################################################################################ +# Dialog status +################################################################################ +FAILED_DIALOG = -1 +SUCCESS_DIALOG = 1 +NO_OUTCOME_YET = 0 + +# Rewards +SUCCESS_REWARD = 50 +FAILURE_REWARD = 0 +PER_TURN_REWARD = 0 + +################################################################################ +# Special Slot Values +################################################################################ +I_DO_NOT_CARE = "I do not care" +NO_VALUE_MATCH = "NO VALUE MATCHES!!!" +TICKET_AVAILABLE = 'Ticket Available' + +################################################################################ +# Constraint Check +################################################################################ +CONSTRAINT_CHECK_FAILURE = 0 +CONSTRAINT_CHECK_SUCCESS = 1 + +################################################################################ +# NLG Beam Search +################################################################################ +nlg_beam_size = 10 + +################################################################################ +# run_mode: 0 for dia-act; 1 for NL; 2 for no output +################################################################################ +run_mode = 3 +auto_suggest = 0 + +################################################################################ +# A Basic Set of Feasible actions to be Consdered By an RL agent +################################################################################ +feasible_actions = [ + ############################################################################ + # greeting actions + ############################################################################ + #{'diaact':"greeting", 'inform_slots':{}, 'request_slots':{}}, + ############################################################################ + # confirm_question actions + ############################################################################ + {'diaact':"confirm_question", 'inform_slots':{}, 'request_slots':{}}, + ############################################################################ + # confirm_answer actions + ############################################################################ + {'diaact':"confirm_answer", 'inform_slots':{}, 'request_slots':{}}, + ############################################################################ + # thanks actions + ############################################################################ + {'diaact':"thanks", 'inform_slots':{}, 'request_slots':{}}, + ############################################################################ + # deny actions + ############################################################################ + {'diaact':"deny", 'inform_slots':{}, 'request_slots':{}}, +] +############################################################################ +# Adding the inform actions +############################################################################ +for slot in sys_inform_slots: + feasible_actions.append({'diaact':'inform', 'inform_slots':{slot:"PLACEHOLDER"}, 'request_slots':{}}) + +############################################################################ +# Adding the request actions +############################################################################ +for slot in sys_request_slots: + feasible_actions.append({'diaact':'request', 'inform_slots':{}, 'request_slots': {slot: "UNK"}}) + + +class UserSimulator: + """ Parent class for all user sims to inherit from """ + + def __init__(self, movie_dict=None, act_set=None, slot_set=None, start_set=None, params=None): + """ Constructor shared by all user simulators """ + + self.movie_dict = movie_dict + self.act_set = act_set + self.slot_set = slot_set + self.start_set = start_set + + self.max_turn = usersim_params['max_turn'] + self.slot_err_probability = usersim_params['slot_err_probability'] + self.slot_err_mode = usersim_params['slot_err_mode'] + self.intent_err_probability = usersim_params['intent_err_probability'] + + + def initialize_episode(self): + """ Initialize a new episode (dialog)""" + + print("initialize episode called, generating goal") + self.goal = random.choice(self.start_set) + self.goal['request_slots']['ticket'] = 'UNK' + episode_over, user_action = self._sample_action() + assert (episode_over != 1),' but we just started' + return user_action + + + def next(self, system_action): + pass + + + + def set_nlg_model(self, nlg_model): + self.nlg_model = nlg_model + + def set_nlu_model(self, nlu_model): + self.nlu_model = nlu_model + + + + def add_nl_to_action(self, user_action): + """ Add NL to User Dia_Act """ + + user_nlg_sentence = self.nlg_model.convert_diaact_to_nl(user_action, 'usr') + user_action['nl'] = user_nlg_sentence + + if self.simulator_act_level == 1: + user_nlu_res = self.nlu_model.generate_dia_act(user_action['nl']) # NLU + if user_nlu_res != None: + #user_nlu_res['diaact'] = user_action['diaact'] # or not? + user_action.update(user_nlu_res) + + + +class RuleSimulator(UserSimulator): + """ A rule-based user simulator for testing dialog policy """ + + def __init__(self, movie_dict=None, act_set=None, slot_set=None, start_set=None, params=None): + """ Constructor shared by all user simulators """ + + self.movie_dict = movie_dict + self.act_set = act_set + self.slot_set = slot_set + self.start_set = start_set + + self.max_turn = usersim_params['max_turn'] + self.slot_err_probability = usersim_params['slot_err_probability'] + self.slot_err_mode = usersim_params['slot_err_mode'] + self.intent_err_probability = usersim_params['intent_err_probability'] + + self.simulator_run_mode = usersim_params['simulator_run_mode'] + self.simulator_act_level = usersim_params['simulator_act_level'] + + self.learning_phase = usersim_params['learning_phase'] + + def initialize_episode(self): + """ Initialize a new episode (dialog) + state['history_slots']: keeps all the informed_slots + state['rest_slots']: keep all the slots (which is still in the stack yet) + """ + + self.state = {} + self.state['history_slots'] = {} + self.state['inform_slots'] = {} + self.state['request_slots'] = {} + self.state['rest_slots'] = [] + self.state['turn'] = 0 + + self.episode_over = False + self.dialog_status = NO_OUTCOME_YET + + #self.goal = random.choice(self.start_set) + self.goal = self._sample_goal(self.start_set) + self.goal['request_slots']['ticket'] = 'UNK' + self.constraint_check = CONSTRAINT_CHECK_FAILURE + + """ Debug: build a fake goal mannually """ + #self.debug_falk_goal() + + # sample first action + user_action = self._sample_action() + assert (self.episode_over != 1),' but we just started' + return user_action + + def _sample_action(self): + """ randomly sample a start action based on user goal """ + + self.state['diaact'] = random.choice(list(start_dia_acts.keys())) + + # "sample" informed slots + if len(self.goal['inform_slots']) > 0: + known_slot = random.choice(list(self.goal['inform_slots'].keys())) + self.state['inform_slots'][known_slot] = self.goal['inform_slots'][known_slot] + + if 'moviename' in self.goal['inform_slots']: # 'moviename' must appear in the first user turn + self.state['inform_slots']['moviename'] = self.goal['inform_slots']['moviename'] + + for slot in self.goal['inform_slots'].keys(): + if known_slot == slot or slot == 'moviename': continue + self.state['rest_slots'].append(slot) + + self.state['rest_slots'].extend(self.goal['request_slots'].keys()) + + # "sample" a requested slot + request_slot_set = list(self.goal['request_slots'].keys()) + request_slot_set.remove('ticket') + if len(request_slot_set) > 0: + request_slot = random.choice(request_slot_set) + else: + request_slot = 'ticket' + self.state['request_slots'][request_slot] = 'UNK' + + if len(self.state['request_slots']) == 0: + self.state['diaact'] = 'inform' + + if (self.state['diaact'] in ['thanks','closing']): self.episode_over = True #episode_over = True + else: self.episode_over = False #episode_over = False + + sample_action = {} + sample_action['diaact'] = self.state['diaact'] + sample_action['inform_slots'] = self.state['inform_slots'] + sample_action['request_slots'] = self.state['request_slots'] + sample_action['turn'] = self.state['turn'] + + # self.add_nl_to_action(sample_action) + return sample_action + + def _sample_goal(self, goal_set): + """ sample a user goal """ + + sample_goal = random.choice(self.start_set[self.learning_phase]) + return sample_goal + + + def corrupt(self, user_action): + """ Randomly corrupt an action with error probs (slot_err_probability and slot_err_mode) on Slot and Intent (intent_err_probability). """ + + for slot in user_action['inform_slots'].keys(): + slot_err_prob_sample = random.random() + if slot_err_prob_sample < self.slot_err_probability: # add noise for slot level + if self.slot_err_mode == 0: # replace the slot_value only + if slot in self.movie_dict.keys(): user_action['inform_slots'][slot] = random.choice(self.movie_dict[slot]) + elif self.slot_err_mode == 1: # combined + slot_err_random = random.random() + if slot_err_random <= 0.33: + if slot in self.movie_dict.keys(): user_action['inform_slots'][slot] = random.choice(self.movie_dict[slot]) + elif slot_err_random > 0.33 and slot_err_random <= 0.66: + del user_action['inform_slots'][slot] + random_slot = random.choice(self.movie_dict.keys()) + user_action[random_slot] = random.choice(self.movie_dict[random_slot]) + else: + del user_action['inform_slots'][slot] + elif self.slot_err_mode == 2: #replace slot and its values + del user_action['inform_slots'][slot] + random_slot = random.choice(self.movie_dict.keys()) + user_action[random_slot] = random.choice(self.movie_dict[random_slot]) + elif self.slot_err_mode == 3: # delete the slot + del user_action['inform_slots'][slot] + + intent_err_sample = random.random() + if intent_err_sample < self.intent_err_probability: # add noise for intent level + user_action['diaact'] = random.choice(self.act_set.keys()) + + def debug_falk_goal(self): + """ Debug function: build a fake goal mannually (Can be moved in future) """ + + self.goal['inform_slots'].clear() + #self.goal['inform_slots']['city'] = 'seattle' + self.goal['inform_slots']['numberofpeople'] = '2' + #self.goal['inform_slots']['theater'] = 'amc pacific place 11 theater' + #self.goal['inform_slots']['starttime'] = '10:00 pm' + #self.goal['inform_slots']['date'] = 'tomorrow' + self.goal['inform_slots']['moviename'] = 'zoology' + self.goal['inform_slots']['distanceconstraints'] = 'close to 95833' + self.goal['request_slots'].clear() + self.goal['request_slots']['ticket'] = 'UNK' + self.goal['request_slots']['theater'] = 'UNK' + self.goal['request_slots']['starttime'] = 'UNK' + self.goal['request_slots']['date'] = 'UNK' + + def next(self, system_action): + """ Generate next User Action based on last System Action """ + + self.state['turn'] += 2 + self.episode_over = False + self.dialog_status = NO_OUTCOME_YET + + sys_act = system_action['diaact'] + + if (self.max_turn > 0 and self.state['turn'] > self.max_turn): + self.dialog_status = FAILED_DIALOG + self.episode_over = True + self.state['diaact'] = "closing" + else: + self.state['history_slots'].update(self.state['inform_slots']) + self.state['inform_slots'].clear() + + if sys_act == "inform": + self.response_inform(system_action) + elif sys_act == "multiple_choice": + self.response_multiple_choice(system_action) + elif sys_act == "request": + self.response_request(system_action) + elif sys_act == "thanks": + self.response_thanks(system_action) + elif sys_act == "confirm_answer": + self.response_confirm_answer(system_action) + elif sys_act == "closing": + self.episode_over = True + self.state['diaact'] = "thanks" + + self.corrupt(self.state) + + response_action = {} + response_action['diaact'] = self.state['diaact'] + response_action['inform_slots'] = self.state['inform_slots'] + response_action['request_slots'] = self.state['request_slots'] + response_action['turn'] = self.state['turn'] + response_action['nl'] = "" + + # add NL to dia_act + # self.add_nl_to_action(response_action) + return response_action, self.episode_over, self.dialog_status + + + def response_confirm_answer(self, system_action): + """ Response for Confirm_Answer (System Action) """ + + if len(self.state['rest_slots']) > 0: + request_slot = random.choice(self.state['rest_slots']) + + if request_slot in self.goal['request_slots'].keys(): + self.state['diaact'] = "request" + self.state['request_slots'][request_slot] = "UNK" + elif request_slot in self.goal['inform_slots'].keys(): + self.state['diaact'] = "inform" + self.state['inform_slots'][request_slot] = self.goal['inform_slots'][request_slot] + if request_slot in self.state['rest_slots']: + self.state['rest_slots'].remove(request_slot) + else: + self.state['diaact'] = "thanks" + + def response_thanks(self, system_action): + """ Response for Thanks (System Action) """ + + self.episode_over = True + self.dialog_status = SUCCESS_DIALOG + + request_slot_set = deepcopy(list(self.state['request_slots'].keys())) + if 'ticket' in request_slot_set: + request_slot_set.remove('ticket') + rest_slot_set = deepcopy(self.state['rest_slots']) + if 'ticket' in rest_slot_set: + rest_slot_set.remove('ticket') + + if len(request_slot_set) > 0 or len(rest_slot_set) > 0: + self.dialog_status = FAILED_DIALOG + + for info_slot in self.state['history_slots'].keys(): + if self.state['history_slots'][info_slot] == NO_VALUE_MATCH: + self.dialog_status = FAILED_DIALOG + if info_slot in self.goal['inform_slots'].keys(): + if self.state['history_slots'][info_slot] != self.goal['inform_slots'][info_slot]: + self.dialog_status = FAILED_DIALOG + + if 'ticket' in system_action['inform_slots'].keys(): + if system_action['inform_slots']['ticket'] == NO_VALUE_MATCH: + self.dialog_status = FAILED_DIALOG + + if self.constraint_check == CONSTRAINT_CHECK_FAILURE: + self.dialog_status = FAILED_DIALOG + + def response_request(self, system_action): + """ Response for Request (System Action) """ + + if len(system_action['request_slots'].keys()) > 0: + slot = list(system_action['request_slots'].keys())[0] # only one slot + if slot in self.goal['inform_slots']: # request slot in user's constraints #and slot not in self.state['request_slots'].keys(): + self.state['inform_slots'][slot] = self.goal['inform_slots'][slot] + self.state['diaact'] = "inform" + if slot in self.state['rest_slots']: self.state['rest_slots'].remove(slot) + if slot in self.state['request_slots']: del self.state['request_slots'][slot] + self.state['request_slots'].clear() + elif slot in self.goal['request_slots'] and slot not in self.state['rest_slots'] and slot in self.state['history_slots']: # the requested slot has been answered + self.state['inform_slots'][slot] = self.state['history_slots'][slot] + self.state['request_slots'].clear() + self.state['diaact'] = "inform" + elif slot in self.goal['request_slots'].keys() and slot in self.state['rest_slots']: # request slot in user's goal's request slots, and not answered yet + self.state['diaact'] = "request" # "confirm_question" + self.state['request_slots'][slot] = "UNK" + + ######################################################################## + # Inform the rest of informable slots + ######################################################################## + for info_slot in self.state['rest_slots']: + if info_slot in self.goal['inform_slots'].keys(): + self.state['inform_slots'][info_slot] = self.goal['inform_slots'][info_slot] + + for info_slot in self.state['inform_slots'].keys(): + if info_slot in self.state['rest_slots']: + self.state['rest_slots'].remove(info_slot) + else: + if len(self.state['request_slots']) == 0 and len(self.state['rest_slots']) == 0: + self.state['diaact'] = "thanks" + else: + self.state['diaact'] = "inform" + self.state['inform_slots'][slot] = I_DO_NOT_CARE + else: # this case should not appear + if len(self.state['rest_slots']) > 0: + random_slot = random.choice(self.state['rest_slots']) + if random_slot in self.goal['inform_slots'].keys(): + self.state['inform_slots'][random_slot] = self.goal['inform_slots'][random_slot] + self.state['rest_slots'].remove(random_slot) + self.state['diaact'] = "inform" + elif random_slot in self.goal['request_slots'].keys(): + self.state['request_slots'][random_slot] = self.goal['request_slots'][random_slot] + self.state['diaact'] = "request" + + def response_multiple_choice(self, system_action): + """ Response for Multiple_Choice (System Action) """ + + slot = system_action['inform_slots'].keys()[0] + if slot in self.goal['inform_slots'].keys(): + self.state['inform_slots'][slot] = self.goal['inform_slots'][slot] + elif slot in self.goal['request_slots'].keys(): + self.state['inform_slots'][slot] = random.choice(system_action['inform_slots'][slot]) + + self.state['diaact'] = "inform" + if slot in self.state['rest_slots']: self.state['rest_slots'].remove(slot) + if slot in self.state['request_slots'].keys(): del self.state['request_slots'][slot] + + def response_inform(self, system_action): + """ Response for Inform (System Action) """ + + if 'taskcomplete' in system_action['inform_slots'].keys(): # check all the constraints from agents with user goal + self.state['diaact'] = "thanks" + #if 'ticket' in self.state['rest_slots']: self.state['request_slots']['ticket'] = 'UNK' + self.constraint_check = CONSTRAINT_CHECK_SUCCESS + + if system_action['inform_slots']['taskcomplete'] == NO_VALUE_MATCH: + self.state['history_slots']['ticket'] = NO_VALUE_MATCH + if 'ticket' in self.state['rest_slots']: self.state['rest_slots'].remove('ticket') + if 'ticket' in self.state['request_slots'].keys(): del self.state['request_slots']['ticket'] + + for slot in self.goal['inform_slots'].keys(): + # Deny, if the answers from agent can not meet the constraints of user + if slot not in system_action['inform_slots'].keys() or (self.goal['inform_slots'][slot].lower() != system_action['inform_slots'][slot].lower()): + self.state['diaact'] = "deny" + self.state['request_slots'].clear() + self.state['inform_slots'].clear() + self.constraint_check = CONSTRAINT_CHECK_FAILURE + break + else: + for slot in system_action['inform_slots'].keys(): + self.state['history_slots'][slot] = system_action['inform_slots'][slot] + + if slot in self.goal['inform_slots'].keys(): + if system_action['inform_slots'][slot] == self.goal['inform_slots'][slot]: + if slot in self.state['rest_slots']: self.state['rest_slots'].remove(slot) + + if len(self.state['request_slots']) > 0: + self.state['diaact'] = "request" + elif len(self.state['rest_slots']) > 0: + rest_slot_set = deepcopy(self.state['rest_slots']) + if 'ticket' in rest_slot_set: + rest_slot_set.remove('ticket') + + if len(rest_slot_set) > 0: + inform_slot = random.choice(rest_slot_set) # self.state['rest_slots'] + if inform_slot in self.goal['inform_slots'].keys(): + self.state['inform_slots'][inform_slot] = self.goal['inform_slots'][inform_slot] + self.state['diaact'] = "inform" + self.state['rest_slots'].remove(inform_slot) + elif inform_slot in self.goal['request_slots'].keys(): + self.state['request_slots'][inform_slot] = 'UNK' + self.state['diaact'] = "request" + else: + self.state['request_slots']['ticket'] = 'UNK' + self.state['diaact'] = "request" + else: # how to reply here? + self.state['diaact'] = "thanks" # replies "closing"? or replies "confirm_answer" + else: # != value Should we deny here or ? + ######################################################################## + # TODO When agent informs(slot=value), where the value is different with the constraint in user goal, Should we deny or just inform the correct value? + ######################################################################## + self.state['diaact'] = "inform" + self.state['inform_slots'][slot] = self.goal['inform_slots'][slot] + if slot in self.state['rest_slots']: self.state['rest_slots'].remove(slot) + else: + if slot in self.state['rest_slots']: + self.state['rest_slots'].remove(slot) + if slot in self.state['request_slots'].keys(): + del self.state['request_slots'][slot] + + if len(self.state['request_slots']) > 0: + request_set = list(self.state['request_slots'].keys()) + if 'ticket' in request_set: + request_set.remove('ticket') + + if len(request_set) > 0: + request_slot = random.choice(request_set) + else: + request_slot = 'ticket' + + self.state['request_slots'][request_slot] = "UNK" + self.state['diaact'] = "request" + elif len(self.state['rest_slots']) > 0: + rest_slot_set = deepcopy(self.state['rest_slots']) + if 'ticket' in rest_slot_set: + rest_slot_set.remove('ticket') + + if len(rest_slot_set) > 0: + inform_slot = random.choice(rest_slot_set) #self.state['rest_slots'] + if inform_slot in self.goal['inform_slots'].keys(): + self.state['inform_slots'][inform_slot] = self.goal['inform_slots'][inform_slot] + self.state['diaact'] = "inform" + self.state['rest_slots'].remove(inform_slot) + + if 'ticket' in self.state['rest_slots']: + self.state['request_slots']['ticket'] = 'UNK' + self.state['diaact'] = "request" + elif inform_slot in self.goal['request_slots'].keys(): + self.state['request_slots'][inform_slot] = self.goal['request_slots'][inform_slot] + self.state['diaact'] = "request" + else: + self.state['request_slots']['ticket'] = 'UNK' + self.state['diaact'] = "request" + else: + self.state['diaact'] = "thanks" # or replies "confirm_answer" + + +class StateTracker: + """ The state tracker maintains a record of which request slots are filled and which inform slots are filled """ + + def __init__(self, act_set, slot_set, movie_dictionary): + """ constructor for statetracker takes movie knowledge base and initializes a new episode + + Arguments: + act_set -- The set of all acts availavle + slot_set -- The total set of available slots + movie_dictionary -- A representation of all the available movies. Generally this object is accessed via the KBHelper class + + Class Variables: + history_vectors -- A record of the current dialog so far in vector format (act-slot, but no values) + history_dictionaries -- A record of the current dialog in dictionary format + current_slots -- A dictionary that keeps a running record of which slots are filled current_slots['inform_slots'] and which are requested current_slots['request_slots'] (but not filed) + action_dimension -- # TODO indicates the dimensionality of the vector representaiton of the action + kb_result_dimension -- A single integer denoting the dimension of the kb_results features. + turn_count -- A running count of which turn we are at in the present dialog + """ + self.movie_dictionary = movie_dictionary + self.initialize_episode() + self.history_vectors = None + self.history_dictionaries = None + self.current_slots = None + self.action_dimension = 10 # TODO REPLACE WITH REAL VALUE + self.kb_result_dimension = 10 # TODO REPLACE WITH REAL VALUE + self.turn_count = 0 + self.kb_helper = KBHelper(movie_dictionary) + + + def initialize_episode(self): + """ Initialize a new episode (dialog), flush the current state and tracked slots """ + + self.action_dimension = 10 + self.history_vectors = np.zeros((1, self.action_dimension)) + self.history_dictionaries = [] + self.turn_count = 0 + self.current_slots = {} + + self.current_slots['inform_slots'] = {} + self.current_slots['request_slots'] = {} + self.current_slots['proposed_slots'] = {} + self.current_slots['agent_request_slots'] = {} + + + def dialog_history_vectors(self): + """ Return the dialog history (both user and agent actions) in vector representation """ + return self.history_vectors + + + def dialog_history_dictionaries(self): + """ Return the dictionary representation of the dialog history (includes values) """ + return self.history_dictionaries + + + def kb_results_for_state(self): + """ Return the information about the database results based on the currently informed slots """ + ######################################################################## + # TODO Calculate results based on current informed slots + ######################################################################## + kb_results = self.kb_helper.database_results_for_agent(self.current_slots) # replace this with something less ridiculous + # TODO turn results into vector (from dictionary) + results = np.zeros((0, self.kb_result_dimension)) + return results + + + def get_state_for_agent(self): + """ Get the state representatons to send to agent """ + #state = {'user_action': self.history_dictionaries[-1], 'current_slots': self.current_slots, 'kb_results': self.kb_results_for_state()} + state = {'user_action': self.history_dictionaries[-1], 'current_slots': self.current_slots, #'kb_results': self.kb_results_for_state(), + 'kb_results_dict':self.kb_helper.database_results_for_agent(self.current_slots), 'turn': self.turn_count, 'history': self.history_dictionaries, + 'agent_action': self.history_dictionaries[-2] if len(self.history_dictionaries) > 1 else None} + return deepcopy(state) + + def get_suggest_slots_values(self, request_slots): + """ Get the suggested values for request slots """ + + suggest_slot_vals = {} + if len(request_slots) > 0: + suggest_slot_vals = self.kb_helper.suggest_slot_values(request_slots, self.current_slots) + + return suggest_slot_vals + + def get_current_kb_results(self): + """ get the kb_results for current state """ + kb_results = self.kb_helper.available_results_from_kb(self.current_slots) + return kb_results + + + def update(self, agent_action=None, user_action=None): + """ Update the state based on the latest action """ + + ######################################################################## + # Make sure that the function was called properly + ######################################################################## + assert(not (user_action and agent_action)) + assert(user_action or agent_action) + + ######################################################################## + # Update state to reflect a new action by the agent. + ######################################################################## + if agent_action: + + #################################################################### + # Handles the act_slot response (with values needing to be filled) + #################################################################### + if agent_action['act_slot_response']: + response = deepcopy(agent_action['act_slot_response']) + + inform_slots = self.kb_helper.fill_inform_slots(response['inform_slots'], self.current_slots) # TODO this doesn't actually work yet, remove this warning when kb_helper is functional + agent_action_values = {'turn': self.turn_count, 'speaker': "agent", 'diaact': response['diaact'], 'inform_slots': inform_slots, 'request_slots':response['request_slots']} + + agent_action['act_slot_response'].update({'diaact': response['diaact'], 'inform_slots': inform_slots, 'request_slots':response['request_slots'], 'turn':self.turn_count}) + + elif agent_action['act_slot_value_response']: + agent_action_values = deepcopy(agent_action['act_slot_value_response']) + # print("Updating state based on act_slot_value action from agent") + agent_action_values['turn'] = self.turn_count + agent_action_values['speaker'] = "agent" + + #################################################################### + # This code should execute regardless of which kind of agent produced action + #################################################################### + for slot in agent_action_values['inform_slots'].keys(): + self.current_slots['proposed_slots'][slot] = agent_action_values['inform_slots'][slot] + self.current_slots['inform_slots'][slot] = agent_action_values['inform_slots'][slot] # add into inform_slots + if slot in self.current_slots['request_slots'].keys(): + del self.current_slots['request_slots'][slot] + + for slot in agent_action_values['request_slots'].keys(): + if slot not in self.current_slots['agent_request_slots']: + self.current_slots['agent_request_slots'][slot] = "UNK" + + self.history_dictionaries.append(agent_action_values) + current_agent_vector = np.ones((1, self.action_dimension)) + self.history_vectors = np.vstack([self.history_vectors, current_agent_vector]) + + ######################################################################## + # Update the state to reflect a new action by the user + ######################################################################## + elif user_action: + + #################################################################### + # Update the current slots + #################################################################### + for slot in user_action['inform_slots'].keys(): + self.current_slots['inform_slots'][slot] = user_action['inform_slots'][slot] + if slot in self.current_slots['request_slots'].keys(): + del self.current_slots['request_slots'][slot] + + for slot in user_action['request_slots'].keys(): + if slot not in self.current_slots['request_slots']: + self.current_slots['request_slots'][slot] = "UNK" + + self.history_vectors = np.vstack([self.history_vectors, np.zeros((1,self.action_dimension))]) + new_move = {'turn': self.turn_count, 'speaker': "user", 'request_slots': user_action['request_slots'], 'inform_slots': user_action['inform_slots'], 'diaact': user_action['diaact']} + self.history_dictionaries.append(deepcopy(new_move)) + + ######################################################################## + # This should never happen if the asserts passed + ######################################################################## + else: + pass + + ######################################################################## + # This code should execute after update code regardless of what kind of action (agent/user) + ######################################################################## + self.turn_count += 1 + + +class KBHelper: + """ An assistant to fill in values for the agent (which knows about slots of values) """ + + def __init__(self, movie_dictionary): + """ Constructor for a KBHelper """ + + self.movie_dictionary = movie_dictionary + self.cached_kb = defaultdict(list) + self.cached_kb_slot = defaultdict(list) + + + def fill_inform_slots(self, inform_slots_to_be_filled, current_slots): + """ Takes unfilled inform slots and current_slots, returns dictionary of filled informed slots (with values) + + Arguments: + inform_slots_to_be_filled -- Something that looks like {starttime:None, theater:None} where starttime and theater are slots that the agent needs filled + current_slots -- Contains a record of all filled slots in the conversation so far - for now, just use current_slots['inform_slots'] which is a dictionary of the already filled-in slots + + Returns: + filled_in_slots -- A dictionary of form {slot1:value1, slot2:value2} for each sloti in inform_slots_to_be_filled + """ + + kb_results = self.available_results_from_kb(current_slots) + if auto_suggest == 1: + print('Number of movies in KB satisfying current constraints: ', len(kb_results)) + + filled_in_slots = {} + if 'taskcomplete' in inform_slots_to_be_filled.keys(): + filled_in_slots.update(current_slots['inform_slots']) + + for slot in inform_slots_to_be_filled.keys(): + if slot == 'numberofpeople': + if slot in current_slots['inform_slots'].keys(): + filled_in_slots[slot] = current_slots['inform_slots'][slot] + elif slot in inform_slots_to_be_filled.keys(): + filled_in_slots[slot] = inform_slots_to_be_filled[slot] + continue + + if slot == 'ticket' or slot == 'taskcomplete': + filled_in_slots[slot] = TICKET_AVAILABLE if len(kb_results)>0 else NO_VALUE_MATCH + continue + + if slot == 'closing': continue + + #################################################################### + # Grab the value for the slot with the highest count and fill it + #################################################################### + values_dict = self.available_slot_values(slot, kb_results) + + values_counts = [(v, values_dict[v]) for v in values_dict.keys()] + if len(values_counts) > 0: + filled_in_slots[slot] = sorted(values_counts, key = lambda x: -x[1])[0][0] + else: + filled_in_slots[slot] = NO_VALUE_MATCH #"NO VALUE MATCHES SNAFU!!!" + + return filled_in_slots + + + def available_slot_values(self, slot, kb_results): + """ Return the set of values available for the slot based on the current constraints """ + + slot_values = {} + for movie_id in kb_results.keys(): + if slot in kb_results[movie_id].keys(): + slot_val = kb_results[movie_id][slot] + if slot_val in slot_values.keys(): + slot_values[slot_val] += 1 + else: slot_values[slot_val] = 1 + return slot_values + + def available_results_from_kb(self, current_slots): + """ Return the available movies in the movie_kb based on the current constraints """ + + ret_result = [] + current_slots = current_slots['inform_slots'] + constrain_keys = current_slots.keys() + + constrain_keys = filter(lambda k : k != 'ticket' and \ + k != 'numberofpeople' and \ + k!= 'taskcomplete' and \ + k != 'closing' , constrain_keys) + constrain_keys = [k for k in constrain_keys if current_slots[k] != I_DO_NOT_CARE] + + query_idx_keys = frozenset(current_slots.items()) + cached_kb_ret = self.cached_kb[query_idx_keys] + + cached_kb_length = len(cached_kb_ret) if cached_kb_ret != None else -1 + if cached_kb_length > 0: + return dict(cached_kb_ret) + elif cached_kb_length == -1: + return dict([]) + + # kb_results = copy.deepcopy(self.movie_dictionary) + for id in self.movie_dictionary.keys(): + kb_keys = self.movie_dictionary[id].keys() + if len(set(constrain_keys).union(set(kb_keys)) ^ (set(constrain_keys) ^ set(kb_keys))) == len( + constrain_keys): + match = True + for idx, k in enumerate(constrain_keys): + if str(current_slots[k]).lower() == str(self.movie_dictionary[id][k]).lower(): + continue + else: + match = False + if match: + self.cached_kb[query_idx_keys].append((id, self.movie_dictionary[id])) + ret_result.append((id, self.movie_dictionary[id])) + + # for slot in current_slots['inform_slots'].keys(): + # if slot == 'ticket' or slot == 'numberofpeople' or slot == 'taskcomplete' or slot == 'closing': continue + # if current_slots['inform_slots'][slot] == dialog_config.I_DO_NOT_CARE: continue + # + # if slot not in self.movie_dictionary[movie_id].keys(): + # if movie_id in kb_results.keys(): + # del kb_results[movie_id] + # else: + # if current_slots['inform_slots'][slot].lower() != self.movie_dictionary[movie_id][slot].lower(): + # if movie_id in kb_results.keys(): + # del kb_results[movie_id] + + if len(ret_result) == 0: + self.cached_kb[query_idx_keys] = None + + ret_result = dict(ret_result) + return ret_result + + def available_results_from_kb_for_slots(self, inform_slots): + """ Return the count statistics for each constraint in inform_slots """ + + kb_results = {key:0 for key in inform_slots.keys()} + kb_results['matching_all_constraints'] = 0 + + query_idx_keys = frozenset(inform_slots.items()) + cached_kb_slot_ret = self.cached_kb_slot[query_idx_keys] + + if len(cached_kb_slot_ret) > 0: + return cached_kb_slot_ret[0] + + for movie_id in self.movie_dictionary.keys(): + all_slots_match = 1 + for slot in inform_slots.keys(): + if slot == 'ticket' or inform_slots[slot] == I_DO_NOT_CARE: + continue + + if slot in self.movie_dictionary[movie_id]: + # if slot in self.movie_dictionary[movie_id]: + if inform_slots[slot].lower() == self.movie_dictionary[movie_id][slot].lower(): + kb_results[slot] += 1 + else: + all_slots_match = 0 + else: + all_slots_match = 0 + kb_results['matching_all_constraints'] += all_slots_match + + self.cached_kb_slot[query_idx_keys].append(kb_results) + return kb_results + + + def database_results_for_agent(self, current_slots): + """ A dictionary of the number of results matching each current constraint. The agent needs this to decide what to do next. """ + + database_results ={} # { date:100, distanceconstraints:60, theater:30, matching_all_constraints: 5} + database_results = self.available_results_from_kb_for_slots(current_slots['inform_slots']) + return database_results + + def suggest_slot_values(self, request_slots, current_slots): + """ Return the suggest slot values """ + + avail_kb_results = self.available_results_from_kb(current_slots) + return_suggest_slot_vals = {} + for slot in request_slots.keys(): + avail_values_dict = self.available_slot_values(slot, avail_kb_results) + values_counts = [(v, avail_values_dict[v]) for v in avail_values_dict.keys()] + + if len(values_counts) > 0: + return_suggest_slot_vals[slot] = [] + sorted_dict = sorted(values_counts, key = lambda x: -x[1]) + for k in sorted_dict: return_suggest_slot_vals[slot].append(k[0]) + else: + return_suggest_slot_vals[slot] = [] + + return return_suggest_slot_vals + + + +class State(object): + def __init__(self, state=None, reward=None, done=None): + self.states = [state] + self.rewards = [reward] + self.local_done = [done] + + +class MovieActInActOutEnvironment(object): + def __init__(self, worker_id=None): + self.worker_id = worker_id + self.act_set = act_set + self.slot_set = slot_set + self.movie_dict = movie_dictionary + self.user = RuleSimulator(movie_dictionary, act_set, slot_set, goal_set, usersim_params) + self.state_tracker = StateTracker(act_set, slot_set, movie_dictionary) + self.act_cardinality = len(act_set.keys()) + self.slot_cardinality = len(slot_set.keys()) + self.feasible_actions = feasible_actions + self.num_actions = len(self.feasible_actions) + self.max_turn = agent_params['max_turn'] + 4 + self.state_dimension = 2 * self.act_cardinality + 7 * self.slot_cardinality + 3 + self.max_turn + print(self.num_actions) + print(self.state_dimension) + self.env_info = [State()] + self.stat = {'success':0, 'fail':0} + # self.observation_space = None + # self.action_space = None + + def reset(self, train_mode, config): + self.current_slot_id = 0 + self.phase = 0 + self.request_set = ['moviename', 'starttime', 'city', 'date', 'theater', 'numberofpeople'] + self.state_tracker.initialize_episode() + user_action = self.user.initialize_episode() + self.print_function(user_action = user_action) + self.state_tracker.update(user_action = user_action) + state_vector = self.prepare_state_representation(self.state_tracker.get_state_for_agent()) + self.env_info = [State(state_vector, 0, False)] + return self.env_info + + def step(self, action): + ######################################################################## + # Register AGENT action with the state_tracker + ######################################################################## + agent_action = self.action_decode(action) + self.state_tracker.update(agent_action=agent_action) + self.print_function(agent_action = agent_action['act_slot_response']) + + ######################################################################## + # CALL USER TO TAKE HER TURN + ######################################################################## + sys_action = self.state_tracker.dialog_history_dictionaries()[-1] + user_action, session_over, dialog_status = self.user.next(sys_action) + reward = self.reward_function(dialog_status) + + ######################################################################## + # Update state tracker with latest user action + ######################################################################## + if session_over != True: + self.state_tracker.update(user_action = user_action) + self.print_function(user_action = user_action) + else: + if reward > 0: + self.stat['success'] += 1 + else: self.stat['fail'] += 1 + + state_vector = self.prepare_state_representation(self.state_tracker.get_state_for_agent()) + self.env_info = [State(state_vector, reward, session_over)] + + return self.env_info + + def reward_function(self, dialog_status): + """ Reward Function 1: a reward function based on the dialog_status """ + if dialog_status == FAILED_DIALOG: + reward = -self.user.max_turn #10 + elif dialog_status == SUCCESS_DIALOG: + reward = 2*self.user.max_turn #20 + else: + reward = -1 + return reward + + def reward_function_without_penalty(self, dialog_status): + """ Reward Function 2: a reward function without penalty on per turn and failure dialog """ + if dialog_status == FAILED_DIALOG: + reward = 0 + elif dialog_status == SUCCESS_DIALOG: + reward = 2*self.user.max_turn + else: + reward = 0 + return reward + + 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.request_set = ['moviename', 'starttime', 'city', 'date', 'theater', 'numberofpeople'] + + + def action_decode(self, action): + """ DQN: Input state, output action """ + if type(action) == np.ndarray: + action = action[0] + act_slot_response = deepcopy(self.feasible_actions[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 """ + + user_action = state['user_action'] + current_slots = state['current_slots'] + kb_results_dict = state['kb_results_dict'] + agent_last = state['agent_action'] + + ######################################################################## + # Create one-hot of acts to represent the current user action + ######################################################################## + user_act_rep = np.zeros((1, self.act_cardinality)) + user_act_rep[0,self.act_set[user_action['diaact']]] = 1.0 + + ######################################################################## + # Create bag of inform slots representation to represent the current user action + ######################################################################## + user_inform_slots_rep = np.zeros((1, self.slot_cardinality)) + 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 + + ######################################################################## + # Creat bag of filled_in slots based on the current_slots + ######################################################################## + current_slots_rep = np.zeros((1, self.slot_cardinality)) + 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. + + ######################################################################## + # 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. + 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.) + 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.squeeze(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 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 + + def print_function(self, agent_action=None, user_action=None): + """ Print Function """ + + if agent_action: + if run_mode == 0: + print("Turn %d sys: %s" % (agent_action['turn'], agent_action['nl'])) + elif run_mode == 1: + print("Turn %d sys: %s, inform_slots: %s, request slots: %s" % (agent_action['turn'], agent_action['diaact'], agent_action['inform_slots'], agent_action['request_slots'])) + elif run_mode == 2: # debug mode + print("Turn %d sys: %s, inform_slots: %s, request slots: %s" % (agent_action['turn'], agent_action['diaact'], agent_action['inform_slots'], agent_action['request_slots'])) + print("Turn %d sys: %s" % (agent_action['turn'], agent_action['nl'])) + + if auto_suggest == 1: + print('(Suggested Values: %s)' % (self.state_tracker.get_suggest_slots_values(agent_action['request_slots']))) + elif user_action: + if run_mode == 0: + print ("Turn %d usr: %s" % (user_action['turn'], user_action['nl'])) + elif run_mode == 1: + print ("Turn %s usr: %s, inform_slots: %s, request_slots: %s" % (user_action['turn'], user_action['diaact'], user_action['inform_slots'], user_action['request_slots'])) + elif run_mode == 2: # debug mode, show both + print ("Turn %d usr: %s, inform_slots: %s, request_slots: %s" % (user_action['turn'], user_action['diaact'], user_action['inform_slots'], user_action['request_slots'])) + print ("Turn %d usr: %s" % (user_action['turn'], user_action['nl'])) + + def rule_policy(self): + """ Rule Policy """ + + 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 close(self): + print('\nstatistics: %s' % (self.stat)) + try: + print('\nsuccess rate:', (self.stat['success']/(self.stat['success'] + self.stat['fail']))) + except: + pass + print("close") + + +class MovieEnv(BaseEnv): + ''' + Wrapper for Unity ML-Agents env to work with the Lab. + + e.g. env_spec + "env": [{ + "name": "gridworld", + "max_t": 20, + "max_tick": 3, + "unity": { + "gridSize": 6, + "numObstacles": 2, + "numGoals": 1 + } + }], + ''' + + def __init__(self, spec, e=None, env_space=None): + super(MovieEnv, self).__init__(spec, e, env_space) + util.set_attr(self, self.env_spec, [ + 'observation_dim', + 'action_dim', + ]) + worker_id = int(f'{os.getpid()}{self.e+int(ps.unique_id())}'[-4:]) + # TODO dynamically compose components according to env_spec + self.u_env = MovieActInActOutEnvironment(worker_id) + self.patch_gym_spaces(self.u_env) + self._set_attr_from_u_env(self.u_env) + # assert self.max_t is not None + if env_space is None: # singleton mode + pass + else: + self.space_init(env_space) + + logger.info(util.self_desc(self)) + + def patch_gym_spaces(self, u_env): + ''' + For standardization, use gym spaces to represent observation and action spaces. + This method iterates through the multiple brains (multiagent) then constructs and returns lists of observation_spaces and action_spaces + ''' + observation_shape = (self.env_spec.get('observation_dim'),) + observation_space = spaces.Box(low=0, high=1, shape=observation_shape, dtype=np.int32) + set_gym_space_attr(observation_space) + action_space = spaces.Discrete(self.env_spec.get('action_dim')) + set_gym_space_attr(action_space) + # set for singleton + u_env.observation_space = observation_space + u_env.action_space = action_space + + def _get_env_info(self, env_info_dict, a): + '''''' + return self.u_env.env_info[a] + + @lab_api + def reset(self): + _reward = np.nan + env_info_dict = self.u_env.reset(train_mode=(util.get_lab_mode() != 'dev'), config=self.env_spec.get('multiwoz')) + a, b = 0, 0 # default singleton aeb + env_info_a = self._get_env_info(env_info_dict, a) + state = env_info_a.states[b] + self.done = done = False + logger.debug(f'Env {self.e} reset reward: {_reward}, state: {state}, done: {done}') + return _reward, state, done + + @lab_api + def step(self, action): + env_info_dict = self.u_env.step(action) + a, b = 0, 0 # default singleton aeb + env_info_a = self._get_env_info(env_info_dict, a) + reward = env_info_a.rewards[b] * self.reward_scale + state = env_info_a.states[b] + done = env_info_a.local_done[b] + self.done = done = done or self.clock.t > self.max_t + logger.debug(f'Env {self.e} step reward: {reward}, state: {state}, done: {done}') + return reward, state, done + + @lab_api + def close(self): + self.u_env.close() + + # NOTE optional extension for multi-agent-env + + @lab_api + def space_init(self, env_space): + '''Post init override for space env. Note that aeb is already correct from __init__''' + self.env_space = env_space + self.aeb_space = env_space.aeb_space + self.observation_spaces = [self.observation_space] + self.action_spaces = [self.action_space] + + @lab_api + def space_reset(self): + self._check_u_brain_to_agent() + self.done = False + env_info_dict = self.u_env.reset(train_mode=(util.get_lab_mode() != 'dev'), config=self.env_spec.get('multiwoz')) + _reward_e, state_e, done_e = self.env_space.aeb_space.init_data_s(ENV_DATA_NAMES, e=self.e) + for (a, b), body in util.ndenumerate_nonan(self.body_e): + env_info_a = self._get_env_info(env_info_dict, a) + self._check_u_agent_to_body(env_info_a, a) + state = env_info_a.states[b] + state_e[(a, b)] = state + done_e[(a, b)] = self.done + logger.debug(f'Env {self.e} reset reward_e: {_reward_e}, state_e: {state_e}, done_e: {done_e}') + return _reward_e, state_e, done_e + + @lab_api + def space_step(self, action_e): + # TODO implement clock_speed: step only if self.clock.to_step() + if self.done: + return self.space_reset() + action_e = util.nanflatten(action_e) + env_info_dict = self.u_env.step(action_e) + reward_e, state_e, done_e = self.env_space.aeb_space.init_data_s(ENV_DATA_NAMES, e=self.e) + for (a, b), body in util.ndenumerate_nonan(self.body_e): + env_info_a = self._get_env_info(env_info_dict, a) + reward_e[(a, b)] = env_info_a.rewards[b] * self.reward_scale + state_e[(a, b)] = env_info_a.states[b] + done_e[(a, b)] = env_info_a.local_done[b] + self.done = (util.nonan_all(done_e) or self.clock.t > self.max_t) + logger.debug(f'Env {self.e} step reward_e: {reward_e}, state_e: {state_e}, done_e: {done_e}') + return reward_e, state_e, done_e diff --git a/convlab/env/multiwoz.py b/convlab/env/multiwoz.py new file mode 100644 index 0000000..d381543 --- /dev/null +++ b/convlab/env/multiwoz.py @@ -0,0 +1,287 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from copy import deepcopy +import math +import os + +import numpy as np +import pydash as ps +from gym import spaces + +from convlab.env.base import BaseEnv, ENV_DATA_NAMES, set_gym_space_attr +# from convlab.env.registration import get_env_path +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api +from convlab import UserPolicyAgendaMultiWoz +from convlab import UserSimulator +# from convlab.modules.policy.system.util import action_decoder, ActionVocab, state_encoder +from convlab.modules.policy.system.multiwoz.rule_based_multiwoz_bot import RuleBasedMultiwozBot +from convlab.modules.action_decoder.multiwoz.multiwoz_vocab_action_decoder import ActionVocab +import convlab.modules.policy.user.multiwoz as user_policy +import convlab.modules.policy.system.multiwoz as sys_policy +import convlab.modules.nlu.multiwoz as nlu +import convlab.modules.nlg.multiwoz as nlg + +logger = logger.get_logger(__name__) + +class State(object): + def __init__(self, state=None, reward=None, done=None): + self.states = [state] + self.rewards = [reward] + self.local_done = [done] + + +class MultiWozEnvironment(object): + def __init__(self, env_spec, worker_id=None, action_dim=300): + self.env_spec = env_spec + self.worker_id = worker_id + self.observation_space = None + self.action_space = None + + + self.agenda = UserPolicyAgendaMultiWoz() # Agenda-based Simulator (act-in act-out) + if 'user_policy' in self.env_spec: + params = deepcopy(ps.get(self.env_spec, 'user_policy')) + AgendaClass = getattr(user_policy, params.pop('name')) + self.agenda = AgendaClass() + + self.nlu = None + if 'nlu' in self.env_spec: + params = deepcopy(ps.get(self.env_spec, 'nlu')) + if not params['name']: + self.nlu = None + else: + NluClass = getattr(nlu, params.pop('name')) + self.nlu = NluClass(**params) + + self.nlg = None + if 'nlg' in self.env_spec: + params = deepcopy(ps.get(self.env_spec, 'nlg')) + if not params['name']: + self.nlg = None + else: + NlgClass = getattr(nlg, params.pop('name')) + self.nlg = NlgClass(**params) + + self.sys_policy = RuleBasedMultiwozBot() + if 'sys_policy' in self.env_spec: + params = deepcopy(ps.get(self.env_spec, 'sys_policy')) + SysPolicy = getattr(sys_policy, params.pop('name')) + self.sys_policy = SysPolicy() + + self.simulator = UserSimulator(self.nlu, self.agenda, self.nlg) + self.simulator.init_session() + self.action_vocab = ActionVocab(num_actions=action_dim) + + + self.stat = {'success':0, 'fail':0} + + def reset(self, train_mode, config): + self.simulator.init_session() + #self.env_info = [State({}, 0, False)] + self.env_info = [State("", 0, False)] if self.nlg else [State({}, 0, False)] + return self.env_info + + def step(self, action): + # if len(self.dst.state['history']) == 0: + # action = {'general-greet': ['none']} + # action = self.action_vocab.vocab.index(sys_response) + # else: + # sys_response = action_decoder(self.dst.state, action, self.action_vocab) + # logger.info("System: {}".format(str(action))) + # User simulator + user_response, user_act, session_over, reward = self.simulator.response(action) + # logger.info("User: {}".format(str(user_response))) + # logger.info("-" * 100) + # logger.info("Reward: {}".format(reward)) + if session_over: + dialog_status = self.simulator.policy.goal.task_complete() + if dialog_status: + self.stat['success'] += 1 + else: self.stat['fail'] += 1 + + str_sys_response = '{}'.format(action) + str_user_response = '{}'.format(user_response) + + self.env_info = [State(user_response, reward, session_over)] + + return self.env_info + + def rule_policy(self, state, algorithm, body): + def find_best_delex_act(action): + def _score(a1, a2): + score = 0 + for domain_act in a1: + if domain_act not in a2: + score += len(a1[domain_act]) + else: + 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_vocab.vocab): + 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 + + rule_act = self.sys_policy.predict(state) + delex_act = {} + for domain_act in rule_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 rule_act[domain_act]: + if sv[0] != "none": + delex_act[domain_act] = [sv[0]] + break + else: + delex_act[domain_act] = [sv[0] for sv in rule_act[domain_act]] + # pprint(delex_act) + action = find_best_delex_act(delex_act) + + return action + + def close(self): + print('\nstatistics: %s' % (self.stat)) + print('\nsuccess rate: %s' % (self.stat['success']/(self.stat['success']+self.stat['fail']))) + + +class MultiWozEnv(BaseEnv): + ''' + Wrapper for Unity ML-Agents env to work with the Lab. + + e.g. env_spec + "env": [{ + "name": "gridworld", + "max_t": 20, + "max_tick": 3, + "unity": { + "gridSize": 6, + "numObstacles": 2, + "numGoals": 1 + } + }], + ''' + + def __init__(self, spec, e=None, env_space=None): + super(MultiWozEnv, self).__init__(spec, e, env_space) + util.set_attr(self, self.env_spec, [ + 'observation_dim', + 'action_dim', + ]) + worker_id = int(f'{os.getpid()}{self.e+int(ps.unique_id())}'[-4:]) + # TODO dynamically compose components according to env_spec + self.u_env = MultiWozEnvironment(self.env_spec, worker_id, self.action_dim) + self.patch_gym_spaces(self.u_env) + self._set_attr_from_u_env(self.u_env) + # assert self.max_t is not None + if env_space is None: # singleton mode + pass + else: + self.space_init(env_space) + + logger.info(util.self_desc(self)) + + def patch_gym_spaces(self, u_env): + ''' + For standardization, use gym spaces to represent observation and action spaces. + This method iterates through the multiple brains (multiagent) then constructs and returns lists of observation_spaces and action_spaces + ''' + observation_shape = (self.env_spec.get('observation_dim'),) + observation_space = spaces.Box(low=0, high=1, shape=observation_shape, dtype=np.int32) + set_gym_space_attr(observation_space) + action_space = spaces.Discrete(self.env_spec.get('action_dim')) + set_gym_space_attr(action_space) + # set for singleton + u_env.observation_space = observation_space + u_env.action_space = action_space + + def _get_env_info(self, env_info_dict, a): + '''''' + return self.u_env.env_info[a] + + @lab_api + def reset(self): + _reward = np.nan + env_info_dict = self.u_env.reset(train_mode=(util.get_lab_mode() != 'dev'), config=self.env_spec.get('multiwoz')) + a, b = 0, 0 # default singleton aeb + env_info_a = self._get_env_info(env_info_dict, a) + state = env_info_a.states[b] + self.done = done = False + logger.debug(f'Env {self.e} reset reward: {_reward}, state: {state}, done: {done}') + return _reward, state, done + + @lab_api + def step(self, action): + env_info_dict = self.u_env.step(action) + a, b = 0, 0 # default singleton aeb + env_info_a = self._get_env_info(env_info_dict, a) + reward = env_info_a.rewards[b] * self.reward_scale + state = env_info_a.states[b] + done = env_info_a.local_done[b] + self.done = done = done or self.clock.t > self.max_t + logger.debug(f'Env {self.e} step reward: {reward}, state: {state}, done: {done}') + return reward, state, done + + @lab_api + def close(self): + self.u_env.close() + + # NOTE optional extension for multi-agent-env + + @lab_api + def space_init(self, env_space): + '''Post init override for space env. Note that aeb is already correct from __init__''' + self.env_space = env_space + self.aeb_space = env_space.aeb_space + self.observation_spaces = [self.observation_space] + self.action_spaces = [self.action_space] + + @lab_api + def space_reset(self): + self._check_u_brain_to_agent() + self.done = False + env_info_dict = self.u_env.reset(train_mode=(util.get_lab_mode() != 'dev'), config=self.env_spec.get('multiwoz')) + _reward_e, state_e, done_e = self.env_space.aeb_space.init_data_s(ENV_DATA_NAMES, e=self.e) + for (a, b), body in util.ndenumerate_nonan(self.body_e): + env_info_a = self._get_env_info(env_info_dict, a) + self._check_u_agent_to_body(env_info_a, a) + state = env_info_a.states[b] + state_e[(a, b)] = state + done_e[(a, b)] = self.done + logger.debug(f'Env {self.e} reset reward_e: {_reward_e}, state_e: {state_e}, done_e: {done_e}') + return _reward_e, state_e, done_e + + @lab_api + def space_step(self, action_e): + # TODO implement clock_speed: step only if self.clock.to_step() + if self.done: + return self.space_reset() + action_e = util.nanflatten(action_e) + env_info_dict = self.u_env.step(action_e) + reward_e, state_e, done_e = self.env_space.aeb_space.init_data_s(ENV_DATA_NAMES, e=self.e) + for (a, b), body in util.ndenumerate_nonan(self.body_e): + env_info_a = self._get_env_info(env_info_dict, a) + reward_e[(a, b)] = env_info_a.rewards[b] * self.reward_scale + state_e[(a, b)] = env_info_a.states[b] + done_e[(a, b)] = env_info_a.local_done[b] + self.done = (util.nonan_all(done_e) or self.clock.t > self.max_t) + logger.debug(f'Env {self.e} step reward_e: {reward_e}, state_e: {state_e}, done_e: {done_e}') + return reward_e, state_e, done_e diff --git a/convlab/experiment/__init__.py b/convlab/experiment/__init__.py new file mode 100644 index 0000000..a46b534 --- /dev/null +++ b/convlab/experiment/__init__.py @@ -0,0 +1,7 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The experiment module +Handles experimentation logic: control, design, monitoring, analysis, evolution +''' diff --git a/convlab/experiment/analysis.py b/convlab/experiment/analysis.py new file mode 100644 index 0000000..aebf891 --- /dev/null +++ b/convlab/experiment/analysis.py @@ -0,0 +1,569 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The analysis module +Handles the analyses of the info and data space for experiment evaluation and design. +''' +from convlab.agent import AGENT_DATA_NAMES +from convlab.env import ENV_DATA_NAMES +from convlab.lib import logger, math_util, util, viz +from convlab.spec import spec_util +import numpy as np +import os +import pandas as pd +import pydash as ps +import regex as re +import shutil + +FITNESS_COLS = ['strength', 'speed', 'stability', 'consistency'] +# TODO improve to make it work with any reward mean +FITNESS_STD = util.read('convlab/spec/_fitness_std.json') +NOISE_WINDOW = 0.05 +NORM_ORDER = 1 # use L1 norm in fitness vector norm +MA_WINDOW = 100 +logger = logger.get_logger(__name__) + +''' +Fitness analysis +''' + + +def calc_strength_sr(aeb_df, rand_reward, std_reward): + ''' + Calculate strength for each reward as + strength = (reward - rand_reward) / (std_reward - rand_reward) + ''' + return (aeb_df['reward'] - rand_reward) / (std_reward - rand_reward) + + +def calc_strength(aeb_df): + ''' + Strength of an agent in fitness is its maximum strength_ma. Moving average is used to denoise signal. + For an agent total reward at a time, calculate strength by normalizing it with a given baseline rand_reward and solution std_reward, i.e. + strength = (reward - rand_reward) / (std_reward - rand_reward) + + **Properties:** + - random agent has strength 0, standard agent has strength 1. + - strength is standardized to be independent of the actual sign and scale of raw reward + - scales relative to std_reward: if an agent achieve x2 std_reward, the strength is x2, and so on. + This allows for standard comparison between agents on the same problem using an intuitive measurement of strength. With proper scaling by a difficulty factor, we can compare across problems of different difficulties. + ''' + return aeb_df['strength_ma'].max() + + +def calc_speed(aeb_df, std_timestep): + ''' + Find the maximum strength_ma, and the time to first reach it. Then the strength/time divided by the standard std_strength/std_timestep is speed, i.e. + speed = (max_strength_ma / timestep_to_first_reach) / (std_strength / std_timestep) + **Properties:** + - random agent has speed 0, standard agent has speed 1. + - if both agents reach the same max strength_ma, and one reaches it in half the timesteps, it is twice as fast. + - speed is standardized regardless of the scaling of absolute timesteps, or even the max strength attained + This allows an intuitive measurement of learning speed and the standard comparison between agents on the same problem. + ''' + if aeb_df['strength_ma'].count() > 0: + first_max_idx = aeb_df['strength_ma'].idxmax() # this returns the first max + max_row = aeb_df.loc[first_max_idx] + std_strength = 1. + if max_row['total_t'] == 0: # especially for random agent + speed = 0. + else: + speed = (max_row['strength_ma'] / max_row['total_t']) / (std_strength / std_timestep) + else: + speed = 0. + return speed + + +def calc_stability(aeb_df): + ''' + Stability = fraction of monotonically increasing elements in the denoised series of strength_ma, or 0 if strength_ma is all <= 0. + **Properties:** + - stable agent has value 1, unstable agent < 1, and non-solution = 0. + - uses strength_ma to be more robust to noise + - sharp gain in strength is considered stable + - monotonically increasing implies strength can keep growing and as long as it does not fall much, it is considered stable + ''' + if (aeb_df['strength_ma'].values <= 0.).all(): + stability = 0. + else: + mono_inc_sr = np.diff(aeb_df['strength_ma']) >= 0. + stability = mono_inc_sr.sum() / mono_inc_sr.size + return stability + + +def calc_consistency(aeb_fitness_df): + ''' + Calculate the consistency of trial by the fitness_vectors of its sessions: + consistency = ratio of non-outlier vectors + **Properties:** + - outliers are calculated using MAD modified z-score + - if all the fitness vectors are zero or all strength are zero, consistency = 0 + - works for all sorts of session fitness vectors, with the standard scale + When an agent fails to achieve standard strength, it is meaningless to measure consistency or give false interpolation, so consistency is 0. + ''' + fitness_vecs = aeb_fitness_df.values + if ~np.any(fitness_vecs) or ~np.any(aeb_fitness_df['strength']): + # no consistency if vectors all 0 + consistency = 0. + elif len(fitness_vecs) == 2: + # if only has 2 vectors, check norm_diff + diff_norm = np.linalg.norm(np.diff(fitness_vecs, axis=0), NORM_ORDER) / np.linalg.norm(np.ones(len(fitness_vecs[0])), NORM_ORDER) + consistency = diff_norm <= NOISE_WINDOW + else: + is_outlier_arr = math_util.is_outlier(fitness_vecs) + consistency = (~is_outlier_arr).sum() / len(is_outlier_arr) + return consistency + + +def calc_epi_reward_ma(aeb_df, ckpt=None): + '''Calculates the episode reward moving average with the MA_WINDOW''' + rewards = aeb_df['reward'] + if ckpt == 'eval': + # online eval mode reward is reward_ma from avg + aeb_df['reward_ma'] = rewards + else: + aeb_df['reward_ma'] = rewards.rolling(window=MA_WINDOW, min_periods=0, center=False).mean() + return aeb_df + + +def calc_fitness(fitness_vec): + ''' + Takes a vector of qualifying standardized dimensions of fitness and compute the normalized length as fitness + use L1 norm for simplicity and intuititveness of linearity + ''' + if isinstance(fitness_vec, pd.Series): + fitness_vec = fitness_vec.values + elif isinstance(fitness_vec, pd.DataFrame): + fitness_vec = fitness_vec.iloc[0].values + std_fitness_vector = np.ones(len(fitness_vec)) + fitness = np.linalg.norm(fitness_vec, NORM_ORDER) / np.linalg.norm(std_fitness_vector, NORM_ORDER) + return fitness + + +def calc_aeb_fitness_sr(aeb_df, env_name): + '''Top level method to calculate fitness vector for AEB level data (strength, speed, stability)''' + std = FITNESS_STD.get(env_name) + if std is None: + std = FITNESS_STD.get('template') + logger.warn(f'The fitness standard for env {env_name} is not built yet. Contact author. Using a template standard for now.') + + # calculate the strength sr and the moving-average (to denoise) first before calculating fitness + aeb_df['strength'] = calc_strength_sr(aeb_df, std['rand_epi_reward'], std['std_epi_reward']) + aeb_df['strength_ma'] = aeb_df['strength'].rolling(MA_WINDOW, min_periods=0, center=False).mean() + + strength = calc_strength(aeb_df) + speed = calc_speed(aeb_df, std['std_timestep']) + stability = calc_stability(aeb_df) + aeb_fitness_sr = pd.Series({ + 'strength': strength, 'speed': speed, 'stability': stability}) + return aeb_fitness_sr + + +''' +Checkpoint and early termination analysis +''' + + +def get_reward_mas(agent, name='eval_reward_ma'): + '''Return array of the named reward_ma for all of an agent's bodies.''' + bodies = getattr(agent, 'nanflat_body_a', [agent.body]) + return np.array([getattr(body, name) for body in bodies], dtype=np.float16) + + +def get_std_epi_rewards(agent): + '''Return array of std_epi_reward for each of the environments.''' + bodies = getattr(agent, 'nanflat_body_a', [agent.body]) + return np.array([ps.get(FITNESS_STD, f'{body.env.name}.std_epi_reward') for body in bodies], dtype=np.float16) + + +def new_best(agent): + '''Check if algorithm is now the new best result, then update the new best''' + best_reward_mas = get_reward_mas(agent, 'best_reward_ma') + eval_reward_mas = get_reward_mas(agent, 'eval_reward_ma') + best = (eval_reward_mas >= best_reward_mas).all() + if best: + bodies = getattr(agent, 'nanflat_body_a', [agent.body]) + for body in bodies: + body.best_reward_ma = body.eval_reward_ma + return best + + +def all_solved(agent): + '''Check if envs have all been solved using std from convlab/spec/_fitness_std.json''' + eval_reward_mas = get_reward_mas(agent, 'eval_reward_ma') + std_epi_rewards = get_std_epi_rewards(agent) + solved = ( + not np.isnan(std_epi_rewards).any() and + (eval_reward_mas >= std_epi_rewards).all() + ) + return solved + + +def is_unfit(fitness_df, session): + '''Check if a fitness_df is unfit. Used to determine of trial should stop running more sessions''' + if FITNESS_STD.get(session.spec['env'][0]['name']) is None: + return False # fitness not known + mean_fitness_df = calc_mean_fitness(fitness_df) + return mean_fitness_df['strength'].iloc[0] <= NOISE_WINDOW + + +''' +Analysis interface methods +''' + + +def save_spec(spec, info_space, unit='experiment'): + '''Save spec to proper path. Called at Experiment or Trial init.''' + prepath = util.get_prepath(spec, info_space, unit) + util.write(spec, f'{prepath}_spec.json') + + +def calc_mean_fitness(fitness_df): + '''Method to calculated mean over all bodies for a fitness_df''' + return fitness_df.mean(axis=1, level=3) + + +def get_session_data(session, body_df_kind='eval', tmp_space_session_sub=False): + ''' + Gather data from session from all the bodies + Depending on body_df_kind, will use eval_df or train_df + ''' + session_data = {} + for aeb, body in util.ndenumerate_nonan(session.aeb_space.body_space.data): + aeb_df = body.eval_df if body_df_kind == 'eval' else body.train_df + # TODO tmp substitution since SpaceSession does not have run_eval_episode yet + if tmp_space_session_sub: + aeb_df = body.train_df + session_data[aeb] = aeb_df.copy() + return session_data + + +def calc_session_fitness_df(session, session_data): + '''Calculate the session fitness df''' + session_fitness_data = {} + for aeb in session_data: + aeb_df = session_data[aeb] + aeb_df = calc_epi_reward_ma(aeb_df, ps.get(session.info_space, 'ckpt')) + util.downcast_float32(aeb_df) + body = session.aeb_space.body_space.data[aeb] + aeb_fitness_sr = calc_aeb_fitness_sr(aeb_df, body.env.name) + aeb_fitness_df = pd.DataFrame([aeb_fitness_sr], index=[session.index]) + aeb_fitness_df = aeb_fitness_df.reindex(FITNESS_COLS[:3], axis=1) + session_fitness_data[aeb] = aeb_fitness_df + # form multi_index df, then take mean across all bodies + session_fitness_df = pd.concat(session_fitness_data, axis=1) + mean_fitness_df = calc_mean_fitness(session_fitness_df) + session_fitness = calc_fitness(mean_fitness_df) + logger.info(f'Session mean fitness: {session_fitness}\n{mean_fitness_df}') + return session_fitness_df + + +def calc_trial_fitness_df(trial): + ''' + Calculate the trial fitness df by aggregating from the collected session_data_dict (session_fitness_df's). + Adds a consistency dimension to fitness vector. + ''' + trial_fitness_data = {} + try: + all_session_fitness_df = pd.concat(list(trial.session_data_dict.values())) + except ValueError as e: + logger.exception('Sessions failed, no data to analyze. Check stack trace above') + for aeb in util.get_df_aeb_list(all_session_fitness_df): + aeb_fitness_df = all_session_fitness_df.loc[:, aeb] + aeb_fitness_sr = aeb_fitness_df.mean() + consistency = calc_consistency(aeb_fitness_df) + aeb_fitness_sr = aeb_fitness_sr.append(pd.Series({'consistency': consistency})) + aeb_fitness_df = pd.DataFrame([aeb_fitness_sr], index=[trial.index]) + aeb_fitness_df = aeb_fitness_df.reindex(FITNESS_COLS, axis=1) + trial_fitness_data[aeb] = aeb_fitness_df + # form multi_index df, then take mean across all bodies + trial_fitness_df = pd.concat(trial_fitness_data, axis=1) + mean_fitness_df = calc_mean_fitness(trial_fitness_df) + trial_fitness_df = mean_fitness_df + trial_fitness = calc_fitness(mean_fitness_df) + logger.info(f'Trial mean fitness: {trial_fitness}\n{mean_fitness_df}') + return trial_fitness_df + + +def plot_session(session_spec, info_space, session_data): + '''Plot the session graph, 2 panes: reward, loss & explore_var. Each aeb_df gets its own color''' + max_tick_unit = ps.get(session_spec, 'meta.max_tick_unit') + aeb_count = len(session_data) + palette = viz.get_palette(aeb_count) + fig = viz.tools.make_subplots(rows=3, cols=1, shared_xaxes=True, print_grid=False) + for idx, (a, e, b) in enumerate(session_data): + aeb_str = f'{a}{e}{b}' + aeb_df = session_data[(a, e, b)] + aeb_df.fillna(0, inplace=True) # for saving plot, cant have nan + fig_1 = viz.plot_line(aeb_df, 'reward_ma', max_tick_unit, legend_name=aeb_str, draw=False, trace_kwargs={'legendgroup': aeb_str, 'line': {'color': palette[idx]}}) + fig.append_trace(fig_1.data[0], 1, 1) + + fig_2 = viz.plot_line(aeb_df, ['loss'], max_tick_unit, y2_col=['explore_var'], trace_kwargs={'legendgroup': aeb_str, 'showlegend': False, 'line': {'color': palette[idx]}}, draw=False) + fig.append_trace(fig_2.data[0], 2, 1) + fig.append_trace(fig_2.data[1], 3, 1) + + fig.layout['xaxis1'].update(title=max_tick_unit, zerolinewidth=1) + fig.layout['yaxis1'].update(fig_1.layout['yaxis']) + fig.layout['yaxis1'].update(domain=[0.55, 1]) + fig.layout['yaxis2'].update(fig_2.layout['yaxis']) + fig.layout['yaxis2'].update(showgrid=False, domain=[0, 0.45]) + fig.layout['yaxis3'].update(fig_2.layout['yaxis2']) + fig.layout['yaxis3'].update(overlaying='y2', anchor='x2') + fig.layout.update(ps.pick(fig_1.layout, ['legend'])) + fig.layout.update(title=f'session graph: {session_spec["name"]} t{info_space.get("trial")} s{info_space.get("session")}', width=500, height=600) + viz.plot(fig) + return fig + + +def gather_aeb_rewards_df(aeb, session_datas, max_tick_unit): + '''Gather rewards from each session for a body into a df''' + aeb_session_rewards = {} + for s, session_data in session_datas.items(): + aeb_df = session_data[aeb] + aeb_reward_sr = aeb_df['reward_ma'] + aeb_reward_sr.index = aeb_df[max_tick_unit] + # guard for duplicate eval result + aeb_reward_sr = aeb_reward_sr[~aeb_reward_sr.index.duplicated()] + if util.in_eval_lab_modes(): + # guard for eval appending possibly not ordered + aeb_reward_sr.sort_index(inplace=True) + aeb_session_rewards[s] = aeb_reward_sr + aeb_rewards_df = pd.DataFrame(aeb_session_rewards) + return aeb_rewards_df + + +def build_aeb_reward_fig(aeb_rewards_df, aeb_str, color, max_tick_unit): + '''Build the aeb_reward envelope figure''' + mean_sr = aeb_rewards_df.mean(axis=1) + std_sr = aeb_rewards_df.std(axis=1).fillna(0) + max_sr = mean_sr + std_sr + min_sr = mean_sr - std_sr + x = aeb_rewards_df.index.tolist() + max_y = max_sr.tolist() + min_y = min_sr.tolist() + + envelope_trace = viz.go.Scatter( + x=x + x[::-1], + y=max_y + min_y[::-1], + fill='tozerox', + fillcolor=viz.lower_opacity(color, 0.2), + line=dict(color='rgba(0, 0, 0, 0)'), + showlegend=False, + legendgroup=aeb_str, + ) + df = pd.DataFrame({max_tick_unit: x, 'mean_reward': mean_sr}) + fig = viz.plot_line( + df, ['mean_reward'], [max_tick_unit], legend_name=aeb_str, draw=False, trace_kwargs={'legendgroup': aeb_str, 'line': {'color': color}} + ) + fig.add_traces([envelope_trace]) + return fig + + +def calc_trial_df(trial_spec, info_space): + '''Calculate trial_df as mean of all session_df''' + from convlab.experiment import retro_analysis + prepath = util.get_prepath(trial_spec, info_space) + predir, _, _, _, _, _ = util.prepath_split(prepath) + session_datas = retro_analysis.session_datas_from_file(predir, trial_spec, info_space.get('trial'), ps.get(info_space, 'ckpt')) + aeb_transpose = {aeb: [] for aeb in session_datas[list(session_datas.keys())[0]]} + max_tick_unit = ps.get(trial_spec, 'meta.max_tick_unit') + for s, session_data in session_datas.items(): + for aeb, aeb_df in session_data.items(): + aeb_transpose[aeb].append(aeb_df.sort_values(by=[max_tick_unit]).set_index(max_tick_unit, drop=False)) + + trial_data = {} + for aeb, df_list in aeb_transpose.items(): + trial_data[aeb] = pd.concat(df_list).groupby(level=0).mean().reset_index(drop=True) + + trial_df = pd.concat(trial_data, axis=1) + return trial_df + + +def plot_trial(trial_spec, info_space): + '''Plot the trial graph, 1 pane: mean and error envelope of reward graphs from all sessions. Each aeb_df gets its own color''' + from convlab.experiment import retro_analysis + prepath = util.get_prepath(trial_spec, info_space) + predir, _, _, _, _, _ = util.prepath_split(prepath) + session_datas = retro_analysis.session_datas_from_file(predir, trial_spec, info_space.get('trial'), ps.get(info_space, 'ckpt')) + rand_session_data = session_datas[list(session_datas.keys())[0]] + max_tick_unit = ps.get(trial_spec, 'meta.max_tick_unit') + aeb_count = len(rand_session_data) + palette = viz.get_palette(aeb_count) + fig = None + for idx, (a, e, b) in enumerate(rand_session_data): + aeb = (a, e, b) + aeb_str = f'{a}{e}{b}' + color = palette[idx] + aeb_rewards_df = gather_aeb_rewards_df(aeb, session_datas, max_tick_unit) + aeb_fig = build_aeb_reward_fig(aeb_rewards_df, aeb_str, color, max_tick_unit) + if fig is None: + fig = aeb_fig + else: + fig.add_traces(aeb_fig.data) + fig.layout.update(title=f'trial graph: {trial_spec["name"]} t{info_space.get("trial")}, {len(session_datas)} sessions', width=500, height=600) + viz.plot(fig) + return fig + + +def plot_experiment(experiment_spec, experiment_df): + ''' + Plot the variable specs vs fitness vector of an experiment, where each point is a trial. + ref colors: https://plot.ly/python/heatmaps-contours-and-2dhistograms-tutorial/#plotlys-predefined-color-scales + ''' + y_cols = ['fitness'] + FITNESS_COLS + x_cols = ps.difference(experiment_df.columns.tolist(), y_cols) + + fig = viz.tools.make_subplots(rows=len(y_cols), cols=len(x_cols), shared_xaxes=True, shared_yaxes=True, print_grid=False) + fitness_sr = experiment_df['fitness'] + min_fitness = fitness_sr.values.min() + max_fitness = fitness_sr.values.max() + for row_idx, y in enumerate(y_cols): + for col_idx, x in enumerate(x_cols): + x_sr = experiment_df[x] + guard_cat_x = x_sr.astype(str) if x_sr.dtype == 'object' else x_sr + trace = viz.go.Scatter( + y=experiment_df[y], yaxis=f'y{row_idx+1}', + x=guard_cat_x, xaxis=f'x{col_idx+1}', + showlegend=False, mode='markers', + marker={ + 'symbol': 'circle-open-dot', 'color': experiment_df['fitness'], 'opacity': 0.5, + # dump first quarter of colorscale that is too bright + 'cmin': min_fitness - 0.50 * (max_fitness - min_fitness), 'cmax': max_fitness, + 'colorscale': 'YlGnBu', 'reversescale': True + }, + ) + fig.append_trace(trace, row_idx + 1, col_idx + 1) + fig.layout[f'xaxis{col_idx+1}'].update(title='
'.join(ps.chunk(x, 20)), zerolinewidth=1, categoryarray=sorted(guard_cat_x.unique())) + fig.layout[f'yaxis{row_idx+1}'].update(title=y, rangemode='tozero') + fig.layout.update(title=f'experiment graph: {experiment_spec["name"]}', width=max(600, len(x_cols) * 300), height=700) + viz.plot(fig) + return fig + + +def save_session_df(session_data, filepath, info_space): + '''Save session_df, and if is in eval mode, modify it and save with append''' + if util.in_eval_lab_modes(): + ckpt = util.find_ckpt(info_space.eval_model_prepath) + epi = 0 #int(re.search('epi(\d+)', ckpt)[1]) + totalt = 0 #int(re.search('totalt(\d+)', ckpt)[1]) + session_df = pd.concat(session_data, axis=1) + mean_sr = session_df.mean() + mean_sr.name = totalt # set index to prevent all being the same + eval_session_df = pd.DataFrame(data=[mean_sr]) + # set sr name too, to total_t + for aeb in util.get_df_aeb_list(eval_session_df): + eval_session_df.loc[:, aeb + ('epi',)] = epi + eval_session_df.loc[:, aeb + ('total_t',)] = totalt + # if eval, save with append mode + header = not os.path.exists(filepath) + with open(filepath, 'a') as f: + eval_session_df.to_csv(f, header=header) + else: + session_df = pd.concat(session_data, axis=1) + util.write(session_df, filepath) + + +def save_session_data(spec, info_space, session_data, session_fitness_df, session_fig, body_df_kind='eval'): + ''' + Save the session data: session_df, session_fitness_df, session_graph. + session_data is saved as session_df; multi-indexed with (a,e,b), 3 extra levels + to read, use: + session_df = util.read(filepath, header=[0, 1, 2, 3], index_col=0) + session_data = util.session_df_to_data(session_df) + ''' + prepath = util.get_prepath(spec, info_space, unit='session') + logger.info(f'Saving session data to {prepath}') + prefix = 'train' if body_df_kind == 'train' else '' + if 'retro_analyze' not in os.environ['PREPATH']: + save_session_df(session_data, f'{prepath}_{prefix}session_df.csv', info_space) + util.write(session_fitness_df, f'{prepath}_{prefix}session_fitness_df.csv') + viz.save_image(session_fig, f'{prepath}_{prefix}session_graph.png') + + +def save_trial_data(spec, info_space, trial_df, trial_fitness_df, trial_fig, zip=True): + '''Save the trial data: spec, trial_fitness_df.''' + prepath = util.get_prepath(spec, info_space, unit='trial') + logger.info(f'Saving trial data to {prepath}') + util.write(trial_df, f'{prepath}_trial_df.csv') + util.write(trial_fitness_df, f'{prepath}_trial_fitness_df.csv') + viz.save_image(trial_fig, f'{prepath}_trial_graph.png') + if util.get_lab_mode() == 'train' and zip: + predir, _, _, _, _, _ = util.prepath_split(prepath) + shutil.make_archive(predir, 'zip', predir) + logger.info(f'All trial data zipped to {predir}.zip') + + +def save_experiment_data(spec, info_space, experiment_df, experiment_fig): + '''Save the experiment data: best_spec, experiment_df, experiment_graph.''' + prepath = util.get_prepath(spec, info_space, unit='experiment') + logger.info(f'Saving experiment data to {prepath}') + util.write(experiment_df, f'{prepath}_experiment_df.csv') + viz.save_image(experiment_fig, f'{prepath}_experiment_graph.png') + # zip for ease of upload + predir, _, _, _, _, _ = util.prepath_split(prepath) + shutil.make_archive(predir, 'zip', predir) + logger.info(f'All experiment data zipped to {predir}.zip') + + +def _analyze_session(session, session_data, body_df_kind='eval'): + '''Helper method for analyze_session to run using eval_df and train_df''' + session_fitness_df = calc_session_fitness_df(session, session_data) + session_fig = plot_session(session.spec, session.info_space, session_data) + save_session_data(session.spec, session.info_space, session_data, session_fitness_df, session_fig, body_df_kind) + return session_fitness_df + + +def analyze_session(session, eager_analyze_trial=False, tmp_space_session_sub=False): + ''' + Gather session data, plot, and return fitness df for high level agg. + @returns {DataFrame} session_fitness_df Single-row df of session fitness vector (avg over aeb), indexed with session index. + ''' + logger.info('Analyzing session') + session_data = get_session_data(session, body_df_kind='train') + session_fitness_df = _analyze_session(session, session_data, body_df_kind='train') + session_data = get_session_data(session, body_df_kind='eval', tmp_space_session_sub=tmp_space_session_sub) + session_fitness_df = _analyze_session(session, session_data, body_df_kind='eval') + if eager_analyze_trial: + # for live trial graph, analyze trial after analyzing session, this only takes a second + from convlab.experiment import retro_analysis + prepath = util.get_prepath(session.spec, session.info_space, unit='session') + # use new ones to prevent side effects + spec, info_space = util.prepath_to_spec_info_space(prepath) + predir, _, _, _, _, _ = util.prepath_split(prepath) + retro_analysis.analyze_eval_trial(spec, info_space, predir) + return session_fitness_df + + +def analyze_trial(trial, zip=True): + ''' + Gather trial data, plot, and return trial df for high level agg. + @returns {DataFrame} trial_fitness_df Single-row df of trial fitness vector (avg over aeb, sessions), indexed with trial index. + ''' + logger.info('Analyzing trial') + trial_df = calc_trial_df(trial.spec, trial.info_space) + trial_fitness_df = calc_trial_fitness_df(trial) + trial_fig = plot_trial(trial.spec, trial.info_space) + save_trial_data(trial.spec, trial.info_space, trial_df, trial_fitness_df, trial_fig, zip) + return trial_fitness_df + + +def analyze_experiment(experiment): + ''' + Gather experiment trial_data_dict as experiment_df, plot. + Search module must return best_spec and experiment_data with format {trial_index: exp_trial_data}, + where trial_data = {**var_spec, **fitness_vec, fitness}. + This is then made into experiment_df. + @returns {DataFrame} experiment_df Of var_specs, fitness_vec, fitness for all trials. + ''' + logger.info('Analyzing experiment') + experiment_df = pd.DataFrame(experiment.trial_data_dict).transpose() + cols = FITNESS_COLS + ['fitness'] + config_cols = sorted(ps.difference(experiment_df.columns.tolist(), cols)) + sorted_cols = config_cols + cols + experiment_df = experiment_df.reindex(sorted_cols, axis=1) + experiment_df.sort_values(by=['fitness'], ascending=False, inplace=True) + logger.info(f'Experiment data:\n{experiment_df}') + experiment_fig = plot_experiment(experiment.spec, experiment_df) + save_experiment_data(experiment.spec, experiment.info_space, experiment_df, experiment_fig) + return experiment_df diff --git a/convlab/experiment/control.py b/convlab/experiment/control.py new file mode 100644 index 0000000..10b2493 --- /dev/null +++ b/convlab/experiment/control.py @@ -0,0 +1,331 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The control module +Creates and controls the units of SLM lab: Experiment, Trial, Session +''' +from copy import deepcopy +from importlib import reload +from convlab import agent +from convlab.agent import AgentSpace, Agent +from convlab.env import EnvSpace, make_env +from convlab.experiment import analysis, retro_analysis, search +from convlab.experiment.monitor import AEBSpace, Body, enable_aeb_space +from convlab.lib import logger, util +from convlab.spec import spec_util +import os +import pydash as ps +import torch.multiprocessing as mp + + +class Session: + ''' + The base unit of instantiated RL system. + Given a spec, + session creates agent(s) and environment(s), + run the RL system and collect data, e.g. fitness metrics, till it ends, + then return the session data. + ''' + + def __init__(self, spec, info_space, global_nets=None): + self.spec = spec + self.info_space = info_space + self.index = self.info_space.get('session') + util.set_logger(self.spec, self.info_space, logger, 'session') + self.data = None + + # init singleton agent and env + self.env = make_env(self.spec) + util.set_rand_seed(self.info_space.get_random_seed(), self.env) + with util.ctx_lab_mode('eval'): # env for eval + self.eval_env = make_env(self.spec) + util.set_rand_seed(self.info_space.get_random_seed(), self.eval_env) + util.try_set_cuda_id(self.spec, self.info_space) + body = Body(self.env, self.spec['agent']) + + AgentClass = getattr(agent, ps.get(self.spec['agent'][0], 'name')) + self.agent = AgentClass(self.spec, self.info_space, body=body, global_nets=global_nets) + + enable_aeb_space(self) # to use lab's data analysis framework + logger.info(util.self_desc(self)) + logger.info(f'Initialized session {self.index}') + + def try_ckpt(self, agent, env): + '''Try to checkpoint agent at the start, save_freq, and the end''' + tick = env.clock.get(env.max_tick_unit) + to_ckpt = False + if not util.in_eval_lab_modes() and tick <= env.max_tick: + to_ckpt = (tick % env.eval_frequency == 0) or tick == env.max_tick + if env.max_tick_unit == 'epi': # extra condition for epi + to_ckpt = to_ckpt and env.done + + if to_ckpt: + if self.spec['meta'].get('parallel_eval'): + retro_analysis.run_parallel_eval(self, agent, env) + else: + self.run_eval_episode() + if analysis.new_best(agent): + agent.save(ckpt='best') + if tick > 0: # nothing to analyze at start + analysis.analyze_session(self, eager_analyze_trial=True) + + def run_eval_episode(self): + with util.ctx_lab_mode('eval'): # enter eval context + self.agent.algorithm.update() # set explore_var etc. to end_val under ctx + self.eval_env.clock.tick('epi') + logger.info(f'Running eval episode for trial {self.info_space.get("trial")} session {self.index}') + total_reward = 0 + reward, observation, done = self.eval_env.reset() + while not done: + self.eval_env.clock.tick('t') + action = self.agent.act(observation) + reward, observation, done = self.eval_env.step(action) + total_reward += reward + # exit eval context, restore variables simply by updating + self.agent.algorithm.update() + # update body.eval_df + self.agent.body.eval_update(self.eval_env, total_reward) + self.agent.body.log_summary(body_df_kind='eval') + + def run_episode(self): + self.env.clock.tick('epi') + logger.info(f'Running trial {self.info_space.get("trial")} session {self.index} episode {self.env.clock.epi}') + reward, observation, done = self.env.reset() + self.agent.reset(observation) + while not done: + self.try_ckpt(self.agent, self.env) + self.env.clock.tick('t') + action = self.agent.act(observation) + reward, observation, done = self.env.step(action) + self.agent.update(action, reward, observation, done) + self.try_ckpt(self.agent, self.env) # final timestep ckpt + self.agent.body.log_summary(body_df_kind='train') + + def close(self): + ''' + Close session and clean up. + Save agent, close env. + ''' + self.agent.close() + self.env.close() + self.eval_env.close() + logger.info('Session done and closed.') + + def run(self): + while self.env.clock.get(self.env.max_tick_unit) < self.env.max_tick: + self.run_episode() + retro_analysis.try_wait_parallel_eval(self) + self.data = analysis.analyze_session(self) # session fitness + self.close() + return self.data + + +class SpaceSession(Session): + '''Session for multi-agent/env setting''' + + def __init__(self, spec, info_space, global_nets=None): + self.spec = spec + self.info_space = info_space + self.index = self.info_space.get('session') + util.set_logger(self.spec, self.info_space, logger, 'session') + self.data = None + + self.aeb_space = AEBSpace(self.spec, self.info_space) + self.env_space = EnvSpace(self.spec, self.aeb_space) + self.aeb_space.init_body_space() + util.set_rand_seed(self.info_space.get_random_seed(), self.env_space) + util.try_set_cuda_id(self.spec, self.info_space) + self.agent_space = AgentSpace(self.spec, self.aeb_space, global_nets) + + logger.info(util.self_desc(self)) + logger.info(f'Initialized session {self.index}') + + def try_ckpt(self, agent_space, env_space): + '''Try to checkpoint agent at the start, save_freq, and the end''' + # TODO ckpt and eval not implemented for SpaceSession + pass + # for agent in agent_space.agents: + # for body in agent.nanflat_body_a: + # env = body.env + # super(SpaceSession, self).try_ckpt(agent, env) + + def run_all_episodes(self): + ''' + Continually run all episodes, where each env can step and reset at its own clock_speed and timeline. + Will terminate when all envs done are done. + ''' + all_done = self.aeb_space.tick('epi') + reward_space, state_space, done_space = self.env_space.reset() + self.agent_space.reset(state_space) + while not all_done: + self.try_ckpt(self.agent_space, self.env_space) + all_done = self.aeb_space.tick() + action_space = self.agent_space.act(state_space) + reward_space, state_space, done_space = self.env_space.step(action_space) + self.agent_space.update(action_space, reward_space, state_space, done_space) + self.try_ckpt(self.agent_space, self.env_space) + retro_analysis.try_wait_parallel_eval(self) + + def close(self): + ''' + Close session and clean up. + Save agent, close env. + ''' + self.agent_space.close() + self.env_space.close() + logger.info('Session done and closed.') + + def run(self): + self.run_all_episodes() + self.data = analysis.analyze_session(self, tmp_space_session_sub=True) # session fitness + self.close() + return self.data + + +def init_run_session(*args): + '''Runner for multiprocessing''' + session = Session(*args) + return session.run() + + +def init_run_space_session(*args): + '''Runner for multiprocessing''' + session = SpaceSession(*args) + return session.run() + + +class Trial: + ''' + The base unit of an experiment. + Given a spec and number s, + trial creates and runs s sessions, + gather and aggregate data from sessions as trial data, + then return the trial data. + ''' + + def __init__(self, spec, info_space): + self.spec = spec + self.info_space = info_space + self.index = self.info_space.get('trial') + info_space.set('session', None) # Session starts anew for new trial + util.set_logger(self.spec, self.info_space, logger, 'trial') + self.session_data_dict = {} + self.data = None + + analysis.save_spec(spec, info_space, unit='trial') + self.is_singleton = spec_util.is_singleton(spec) # singleton mode as opposed to multi-agent-env space + self.SessionClass = Session if self.is_singleton else SpaceSession + self.mp_runner = init_run_session if self.is_singleton else init_run_space_session + logger.info(f'Initialized trial {self.index}') + + def parallelize_sessions(self, global_nets=None): + workers = [] + for _s in range(self.spec['meta']['max_session']): + self.info_space.tick('session') + w = mp.Process(target=self.mp_runner, args=(deepcopy(self.spec), deepcopy(self.info_space), global_nets)) + w.start() + workers.append(w) + for w in workers: + w.join() + session_datas = retro_analysis.session_data_dict_for_dist(self.spec, self.info_space) + return session_datas + + def run_sessions(self): + logger.info('Running sessions') + if util.get_lab_mode() in ('train', 'eval') and self.spec['meta']['max_session'] > 1: + # when training a single spec over multiple sessions + session_datas = self.parallelize_sessions() + else: + session_datas = [] + for _s in range(self.spec['meta']['max_session']): + self.info_space.tick('session') + session = self.SessionClass(deepcopy(self.spec), deepcopy(self.info_space)) + session_data = session.run() + session_datas.append(session_data) + if analysis.is_unfit(session_data, session): + break + return session_datas + + def make_global_nets(self, agent): + global_nets = {} + for net_name in agent.algorithm.net_names: + g_net = getattr(agent.algorithm, net_name) + g_net.share_memory() # make net global + # TODO also create shared optimizer here + global_nets[net_name] = g_net + return global_nets + + def init_global_nets(self): + session = self.SessionClass(deepcopy(self.spec), deepcopy(self.info_space)) + if self.is_singleton: + session.env.close() # safety + global_nets = self.make_global_nets(session.agent) + else: + session.env_space.close() # safety + global_nets = [self.make_global_nets(agent) for agent in session.agent_space.agents] + return global_nets + + def run_distributed_sessions(self): + logger.info('Running distributed sessions') + global_nets = self.init_global_nets() + session_datas = self.parallelize_sessions(global_nets) + return session_datas + + def close(self): + logger.info('Trial done and closed.') + + def run(self): + if self.spec['meta'].get('distributed'): + session_datas = self.run_distributed_sessions() + else: + session_datas = self.run_sessions() + self.session_data_dict = {data.index[0]: data for data in session_datas} + self.data = analysis.analyze_trial(self) + self.close() + return self.data + + +class Experiment: + ''' + The core high level unit of Lab. + Given a spec-space/generator of cardinality t, + a number s, + a hyper-optimization algorithm hopt(spec, fitness-metric) -> spec_next/null + experiment creates and runs up to t trials of s sessions each to optimize (maximize) the fitness metric, + gather the trial data, + then return the experiment data for analysis and use in evolution graph. + Experiment data will include the trial data, notes on design, hypothesis, conclusion, analysis data, e.g. fitness metric, evolution link of ancestors to potential descendants. + An experiment then forms a node containing its data in the evolution graph with the evolution link and suggestion at the adjacent possible new experiments + On the evolution graph level, an experiment and its neighbors could be seen as test/development of traits. + ''' + + def __init__(self, spec, info_space): + self.spec = spec + self.info_space = info_space + self.index = self.info_space.get('experiment') + util.set_logger(self.spec, self.info_space, logger, 'trial') + self.trial_data_dict = {} + self.data = None + analysis.save_spec(spec, info_space, unit='experiment') + SearchClass = getattr(search, spec['meta'].get('search')) + self.search = SearchClass(self) + logger.info(f'Initialized experiment {self.index}') + + def init_trial_and_run(self, spec, info_space): + ''' + Method to run trial with the properly updated info_space (trial_index) from experiment.search.lab_trial. + ''' + trial = Trial(spec, info_space) + trial_data = trial.run() + return trial_data + + def close(self): + reload(search) # fixes ray consecutive run crashing due to bad cleanup + logger.info('Experiment done and closed.') + + def run(self): + self.trial_data_dict = self.search.run() + self.data = analysis.analyze_experiment(self) + self.close() + return self.data diff --git a/convlab/experiment/monitor.py b/convlab/experiment/monitor.py new file mode 100644 index 0000000..846a2ac --- /dev/null +++ b/convlab/experiment/monitor.py @@ -0,0 +1,494 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The monitor module with data_space +Monitors agents, environments, sessions, trials, experiments, evolutions, and handles all the data produced by the Lab components. +InfoSpace handles the unified hyperdimensional data for SLM Lab, used for analysis and experiment planning. Sources data from monitor. +Each dataframe resolves from the coarsest dimension to the finest, with data coordinates coor in the form: (evolution,experiment,trial,session,agent,env,body) +The resolution after session is the AEB space, hence it is a subspace. +AEB space is not necessarily tabular, and hence the data is NoSQL. + +The data_space is congruent to the coor, with proper resolution. +E.g. (evolution,experiment,trial,session) specifies the session_data of a session, ran over multiple episodes on the AEB space. + +Space ordering: +InfoSpace: the general space for complete information +AEBSpace: subspace of InfoSpace for a specific session +AgentSpace: space agent instances, subspace of AEBSpace +EnvSpace: space of env instances, subspace of AEBSpace +DataSpace: a data space storing an AEB data projected to a-axis, and its dual projected to e-axis. This is so that a-proj data like action_space from agent_space can be used by env_space, which requires e-proj data, and vice versa. + +Object reference (for agent to access env properties, vice versa): +Agents - AgentSpace - AEBSpace - EnvSpace - Envs +''' +from gym import spaces +from convlab.agent import AGENT_DATA_NAMES +from convlab.agent.algorithm import policy_util +from convlab.agent.net import net_util +from convlab.env import ENV_DATA_NAMES +from convlab.experiment import analysis +from convlab.lib import logger, util +from convlab.spec import spec_util +import numpy as np +import pandas as pd +import pydash as ps +import time +import torch + +# These correspond to the control unit classes, lower cased +COOR_AXES = [ + 'evolution', + 'experiment', + 'trial', + 'session', +] +COOR_AXES_ORDER = { + axis: idx for idx, axis in enumerate(COOR_AXES) +} +COOR_DIM = len(COOR_AXES) +logger = logger.get_logger(__name__) + + +def enable_aeb_space(session): + '''Enable aeb_space to session use Lab's data-monitor and analysis modules''' + session.aeb_space = AEBSpace(session.spec, session.info_space) + # make compatible with the generic multiagent setup + session.aeb_space.body_space = DataSpace('body', session.aeb_space) + body_v = np.full(session.aeb_space.aeb_shape, np.nan, dtype=object) + body_v[0, 0, 0] = session.agent.body + session.aeb_space.body_space.add(body_v) + session.agent.aeb_space = session.aeb_space + session.env.aeb_space = session.aeb_space + + +def get_action_type(action_space): + '''Method to get the action type to choose prob. dist. to sample actions from NN logits output''' + if isinstance(action_space, spaces.Box): + shape = action_space.shape + assert len(shape) == 1 + if shape[0] == 1: + return 'continuous' + else: + return 'multi_continuous' + elif isinstance(action_space, spaces.Discrete): + return 'discrete' + elif isinstance(action_space, spaces.MultiDiscrete): + return 'multi_discrete' + elif isinstance(action_space, spaces.MultiBinary): + return 'multi_binary' + else: + raise NotImplementedError + + +class Body: + ''' + Body of an agent inside an environment. This acts as the main variable storage and bridge between agent and environment to pair them up properly in the generalized multi-agent-env setting. + ''' + + def __init__(self, env, agent_spec, aeb=(0, 0, 0), aeb_space=None): + # essential reference variables + self.agent = None # set later + self.env = env + self.aeb = aeb + self.a, self.e, self.b = aeb + self.nanflat_a_idx, self.nanflat_e_idx = self.a, self.e + + # for action policy exploration, so be set in algo during init_algorithm_params() + self.explore_var = np.nan + + # body stats variables + self.loss = np.nan # training losses + # diagnostics variables/stats from action_policy prob. dist. + self.action_tensor = None + self.action_pd = None # for the latest action, to compute entropy and log prob + self.entropies = [] # action entropies for exploration + self.log_probs = [] # action log probs + # mean values for debugging + self.mean_entropy = np.nan + self.mean_log_prob = np.nan + self.mean_grad_norm = np.nan + + # stores running mean and std dev of states + self.state_mean = np.nan + self.state_std_dev_int = np.nan + self.state_std_dev = np.nan + self.state_n = 0 + + # store current and best reward_ma for model checkpointing and early termination if all the environments are solved + self.best_reward_ma = -np.inf + self.eval_reward_ma = np.nan + + # dataframes to track data for analysis.analyze_session + # track training data within run_episode + self.train_df = pd.DataFrame(columns=[ + 'epi', 'total_t', 't', 'wall_t', 'reward', 'loss', 'lr', + 'explore_var', 'entropy_coef', 'entropy', 'log_prob', 'grad_norm']) + # track eval data within run_eval_episode. the same as train_df except for reward + self.eval_df = self.train_df.copy() + + if aeb_space is None: # singleton mode + # the specific agent-env interface variables for a body + self.observation_space = self.env.observation_space + self.action_space = self.env.action_space + self.observable_dim = self.env.observable_dim + self.state_dim = self.observable_dim['state'] + self.action_dim = self.env.action_dim + self.is_discrete = self.env.is_discrete + else: + self.space_init(aeb_space) + + self.action_type = get_action_type(self.action_space) + self.action_pdtype = agent_spec[self.a]['algorithm'].get('action_pdtype') + if self.action_pdtype in (None, 'default'): + self.action_pdtype = policy_util.ACTION_PDS[self.action_type][0] + + def action_pd_update(self): + '''Calculate and update action entropy and log_prob using self.action_pd. Call this in agent.update()''' + if self.action_pd is None: # skip if None + return + # mean for single and multi-action + entropy = self.action_pd.entropy().mean(dim=0) + self.entropies.append(entropy) + log_prob = self.action_pd.log_prob(self.action_tensor).mean(dim=0) + self.log_probs.append(log_prob) + assert not torch.isnan(log_prob) + + def calc_df_row(self, env, total_reward): + '''Calculate a row for updating train_df or eval_df, given a total_reward.''' + row = pd.Series({ + # epi and total_t are always measured from training env + 'epi': self.env.clock.get('epi'), + 'total_t': self.env.clock.get('total_t'), + # t and reward are measured from a given env or eval_env + 't': env.clock.get('t'), + 'wall_t': env.clock.get_elapsed_wall_t(), + 'reward': total_reward, + 'loss': self.loss, + 'lr': self.get_mean_lr(), + 'explore_var': self.explore_var, + 'entropy_coef': self.entropy_coef if hasattr(self, 'entropy_coef') else np.nan, + 'entropy': self.mean_entropy, + 'log_prob': self.mean_log_prob, + 'grad_norm': self.mean_grad_norm, + }, dtype=np.float32) + assert all(col in self.train_df.columns for col in row.index), f'Mismatched row keys: {row.index} vs df columns {self.train_df.columns}' + return row + + def epi_reset(self): + ''' + Handles any body attribute reset at the start of an episode. + This method is called automatically at base memory.epi_reset(). + ''' + t = self.env.clock.t + assert t == 0, f'aeb: {self.aeb}, t: {t}' + if hasattr(self, 'aeb_space'): + self.space_fix_stats() + + def epi_update(self): + '''Update to append data at the end of an episode (when env.done is true)''' + assert self.env.done + row = self.calc_df_row(self.env, self.memory.total_reward) + # append efficiently to df + self.train_df.loc[len(self.train_df)] = row + + def eval_update(self, eval_env, total_reward): + '''Update to append data at eval checkpoint''' + row = self.calc_df_row(eval_env, total_reward) + # append efficiently to df + self.eval_df.loc[len(self.eval_df)] = row + # update current reward_ma + self.eval_reward_ma = self.eval_df[-analysis.MA_WINDOW:]['reward'].mean() + + def flush(self): + '''Update and flush gradient-related variables after training step similar.''' + # update + self.mean_entropy = torch.tensor(self.entropies).mean().item() + self.mean_log_prob = torch.tensor(self.log_probs).mean().item() + # net.grad_norms is only available in dev mode for efficiency + grad_norms = net_util.get_grad_norms(self.agent.algorithm) + self.mean_grad_norm = np.nan if ps.is_empty(grad_norms) else np.mean(grad_norms) + + # flush + self.action_tensor = None + self.action_pd = None + self.entropies = [] + self.log_probs = [] + + def __str__(self): + return 'body: ' + util.to_json(util.get_class_attr(self)) + + def get_mean_lr(self): + '''Gets the average current learning rate of the algorithm's nets.''' + if not hasattr(self.agent.algorithm, 'net_names'): + return np.nan + lrs = [] + for net_name in self.agent.algorithm.net_names: + # we are only interested in directly trainable network, so exclude target net + if net_name is 'target_net': + continue + net = getattr(self.agent.algorithm, net_name) + lrs.append(net.lr_scheduler.get_lr()) + return np.mean(lrs) + + def get_log_prefix(self): + '''Get the prefix for logging''' + spec = self.agent.spec + info_space = self.agent.info_space + clock = self.env.clock + prefix = f'{spec["name"]}_t{info_space.get("trial")}_s{info_space.get("session")}, aeb{self.aeb}' + return prefix + + def log_summary(self, body_df_kind='eval'): + '''Log the summary for this body when its environment is done''' + prefix = self.get_log_prefix() + df = self.eval_df if body_df_kind == 'eval' else self.train_df + last_row = df.iloc[-1] + row_str = ', '.join([f'{k}: {v:g}' for k, v in last_row.items()]) + reward_ma = df[-analysis.MA_WINDOW:]['reward'].mean() + reward_ma_str = f'last-{analysis.MA_WINDOW}-epi avg: {reward_ma:g}' + msg = f'{prefix} [{body_df_kind}_df] {row_str}, {reward_ma_str}' + logger.info(msg) + + def space_init(self, aeb_space): + '''Post init override for space body. Note that aeb is already correct from __init__''' + self.aeb_space = aeb_space + # to be reset properly later + self.nanflat_a_idx, self.nanflat_e_idx = None, None + + self.observation_space = self.env.observation_spaces[self.a] + self.action_space = self.env.action_spaces[self.a] + self.observable_dim = self.env._get_observable_dim(self.observation_space) + self.state_dim = self.observable_dim['state'] + self.action_dim = self.env._get_action_dim(self.action_space) + self.is_discrete = self.env._is_discrete(self.action_space) + + def space_fix_stats(self): + '''the space control loop will make agent append stat at done, so to offset for that, pop it at reset''' + for action_stat in [self.entropies, self.log_probs]: + if len(action_stat) > 0: + action_stat.pop() + + +class DataSpace: + ''' + AEB data space. Store all data from RL system in standard aeb-shaped tensors. + ''' + + def __init__(self, data_name, aeb_space): + self.data_name = data_name + self.aeb_space = aeb_space + self.aeb_shape = aeb_space.aeb_shape + + # data from env have shape (eab), need to swap + self.to_swap = self.data_name in ENV_DATA_NAMES + self.swap_aeb_shape = self.aeb_shape[1], self.aeb_shape[0], self.aeb_shape[2] + + self.data_shape = self.swap_aeb_shape if self.to_swap else self.aeb_shape + self.data_type = object if self.data_name in ['state', 'action'] else np.float32 + self.data = None # standard data in aeb_shape + self.swap_data = None + + def __str__(self): + if self.data is None: + return '' + s = '[' + for a, a_arr in enumerate(self.data): + s += f'\n a:{a} [' + for e, e_arr in enumerate(a_arr): + s += f'\n e:{e} [' + for b, val in enumerate(e_arr): + s += f'\n b:{b} {val}' + s += ']' + s += ']' + s += '\n]' + return s + + def __bool__(self): + return util.nonan_all(self.data) + + def init_data_v(self): + '''Method to init a data volume filled with np.nan''' + data_v = np.full(self.data_shape, np.nan, dtype=self.data_type) + return data_v + + def init_data_s(self, a=None, e=None): + '''Method to init a data surface (subset of data volume) filled with np.nan.''' + body_s = self.aeb_space.body_space.get(a=a, e=e) + data_s = np.full(body_s.shape, np.nan, dtype=self.data_type) + return data_s + + def add(self, data_v): + ''' + Take raw data from RL system and construct numpy object self.data. + If data is from env, auto-swap the data to aeb standard shape. + @param {[x: [y: [body_v]]} data_v As collected in RL sytem. + @returns {array} data Tensor in standard aeb shape. + ''' + new_data = np.array(data_v) # no type restriction, auto-infer + if self.to_swap: # data from env has shape eab + self.swap_data = new_data + self.data = new_data.swapaxes(0, 1) + else: + self.data = new_data + self.swap_data = new_data.swapaxes(0, 1) + return self.data + + def get(self, a=None, e=None): + ''' + Get the data projected on a or e axes for use by agent_space, env_space. + @param {int} a The index a of an agent in agent_space + @param {int} e The index e of an env in env_space + @returns {array} data_x Where x is a or e. + ''' + if e is None: + return self.data[a] + elif a is None: + return self.swap_data[e] + else: + return self.data[a][e] + + +class AEBSpace: + + def __init__(self, spec, info_space): + self.info_space = info_space + self.spec = spec + self.clock = None # the finest common refinement as space clock + self.agent_space = None + self.env_space = None + self.body_space = None + (self.aeb_list, self.aeb_shape, self.aeb_sig) = self.get_aeb_info(self.spec) + self.data_spaces = self.init_data_spaces() + + def get_aeb_info(cls, spec): + ''' + Get from spec the aeb_list, aeb_shape and aeb_sig, which are used to resolve agent_space and env_space. + @returns {list, (a,e,b), array([a, e, b])} aeb_list, aeb_shape, aeb_sig + ''' + aeb_list = spec_util.resolve_aeb(spec) + aeb_shape = util.get_aeb_shape(aeb_list) + aeb_sig = np.full(aeb_shape, np.nan) + for aeb in aeb_list: + aeb_sig.itemset(aeb, 1) + return aeb_list, aeb_shape, aeb_sig + + def init_data_spaces(self): + self.data_spaces = { + data_name: DataSpace(data_name, self) + for data_name in AGENT_DATA_NAMES + ENV_DATA_NAMES + } + return self.data_spaces + + def init_data_s(self, data_names, a=None, e=None): + '''Shortcut to init data_s_1, data_s_2, ...''' + return tuple(self.data_spaces[data_name].init_data_s(a=a, e=e) for data_name in data_names) + + def init_data_v(self, data_names): + '''Shortcut to init data_v_1, data_v_2, ...''' + return tuple(self.data_spaces[data_name].init_data_v() for data_name in data_names) + + def init_body_space(self): + '''Initialize the body_space (same class as data_space) used for AEB body resolution, and set reference in agents and envs''' + self.body_space = DataSpace('body', self) + body_v = np.full(self.aeb_shape, np.nan, dtype=object) + for (a, e, b), sig in np.ndenumerate(self.aeb_sig): + if sig == 1: + env = self.env_space.get(e) + body = Body(env, self.spec['agent'], aeb=(a, e, b), aeb_space=self) + body_v[(a, e, b)] = body + self.body_space.add(body_v) + # complete the backward reference to env_space + for env in self.env_space.envs: + body_e = self.body_space.get(e=env.e) + env.set_body_e(body_e) + self.clock = self.env_space.get_base_clock() + logger.info(util.self_desc(self)) + return self.body_space + + def add(self, data_name, data_v): + ''' + Add a data to a data space, e.g. data actions collected per body, per agent, from agent_space, with AEB shape projected on a-axis, added to action_space. + Could also be a shortcut to do batch add data_v_1, data_v_2, ... + @param {str|[str]} data_name + @param {[x: [yb_idx:[body_v]]} data_v, where x, y could be a, e interchangeably. + @returns {DataSpace} data_space (aeb is implied) + ''' + if ps.is_string(data_name): + data_space = self.data_spaces[data_name] + data_space.add(data_v) + return data_space + else: + return tuple(self.add(d_name, d_v) for d_name, d_v in zip(data_name, data_v)) + + def tick(self, unit=None): + '''Tick all the clocks in env_space, and tell if all envs are done''' + end_sessions = [] + for env in self.env_space.envs: + if env.done: + for body in env.nanflat_body_e: + body.log_summary(body_df_kind='train') + env.clock.tick(unit or ('epi' if env.done else 't')) + end_session = not (env.clock.get(env.max_tick_unit) < env.max_tick) + end_sessions.append(end_session) + return all(end_sessions) + + +class InfoSpace: + def __init__(self, last_coor=None): + ''' + Initialize the coor, the global point in info space that will advance according to experiment progress. + The coor starts with null first since the coor may not start at the origin. + ''' + self.coor = last_coor or {k: None for k in COOR_AXES} + self.covered_space = [] + # used to id experiment sharing the same spec name + self.experiment_ts = util.get_ts() + # ckpt gets appened to extend prepath using util.get_prepath for saving models, e.g. ckpt_str = ckpt-epi10-totalt1000 + # ckpt = 'eval' is special for eval mode, so data files will save with `ckpt-eval`; no models will be saved, but to load models with normal ckpt it will find them using eval_model_prepath + # e.g. 'epi24-totalt1000', 'eval', 'best' + self.ckpt = None + # e.g. 'data/dqn_cartpole_2018_12_19_085843/dqn_cartpole_t0_s0_ckpt-epi24-totalt1000' + self.eval_model_prepath = None + + def reset_lower_axes(cls, coor, axis): + '''Reset the axes lower than the given axis in coor''' + axis_idx = COOR_AXES_ORDER[axis] + for post_idx in range(axis_idx + 1, COOR_DIM): + post_axis = COOR_AXES[post_idx] + coor[post_axis] = None + return coor + + def tick(self, axis): + ''' + Advance the coor to the next point in axis (control unit class). + If the axis value has been reset, update to 0, else increment. For all axes lower than the specified axis, reset to None. + Note this will not skip coor in space, even though the covered space may not be rectangular. + @example + + info_space.tick('session') + session = Session(spec, info_space) + ''' + assert axis in self.coor + if axis == 'experiment': + self.experiment_ts = util.get_ts() + new_coor = self.coor.copy() + if new_coor[axis] is None: + new_coor[axis] = 0 + else: + new_coor[axis] += 1 + new_coor = self.reset_lower_axes(new_coor, axis) + self.covered_space.append(self.coor) + self.coor = new_coor + return self.coor + + def get(self, axis): + return self.coor[axis] + + def set(self, axis, val): + self.coor[axis] = val + return self.coor[axis] + + def get_random_seed(self): + '''Standard method to get random seed for a session''' + return int(1e5 * (self.get('trial') or 0) + 1e3 * (self.get('session') or 0) + time.time()) diff --git a/convlab/experiment/retro_analysis.py b/convlab/experiment/retro_analysis.py new file mode 100644 index 0000000..6f3286c --- /dev/null +++ b/convlab/experiment/retro_analysis.py @@ -0,0 +1,252 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The retro analysis module +Runs analysis after a lab run using existing data files +e.g. yarn retro_analyze data/reinforce_cartpole_2018_01_22_211751 +''' +from convlab.experiment import analysis +from convlab.lib import logger, util +from convlab.spec import spec_util +import numpy as np +import os +import pydash as ps +import regex as re + +logger = logger.get_logger(__name__) + + +def session_data_from_file(predir, trial_index, session_index, ckpt=None, prefix=''): + '''Build session.session_data from file''' + ckpt_str = '' if ckpt is None else f'_ckpt-{ckpt}' + for filename in os.listdir(predir): + if filename.endswith(f'_t{trial_index}_s{session_index}{ckpt_str}_{prefix}session_df.csv'): + filepath = f'{predir}/{filename}' + session_df = util.read(filepath, header=[0, 1, 2, 3], index_col=0) + session_data = util.session_df_to_data(session_df) + return session_data + + +def session_datas_from_file(predir, trial_spec, trial_index, ckpt=None): + '''Return a dict of {session_index: session_data} for a trial''' + session_datas = {} + for s in range(trial_spec['meta']['max_session']): + session_data = session_data_from_file(predir, trial_index, s, ckpt) + if session_data is not None: + session_datas[s] = session_data + return session_datas + + +def session_data_dict_from_file(predir, trial_index, ckpt=None): + '''Build trial.session_data_dict from file''' + ckpt_str = '' if ckpt is None else f'_ckpt-{ckpt}' + session_data_dict = {} + for filename in os.listdir(predir): + if f'_t{trial_index}_' in filename and filename.endswith(f'{ckpt_str}_session_fitness_df.csv'): + filepath = f'{predir}/{filename}' + fitness_df = util.read(filepath, header=[0, 1, 2, 3], index_col=0, dtype=np.float32) + util.fix_multi_index_dtype(fitness_df) + session_index = fitness_df.index[0] + session_data_dict[session_index] = fitness_df + return session_data_dict + + +def session_data_dict_for_dist(spec, info_space): + '''Method to retrieve session_datas (fitness df, so the same as session_data_dict above) when a trial with distributed sessions is done, to avoid messy multiprocessing data communication''' + prepath = util.get_prepath(spec, info_space) + predir, _, _, _, _, _ = util.prepath_split(prepath) + session_datas = session_data_dict_from_file(predir, info_space.get('trial'), ps.get(info_space, 'ckpt')) + session_datas = [session_datas[k] for k in sorted(session_datas.keys())] + return session_datas + + +def trial_data_dict_from_file(predir): + '''Build experiment.trial_data_dict from file''' + trial_data_dict = {} + for filename in os.listdir(predir): + if filename.endswith('_trial_data.json'): + filepath = f'{predir}/{filename}' + exp_trial_data = util.read(filepath) + trial_index = exp_trial_data.pop('trial_index') + trial_data_dict[trial_index] = exp_trial_data + return trial_data_dict + + +''' +Interface retro methods +''' + + +def analyze_eval_trial(spec, info_space, predir): + '''Create a trial and run analysis to get the trial graph and other trial data''' + from convlab.experiment.control import Trial + trial = Trial(spec, info_space) + trial.session_data_dict = session_data_dict_from_file(predir, trial.index, ps.get(info_space, 'ckpt')) + # don't zip for eval analysis, slow otherwise + analysis.analyze_trial(trial, zip=False) + + +def parallel_eval(spec, info_space, ckpt): + ''' + Calls a subprocess to run lab in eval mode with the constructed ckpt prepath, same as how one would manually run the bash cmd + @example + + python run_lab.py data/dqn_cartpole_2018_12_19_224811/dqn_cartpole_t0_spec.json dqn_cartpole eval@dqn_cartpole_t0_s1_ckpt-epi10-totalt1000 + ''' + prepath_t = util.get_prepath(spec, info_space, unit='trial') + prepath_s = util.get_prepath(spec, info_space, unit='session') + predir, _, prename, spec_name, _, _ = util.prepath_split(prepath_s) + cmd = f'python run_lab.py {prepath_t}_spec.json {spec_name} eval@{prename}_ckpt-{ckpt}' + logger.info(f'Running parallel eval for ckpt-{ckpt}') + return util.run_cmd(cmd) + + +def run_parallel_eval(session, agent, env): + '''Plugin to session to run parallel eval for train mode''' + if util.get_lab_mode() == 'train': + ckpt = f'epi{env.clock.epi}-totalt{env.clock.total_t}' + agent.save(ckpt=ckpt) + # set reference to eval process for handling + session.eval_proc = parallel_eval(session.spec, session.info_space, ckpt) + + +def try_wait_parallel_eval(session): + '''Plugin to wait for session's final parallel eval if any''' + if hasattr(session, 'eval_proc') and session.eval_proc is not None: # wait for final eval before closing + util.run_cmd_wait(session.eval_proc) + session_retro_eval(session) # rerun failed eval + + +def run_parallel_eval_from_prepath(prepath): + '''Used by retro_eval''' + spec, info_space = util.prepath_to_spec_info_space(prepath) + ckpt = util.find_ckpt(prepath) + return parallel_eval(spec, info_space, ckpt) + + +def run_wait_eval(prepath): + '''Used by retro_eval''' + eval_proc = run_parallel_eval_from_prepath(prepath) + util.run_cmd_wait(eval_proc) + + +def retro_analyze_sessions(predir): + '''Retro-analyze all session level datas.''' + logger.info('Retro-analyzing sessions from file') + from convlab.experiment.control import Session, SpaceSession + for filename in os.listdir(predir): + # to account for both types of session_df + if filename.endswith('_session_df.csv'): + body_df_kind = 'eval' # from body.eval_df + prefix = '' + is_session_df = True + elif filename.endswith('_trainsession_df.csv'): + body_df_kind = 'train' # from body.train_df + prefix = 'train' + is_session_df = True + else: + is_session_df = False + + if is_session_df: + prepath = f'{predir}/{filename}'.replace(f'_{prefix}session_df.csv', '') + spec, info_space = util.prepath_to_spec_info_space(prepath) + trial_index, session_index = util.prepath_to_idxs(prepath) + SessionClass = Session if spec_util.is_singleton(spec) else SpaceSession + session = SessionClass(spec, info_space) + session_data = session_data_from_file(predir, trial_index, session_index, ps.get(info_space, 'ckpt'), prefix) + analysis._analyze_session(session, session_data, body_df_kind) + + +def retro_analyze_trials(predir): + '''Retro-analyze all trial level datas.''' + logger.info('Retro-analyzing trials from file') + from convlab.experiment.control import Trial + filenames = ps.filter_(os.listdir(predir), lambda filename: filename.endswith('_trial_df.csv')) + for idx, filename in enumerate(filenames): + filepath = f'{predir}/{filename}' + prepath = filepath.replace('_trial_df.csv', '') + spec, info_space = util.prepath_to_spec_info_space(prepath) + trial_index, _ = util.prepath_to_idxs(prepath) + trial = Trial(spec, info_space) + trial.session_data_dict = session_data_dict_from_file(predir, trial_index, ps.get(info_space, 'ckpt')) + # zip only at the last + zip = (idx == len(filenames) - 1) + trial_fitness_df = analysis.analyze_trial(trial, zip) + + # write trial_data that was written from ray search + trial_data_filepath = filepath.replace('_trial_df.csv', '_trial_data.json') + if os.path.exists(trial_data_filepath): + fitness_vec = trial_fitness_df.iloc[0].to_dict() + fitness = analysis.calc_fitness(trial_fitness_df) + trial_data = util.read(trial_data_filepath) + trial_data.update({ + **fitness_vec, 'fitness': fitness, 'trial_index': trial_index, + }) + util.write(trial_data, trial_data_filepath) + + +def retro_analyze_experiment(predir): + '''Retro-analyze all experiment level datas.''' + logger.info('Retro-analyzing experiment from file') + from convlab.experiment.control import Experiment + _, _, _, spec_name, _, _ = util.prepath_split(predir) + prepath = f'{predir}/{spec_name}' + spec, info_space = util.prepath_to_spec_info_space(prepath) + if 'search' not in spec: + return + experiment = Experiment(spec, info_space) + experiment.trial_data_dict = trial_data_dict_from_file(predir) + if not ps.is_empty(experiment.trial_data_dict): + return analysis.analyze_experiment(experiment) + + +def retro_analyze(predir): + ''' + Method to analyze experiment from file after it ran. + Read from files, constructs lab units, run retro analyses on all lab units. + This method has no side-effects, i.e. doesn't overwrite data it should not. + @example + + yarn retro_analyze data/reinforce_cartpole_2018_01_22_211751 + ''' + os.environ['PREPATH'] = f'{predir}/retro_analyze' # to prevent overwriting log file + logger.info(f'Retro-analyzing {predir}') + retro_analyze_sessions(predir) + retro_analyze_trials(predir) + retro_analyze_experiment(predir) + + +def retro_eval(predir, session_index=None): + ''' + Method to run eval sessions by scanning a predir for ckpt files. Used to rerun failed eval sessions. + @example + + yarn retro_eval data/reinforce_cartpole_2018_01_22_211751 + ''' + logger.info(f'Retro-evaluate sessions from predir {predir}') + # collect all unique prepaths first + prepaths = [] + s_filter = '' if session_index is None else f'_s{session_index}_' + for filename in os.listdir(predir): + if filename.endswith('model.pth') and s_filter in filename: + res = re.search('.+epi(\d+)-totalt(\d+)', filename) + if res is not None: + prepath = f'{predir}/{res[0]}' + if prepath not in prepaths: + prepaths.append(prepath) + if ps.is_empty(prepaths): + return + + logger.info(f'Starting retro eval') + np.random.shuffle(prepaths) # so that CUDA_ID by trial/session index is spread out + rand_spec = util.prepath_to_spec(prepaths[0]) # get any prepath, read its max session + max_session = rand_spec['meta']['max_session'] + util.parallelize_fn(run_wait_eval, prepaths, num_cpus=max_session) + + +def session_retro_eval(session): + '''retro_eval but for session at the end to rerun failed evals''' + prepath = util.get_prepath(session.spec, session.info_space, unit='session') + predir, _, _, _, _, _ = util.prepath_split(prepath) + retro_eval(predir, session.index) diff --git a/convlab/experiment/search.py b/convlab/experiment/search.py new file mode 100644 index 0000000..5f741fe --- /dev/null +++ b/convlab/experiment/search.py @@ -0,0 +1,298 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from abc import ABC, abstractmethod +from copy import deepcopy +from deap import creator, base, tools, algorithms +from ray.tune import grid_search +from ray.tune.suggest import variant_generator +from convlab.experiment import analysis +from convlab.lib import logger, util +from convlab.lib.decorator import lab_api +import json +import numpy as np +import os +import pydash as ps +import random +import ray +import torch + +logger = logger.get_logger(__name__) + + +def register_ray_serializer(): + '''Helper to register so objects can be serialized in Ray''' + from convlab.experiment.control import Experiment + from convlab.experiment.monitor import InfoSpace + import pandas as pd + ray.register_custom_serializer(Experiment, use_pickle=True) + ray.register_custom_serializer(InfoSpace, use_pickle=True) + ray.register_custom_serializer(pd.DataFrame, use_pickle=True) + ray.register_custom_serializer(pd.Series, use_pickle=True) + + +def build_config_space(experiment): + ''' + Build ray config space from flattened spec.search + Specify a config space in spec using `"{key}__{space_type}": {v}`. + Where `{space_type}` is `grid_search` of `ray.tune`, or any function name of `np.random`: + - `grid_search`: str/int/float. v = list of choices + - `choice`: str/int/float. v = list of choices + - `randint`: int. v = [low, high) + - `uniform`: float. v = [low, high) + - `normal`: float. v = [mean, stdev) + + For example: + - `"explore_anneal_epi__randint": [10, 60],` will sample integers uniformly from 10 to 60 for `explore_anneal_epi`, + - `"lr__uniform": [0.001, 0.1]`, and it will sample `lr` using `np.random.uniform(0.001, 0.1)` + + If any key uses `grid_search`, it will be combined exhaustively in combination with other random sampling. + ''' + space_types = ('grid_search', 'choice', 'randint', 'uniform', 'normal') + config_space = {} + for k, v in util.flatten_dict(experiment.spec['search']).items(): + key, space_type = k.split('__') + assert space_type in space_types, f'Please specify your search variable as {key}__ in one of {space_types}' + if space_type == 'grid_search': + config_space[key] = grid_search(v) + elif space_type == 'choice': + config_space[key] = lambda spec, v=v: random.choice(v) + else: + np_fn = getattr(np.random, space_type) + config_space[key] = lambda spec, v=v: np_fn(*v) + return config_space + + +def calc_population_size(experiment): + '''Calculate the population size for RandomSearch or EvolutionarySearch''' + pop_size = 2 # x2 for more search coverage + for k, v in util.flatten_dict(experiment.spec['search']).items(): + if '__' in k: + key, space_type = k.split('__') + else: + key, space_type = k, 'grid_search' + if space_type in ('grid_search', 'choice'): + pop_size *= len(v) + else: + pop_size *= 3 + return pop_size + + +def spec_from_config(experiment, config): + '''Helper to create spec from config - variables in spec.''' + spec = deepcopy(experiment.spec) + spec.pop('search', None) + for k, v in config.items(): + ps.set_(spec, k, v) + return spec + + +def create_remote_fn(experiment): + ray_gpu = int(bool(ps.get(experiment.spec, 'agent.0.net.gpu') and torch.cuda.device_count())) + # TODO fractional ray_gpu is broken + + @ray.remote(num_gpus=ray_gpu) # hack around bad Ray design of hard-coding + def run_trial(experiment, config): + trial_index = config.pop('trial_index') + spec = spec_from_config(experiment, config) + info_space = deepcopy(experiment.info_space) + info_space.set('trial', trial_index) + trial_fitness_df = experiment.init_trial_and_run(spec, info_space) + fitness_vec = trial_fitness_df.iloc[0].to_dict() + fitness = analysis.calc_fitness(trial_fitness_df) + trial_data = {**config, **fitness_vec, 'fitness': fitness, 'trial_index': trial_index} + prepath = util.get_prepath(spec, info_space, unit='trial') + util.write(trial_data, f'{prepath}_trial_data.json') + return trial_data + return run_trial + + +def get_ray_results(pending_ids, ray_id_to_config): + '''Helper to wait and get ray results into a new trial_data_dict, or handle ray error''' + trial_data_dict = {} + for _t in range(len(pending_ids)): + ready_ids, pending_ids = ray.wait(pending_ids, num_returns=1) + ready_id = ready_ids[0] + try: + trial_data = ray.get(ready_id) + trial_index = trial_data.pop('trial_index') + trial_data_dict[trial_index] = trial_data + except: + logger.exception(f'Trial failed: {ray_id_to_config[ready_id]}') + return trial_data_dict + + +class RaySearch(ABC): + ''' + RaySearch module for Experiment - Ray API integration with Lab + Abstract class ancestor to all RaySearch (using Ray). + specifies the necessary design blueprint for agent to work in Lab. + Mostly, implement just the abstract methods and properties. + ''' + + def __init__(self, experiment): + self.experiment = experiment + self.config_space = build_config_space(experiment) + logger.info(f'Running {util.get_class_name(self)}, with meta spec:\n{self.experiment.spec["meta"]}') + + @abstractmethod + def generate_config(self): + ''' + Generate the next config given config_space, may update belief first. + Remember to update trial_index in config here, since run_trial() on ray.remote is not thread-safe. + ''' + # use self.config_space to build config + config['trial_index'] = self.experiment.info_space.tick('trial')['trial'] + raise NotImplementedError + return config + + @abstractmethod + @lab_api + def run(self): + ''' + Implement the main run_trial loop. + Remember to call ray init and cleanup before and after loop. + ''' + ray.init() + register_ray_serializer() + # loop for max_trial: generate_config(); run_trial.remote(config) + ray.shutdown() + raise NotImplementedError + return trial_data_dict + + +class RandomSearch(RaySearch): + + def generate_config(self): + configs = [] # to accommodate for grid_search + for resolved_vars, config in variant_generator._generate_variants(self.config_space): + config['trial_index'] = self.experiment.info_space.tick('trial')['trial'] + configs.append(config) + return configs + + @lab_api + def run(self): + run_trial = create_remote_fn(self.experiment) + meta_spec = self.experiment.spec['meta'] + ray.init(**meta_spec.get('resources', {})) + register_ray_serializer() + max_trial = meta_spec['max_trial'] + trial_data_dict = {} + ray_id_to_config = {} + pending_ids = [] + + for _t in range(max_trial): + configs = self.generate_config() + for config in configs: + ray_id = run_trial.remote(self.experiment, config) + ray_id_to_config[ray_id] = config + pending_ids.append(ray_id) + + trial_data_dict.update(get_ray_results(pending_ids, ray_id_to_config)) + ray.shutdown() + return trial_data_dict + + +class EvolutionarySearch(RaySearch): + + def generate_config(self): + for resolved_vars, config in variant_generator._generate_variants(self.config_space): + # trial_index is set at population level + return config + + def mutate(self, individual, indpb): + ''' + Deap implementation for dict individual (config), + mutate an attribute with some probability - resample using the generate_config method and ensuring the new value is different. + @param {dict} individual Individual to be mutated. + @param {float} indpb Independent probability for each attribute to be mutated. + @returns A tuple of one individual. + ''' + for k, v in individual.items(): + if random.random() < indpb: + while True: + new_ind = self.generate_config() + if new_ind[k] != v: + individual[k] = new_ind[k] + break + return individual, + + def cx_uniform(cls, ind1, ind2, indpb): + ''' + Deap implementation for dict individual (config), + do a uniform crossover that modify in place the two individuals. The attributes are swapped with probability indpd. + @param {dict} ind1 The first individual participating in the crossover. + @param {dict} ind2 The second individual participating in the crossover. + @param {float} indpb Independent probabily for each attribute to be exchanged. + @returns A tuple of two individuals. + ''' + for k in ind1: + if random.random() < indpb: + ind1[k], ind2[k] = ind2[k], ind1[k] + return ind1, ind2 + + def init_deap(self): + creator.create('FitnessMax', base.Fitness, weights=(1.0,)) + creator.create('Individual', dict, fitness=creator.FitnessMax) + toolbox = base.Toolbox() + toolbox.register('attr', self.generate_config) + toolbox.register('individual', tools.initIterate, + creator.Individual, toolbox.attr) + toolbox.register('population', tools.initRepeat, + list, toolbox.individual) + + toolbox.register('mate', self.cx_uniform, indpb=0.5) + toolbox.register('mutate', self.mutate, indpb=1 / + len(toolbox.individual())) + toolbox.register('select', tools.selTournament, tournsize=3) + return toolbox + + @lab_api + def run(self): + run_trial = create_remote_fn(self.experiment) + meta_spec = self.experiment.spec['meta'] + ray.init(**meta_spec.get('resources', {})) + register_ray_serializer() + max_generation = meta_spec['max_generation'] + pop_size = meta_spec['max_trial'] or calc_population_size(self.experiment) + logger.info(f'EvolutionarySearch max_generation: {max_generation}, population size: {pop_size}') + trial_data_dict = {} + config_hash = {} # config hash_str to trial_index + + toolbox = self.init_deap() + population = toolbox.population(n=pop_size) + for gen in range(1, max_generation + 1): + logger.info(f'Running generation: {gen}/{max_generation}') + ray_id_to_config = {} + pending_ids = [] + for individual in population: + config = dict(individual.items()) + hash_str = util.to_json(config, indent=0) + if hash_str not in config_hash: + trial_index = self.experiment.info_space.tick('trial')['trial'] + config_hash[hash_str] = config['trial_index'] = trial_index + ray_id = run_trial.remote(self.experiment, config) + ray_id_to_config[ray_id] = config + pending_ids.append(ray_id) + individual['trial_index'] = config_hash[hash_str] + + trial_data_dict.update(get_ray_results(pending_ids, ray_id_to_config)) + + for individual in population: + trial_index = individual.pop('trial_index') + trial_data = trial_data_dict.get(trial_index, {'fitness': 0}) # if trial errored + individual.fitness.values = trial_data['fitness'], + + preview = 'Fittest of population preview:' + for individual in tools.selBest(population, k=min(10, pop_size)): + preview += f'\nfitness: {individual.fitness.values[0]}, {individual}' + logger.info(preview) + + # prepare offspring for next generation + if gen < max_generation: + population = toolbox.select(population, len(population)) + # Vary the pool of individuals + population = algorithms.varAnd(population, toolbox, cxpb=0.5, mutpb=0.5) + + ray.shutdown() + return trial_data_dict diff --git a/convlab/human_eval/__init__.py b/convlab/human_eval/__init__.py new file mode 100644 index 0000000..0eca642 --- /dev/null +++ b/convlab/human_eval/__init__.py @@ -0,0 +1,2 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. \ No newline at end of file diff --git a/convlab/human_eval/analysis.py b/convlab/human_eval/analysis.py new file mode 100644 index 0000000..a709a0f --- /dev/null +++ b/convlab/human_eval/analysis.py @@ -0,0 +1,80 @@ +#!/usr/bin/env python3 + +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +import os +import json +import argparse +import numpy as np +from pprint import pprint + + +def main(): + """This task consists of an MTurk agent evaluating a chit-chat model. They + are asked to chat to the model adopting a specific persona. After their + conversation, they are asked to evaluate their partner on several metrics. + """ + parser = argparse.ArgumentParser(description='Analyze MEDkit experiment results') + parser.add_argument( + '-dp', '--datapath', default='./', + help='path to datasets, defaults to current directory') + + args = parser.parse_args() + + dirs = os.listdir(args.datapath) + + num_s_dials = 0 + num_f_dials = 0 + dial_lens = [] + usr_turn_lens = [] + sys_turn_lens = [] + u_scores = [] + a_scores = [] + num_domains = [] + num_s_per_level = {1: 0, 2: 0, 3: 0, 4: 0, 5: 0} + num_f_per_level = {1: 0, 2: 0, 3: 0, 4: 0, 5: 0} + for file in dirs: + if os.path.isfile(os.path.join(args.datapath, file)) and file.endswith('json'): + # print('open', os.path.join(args.datapath, file)) + with open(os.path.join(args.datapath, file)) as f: + print(file) + result = json.load(f) + # pprint(result) + level = len(result['goal']['domain_ordering']) + if level > 5: + level = 5 + num_domains.append(level) + if result['success']: + num_s_dials += 1 + num_s_per_level[level] += 1 + else: + num_f_dials += 1 + num_f_per_level[level] += 1 + dial_lens.append(len(result['dialog'])) + usr_lens = [] + sys_lens = [] + for i, turn in enumerate(result['dialog']): + if turn[0] == 0: + usr_turn_lens.append(len(turn[1].split())) + elif turn[0] == 1: + sys_turn_lens.append(len(turn[1].split())) + u_scores.append(result['understanding_score']) + a_scores.append(result['appropriateness_score']) + print('Total number of dialogs:', num_s_dials + num_f_dials) + print('Success rate:', num_s_dials/(num_s_dials + num_f_dials)) + for level in num_s_per_level: + s_rate = 0 if num_s_per_level[level] + num_f_per_level[level] == 0 else\ + num_s_per_level[level] / (num_s_per_level[level] + num_f_per_level[level]) + print('Level {} success rate: {}'.format(level, s_rate)) + print('Avg dialog length: {}(+-{})'.format(np.mean(dial_lens), np.std(dial_lens))) + print('Avg turn length: {}(+-{})'.format(np.mean(usr_turn_lens+sys_turn_lens), np.std(usr_turn_lens+sys_turn_lens))) + print('Avg user turn length: {}(+-{})'.format(np.mean(usr_turn_lens), np.std(usr_turn_lens))) + print('Avg system turn length: {}(+-{})'.format(np.mean(sys_turn_lens), np.std(sys_turn_lens))) + print('Avg number of domains: {}(+-{})'.format(np.mean(num_domains), np.std(num_domains))) + print('Avg understanding score: {}(+-{})'.format(np.mean(u_scores), np.std(u_scores))) + print('Avg appropriateness score: {}(+-{})'.format(np.mean(a_scores), np.std(a_scores))) + + +if __name__ == '__main__': + main() \ No newline at end of file diff --git a/convlab/human_eval/cambot_server.py b/convlab/human_eval/cambot_server.py new file mode 100644 index 0000000..6d1c895 --- /dev/null +++ b/convlab/human_eval/cambot_server.py @@ -0,0 +1,89 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +import os, time, pickle +from flask import Flask, request, jsonify +from queue import PriorityQueue +from threading import Thread + +import tensorflow as tf +from convlab.modules.dst.multiwoz.mdbt import MDBTTracker, init_state +from convlab.modules.word_policy.multiwoz.mdrg.predict import loadModel, predict +import convlab + +os.environ["CUDA_VISIBLE_DEVICES"] = '0' +_config = tf.ConfigProto() +_config.gpu_options.allow_growth = True +_config.allow_soft_placement = True +start_time = time.time() + +rgi_queue = PriorityQueue(maxsize=0) +rgo_queue = PriorityQueue(maxsize=0) + +app = Flask(__name__) + + +@app.route('/', methods=['GET', 'POST']) +def process(): + try: + in_request = request.json + except: + return "invalid input: {}".format(in_request) + rgi_queue.put(in_request) + rgi_queue.join() + output = rgo_queue.get() + rgo_queue.task_done() + return jsonify(output) + + +def generate_response(in_queue, out_queue): + # Response generator + response_model = loadModel(15) + + # state tracker + sess = tf.Session(config=_config) + mdbt = MDBTTracker() + saver = tf.train.Saver() + print('\tMDBT: model build time: {:.2f} seconds'.format(time.time() - start_time)) + mdbt.restore_model(sess, saver) + prefix = os.path.dirname(convlab.__file__) + dic = pickle.load(open(prefix + '/../data/nrg/mdrg/svdic.pkl', 'rb')) + + while True: + # pop input + in_request = in_queue.get() + history = in_request['history'] + prev_state = in_request['prev_state'] + prev_active_domain = in_request['prev_active_domain'] + if prev_state is None: + prev_state = init_state() + state = init_state() + state['history'] = history + try: + mdbt.state = state + state = mdbt.update(sess, "") + except Exception as e: + print('State update error', e) + prev_state = init_state() + prev_active_domain = None + state = init_state() + history = [['null', 'hello']] + state['history'] = history + try: + response, active_domain = predict(response_model, prev_state, prev_active_domain, state, dic) + except Exception as e: + print('Response generation error', e) + response = 'What did you say?' + active_domain = 'null' + # print(response) + out_queue.put({'response': response, 'active_domain': active_domain, 'state': state}) + in_queue.task_done() + out_queue.join() + + +if __name__ == '__main__': + worker = Thread(target=generate_response, args=(rgi_queue, rgo_queue,)) + worker.setDaemon(True) + worker.start() + + app.run(host='0.0.0.0', port=10002) diff --git a/convlab/human_eval/db/attraction-dbase.db b/convlab/human_eval/db/attraction-dbase.db new file mode 100644 index 0000000..e69de29 diff --git a/convlab/human_eval/db/attraction_db.json b/convlab/human_eval/db/attraction_db.json new file mode 100644 index 0000000..4f5fbc7 --- /dev/null +++ b/convlab/human_eval/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/human_eval/db/hospital-dbase.db b/convlab/human_eval/db/hospital-dbase.db new file mode 100644 index 0000000..e69de29 diff --git a/convlab/human_eval/db/hospital_db.json b/convlab/human_eval/db/hospital_db.json new file mode 100644 index 0000000..82fe62e --- /dev/null +++ b/convlab/human_eval/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/human_eval/db/hotel-dbase.db b/convlab/human_eval/db/hotel-dbase.db new file mode 100644 index 0000000..e69de29 diff --git a/convlab/human_eval/db/hotel_db.json b/convlab/human_eval/db/hotel_db.json new file mode 100644 index 0000000..09729f1 --- /dev/null +++ b/convlab/human_eval/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/human_eval/db/police_db.json b/convlab/human_eval/db/police_db.json new file mode 100644 index 0000000..dbe208f --- /dev/null +++ b/convlab/human_eval/db/police_db.json @@ -0,0 +1,8 @@ +[ + { + "name": "Parkside Police Station", + "address": "Parkside, Cambridge", + "id": 0, + "phone": "01223358966" + } +] diff --git a/convlab/human_eval/db/restaurant-dbase.db b/convlab/human_eval/db/restaurant-dbase.db new file mode 100644 index 0000000..e69de29 diff --git a/convlab/human_eval/db/restaurant_db.json b/convlab/human_eval/db/restaurant_db.json new file mode 100644 index 0000000..58ed562 --- /dev/null +++ b/convlab/human_eval/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/human_eval/db/taxi-dbase.db b/convlab/human_eval/db/taxi-dbase.db new file mode 100644 index 0000000..e69de29 diff --git a/convlab/human_eval/db/taxi_db.json b/convlab/human_eval/db/taxi_db.json new file mode 100644 index 0000000..03c6ade --- /dev/null +++ b/convlab/human_eval/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/human_eval/db/train-dbase.db b/convlab/human_eval/db/train-dbase.db new file mode 100644 index 0000000..e69de29 diff --git a/convlab/human_eval/db/train_db.json b/convlab/human_eval/db/train_db.json new file mode 100644 index 0000000..050d9f1 --- /dev/null +++ b/convlab/human_eval/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/human_eval/dqnbot_server.py b/convlab/human_eval/dqnbot_server.py new file mode 100644 index 0000000..62404ac --- /dev/null +++ b/convlab/human_eval/dqnbot_server.py @@ -0,0 +1,141 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +from pprint import pprint +import copy +from flask import Flask, request, jsonify +from queue import PriorityQueue +from threading import Thread + +from convlab.modules import DQN_Bot +from convlab.modules.nlg.multiwoz.multiwoz_template_nlg.multiwoz_template_nlg import MultiwozTemplateNLG +from convlab.modules.nlu.multiwoz.mlst.nlu import MlstNLU +from convlab.modules.dst.multiwoz.rule_dst import RuleDST +from convlab import slot_dict, act_dict, dqn_params + +dqn_params['epsilon'] = 0.0 +dqn_params['warm_start'] = 0 + +rgi_queue = PriorityQueue(maxsize=0) +rgo_queue = PriorityQueue(maxsize=0) + +app = Flask(__name__) + + +@app.route('/', methods=['GET', 'POST']) +def process(): + try: + in_request = request.json + print(in_request) + except: + return "invalid input: {}".format(in_request) + rgi_queue.put(in_request) + rgi_queue.join() + output = rgo_queue.get() + print(output['response']) + rgo_queue.task_done() + # return jsonify({'response': response}) + return jsonify(output) + + +def generate_response(in_queue, out_queue): + # for testing purpose. will load traiend model after config is ready + dqnbot = DQN_Bot(act_dict, slot_dict, slot_dict, dqn_params) # DQN Policy + nlu = MlstNLU() + tracker = RuleDST() + agent_nlg = MultiwozTemplateNLG(is_user=False) + + while True: + # pop input + in_request = in_queue.get() + state = in_request['state'] + user_input = in_request['input'] + + if not state == {}: + tracker.state = copy.deepcopy(state) + + useract = nlu.parse(user_input) + pprint(useract) + tracker.update(user_act=useract) + tracker.state['user_action'] = useract + state = copy.deepcopy(tracker.state) + + pprint(in_request) + try: + agent_diaact = dqnbot.predict(state) + + state['history'].append([agent_diaact, useract]) + except Exception as e: + print('State update error', e) + state = {} + + try: + agent_NL = agent_nlg.generate(agent_diaact) + response = agent_NL + if response == '': + response = 'Sorry I donot understand, can you paraphrase?' + except Exception as e: + print('Response generation error', e) + response = 'What did you say?' + + out_queue.put({'response': response, 'state': state}) + in_queue.task_done() + out_queue.join() + + +if __name__ == '__main__': + worker = Thread(target=generate_response, args=(rgi_queue, rgo_queue,)) + worker.setDaemon(True) + worker.start() + + app.run(host='0.0.0.0', port=10004) + + # user_input = "I would like to have a hotel in the place of west" + # rulebot = DQN_Bot(act_dict, slot_dict, slot_dict, dqn_params) # DQN Policy + # + # nlu = MlstNLU() + # tracker = Rule_DST() + # user_nlg = MultiwozTemplateNLG(is_user=False) + # useract = nlu.parse(user_input) + # tracker.state['user_action'] = useract + # pprint(useract) + # pprint('---------------------------------------------') + # state = tracker.update(user_act=useract) + # # # pprint(state) + # agent_diaact = rulebot.predict(state) + # pprint(agent_diaact) + # pprint('---------------------------------------------') + # agent_NL = user_nlg.generate(agent_diaact) + # pprint(agent_NL) + # pprint('---------------------------------------------') + # tracker.state['history'].append([agent_diaact, useract]) + # + # user_input = "west" + # useract = nlu.parse(user_input) + # tracker.state['user_action'] = useract + # pprint(useract) + # pprint('---------------------------------------------') + # state = tracker.update(user_act=useract) + # # pprint(state) + # agent_diaact = rulebot.predict(state) + # pprint(agent_diaact) + # pprint('---------------------------------------------') + # agent_NL = user_nlg.generate(agent_diaact) + # pprint(agent_NL) + # pprint('---------------------------------------------') + # tracker.state['history'].append([agent_diaact, useract]) + # + # user_input = "hi" + # useract = nlu.parse(user_input) + # tracker.state['user_action'] = useract + # pprint(useract) + # pprint('---------------------------------------------') + # state = tracker.update(user_act=useract) + # # pprint(state) + # agent_diaact = rulebot.predict(state) + # pprint(agent_diaact) + # pprint('---------------------------------------------') + # agent_NL = user_nlg.generate(agent_diaact) + # pprint(agent_NL) + # pprint('---------------------------------------------') + # tracker.state['history'].append([agent_diaact, useract]) diff --git a/convlab/human_eval/goal/goal_model.pkl b/convlab/human_eval/goal/goal_model.pkl new file mode 100644 index 0000000..ded27de Binary files /dev/null and b/convlab/human_eval/goal/goal_model.pkl differ diff --git a/convlab/human_eval/html/mturk_index.html b/convlab/human_eval/html/mturk_index.html new file mode 100644 index 0000000..377912f --- /dev/null +++ b/convlab/human_eval/html/mturk_index.html @@ -0,0 +1,129 @@ +{% extends "core.html" %} + +{% block left_pane %} +
+

Live Chat

+ + + Chat with the bot naturally and stick to your own goal but do not trivially copy the goal descriptions into the message. + +
+ + +
+{% endblock %} +{% block right_pane %} +
+
+
+
+ +
+ +
+ + + +
+
+{% endblock %} + +{% block additional_scripts %} + +{% endblock %} diff --git a/convlab/human_eval/rulebot_server.py b/convlab/human_eval/rulebot_server.py new file mode 100644 index 0000000..09c7fe3 --- /dev/null +++ b/convlab/human_eval/rulebot_server.py @@ -0,0 +1,140 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +from pprint import pprint +import copy +from flask import Flask, request, jsonify +from queue import PriorityQueue +from threading import Thread +from convlab import RuleBasedMultiwozBot +from convlab.modules.nlg.multiwoz.multiwoz_template_nlg.multiwoz_template_nlg import MultiwozTemplateNLG +from convlab.modules.nlu.multiwoz.mlst.nlu import MlstNLU +from convlab.modules.dst.multiwoz.rule_dst import RuleDST + +rgi_queue = PriorityQueue(maxsize=0) +rgo_queue = PriorityQueue(maxsize=0) + +app = Flask(__name__) + + +@app.route('/', methods=['GET', 'POST']) +def process(): + try: + in_request = request.json + print('start process') + print(in_request) + except: + return "invalid input: {}".format(in_request) + rgi_queue.put(in_request) + rgi_queue.join() + output = rgo_queue.get() + print(output['response']) + rgo_queue.task_done() + # return jsonify({'response': response}) + return jsonify(output) + + +def generate_response(in_queue, out_queue): + # Load Sequicity model + rulebot = RuleBasedMultiwozBot() + nlu = MlstNLU() + tracker = RuleDST() + agent_nlg = MultiwozTemplateNLG(is_user=False) + + while True: + # pop input + in_request = in_queue.get() + + state = in_request['state'] + recommend_flag = in_request['recommend_flag'] + user_input = in_request['input'] + rulebot.last_state = copy.deepcopy(state) + rulebot.recommend_flag = recommend_flag + + if not state == {}: + tracker.state = copy.deepcopy(state) + + useract = nlu.parse(user_input) + pprint(useract) + tracker.update(user_act=useract) + tracker.state['user_action'] = useract + state = copy.deepcopy(tracker.state) + + pprint(in_request) + try: + agent_diaact = rulebot.predict(state) + agent_NL = agent_nlg.generate(agent_diaact) + recommend_flag = rulebot.recommend_flag + state['history'].append([agent_diaact, useract]) + except Exception as e: + print('State update error', e) + state = {} + recommend_flag = -1 + # pprint(state) + + try: + response = agent_NL + if response == '': + response = 'Sorry I donot understand, can you paraphrase?' + except Exception as e: + print('Response generation error', e) + response = 'What did you say?' + # print(response) + out_queue.put({'response': response, 'state': copy.deepcopy(state), 'recommend_flag': recommend_flag}) + in_queue.task_done() + out_queue.join() + + +if __name__ == '__main__': + worker = Thread(target=generate_response, args=(rgi_queue, rgo_queue,)) + worker.setDaemon(True) + worker.start() + + app.run(host='0.0.0.0', port=10003) + + # import random + # random.seed(100) + # + # user_input = "I would like to have a hotel in the place of west" + # rulebot = RuleBasedMultiwozBot() + # nlu = MlstNLU() + # tracker = RuleDST() + # user_nlg = MultiwozTemplateNLG(is_user=False) + # useract = nlu.parse(user_input) + # tracker.state['user_action'] = useract + # pprint(useract) + # pprint('---------------------------------------------') + # state = tracker.update(user_act=useract) + # # pprint(state) + # agent_diaact = rulebot.predict(state) + # pprint('Agent action') + # pprint(agent_diaact) + # pprint('---------------------------------------------') + # agent_NL = user_nlg.generate(agent_diaact) + # pprint(agent_NL) + # pprint('---------------------------------------------') + # tracker.state['history'].append([agent_diaact, useract]) + # state = copy.deepcopy(tracker.state) + # + # rulebot = RuleBasedMultiwozBot() + # nlu = MlstNLU() + # tracker = RuleDST() + # tracker.state = copy.deepcopy(state) + # user_nlg = MultiwozTemplateNLG(is_user=False) + # rulebot.last_state = copy.deepcopy(state) + # + # user_input = "I would like to have an expensive hotel in the place of east" + # useract = nlu.parse(user_input) + # tracker.state['user_action'] = useract + # pprint(useract) + # pprint('---------------------------------------------') + # state = tracker.update(user_act=useract) + # # pprint(state) + # agent_diaact = rulebot.predict(state) + # pprint('Agent action') + # pprint(agent_diaact) + # pprint('---------------------------------------------') + # agent_NL = user_nlg.generate(agent_diaact) + # pprint(agent_NL) + # pprint('---------------------------------------------') + # tracker.state['history'].append([agent_diaact, useract]) diff --git a/convlab/human_eval/run.py b/convlab/human_eval/run.py new file mode 100644 index 0000000..74729e2 --- /dev/null +++ b/convlab/human_eval/run.py @@ -0,0 +1,118 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +import sys +from parlai.core.params import ParlaiParser +from parlai.mturk.core.mturk_manager import MTurkManager +from worlds import MultiWozEvalWorld +from task_config import task_config + +import os + +MASTER_QUALIF = { + 'QualificationTypeId': '2F1QJWKUDD8XADTFD2Q0G6UTO95ALH', + 'Comparator': 'Exists', + 'RequiredToPreview': True +} + +MASTER_QUALIF_SDBOX = { + 'QualificationTypeId': '2ARFPLSP75KLA8M8DH1HTEQVJT3SY6', + 'Comparator': 'Exists', + 'RequiredToPreview': True +} + +LOCALE_QUALIF_SDBOX = { + 'QualificationTypeId': '00000000000000000071', + "Comparator": "In", + 'LocaleValues': [{'Country': "HK"}, {'Country': "US"}, {'Country': "CN"}] +} + + +def main(): + """This task consists of an MTurk agent evaluating a chit-chat model. They + are asked to chat to the model adopting a specific persona. After their + conversation, they are asked to evaluate their partner on several metrics. + """ + argparser = ParlaiParser(False, add_model_args=True) + argparser.add_parlai_data_path() + argparser.add_mturk_args() + argparser.add_argument( + '-dp', '--datapath', default='./', + help='path to datasets, defaults to current directory') + + opt = argparser.parse_args() + + # add additional model args + opt['override'] = { + 'no_cuda': True, + 'interactive_mode': True, + 'tensorboard_log': False + } + + # Set the task name to be the folder name + opt['task'] = os.path.basename(os.path.dirname(os.path.abspath(__file__))) + # append the contents of task_config.py to the configuration + opt.update(task_config) + + mturk_agent_id = 'Tourist' + + mturk_manager = MTurkManager( + opt=opt, + mturk_agent_ids=[mturk_agent_id] + ) + + mturk_manager.setup_server() + + try: + mturk_manager.start_new_run() + mturk_manager.ready_to_accept_workers() + mturk_manager.create_hits([LOCALE_QUALIF_SDBOX]) + + mturk_manager.set_onboard_function(onboard_function=None) + + # mturk_manager.ready_to_accept_workers() + + def check_worker_eligibility(worker): + return True + + # def assign_worker_roles(workers): + # for index, worker in enumerate(workers): + # worker.id = mturk_agent_ids[index % len(mturk_agent_ids)] + + def assign_worker_roles(workers): + workers[0].id = mturk_agent_id + + def run_conversation(mturk_manager, opt, workers): + agents = workers[:] + # workers[0].assignment_generator = assignment_generator + + world = MultiWozEvalWorld( + opt=opt, + agent=workers[0] + ) + + while not world.episode_done(): + print("parley") + world.parley() + + print("save data") + world.save_data() + + print("world shutdown") + world.shutdown() + + mturk_manager.start_task( + eligibility_function=check_worker_eligibility, + assign_role_function=assign_worker_roles, + task_function=run_conversation + ) + + except BaseException: + raise + finally: + mturk_manager.expire_all_unassigned_hits() + mturk_manager.shutdown() + + +if __name__ == '__main__': + main() diff --git a/convlab/human_eval/sequicity_server.py b/convlab/human_eval/sequicity_server.py new file mode 100644 index 0000000..1ba4c93 --- /dev/null +++ b/convlab/human_eval/sequicity_server.py @@ -0,0 +1,63 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +from pprint import pprint +from flask import Flask, request, jsonify +from queue import PriorityQueue +from threading import Thread + +from convlab.modules.e2e.multiwoz.Sequicity.model import main as sequicity_load + +rgi_queue = PriorityQueue(maxsize=0) +rgo_queue = PriorityQueue(maxsize=0) + +app = Flask(__name__) + + +@app.route('/', methods=['GET', 'POST']) +def process(): + try: + in_request = request.json + print(in_request) + except: + return "invalid input: {}".format(in_request) + rgi_queue.put(in_request) + rgi_queue.join() + output = rgo_queue.get() + print(output['response']) + rgo_queue.task_done() + return jsonify(output) + + +def generate_response(in_queue, out_queue): + # Load Sequicity model + sequicity = sequicity_load('load', 'tsdf-multiwoz') + + while True: + # pop input + in_request = in_queue.get() + state = in_request['state'] + input = in_request['input'] + pprint(in_request) + try: + state = sequicity.predict(input, state) + except Exception as e: + print('State update error', e) + state = {} + pprint(state) + try: + response = state['sys'] + except Exception as e: + print('Response generation error', e) + response = 'What did you say?' + out_queue.put({'response': response, 'state': state}) + in_queue.task_done() + out_queue.join() + + +if __name__ == '__main__': + worker = Thread(target=generate_response, args=(rgi_queue, rgo_queue,)) + worker.setDaemon(True) + worker.start() + + app.run(host='0.0.0.0', port=10001) diff --git a/convlab/human_eval/task_config.py b/convlab/human_eval/task_config.py new file mode 100644 index 0000000..12f666e --- /dev/null +++ b/convlab/human_eval/task_config.py @@ -0,0 +1,70 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +task_config = {} + +"""A short and descriptive title about the kind of task the HIT contains. +On the Amazon Mechanical Turk web site, the HIT title appears in search results, +and everywhere the HIT is mentioned. +""" +task_config['hit_title'] = 'Chat and evaluate bot!' + +"""A description includes detailed information about the kind of task the HIT contains. +On the Amazon Mechanical Turk web site, the HIT description appears in the expanded +view of search results, and in the HIT and assignment screens. +""" +task_config['hit_description'] = 'You will chat to a tour information bot and then evaluate that bot.' + +"""One or more words or phrases that describe the HIT, separated by commas. +On MTurk website, these words are used in searches to find HITs. +""" +task_config['hit_keywords'] = 'chat,dialog' + +"""A detailed task description that will be shown on the HIT task preview page +and on the left side of the chat page. Supports HTML formatting. +""" +task_config['task_description'] = \ + """ + (You can keep accepting new HITs after you finish your current one, so keep working on it if you like the task!) +
+ In this task you will chat with an information desk clerk bot to plan your tour according to a given goal. +
+ For example, your given goal and expected conversation could be:

+ + + + +
Your goalExpected conversation
+
    +
  • You are looking for a place to stay. The hotel should be in the cheap price range and should be in the type of hotel
  • +
  • The hotel should include free parking and should include free wifi
  • +
  • Once you find the hotel, you want to book it for 6 people and 3 nights starting from tuesday
  • +
  • If the booking fails how about 2 nights
  • +
  • Make sure you get the reference number
  • +
+
+ You: I am looking for a place to to stay that has cheap price range it should be in a type of hotel
+ Info desk: Okay, do you have a specific area you want to stay in?
+ You: no, i just need to make sure it's cheap. oh, and i need parking
+ Info desk: I found 1 cheap hotel for you that includes parking. Do you like me to book it?
+ You: Yes, please. 6 people 3 nights starting on tuesday.
+ Info desk: I am sorry but I wasn't able to book that for you for Tuesday. Is there another day you would like to stay or perhaps a shorter stay?
+ You: how about only 2 nights.
+ Info desk: Booking was successful.\nReference number is : 7GAWK763. Anything else I can do for you?
+ You: No, that will be all. Good bye.
+ Info desk: Thank you for using our services.
+
+

+ Chat with the bot naturally and stick to your own goal but do not trivially copy the goal descriptions into the message. +
+ Once the conversation is done, you will be asked to rate the bot on metrics like goal accomplishment, language understanding, and response naturalness. +
+ There is a 2 min time limit for each turn. +
+
+ - Do not reference the task or MTurk itself during the conversation. +
+ - No racism, sexism or otherwise offensive comments, or the submission will be rejected and we will report to Amazon. +
+
+ """ diff --git a/convlab/human_eval/worlds.py b/convlab/human_eval/worlds.py new file mode 100644 index 0000000..3725d9c --- /dev/null +++ b/convlab/human_eval/worlds.py @@ -0,0 +1,658 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +from parlai.mturk.core.worlds import MTurkTaskWorld +from parlai.mturk.core.agents import TIMEOUT_MESSAGE +from parlai.core.worlds import validate +import numpy as np +import time +import os +import random +from copy import deepcopy +from pprint import pprint +import spacy +import json + +# from goal_generator import GoalGenerator +from convlab.modules.usr.multiwoz.goal_generator import GoalGenerator + +nlp = spacy.load('en_core_web_sm') + +# Instruction messages +ONBOARD_MSG = '\nWelcome! Below is your persona \ + (you can find it on the left side of the chat)\n \ + When you are ready to start your conversation, \ + click the "I am ready, continue" button below\n' +START_MSG = '\nNow speak to the clerk to plan your trip! \n\ + You can track your goal description on the left. \n\ + You need to cover all the items to end the chat.\n \ + Say one item or two each time.\n \ + Please try to speak naturally and do not trivially copy \ + the goal descriptions into the message.\n \ + Say "Success" when you have accomplished your goal or \ + "Fail" when it feels like impossible to accomplish your goal with the clerk.' +CHAT_NOT_DONE_MSG = 'Sorry, we need at least {} more turn(s) to finish. \ + Please send a new message:' +TRY_MORE_MSG = 'Sorry, we need you to try more turns to finish. \ + Please send a new message:' +NO_TEXT_MSG = 'Sorry, we received an empty message. \ + Please send a new message:' +TIMEOUT_MSG = ' The other person has timed out. \ + Please click the "Done with this HIT" button below to finish this HIT.\ + ' +EXCEED_MIN_TURNS_MSG = '\n {} chat turns finished! \n \ + You can click the "Done" button to end the chat if it\'s your turn \ + or keep chatting.' +UNEXPECTED_DISCONNECTION_MSG = 'The other worker unexpectedly diconnected. \n \ + Please click Done with this HIT\ + button below to finish this HIT.' +CHAT_ENDED_MSG = 'Thanks for your time! \n\ + Please click Done with this HIT\ + button below to finish this HIT.' +WAITING_MSG = 'Please wait while we match you with another worker...' +NAN_MSG = 'The score you entered must be in [1, 2, 3, 4, 5]. Please \ + try again:' +NAN_PERSONA_MSG = 'The score you entered must be in [1, 2]. Remember to \ + click the SEND button and not the DONE button. Please \ + try again:' +TOO_SHORT_MSG = 'Your message is too short, please make it more than \ + {} words.' +TOO_LONG_MSG = 'Your message is too long, please make it less than \ + {} words.' +COPIED_CHARACTER_MSG = 'We found that you trivially \ + copied character descriptions. Please rephrase your \ + message again.' + +# Evaluation messages +FAIL_REASON_MSG = 'Please give a reason for the failure in detail.' +UNDERSTANDING_MSG = 'Now please evaluate the bot\'s \ + language understanding \ + during this conversation by entering a score \ + from [1, 2, 3, 4, 5] below: (1 means "doesn\'t understand your utterance at all" \ + and 5 means "understand very well", e.g., You can enter 3 for an OK dialog) \ + NOTE: following this you will \ + be asked to give a reason for the score you choose.' +UNDERSTANDING_REASON_MSG = 'Please give a reason for the language understanding \ + score you gave above. Please try to give concrete examples.' +APPROPRIATENESS_MSG = 'Now please evaluate the \ + appropriateness of bot\'s response \ + during this conversation by entering a score \ + from [1, 2, 3, 4, 5] below: (1 means "not appropriate at all" and 5 \ + means "extremely appropriate", e.g., You can enter 3 for an OK dialog) \ + NOTE: following this you will \ + be asked to give a reason for the score you choose.' +APPROPRIATENESS_REASON_MSG = 'Please give a reason for the appropriateness \ + score you gave above. Please try to give concrete examples.' + +import requests + + +class CambridgeBot(object): + def __init__(self): + self.history = [['null']] + self.prev_state = None + self.prev_active_domain = None + + def observe(self, acts): + self.history[-1].append(acts['text']) + print(self.history) + + def act(self): + print(self.history) + resp = requests.post('http://localhost:10002', json={'history': self.history, + 'prev_state': self.prev_state, + 'prev_active_domain': self.prev_active_domain}) + if resp.status_code != 200: + raise Exception('POST /tasks/ {}'.format(resp.status_code)) + else: + response = resp.json()["response"] + if response == 'What did you say?': + self.history = [['null']] + self.prev_state = None + self.prev_active_domain = None + else: + self.history.append([response]) + self.prev_state = resp.json()['state'] + self.prev_active_domain = resp.json()['active_domain'] + print('Response: {}'.format(response)) + print(self.history) + return {'text': response} + + +class SequicityBot(object): + def __init__(self): + self.state = {} + self.input = '' + + def observe(self, acts): + self.input = acts['text'] + print(self.input) + + def act(self): + resp = requests.post('http://localhost:10001', json={'input': self.input, + 'state': self.state}) + if resp.status_code != 200: + raise Exception('POST /tasks/ {}'.format(resp.status_code)) + else: + response = resp.json()["response"] + if response == 'What did you say?': + self.state = {} + else: + self.state = resp.json()['state'] + print('Response: {}'.format(response)) + return {'text': response} + + +class RuleBot(object): + def __init__(self): + self.state = {} + self.input = '' + self.rule_bot_recommend_flag = -1 + + def observe(self, acts): + self.input = acts['text'] + print(self.input) + + def act(self): + resp = requests.post('http://localhost:10003', json={'input': self.input, + 'state': self.state, + 'recommend_flag':self.rule_bot_recommend_flag}) + if resp.status_code != 200: + raise Exception('POST /tasks/ {}'.format(resp.status_code)) + else: + response = resp.json()["response"] + if response == 'What did you say?': + self.state = {} + else: + self.state = resp.json()['state'] + self.rule_bot_recommend_flag = resp.json()["recommend_flag"] + print('Response: {}'.format(response)) + return {'text': response} + + +class DQNBot(object): + def __init__(self): + self.state = {} + self.input = '' + + def observe(self, acts): + self.input = acts['text'] + print(self.input) + + def act(self): + resp = requests.post('http://localhost:10004', json={'input': self.input, + 'state': self.state}) + if resp.status_code != 200: + raise Exception('POST /tasks/ {}'.format(resp.status_code)) + else: + response = resp.json()["response"] + if response == 'What did you say?': + self.state = {} + else: + self.state = resp.json()['state'] + print('Response: {}'.format(response)) + return {'text': response} + + +class MultiWozEvalWorld(MTurkTaskWorld): + def __init__(self, opt, agent, + num_extra_trial=2, + max_turn=50, + max_resp_time=120, + model_agent_opt=None, + world_tag='', + agent_timeout_shutdown=120): + self.opt = opt + self.agent = agent + self.turn_idx = 1 + self.hit_id = None + self.max_turn = max_turn + self.num_extra_trial = num_extra_trial + self.dialog = [] + self.task_type = 'sandbox' if opt['is_sandbox'] else 'live' + self.eval_done = False + self.chat_done = False + self.success = False + self.success_attempts = [] + self.fail_attempts = [] + self.fail_reason = None + self.understanding_score = -1 + self.understanding_reason = None + self.appropriateness_score = -1 + self.appropriateness_reason = None + self.world_tag = world_tag + self.ratings = ['1', '2', '3', '4', '5'] + super().__init__(opt, agent) + + # set up model agent + self.model_agents = { + # "cambridge": CambridgeBot(), + # "sequicity": SequicityBot(), + "RuleBot": RuleBot(), + # "DQNBot": DQNBot() + } + # self.model_agent = RuleBot() + # self.model_agent = DQNBot() + self.model_name = random.choice(list(self.model_agents.keys())) + self.model_agent = self.model_agents[self.model_name] + print("Bot is loaded") + + # below are timeout protocols + self.max_resp_time = max_resp_time # in secs + self.agent_timeout_shutdown = agent_timeout_shutdown + + # set up personas + self.goal = None + goal_generator = GoalGenerator(boldify=True) + num_goal_trials = 0 + while num_goal_trials < 100 and self.goal == None: + try: + self.goal = goal_generator.get_user_goal() + except Exception as e: + print(e) + num_goal_trials += 1 + self.goal_message = goal_generator.build_message(self.goal) + self.goal_text = '' + print(self.goal_text) + + self.state = deepcopy(self.goal) + + def _track_state(self, inp): + def appear(words, sent): + for word in words: + if word in sent: + return True + return False + + doc = nlp(inp) + inp = ' '.join([token.text for token in doc]) + inp = inp.strip().lower() + print('input: ', inp) + for domain in self.goal: + if domain == 'domain_ordering': + continue + if 'info' in self.goal[domain]: + for slot in self.goal[domain]['info']: + if slot == 'parking' and slot in inp and slot in self.state[domain]['info']: + print("check out info ", slot) + del self.state[domain]['info'][slot] + elif slot == 'internet' and (slot in inp or 'wifi' in inp) and slot in self.state[domain]['info']: + print("check out info ", slot) + del self.state[domain]['info'][slot] + elif self.goal[domain]['info'][slot].lower() in inp and slot in self.state[domain]['info']: + print("check out info ", self.state[domain]['info'][slot]) + del self.state[domain]['info'][slot] + if 'reqt' in self.goal[domain]: + for slot in self.goal[domain]['reqt']: + if slot.lower() in inp and slot in self.state[domain]['reqt']: + print("check out reqt ", slot) + self.state[domain]['reqt'].remove(slot) + elif slot.lower() == 'internet' and 'wifi' in inp and slot in self.state[domain]['reqt']: + print("check out reqt ", slot) + self.state[domain]['reqt'].remove(slot) + elif slot.lower() == 'trainid' and 'id' in inp and slot in self.state[domain]['reqt']: + print("check out reqt ", slot) + self.state[domain]['reqt'].remove(slot) + elif slot.lower() == 'pricerange' and 'price' in inp and slot in self.state[domain]['reqt']: + print("check out reqt ", slot) + self.state[domain]['reqt'].remove(slot) + elif slot.lower() == 'arriveBy' and appear(['arrive', 'get', 'when'], inp) and slot in \ + self.state[domain]['reqt']: + print("check out reqt ", slot) + self.state[domain]['reqt'].remove(slot) + elif slot.lower() == 'leaveAt' and appear(['leave', 'depart', 'when'], inp) and slot in \ + self.state[domain]['reqt']: + print("check out reqt ", slot) + self.state[domain]['reqt'].remove(slot) + elif slot.lower() == 'duration' and appear(['long', 'time', 'duration'], inp) and slot in \ + self.state[domain]['reqt']: + print("check out reqt ", slot) + self.state[domain]['reqt'].remove(slot) + if 'book' in self.goal[domain]: + for slot in self.goal[domain]['book']: + if self.goal[domain]['book'][slot].lower() in inp and slot in self.state[domain]['book']: + print("check out book ", self.state[domain]['book'][slot]) + del self.state[domain]['book'][slot] + + def _get_num_items(self): + num_items = 0 + goal = self.state + for domain in goal: + if domain == 'domain_ordering': + continue + if 'info' in goal[domain]: + num_items += len(goal[domain]['info']) + if 'reqt' in goal[domain]: + num_items += len(goal[domain]['reqt']) + if 'book' in goal[domain]: + num_items += len(goal[domain]['book']) + pprint(goal) + print("Num of remaining items:", num_items) + return num_items + + def parley(self): + + control_msg = {'episode_done': False} + control_msg['id'] = 'SYSTEM' + + print(self.world_tag + ' is at turn {}...'.format(self.turn_idx)) + + """If at first turn, we need to give the turker a brief instruction""" + if self.turn_idx == 1: + control_msg['goal_text'] = self.goal_text + control_msg['text'] = self.get_instruction( + tag='start', agent_id=self.agent.id + ) + self.agent.observe(validate(control_msg)) + time.sleep(3) + + """Otherwise, we proceed accordingly""" + acts = [] + # MTurk evaluating agent turn + idx = 0 + agent = self.agent + + acts.append(agent.act(timeout=self.max_resp_time)) + + if acts[idx] is None: + raise Exception("None from turker") + + # MTurk agent said something + if acts[idx]['text'].strip() != '': + self.check_disconnects(acts[idx]) + + """If turker said success and covered all items, end the chat""" + if acts[idx]['text'].strip().lower() == 'success': + self.success_attempts.append(self.turn_idx) + if self._get_num_items() < self.num_extra_trial: # or self.turn_idx >= len(self.goal_message) - self.num_extra_trial: + self.success = True + self.chat_done = True + else: + control_msg['text'] = TRY_MORE_MSG + agent.observe(validate(control_msg)) + return + + """If turker said fail and tried hard, end the chat""" + if acts[idx]['text'].strip().lower() == 'fail': + self.fail_attempts.append(self.turn_idx) + if self.turn_idx >= len(self.goal_message) + self.num_extra_trial: + self.success = False + self.chat_done = True + else: + control_msg['text'] = TRY_MORE_MSG + agent.observe(validate(control_msg)) + return + + if self.chat_done: + """evaluation""" + # Fail reason + if acts[idx]['text'].strip().lower() == 'fail': + control_msg['text'] = FAIL_REASON_MSG + agent.observe(validate(control_msg)) + acts[idx] = agent.act(timeout=self.max_resp_time) + while acts[idx]['text'] == '': + control_msg['text'] = 'Please try again.' + agent.observe(validate(control_msg)) + acts[idx] = agent.act(timeout=self.max_resp_time) + if 'text' in acts[idx] and \ + acts[idx]['text'] != '': + self.fail_reason = acts[idx]['text'] + + # Language Understanding Check + control_msg['text'] = UNDERSTANDING_MSG + agent.observe(validate(control_msg)) + acts[idx] = agent.act(timeout=self.max_resp_time) + while acts[idx]['text'] not in self.ratings: + control_msg['text'] = NAN_MSG + agent.observe(validate(control_msg)) + acts[idx] = agent.act(timeout=self.max_resp_time) + if 'text' in acts[idx] and \ + acts[idx]['text'] in self.ratings: + self.understanding_score = int(acts[idx]['text']) + + # Language Understanding reason + control_msg['text'] = UNDERSTANDING_REASON_MSG + agent.observe(validate(control_msg)) + acts[idx] = agent.act(timeout=self.max_resp_time) + while acts[idx]['text'] == '': + control_msg['text'] = 'Please try again.' + agent.observe(validate(control_msg)) + acts[idx] = agent.act(timeout=self.max_resp_time) + if 'text' in acts[idx] and \ + acts[idx]['text'] != '': + self.understanding_reason = acts[idx]['text'] + + # Response Appropriateness Check + control_msg['text'] = APPROPRIATENESS_MSG + agent.observe(validate(control_msg)) + acts[idx] = agent.act(timeout=self.max_resp_time) + while acts[idx]['text'] not in self.ratings: + control_msg['text'] = NAN_MSG + agent.observe(validate(control_msg)) + acts[idx] = agent.act(timeout=self.max_resp_time) + if 'text' in acts[idx] and \ + acts[idx]['text'] in self.ratings: + self.appropriateness_score = int(acts[idx]['text']) + + # Response Appropriateness reason + control_msg['text'] = APPROPRIATENESS_REASON_MSG + agent.observe(validate(control_msg)) + acts[idx] = agent.act(timeout=self.max_resp_time) + while acts[idx]['text'] == '': + control_msg['text'] = 'Please try again.' + agent.observe(validate(control_msg)) + acts[idx] = agent.act(timeout=self.max_resp_time) + if 'text' in acts[idx] and \ + acts[idx]['text'] != '': + self.appropriateness_reason = acts[idx]['text'] + + self.eval_done = True + + if self.eval_done: + control_msg['text'] = CHAT_ENDED_MSG + agent.observe(validate(control_msg)) + return + + self._track_state(acts[idx]['text']) + + self.dialog.append((idx, acts[idx]['text'])) + self.turn_idx += 1 + + self.model_agent.observe(acts[idx]) + + # Model_agent turn + idx = 1 + act = self.model_agent.act() + # # echo + # act = {'text': acts[0]['text']} + + # NOTE: model agent may or may not need to observe itself here, + # depending on how your model handles this, uncomment for that + # self.model_agent.observe(act) + + acts.append({'text': act['text']}) + + # for (sb_0, sb_1) in [ + # (' .', '.'), + # (' ,', ','), + # (' ?', '?'), + # (' !', '!'), + # ('i ', 'I ') + # ]: + # acts[idx]['text'] = acts[idx]['text'].replace(sb_0, sb_1) + # acts[idx]['text'].capitalize() + acts[idx]['id'] = 'Clerk' + acts[idx]['message_id'] = acts[0]['message_id'][:-1] + '0' if \ + acts[0]['message_id'][-1] != '0' else \ + acts[0]['message_id'][:-1] + '1' + + self.dialog.append((idx, acts[idx]['text'])) + # time.sleep(len(acts[idx]['text'].split(' ')) * 0.5) + agent.observe(acts[idx]) + else: + """If the message is None, ask turker to speak again""" + control_msg['text'] = NO_TEXT_MSG + agent.observe(validate(control_msg)) + return + + def episode_done(self): + return self.eval_done + + def get_instruction(self, agent_id=None, tag='first'): + if tag == 'start': + return START_MSG + + if tag == 'try_more': + return TRY_MORE_MSG + + if tag == 'timeout': + return TIMEOUT_MESSAGE + + if tag == 'exceed_min_turns': + return EXCEED_MIN_TURNS_MSG.format(self.n_turn) + + def save_data(self): + convo_finished = True + bad_workers = [] + if (self.agent.hit_is_abandoned or self.agent.hit_is_returned or + self.agent.disconnected or self.agent.hit_is_expired): + bad_workers.append(self.agent.worker_id) + convo_finished = False + if (not convo_finished or self.dialog == [] or + self.understanding_score == -1 or + self.appropriateness_score == -1): + self.agent.not_approve = True + convo_finished = False + + data_path = self.opt['datapath'] + if not os.path.exists(data_path): + os.makedirs(data_path) + if convo_finished: + filename = os.path.join( + data_path, '{}_{}_{}_{}_withreasons.json'.format( + self.model_name, + time.strftime("%Y%m%d-%H%M%S"), + np.random.randint(0, 1000), + self.task_type + ) + ) + else: + filename = os.path.join( + data_path, + '{}_{}_{}_{}_incomplete_withreasons.json'.format( + self.model_name, + time.strftime("%Y%m%d-%H%M%S"), + np.random.randint(0, 1000), + self.task_type + ) + ) + result = {'goal': self.goal, + 'goal_text': self.goal_text, + 'dialog': self.dialog, + 'workers': self.agent.worker_id, + 'hit_id': self.agent.hit_id, + 'assignment_id': self.agent.assignment_id, + 'bad_workers': bad_workers, + 'success': self.success, + 'success_attempts': self.success_attempts, + 'fail_attempts': self.fail_attempts, + 'fail_reason': self.fail_reason, + 'understanding_score': self.understanding_score, + 'understanding_reason': self.understanding_reason, + 'appropriateness_score': self.appropriateness_score, + 'appropriateness_reason': self.appropriateness_reason, + 'model': self.model_name} + pprint(result) + with open(filename, 'w') as f: + json.dump(result, f, indent=2) + print( + self.world_tag, + ': Data successfully saved at {}.'.format(os.path.abspath(filename)) + ) + # check = json.load(open(filename, 'r')) + # pprint(check) + + def is_exact_match(self, act, ag, tolerance=0): + if act['episode_done']: + return False + + control_msg = {'episode_done': False} + control_msg['id'] = 'SYSTEM' + + text = act['text'] + if text not in ['', ' ', ' ', ' ']: + n_word_match = 0 + for per in self.agentpersona_data: + per_parse = per.split(' ') + regular_words = ['', ' ', 'I', 'I\'m', 'My', 'i'] + for r_w in regular_words: + if r_w in per_parse: + per_parse.remove(r_w) + per_subseq = [' '.join(per_parse[i:i + len(per_parse) - + tolerance]) for i in range(tolerance + 1)] + for pp in per_subseq: + if pp in ['', ' ', ' ', ' ']: + per_subseq.remove(pp) + n_word_match += sum([(paa in text) for paa in per_subseq]) + if n_word_match > 0: + control_msg['text'] = COPIED_CHARACTER_MSG + self.agentobserve(validate(control_msg)) + return True + else: + return False + + def is_msg_tooshortlong(self, act, ag, th_min=3, th_max=20): + if act['episode_done']: + return False + + control_msg = {'episode_done': False} + control_msg['id'] = 'SYSTEM' + + msg_len = len(act['text'].split(' ')) + if msg_len < th_min: + control_msg['text'] = TOO_SHORT_MSG.format(th_min) + self.agentobserve(validate(control_msg)) + return True + if msg_len > th_max: + control_msg['text'] = TOO_LONG_MSG.format(th_max) + self.agentobserve(validate(control_msg)) + return True + return False + + def reset_random(self): + self.n_turn = np.random.randint( + self.range_turn[0], + self.range_turn[1] + ) + 1 + + def check_disconnects(self, act): + if ( + act['text'] == '[TIMEOUT]' or + act['text'] == '[RETURNED]' or + act['text'] == '[DISCONNECT]' + ): + control_msg = {'episode_done': True} + control_msg['id'] = 'SYSTEM' + control_msg['text'] = self.get_instruction( + agent_id=act['id'], + tag='timeout' + ) + self.chat_done = True + return True + else: + return False + + def shutdown(self): + self.agent.shutdown() + # global shutdown_agent + + # def shutdown_agent(mturk_agent): + # mturk_agent.shutdown() + + # Parallel( + # n_jobs=len(self.agents), + # backend='threading' + # )(delayed(shutdown_agent)(agent) for agent in self.agents) diff --git a/convlab/lib/__init__.py b/convlab/lib/__init__.py new file mode 100644 index 0000000..1f3c799 --- /dev/null +++ b/convlab/lib/__init__.py @@ -0,0 +1,7 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The generic lib module +Contains generic library methods for the Lab +''' diff --git a/convlab/lib/decorator.py b/convlab/lib/decorator.py new file mode 100644 index 0000000..83dfc2e --- /dev/null +++ b/convlab/lib/decorator.py @@ -0,0 +1,46 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from functools import wraps +from convlab.lib import logger +import time + +logger = logger.get_logger(__name__) + + +def lab_api(fn): + ''' + Function decorator to label and check Lab API methods + @example + + from convlab.lib.decorator import lab_api + @lab_api + def foo(): + print('foo') + ''' + return fn + + +def timeit(fn): + ''' + Function decorator to measure execution time + @example + + from convlab.lib.decorator import timeit + @timeit + def foo(sec): + time.sleep(sec) + print('foo') + + foo(1) + # => foo + # => Timed: foo 1000.9971ms + ''' + @wraps(fn) + def time_fn(*args, **kwargs): + start = time.time() + output = fn(*args, **kwargs) + end = time.time() + logger.debug3(f'Timed: {fn.__name__} {round((end - start) * 1000, 4)}ms') + return output + return time_fn diff --git a/convlab/lib/logger.py b/convlab/lib/logger.py new file mode 100644 index 0000000..43d58ec --- /dev/null +++ b/convlab/lib/logger.py @@ -0,0 +1,149 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.lib import util +import colorlog +import logging +import os +import pandas as pd +import sys +import warnings + + +class FixedList(list): + '''fixed-list to restrict addition to root logger handler''' + + def append(self, e): + pass + + +# extra debugging level deeper than the default debug +NEW_LVLS = {'DEBUG2': 9, 'DEBUG3': 8, 'NL': 17, 'ACT': 14, 'STATE': 13} +for name, val in NEW_LVLS.items(): + logging.addLevelName(val, name) + setattr(logging, name, val) +LOG_FORMAT = '[%(asctime)s %(levelname)s %(filename)s %(funcName)s] %(message)s' +color_formatter = colorlog.ColoredFormatter('%(log_color)s[%(asctime)s %(levelname)s %(filename)s %(funcName)s]%(reset)s %(message)s', +log_colors={ + 'DEBUG': 'cyan', + 'NL': 'cyan', + 'ACT': 'cyan', + 'STATE': 'cyan', + 'INFO': 'green', + 'WARNING': 'yellow', + 'ERROR': 'red', + 'CRITICAL': 'red,bg_white'}) +sh = logging.StreamHandler(sys.stdout) +sh.setFormatter(color_formatter) +convlab_logger = logging.getLogger() +convlab_logger.handlers = FixedList([sh]) + +# this will trigger from Experiment init on reload(logger) +if os.environ.get('PREPATH') is not None: + warnings.filterwarnings('ignore', category=pd.io.pytables.PerformanceWarning) + + log_filepath = os.environ['PREPATH'] + '.log' + os.makedirs(os.path.dirname(log_filepath), exist_ok=True) + # create file handler + formatter = logging.Formatter(LOG_FORMAT) + fh = logging.FileHandler(log_filepath) + fh.setFormatter(formatter) + # add stream and file handler + convlab_logger.handlers = FixedList([sh, fh]) + +if os.environ.get('LOG_LEVEL'): + convlab_logger.setLevel(os.environ['LOG_LEVEL']) +else: + convlab_logger.setLevel('INFO') + + +def to_init(spec, info_space): + ''' + Whether the lab's logger had been initialized: + - prepath present in env + - importlib.reload(logger) had been called + ''' + return os.environ.get('PREPATH') is None + + +def set_level(lvl): + convlab_logger.setLevel(lvl) + os.environ['LOG_LEVEL'] = lvl + + +def critical(msg, *args, **kwargs): + return convlab_logger.critical(msg, *args, **kwargs) + + +def debug(msg, *args, **kwargs): + return convlab_logger.debug(msg, *args, **kwargs) + + +def debug2(msg, *args, **kwargs): + return convlab_logger.log(NEW_LVLS['DEBUG2'], msg, *args, **kwargs) + + +def debug3(msg, *args, **kwargs): + return convlab_logger.log(NEW_LVLS['DEBUG3'], msg, *args, **kwargs) + +def nl(msg, *args, **kwargs): + return convlab_logger.log(NEW_LVLS['NL'], msg, *args, **kwargs) + +def act(msg, *args, **kwargs): + return convlab_logger.log(NEW_LVLS['ACT'], msg, *args, **kwargs) + +def state(msg, *args, **kwargs): + return convlab_logger.log(NEW_LVLS['STATE'], msg, *args, **kwargs) + +def error(msg, *args, **kwargs): + return convlab_logger.error(msg, *args, **kwargs) + + +def exception(msg, *args, **kwargs): + return convlab_logger.exception(msg, *args, **kwargs) + + +def info(msg, *args, **kwargs): + return convlab_logger.info(msg, *args, **kwargs) + + +def warn(msg, *args, **kwargs): + return convlab_logger.warn(msg, *args, **kwargs) + + +def get_logger(__name__): + '''Create a child logger specific to a module''' + module_logger = logging.getLogger(__name__) + + def debug2(msg, *args, **kwargs): + return module_logger.log(NEW_LVLS['DEBUG2'], msg, *args, **kwargs) + + def debug3(msg, *args, **kwargs): + return module_logger.log(NEW_LVLS['DEBUG3'], msg, *args, **kwargs) + + def nl(msg, *args, **kwargs): + return module_logger.log(NEW_LVLS['NL'], msg, *args, **kwargs) + + def act(msg, *args, **kwargs): + return module_logger.log(NEW_LVLS['ACT'], msg, *args, **kwargs) + + def state(msg, *args, **kwargs): + return module_logger.log(NEW_LVLS['STATE'], msg, *args, **kwargs) + + setattr(module_logger, 'debug2', debug2) + setattr(module_logger, 'debug3', debug3) + setattr(module_logger, 'nl', nl) + setattr(module_logger, 'act', act) + setattr(module_logger, 'state', state) + return module_logger + + +def toggle_debug(modules, level='DEBUG'): + '''Turn on module-specific debugging using their names, e.g. algorithm, actor_critic, at the desired debug level.''' + logger_names = list(logging.Logger.manager.loggerDict.keys()) + for module in modules: + name = module.strip() + for logger_name in logger_names: + if name in logger_name.split('.'): + module_logger = logging.getLogger(logger_name) + module_logger.setLevel(getattr(logging, level)) diff --git a/convlab/lib/math_util.py b/convlab/lib/math_util.py new file mode 100644 index 0000000..dd80ecd --- /dev/null +++ b/convlab/lib/math_util.py @@ -0,0 +1,197 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +Calculations used by algorithms +All calculations for training shall have a standard API that takes in `batch` from algorithm.sample() method and return np array for calculation. +`batch` is a dict containing keys to any data type you wish, e.g. {rewards: np.array([...])} +''' +from convlab.lib import logger +import numpy as np +import torch + +logger = logger.get_logger(__name__) + + +# Policy Gradient calc +# advantage functions + +def calc_returns(batch, gamma): + ''' + Calculate the simple returns (full rollout) for advantage + i.e. sum discounted rewards up till termination + ''' + rewards = batch['rewards'] + is_tensor = torch.is_tensor(rewards) + if is_tensor: + assert not torch.isnan(rewards).any() + else: + assert not np.any(np.isnan(rewards)) + # handle epi-end, to not sum past current episode + not_dones = 1 - batch['dones'] + T = len(rewards) + if is_tensor: + rets = torch.empty(T, dtype=torch.float32, device=rewards.device) + else: + rets = np.empty(T, dtype='float32') + future_ret = 0.0 + for t in reversed(range(T)): + future_ret = rewards[t] + gamma * future_ret * not_dones[t] + rets[t] = future_ret + return rets + + +def calc_gammas(batch, gamma): + '''Calculate the gammas to the right power for multiplication with rewards''' + dones = batch['dones'] + news = torch.cat([torch.ones((1,), device=dones.device), dones[:-1]]) + gammas = torch.empty_like(news) + cur_gamma = 1.0 + for t, new in enumerate(news): + cur_gamma = new * 1.0 + (1 - new) * cur_gamma * gamma + gammas[t] = cur_gamma + return gammas + + +def calc_nstep_returns(batch, gamma, n, next_v_preds): + ''' + Calculate the n-step returns for advantage + see n-step return in: http://www-anw.cs.umass.edu/~barto/courses/cs687/Chapter%207.pdf + i.e. for each timestep t: + sum discounted rewards up till step n (0 to n-1 that is), + then add v_pred for n as final term + ''' + rets = batch['rewards'].clone() # prevent mutation + next_v_preds = next_v_preds.clone() # prevent mutation + nstep_rets = torch.zeros_like(rets) + rets + cur_gamma = gamma + for i in range(1, n): + # Shift returns by one and zero last element of each episode + rets[:-1] = rets[1:] + rets *= (1 - batch['dones']) + # Also shift V(s_t+1) so final terms use V(s_t+n) + next_v_preds[:-1] = next_v_preds[1:] + next_v_preds *= (1 - batch['dones']) + # Accumulate return + nstep_rets += cur_gamma * rets + # Update current gamma + cur_gamma *= cur_gamma + # Add final terms. Note no next state if epi is done + final_terms = cur_gamma * next_v_preds * (1 - batch['dones']) + nstep_rets += final_terms + return nstep_rets + + +def calc_gaes(rewards, v_preds, next_v_preds, gamma, lam): + ''' + Calculate GAE + See http://www.breloff.com/DeepRL-OnlineGAE/ for clear example. + v_preds are values predicted for current states + next_v_preds are values predicted for next states + NOTE for standardization trick, do it out of here + ''' + T = len(rewards) + assert not torch.isnan(rewards).any() + assert T == len(v_preds) + gaes = torch.empty(T, dtype=torch.float32, device=v_preds.device) + future_gae = 0.0 + for t in reversed(range(T)): + delta = rewards[t] + gamma * next_v_preds[t] - v_preds[t] + gaes[t] = future_gae = delta + gamma * lam * future_gae + assert not torch.isnan(gaes).any(), f'GAE has nan: {gaes}' + return gaes + + +def calc_q_value_logits(state_value, raw_advantages): + mean_adv = raw_advantages.mean(dim=-1).unsqueeze_(dim=-1) + return state_value + raw_advantages - mean_adv + + +def standardize(v): + '''Method to standardize a rank-1 tensor''' + v_std = v.std() + # guard nan std by setting to 0 and add small const + v_std[v_std != v_std] = 0 # nan guard + v_std += 1e-08 # division guard + v = (v - v.mean()) / v_std + return v + + +# generic variable decay methods + +def no_decay(start_val, end_val, start_step, end_step, step): + '''dummy method for API consistency''' + return start_val + + +def linear_decay(start_val, end_val, start_step, end_step, step): + '''Simple linear decay with annealing''' + if step < start_step: + return start_val + slope = (end_val - start_val) / (end_step - start_step) + val = max(slope * (step - start_step) + start_val, end_val) + return val + + +def rate_decay(start_val, end_val, start_step, end_step, step, decay_rate=0.9, frequency=20.): + '''Compounding rate decay that anneals in 20 decay iterations until end_step''' + if step < start_step: + return start_val + if step >= end_step: + return end_val + step_per_decay = (end_step - start_step) / frequency + decay_step = (step - start_step) / step_per_decay + val = max(np.power(decay_rate, decay_step) * start_val, end_val) + return val + + +def periodic_decay(start_val, end_val, start_step, end_step, step, frequency=60.): + ''' + Linearly decaying sinusoid that decays in roughly 10 iterations until explore_anneal_epi + Plot the equation below to see the pattern + suppose sinusoidal decay, start_val = 1, end_val = 0.2, stop after 60 unscaled x steps + then we get 0.2+0.5*(1-0.2)(1 + cos x)*(1-x/60) + ''' + if step < start_step: + return start_val + if step >= end_step: + return end_val + x_freq = frequency + step_per_decay = (end_step - start_step) / x_freq + x = (step - start_step) / step_per_decay + unit = start_val - end_val + val = end_val * 0.5 * unit * (1 + np.cos(x) * (1 - x / x_freq)) + val = max(val, end_val) + return val + + +# misc math methods + +def is_outlier(points, thres=3.5): + ''' + Detects outliers using MAD modified_z_score method, generalized to work on points. + From https://stackoverflow.com/a/22357811/3865298 + @example + + is_outlier([1, 1, 1]) + # => array([False, False, False], dtype=bool) + is_outlier([1, 1, 2]) + # => array([False, False, True], dtype=bool) + is_outlier([[1, 1], [1, 1], [1, 2]]) + # => array([False, False, True], dtype=bool) + ''' + points = np.array(points) + if len(points.shape) == 1: + points = points[:, None] + median = np.median(points, axis=0) + diff = np.sum((points - median)**2, axis=-1) + diff = np.sqrt(diff) + med_abs_deviation = np.median(diff) + with np.errstate(divide='ignore', invalid='ignore'): + modified_z_score = 0.6745 * diff / med_abs_deviation + return modified_z_score > thres + + +def to_one_hot(data, max_val): + '''Convert an int list of data into one-hot vectors''' + return np.eye(max_val)[np.array(data)] diff --git a/convlab/lib/util.py b/convlab/lib/util.py new file mode 100644 index 0000000..7e52cac --- /dev/null +++ b/convlab/lib/util.py @@ -0,0 +1,798 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from contextlib import contextmanager +from datetime import datetime +from importlib import reload +from convlab import ROOT_DIR, EVAL_MODES +# import cv2 +import json +import numpy as np +import operator +import os +import pandas as pd +import pydash as ps +import regex as re +import subprocess +import sys +import torch +import torch.multiprocessing as mp +import ujson +import yaml + +NUM_CPUS = mp.cpu_count() +FILE_TS_FORMAT = '%Y_%m_%d_%H%M%S' +RE_FILE_TS = re.compile(r'(\d{4}_\d{2}_\d{2}_\d{6})') +SPACE_PATH = ['agent', 'agent_space', 'aeb_space', 'env_space', 'env'] + + +class LabJsonEncoder(json.JSONEncoder): + def default(self, obj): + if isinstance(obj, np.integer): + return int(obj) + elif isinstance(obj, np.floating): + return float(obj) + elif isinstance(obj, (np.ndarray, pd.Series)): + return obj.tolist() + else: + return str(obj) + + +def calc_ts_diff(ts2, ts1): + ''' + Calculate the time from tss ts1 to ts2 + @param {str} ts2 Later ts in the FILE_TS_FORMAT + @param {str} ts1 Earlier ts in the FILE_TS_FORMAT + @returns {str} delta_t in %H:%M:%S format + @example + + ts1 = '2017_10_17_084739' + ts2 = '2017_10_17_084740' + ts_diff = util.calc_ts_diff(ts2, ts1) + # => '0:00:01' + ''' + delta_t = datetime.strptime(ts2, FILE_TS_FORMAT) - datetime.strptime(ts1, FILE_TS_FORMAT) + return str(delta_t) + + +def cast_df(val): + '''missing pydash method to cast value as DataFrame''' + if isinstance(val, pd.DataFrame): + return val + return pd.DataFrame(val) + + +def cast_list(val): + '''missing pydash method to cast value as list''' + if ps.is_list(val): + return val + else: + return [val] + + +def clear_periodic_ckpt(prepath): + '''Clear periodic (with -epi) ckpt files in prepath''' + if '-epi' in prepath: + run_cmd(f'rm {prepath}*') + + +def concat_batches(batches): + ''' + Concat batch objects from body.memory.sample() into one batch, when all bodies experience similar envs + Also concat any nested epi sub-batches into flat batch + {k: arr1} + {k: arr2} = {k: arr1 + arr2} + ''' + # if is nested, then is episodic + is_episodic = isinstance(batches[0]['dones'][0], (list, np.ndarray)) + concat_batch = {} + for k in batches[0]: + datas = [] + for batch in batches: + data = batch[k] + if is_episodic: # make into plain batch instead of nested + data = np.concatenate(data) + datas.append(data) + concat_batch[k] = np.concatenate(datas) + return concat_batch + + +def cond_multiget(arr, idxs): + '''Get multi-idxs from an array depending if it's a python list or np.array''' + if isinstance(arr, list): + return np.array(operator.itemgetter(*idxs)(arr)) + else: + return arr[idxs] + + +def count_nonan(arr): + try: + return np.count_nonzero(~np.isnan(arr)) + except Exception: + return len(filter_nonan(arr)) + + +def downcast_float32(df): + '''Downcast any float64 col to float32 to allow safer pandas comparison''' + for col in df.columns: + if df[col].dtype == 'float': + df[col] = df[col].astype('float32') + return df + + +def find_ckpt(prepath): + '''Find the ckpt-lorem-ipsum in a string and return lorem-ipsum''' + if 'ckpt' in prepath: + ckpt_str = ps.find(prepath.split('_'), lambda s: s.startswith('ckpt')) + ckpt = ckpt_str.replace('ckpt-', '') + else: + ckpt = None + return ckpt + + +def flatten_dict(obj, delim='.'): + '''Missing pydash method to flatten dict''' + nobj = {} + for key, val in obj.items(): + if ps.is_dict(val) and not ps.is_empty(val): + strip = flatten_dict(val, delim) + for k, v in strip.items(): + nobj[key + delim + k] = v + elif ps.is_list(val) and not ps.is_empty(val) and ps.is_dict(val[0]): + for idx, v in enumerate(val): + nobj[key + delim + str(idx)] = v + if ps.is_object(v): + nobj = flatten_dict(nobj, delim) + else: + nobj[key] = val + return nobj + + +def filter_nonan(arr): + '''Filter to np array with no nan''' + try: + return arr[~np.isnan(arr)] + except Exception: + mixed_type = [] + for v in arr: + if not gen_isnan(v): + mixed_type.append(v) + return np.array(mixed_type, dtype=arr.dtype) + + +def fix_multi_index_dtype(df): + '''Restore aeb multi_index dtype from string to int, when read from file''' + df.columns = pd.MultiIndex.from_tuples([(int(x[0]), int(x[1]), int(x[2]), x[3]) for x in df.columns]) + return df + + +def nanflatten(arr): + '''Flatten np array while ignoring nan, like np.nansum etc.''' + flat_arr = arr.reshape(-1) + return filter_nonan(flat_arr) + + +def gen_isnan(v): + '''Check isnan for general type (np.isnan is only operable on np type)''' + try: + return np.isnan(v).all() + except Exception: + return v is None + + +def get_df_aeb_list(session_df): + '''Get the aeb list for session_df for iterating.''' + aeb_list = sorted(ps.uniq([(a, e, b) for a, e, b, col in session_df.columns.tolist()])) + return aeb_list + + +def get_aeb_shape(aeb_list): + return np.amax(aeb_list, axis=0) + 1 + + +def get_class_name(obj, lower=False): + '''Get the class name of an object''' + class_name = obj.__class__.__name__ + if lower: + class_name = class_name.lower() + return class_name + + +def get_class_attr(obj): + '''Get the class attr of an object as dict''' + attr_dict = {} + for k, v in obj.__dict__.items(): + if hasattr(v, '__dict__') or ps.is_tuple(v): + val = str(v) + else: + val = v + attr_dict[k] = val + return attr_dict + + +def get_file_ext(data_path): + '''get the `.ext` of file.ext''' + return os.path.splitext(data_path)[-1] + + +def get_fn_list(a_cls): + ''' + Get the callable, non-private functions of a class + @returns {[*str]} A list of strings of fn names + ''' + fn_list = ps.filter_(dir(a_cls), lambda fn: not fn.endswith('__') and callable(getattr(a_cls, fn))) + return fn_list + + +def get_git_sha(): + return subprocess.check_output(['git', 'rev-parse', 'HEAD'], close_fds=True, cwd=ROOT_DIR).decode().strip() + + +def get_lab_mode(): + return os.environ.get('lab_mode') + + +def get_prepath(spec, info_space, unit='experiment'): + spec_name = spec['name'] + predir = f'output/{spec_name}_{info_space.experiment_ts}' + prename = f'{spec_name}' + trial_index = info_space.get('trial') + session_index = info_space.get('session') + t_str = '' if trial_index is None else f'_t{trial_index}' + s_str = '' if session_index is None else f'_s{session_index}' + if unit == 'trial': + prename += t_str + elif unit == 'session': + prename += f'{t_str}{s_str}' + ckpt = ps.get(info_space, 'ckpt') + if ckpt is not None: + prename += f'_ckpt-{ckpt}' + prepath = f'{predir}/{prename}' + return prepath + + +def get_ts(pattern=FILE_TS_FORMAT): + ''' + Get current ts, defaults to format used for filename + @param {str} pattern To format the ts + @returns {str} ts + @example + + util.get_ts() + # => '2017_10_17_084739' + ''' + ts_obj = datetime.now() + ts = ts_obj.strftime(pattern) + assert RE_FILE_TS.search(ts) + return ts + + +def guard_data_a(cls, data_a, data_name): + '''Guard data_a in case if it scalar, create a data_a and fill.''' + if np.isscalar(data_a): + new_data_a, = s_get(cls, 'aeb_space').init_data_s([data_name], a=cls.a) + for eb, body in ndenumerate_nonan(cls.body_a): + new_data_a[eb] = data_a + data_a = new_data_a + return data_a + + +def in_eval_lab_modes(): + '''Check if lab_mode is one of EVAL_MODES''' + return get_lab_mode() in EVAL_MODES + + +def is_jupyter(): + '''Check if process is in Jupyter kernel''' + try: + get_ipython().config + return True + except NameError: + return False + return False + + +@contextmanager +def ctx_lab_mode(lab_mode): + ''' + Creates context to run method with a specific lab_mode + @example + with util.ctx_lab_mode('eval'): + run_eval() + ''' + prev_lab_mode = os.environ.get('lab_mode') + os.environ['lab_mode'] = lab_mode + yield + if prev_lab_mode is None: + del os.environ['lab_mode'] + else: + os.environ['lab_mode'] = prev_lab_mode + + +def monkey_patch(base_cls, extend_cls): + '''Monkey patch a base class with methods from extend_cls''' + ext_fn_list = get_fn_list(extend_cls) + for fn in ext_fn_list: + setattr(base_cls, fn, getattr(extend_cls, fn)) + + +def ndenumerate_nonan(arr): + '''Generic ndenumerate for np.ndenumerate with only not gen_isnan values''' + return (idx_v for idx_v in np.ndenumerate(arr) if not gen_isnan(idx_v[1])) + + +def nonan_all(v): + '''Generic np.all that also returns false if array is all np.nan''' + return bool(np.all(v) and ~np.all(np.isnan(v))) + + +def parallelize_fn(fn, args, num_cpus=NUM_CPUS): + ''' + Parallelize a method fn, args and return results with order preserved per args. + fn should take only a single arg. + @returns {list} results Order preserved output from fn. + ''' + pool = mp.Pool(num_cpus, maxtasksperchild=1) + results = pool.map(fn, args) + pool.close() + pool.join() + return results + + +def prepath_split(prepath): + ''' + Split prepath into useful names. Works with predir (prename will be None) + prepath: output/dqn_pong_2018_12_02_082510/dqn_pong_t0_s0 + predir: output/dqn_pong_2018_12_02_082510 + prefolder: dqn_pong_2018_12_02_082510 + prename: dqn_pong_t0_s0 + spec_name: dqn_pong + experiment_ts: 2018_12_02_082510 + ckpt: ckpt-best of dqn_pong_t0_s0_ckpt-best if available + ''' + prepath = prepath.strip('_') + tail = prepath.split('output/')[-1] + ckpt = find_ckpt(tail) + if ckpt is not None: # separate ckpt + tail = tail.replace(f'_ckpt-{ckpt}', '') + if '/' in tail: # tail = prefolder/prename + prefolder, prename = tail.split('/') + else: + prefolder, prename = tail, None + predir = f'output/{prefolder}' + spec_name = RE_FILE_TS.sub('', prefolder).strip('_') + experiment_ts = RE_FILE_TS.findall(prefolder)[0] + return predir, prefolder, prename, spec_name, experiment_ts, ckpt + + +def prepath_to_idxs(prepath): + '''Extract trial index and session index from prepath if available''' + _, _, prename, spec_name, _, _ = prepath_split(prepath) + idxs_tail = prename.replace(spec_name, '').strip('_') + idxs_strs = ps.compact(idxs_tail.split('_')[:2]) + if ps.is_empty(idxs_strs): + return None, None + tidx = idxs_strs[0] + assert tidx.startswith('t') + trial_index = int(tidx.strip('t')) + if len(idxs_strs) == 1: # has session + session_index = None + else: + sidx = idxs_strs[1] + assert sidx.startswith('s') + session_index = int(sidx.strip('s')) + return trial_index, session_index + + +def prepath_to_spec(prepath): + '''Create spec from prepath such that it returns the same prepath with info_space''' + predir, _, prename, _, _, _ = prepath_split(prepath) + sidx_res = re.search('_s\d+', prename) + if sidx_res: # replace the _s0 if any + prename = prename.replace(sidx_res[0], '') + spec_path = f'{predir}/{prename}_spec.json' + # read the spec of prepath + spec = read(spec_path) + return spec + + +def prepath_to_info_space(prepath): + '''Create info_space from prepath such that it returns the same prepath with spec''' + from convlab.experiment.monitor import InfoSpace + _, _, _, _, experiment_ts, ckpt = prepath_split(prepath) + trial_index, session_index = prepath_to_idxs(prepath) + # create info_space for prepath + info_space = InfoSpace() + info_space.experiment_ts = experiment_ts + info_space.ckpt = ckpt + info_space.set('experiment', 0) + info_space.set('trial', trial_index) + info_space.set('session', session_index) + return info_space + + +def prepath_to_spec_info_space(prepath): + ''' + Given a prepath, read the correct spec and craete the info_space that will return the same prepath + This is used for lab_mode: enjoy + example: output/a2c_cartpole_2018_06_13_220436/a2c_cartpole_t0_s0 + ''' + spec = prepath_to_spec(prepath) + info_space = prepath_to_info_space(prepath) + check_prepath = get_prepath(spec, info_space, unit='session') + assert check_prepath in prepath, f'{check_prepath}, {prepath}' + return spec, info_space + + +def read(data_path, **kwargs): + ''' + Universal data reading method with smart data parsing + - {.csv} to DataFrame + - {.json} to dict, list + - {.yml} to dict + - {*} to str + @param {str} data_path The data path to read from + @returns {data} The read data in sensible format + @example + + data_df = util.read('test/fixture/lib/util/test_df.csv') + # => + + data_dict = util.read('test/fixture/lib/util/test_dict.json') + data_dict = util.read('test/fixture/lib/util/test_dict.yml') + # => + + data_list = util.read('test/fixture/lib/util/test_list.json') + # => + + data_str = util.read('test/fixture/lib/util/test_str.txt') + # => + ''' + data_path = smart_path(data_path) + try: + assert os.path.isfile(data_path) + except AssertionError: + raise FileNotFoundError(data_path) + ext = get_file_ext(data_path) + if ext == '.csv': + data = read_as_df(data_path, **kwargs) + else: + data = read_as_plain(data_path, **kwargs) + return data + + +def read_as_df(data_path, **kwargs): + '''Submethod to read data as DataFrame''' + ext = get_file_ext(data_path) + data = pd.read_csv(data_path, **kwargs) + return data + + +def read_as_plain(data_path, **kwargs): + '''Submethod to read data as plain type''' + open_file = open(data_path, 'r') + ext = get_file_ext(data_path) + if ext == '.json': + data = ujson.load(open_file, **kwargs) + elif ext == '.yml': + data = yaml.safe_load(open_file, **kwargs) + else: + data = open_file.read() + open_file.close() + return data + + +def run_cmd(cmd): + '''Run shell command''' + print(f'+ {cmd}') + proc = subprocess.Popen(cmd, cwd=ROOT_DIR, shell=False, stdout=subprocess.PIPE, stderr=subprocess.STDOUT, close_fds=True) + return proc + + +def run_cmd_wait(proc): + '''Wait on a running process created by util.run_cmd and print its stdout''' + for line in proc.stdout: + print(line.decode(), end='') + output = proc.communicate()[0] + if proc.returncode != 0: + raise subprocess.CalledProcessError(proc.args, proc.returncode, output) + else: + return output + + +def s_get(cls, attr_path): + ''' + Method to get attribute across space via inferring agent <-> env paths. + @example + self.agent.agent_space.aeb_space.clock + # equivalently + util.s_get(self, 'aeb_space.clock') + ''' + from_class_name = get_class_name(cls, lower=True) + from_idx = ps.find_index(SPACE_PATH, lambda s: from_class_name in (s, s.replace('_', ''))) + from_idx = max(from_idx, 0) + attr_path = attr_path.split('.') + to_idx = SPACE_PATH.index(attr_path[0]) + assert -1 not in (from_idx, to_idx) + if from_idx < to_idx: + path_link = SPACE_PATH[from_idx: to_idx] + else: + path_link = ps.reverse(SPACE_PATH[to_idx: from_idx]) + + res = cls + for attr in path_link + attr_path: + if not (get_class_name(res, lower=True) in (attr, attr.replace('_', ''))): + res = getattr(res, attr) + return res + + +def self_desc(cls): + '''Method to get self description, used at init.''' + desc_list = [f'{get_class_name(cls)}:'] + for k, v in get_class_attr(cls).items(): + if k == 'spec': + desc_v = v['name'] + elif ps.is_dict(v) or ps.is_dict(ps.head(v)): + desc_v = to_json(v) + else: + desc_v = v + desc_list.append(f'- {k} = {desc_v}') + desc = '\n'.join(desc_list) + return desc + + +def session_df_to_data(session_df): + ''' + Convert a multi_index session_df (df) with column levels (a,e,b,col) to session_data[aeb] = aeb_df + @example + + session_df = util.read(filepath, header=[0, 1, 2, 3]) + session_data = util.session_df_to_data(session_df) + ''' + session_data = {} + fix_multi_index_dtype(session_df) + aeb_list = get_df_aeb_list(session_df) + for aeb in aeb_list: + aeb_df = session_df.loc[:, aeb] + aeb_df.reset_index(inplace=True, drop=True) # guard for eval append-row + session_data[aeb] = aeb_df + return session_data + + +def set_attr(obj, attr_dict, keys=None): + '''Set attribute of an object from a dict''' + if keys is not None: + attr_dict = ps.pick(attr_dict, keys) + for attr, val in attr_dict.items(): + setattr(obj, attr, val) + return obj + + +def set_rand_seed(random_seed, env_space): + '''Set all the module random seeds''' + torch.cuda.manual_seed_all(random_seed) + torch.manual_seed(random_seed) + np.random.seed(random_seed) + envs = env_space.envs if hasattr(env_space, 'envs') else [env_space] + for env in envs: + try: + env.u_env.seed(random_seed) + except Exception as e: + pass + + +def set_logger(spec, info_space, logger, unit=None): + '''Set the logger for a lab unit give its spec and info_space''' + os.environ['PREPATH'] = get_prepath(spec, info_space, unit=unit) + reload(logger) # to set session-specific logger + + +def _sizeof(obj, seen=None): + '''Recursively finds size of objects''' + size = sys.getsizeof(obj) + if seen is None: + seen = set() + obj_id = id(obj) + if obj_id in seen: + return 0 + # Important mark as seen *before* entering recursion to gracefully handle + # self-referential objects + seen.add(obj_id) + if isinstance(obj, dict): + size += sum([_sizeof(v, seen) for v in obj.values()]) + size += sum([_sizeof(k, seen) for k in obj.keys()]) + elif hasattr(obj, '__dict__'): + size += _sizeof(obj.__dict__, seen) + elif hasattr(obj, '__iter__') and not isinstance(obj, (str, bytes, bytearray)): + size += sum([_sizeof(i, seen) for i in obj]) + return size + + +def sizeof(obj, divisor=1e6): + '''Return the size of object, in MB by default''' + return _sizeof(obj) / divisor + + +def smart_path(data_path, as_dir=False): + ''' + Resolve data_path into abspath with fallback to join from ROOT_DIR + @param {str} data_path The input data path to resolve + @param {bool} as_dir Whether to return as dirname + @returns {str} The normalized absolute data_path + @example + + util.smart_path('convlab/lib') + # => '/Users/ANON/Documents/convlab/convlab/lib' + + util.smart_path('/tmp') + # => '/tmp' + ''' + if not os.path.isabs(data_path): + abs_path = os.path.abspath(data_path) + if os.path.exists(abs_path): + data_path = abs_path + else: + data_path = os.path.join(ROOT_DIR, data_path) + if as_dir: + data_path = os.path.dirname(data_path) + return os.path.normpath(data_path) + + +def to_json(d, indent=2): + '''Shorthand method for stringify JSON with indent''' + return json.dumps(d, indent=indent, cls=LabJsonEncoder) + + +def to_render(): + return get_lab_mode() in ('dev', 'enjoy') and os.environ.get('RENDER', 'true') == 'true' + + +def to_torch_batch(batch, device, is_episodic): + '''Mutate a batch (dict) to make its values from numpy into PyTorch tensor''' + for k in batch: + if is_episodic: # for episodic format + batch[k] = np.concatenate(batch[k]) + elif ps.is_list(batch[k]): + batch[k] = np.array(batch[k]) + batch[k] = torch.from_numpy(batch[k].astype('float32')).to(device) + return batch + + +def try_set_cuda_id(spec, info_space): + '''Use trial and session id to hash and modulo cuda device count for a cuda_id to maximize device usage. Sets the net_spec for the base Net class to pick up.''' + # Don't trigger any cuda call if not using GPU. Otherwise will break multiprocessing on machines with CUDA. + # see issues https://github.com/pytorch/pytorch/issues/334 https://github.com/pytorch/pytorch/issues/3491 https://github.com/pytorch/pytorch/issues/9996 + for agent_spec in spec['agent']: + if not agent_spec.get('net') or not agent_spec['net'].get('gpu'): + return + trial_idx = info_space.get('trial') or 0 + session_idx = info_space.get('session') or 0 + job_idx = trial_idx * spec['meta']['max_session'] + session_idx + job_idx += int(os.environ.get('CUDA_ID_OFFSET', 0)) + device_count = torch.cuda.device_count() + if device_count == 0: + cuda_id = None + else: + cuda_id = job_idx % device_count + + for agent_spec in spec['agent']: + agent_spec['net']['cuda_id'] = cuda_id + + +def write(data, data_path): + ''' + Universal data writing method with smart data parsing + - {.csv} from DataFrame + - {.json} from dict, list + - {.yml} from dict + - {*} from str(*) + @param {*} data The data to write + @param {str} data_path The data path to write to + @returns {data_path} The data path written to + @example + + data_path = util.write(data_df, 'test/fixture/lib/util/test_df.csv') + + data_path = util.write(data_dict, 'test/fixture/lib/util/test_dict.json') + data_path = util.write(data_dict, 'test/fixture/lib/util/test_dict.yml') + + data_path = util.write(data_list, 'test/fixture/lib/util/test_list.json') + + data_path = util.write(data_str, 'test/fixture/lib/util/test_str.txt') + ''' + data_path = smart_path(data_path) + data_dir = os.path.dirname(data_path) + os.makedirs(data_dir, exist_ok=True) + ext = get_file_ext(data_path) + if ext == '.csv': + write_as_df(data, data_path) + else: + write_as_plain(data, data_path) + return data_path + + +def write_as_df(data, data_path): + '''Submethod to write data as DataFrame''' + df = cast_df(data) + ext = get_file_ext(data_path) + df.to_csv(data_path) + return data_path + + +def write_as_plain(data, data_path): + '''Submethod to write data as plain type''' + open_file = open(data_path, 'w') + ext = get_file_ext(data_path) + if ext == '.json': + json.dump(data, open_file, indent=2, cls=LabJsonEncoder) + elif ext == '.yml': + yaml.dump(data, open_file) + else: + open_file.write(str(data)) + open_file.close() + return data_path + + +# Atari image transformation + +def grayscale_image(im): + return cv2.cvtColor(im, cv2.COLOR_RGB2GRAY) + + +def resize_image(im, w_h): + return cv2.resize(im, w_h, interpolation=cv2.INTER_AREA) + + +def crop_image(im): + '''Crop away the unused top-bottom game borders of Atari''' + return im[18:102, :] + + +def normalize_image(im): + '''Normalizing image by dividing max value 255''' + # NOTE: beware in its application, may cause loss to be 255 times lower due to smaller input values + return np.divide(im, 255.0) + + +def nature_transform_image(im): + ''' + Image preprocessing from the paper "Playing Atari with Deep Reinforcement Learning, 2013, Mnih et al" + Takes an RGB image and converts it to grayscale, downsizes to 110 x 84 and crops to square 84 x 84 without the game border + ''' + im = grayscale_image(im) + im = resize_image(im, (84, 110)) + im = crop_image(im) + return im + + +def openai_transform_image(im): + ''' + Image transformation using OpenAI's baselines method: greyscale, resize + Instead of cropping as done in nature_transform_image(), this resizes and stretches the image. + ''' + im = grayscale_image(im) + im = resize_image(im, (84, 84)) + return im + + +def transform_image(im, method='openai'): + '''Apply image transformation using nature or openai method''' + if method == 'nature': + return nature_transform_image(im) + elif method == 'openai': + return openai_transform_image(im) + else: + raise ValueError('method must be one of: nature, openai') + + +def debug_image(im): + '''Use this method to render image the agent sees; waits for a key press before continuing''' + cv2.imshow('image', im) + cv2.waitKey(0) + + +def mpl_debug_image(im): + '''Uses matplotlib to plot image with bigger size, axes, and false color on greyscaled images''' + import matplotlib.pyplot as plt + plt.figure() + plt.imshow(im) + plt.show() diff --git a/convlab/lib/viz.py b/convlab/lib/viz.py new file mode 100644 index 0000000..4874591 --- /dev/null +++ b/convlab/lib/viz.py @@ -0,0 +1,240 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +The data visualization module +TODO pie, swarm, box plots +''' +from plotly import ( + graph_objs as go, + offline as py, + tools, +) +from convlab.lib import logger, util +import colorlover as cl +import os +import plotly +import plotly.io as pio +import pydash as ps +import sys + + +PLOT_FILEDIR = util.smart_path('data') +os.makedirs(PLOT_FILEDIR, exist_ok=True) +if util.is_jupyter(): + py.init_notebook_mode(connected=True) +logger = logger.get_logger(__name__) + + +def create_label( + y_col, x_col, + title=None, y_title=None, x_title=None, legend_name=None): + '''Create label dict for go.Layout with smart resolution''' + legend_name = legend_name or y_col + y_col_list, x_col_list, legend_name_list = ps.map_( + [y_col, x_col, legend_name], util.cast_list) + y_title = str(y_title or ','.join(y_col_list)) + x_title = str(x_title or ','.join(x_col_list)) + title = title or f'{y_title} vs {x_title}' + + label = { + 'y_title': y_title, + 'x_title': x_title, + 'title': title, + 'y_col_list': y_col_list, + 'x_col_list': x_col_list, + 'legend_name_list': legend_name_list, + } + return label + + +def create_layout( + title, y_title, x_title, x_type=None, + width=500, height=350, layout_kwargs=None): + '''simplified method to generate Layout''' + layout = go.Layout( + title=title, + legend=dict(x=0.0, y=-0.25, orientation='h'), + yaxis=dict(rangemode='tozero', title=y_title), + xaxis=dict(type=x_type, title=x_title), + width=width, height=height, + margin=go.layout.Margin(l=60, r=60, t=60, b=60), + ) + layout.update(layout_kwargs) + return layout + + +def get_palette(aeb_count): + '''Get the suitable palette to plot for some number of aeb graphs, where each aeb is a color.''' + if aeb_count <= 8: + palette = cl.scales[str(max(3, aeb_count))]['qual']['Set2'] + else: + palette = cl.interp(cl.scales['8']['qual']['Set2'], aeb_count) + return palette + + +def lower_opacity(rgb, opacity): + return rgb.replace('rgb(', 'rgba(').replace(')', f',{opacity})') + + +def plot(*args, **kwargs): + if util.is_jupyter(): + return py.iplot(*args, **kwargs) + else: + kwargs.update({'auto_open': ps.get(kwargs, 'auto_open', False)}) + return py.plot(*args, **kwargs) + + +def plot_go( + df, y_col=None, x_col='index', y2_col=None, + title=None, y_title=None, x_title=None, x_type=None, + legend_name=None, width=500, height=350, draw=True, + save=False, filename=None, + trace_class='Scatter', trace_kwargs=None, layout_kwargs=None): + ''' + Quickly plot from df using trace_class, e.g. go.Scatter + 1. create_label() to auto-resolve labels + 2. create_layout() with go.Layout() and update(layout_kwargs) + 3. spread and create go.() and update(trace_kwargs) + 4. Create the figure and plot accordingly + @returns figure + ''' + df = df.copy() + if x_col == 'index': + df['index'] = df.index.tolist() + + label = create_label(y_col, x_col, title, y_title, x_title, legend_name) + layout = create_layout( + x_type=x_type, width=width, height=height, layout_kwargs=layout_kwargs, + **ps.pick(label, ['title', 'y_title', 'x_title'])) + y_col_list, x_col_list = label['y_col_list'], label['x_col_list'] + + if y2_col is not None: + label2 = create_label(y2_col, x_col, title, y_title, x_title, legend_name) + layout.update(dict(yaxis2=dict( + rangemode='tozero', title=label2['y_title'], + side='right', overlaying='y1', anchor='x1', + ))) + y2_col_list, x_col_list = label2['y_col_list'], label2['x_col_list'] + label2_legend_name_list = label2['legend_name_list'] + else: + y2_col_list = [] + label2_legend_name_list = [] + + combo_y_col_list = y_col_list + y2_col_list + combo_legend_name_list = label['legend_name_list'] + label2_legend_name_list + y_col_num, x_col_num = len(combo_y_col_list), len(x_col_list) + trace_num = max(y_col_num, x_col_num) + data = [] + for idx in range(trace_num): + y_c = ps.get(combo_y_col_list, idx % y_col_num) + x_c = ps.get(x_col_list, idx % x_col_num) + df_y, df_x = ps.get(df, y_c), ps.get(df, x_c) + trace = ps.get(go, trace_class)(y=df_y, x=df_x, name=combo_legend_name_list[idx]) + trace.update(trace_kwargs) + if idx >= len(y_col_list): + trace.update(dict(yaxis='y2', xaxis='x1')) + data.append(trace) + + figure = go.Figure(data=data, layout=layout) + if draw: + plot(figure) + if save: + save_image(figure, filename=filename) + return figure + + +def plot_area( + *args, fill='tonexty', stack=False, + trace_kwargs=None, layout_kwargs=None, + **kwargs): + '''Plot area from df''' + if stack: + df, y_col = args[:2] + stack_df = stack_cumsum(df, y_col) + args = (stack_df,) + args[1:] + trace_kwargs = ps.merge(dict(fill=fill, mode='lines', line=dict(width=1)), trace_kwargs) + layout_kwargs = ps.merge(dict(), layout_kwargs) + return plot_go( + *args, trace_class='Scatter', + trace_kwargs=trace_kwargs, layout_kwargs=layout_kwargs, + **kwargs) + + +def plot_bar( + *args, barmode='stack', orientation='v', + trace_kwargs=None, layout_kwargs=None, + **kwargs): + '''Plot bar chart from df''' + trace_kwargs = ps.merge(dict(orientation=orientation), trace_kwargs) + layout_kwargs = ps.merge(dict(barmode=barmode), layout_kwargs) + return plot_go( + *args, trace_class='Bar', + trace_kwargs=trace_kwargs, layout_kwargs=layout_kwargs, + **kwargs) + + +def plot_line( + *args, + trace_kwargs=None, layout_kwargs=None, + **kwargs): + '''Plot line from df''' + trace_kwargs = ps.merge(dict(mode='lines', line=dict(width=1)), trace_kwargs) + layout_kwargs = ps.merge(dict(), layout_kwargs) + return plot_go( + *args, trace_class='Scatter', + trace_kwargs=trace_kwargs, layout_kwargs=layout_kwargs, + **kwargs) + + +def plot_scatter( + *args, + trace_kwargs=None, layout_kwargs=None, + **kwargs): + '''Plot scatter from df''' + trace_kwargs = ps.merge(dict(mode='markers'), trace_kwargs) + layout_kwargs = ps.merge(dict(), layout_kwargs) + return plot_go( + *args, trace_class='Scatter', + trace_kwargs=trace_kwargs, layout_kwargs=layout_kwargs, + **kwargs) + + +def plot_histogram( + *args, barmode='overlay', xbins=None, histnorm='count', orientation='v', + trace_kwargs=None, layout_kwargs=None, + **kwargs): + '''Plot histogram from df''' + trace_kwargs = ps.merge(dict(orientation=orientation, xbins={}, histnorm=histnorm), trace_kwargs) + layout_kwargs = ps.merge(dict(barmode=barmode), layout_kwargs) + return plot_go( + *args, trace_class='Histogram', + trace_kwargs=trace_kwargs, layout_kwargs=layout_kwargs, + **kwargs) + + +def save_image(figure, filepath=None): + if os.environ['PY_ENV'] == 'test': + return + if filepath is None: + filepath = f'{PLOT_FILEDIR}/{ps.get(figure, "layout.title")}.png' + filepath = util.smart_path(filepath) + try: + pio.write_image(figure, filepath) + logger.info(f'Graph saved to {filepath}') + except Exception as e: + logger.warn( + f'{e}\nFailed to generate graph. Fix the issue and run retro-analysis to generate graphs.') + + +def stack_cumsum(df, y_col): + '''Submethod to cumsum over y columns for stacked area plot''' + y_col_list = util.cast_list(y_col) + stack_df = df.copy() + for idx in range(len(y_col_list)): + col = y_col_list[idx] + presum_idx = idx - 1 + if presum_idx > -1: + presum_col = y_col_list[presum_idx] + stack_df[col] += stack_df[presum_col] + return stack_df diff --git a/convlab/modules/__init__.py b/convlab/modules/__init__.py new file mode 100644 index 0000000..9a04545 --- /dev/null +++ b/convlab/modules/__init__.py @@ -0,0 +1,2 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. diff --git a/convlab/modules/action_decoder/__init__.py b/convlab/modules/action_decoder/__init__.py new file mode 100644 index 0000000..5fdafe3 --- /dev/null +++ b/convlab/modules/action_decoder/__init__.py @@ -0,0 +1,4 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.modules.action_decoder.multiwoz.multiwoz_vocab_action_decoder import MultiWozVocabActionDecoder \ No newline at end of file diff --git a/convlab/modules/action_decoder/multiwoz/__init__.py b/convlab/modules/action_decoder/multiwoz/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/convlab/modules/action_decoder/multiwoz/multiwoz_vocab_action_decoder.py b/convlab/modules/action_decoder/multiwoz/multiwoz_vocab_action_decoder.py new file mode 100644 index 0000000..91e0062 --- /dev/null +++ b/convlab/modules/action_decoder/multiwoz/multiwoz_vocab_action_decoder.py @@ -0,0 +1,166 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +import os +import json +from pprint import pprint +import numpy as np + +from convlab.modules.policy.system.multiwoz.rule_based_multiwoz_bot import REF_SYS_DA, REF_USR_DA, generate_car, generate_ref_num +from convlab.modules.util.dbquery import query + + +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] + + +class MultiWozVocabActionDecoder(object): + def __init__(self, vocab_path=None): + self.action_vocab = ActionVocab(num_actions=300) + + def decode(self, action_index, state): + domains = ['Attraction', 'Hospital', 'Hotel', 'Restaurant', 'Taxi', 'Train', 'Police'] + delex_action = self.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] != "": + self.domain_fill(delex_action, state, action, act) + break + else: + action[act] = [['none', 'none']] + elif domain in domains: + self.domain_fill(delex_action, state, action, act) + + return action + + def domain_fill(self, 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']] + diff --git a/convlab/modules/dst/__init__.py b/convlab/modules/dst/__init__.py new file mode 100644 index 0000000..41625f5 --- /dev/null +++ b/convlab/modules/dst/__init__.py @@ -0,0 +1,5 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.modules.dst.multiwoz import MDBTTracker +from convlab.modules.dst.multiwoz import RuleDST \ No newline at end of file diff --git a/convlab/modules/dst/multiwoz/__init__.py b/convlab/modules/dst/multiwoz/__init__.py new file mode 100644 index 0000000..3999ecd --- /dev/null +++ b/convlab/modules/dst/multiwoz/__init__.py @@ -0,0 +1,5 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.modules.dst.multiwoz.mdbt import MDBTTracker +from convlab.modules.dst.multiwoz.rule_dst import RuleDST \ No newline at end of file diff --git a/convlab/modules/dst/multiwoz/dst_util.py b/convlab/modules/dst/multiwoz/dst_util.py new file mode 100644 index 0000000..b5f93c0 --- /dev/null +++ b/convlab/modules/dst/multiwoz/dst_util.py @@ -0,0 +1,175 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +import json +import re +from difflib import SequenceMatcher + +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": "", + "entrance fee": "" + } + }, + "restaurant": { + "book": { + "booked": [], + "people": "", + "day": "", + "time": "" + }, + "semi": { + "food": "", + "pricerange": "", + "name": "", + "area": "", + } + }, + "hospital": { + "book": { + "booked": [] + }, + "semi": { + "department": "" + } + }, + "taxi": { + "book": { + "booked": [], + "departure": "", + "destination": "" + }, + "semi": { + "leaveAt": "", + "arriveBy": "" + } + }, + "train": { + "book": { + "booked": [], + "people": "" + }, + "semi": { + "leaveAt": "", + "destination": "", + "day": "", + "arriveBy": "", + "departure": "" + } + } + } + + +def init_state(): + """ + The init state to start a session. + Example: + state = { + 'user_action': None, + 'history': [], + 'belief_state': None, + 'request_state': {} + } + """ + # user_action = {'general-hello':{}} + user_action = {} + state = {'user_action': user_action, + 'belief_state': init_belief_state, + 'request_state': {}, + 'history': []} + return state + +def str_similar(a, b): + return SequenceMatcher(None, a, b).ratio() + +def normalize_value(value_set, domain, slot, value): + """ + Normalized the value produced by NLU module to map it to the ontology value space. + Args: + value_set (dict): The value set of task ontology. + domain (str): The domain of the slot-value pairs. + slot (str): The slot of the value. + value (str): The raw value detected by NLU module. + + Returns: + value (str): The normalized value, which fits with the domain ontology. + """ + slot = slot.lower() + value = value.lower() + try: + assert domain in value_set + except: + raise Exception('domain <{}> not found in value set'.format(domain)) + if slot not in value_set[domain]: + print(value_set[domain].keys()) + raise Exception('slot <{}> not found in db_values[{}]'.format(slot, domain)) + value_list = value_set[domain][slot] + # for time type slots + if slot in ['leaveat', 'arriveby']: + mat = re.search(r"(\d{1,2}:\d{1,2})", value) + if mat is not None: + value = mat.groups()[0] + else: + value = "00:00" # TODO: check default value + return value + # for entrance fee + if slot == 'entrance fee': + if 'free' in value: + return 'free' + mat = re.search(r"(\d{1}.\d{1,2}) pounds", value) + if mat is not None: + value = mat.groups()[0] + return value + mat = re.search(r"(\d{1}) pounds", value) + if mat is not None: + value = mat.groups()[0] + return value + return '5 pounds' # TODO: check deafult value + # for ideal condition + elif value in value_list: + return value + # for fuzzy value recognition + else: + best_value = value + best_score = -1 + for v1 in value_list: + score = str_similar(value, v1) + if score > best_score: + best_score = score + best_value = v1 + with open('fuzzy_recognition.log', 'a+') as f: + f.write('{} -> {}\n'.format(value, best_value)) + return best_value + +if __name__ == "__main__": + value_set = json.load(open('../../../data/multiwoz/db/db_values.json')) + print(normalize_value(value_set, 'restaurant', 'address', 'regent street city center')) \ No newline at end of file diff --git a/convlab/modules/dst/multiwoz/mdbt.py b/convlab/modules/dst/multiwoz/mdbt.py new file mode 100644 index 0000000..8e55600 --- /dev/null +++ b/convlab/modules/dst/multiwoz/mdbt.py @@ -0,0 +1,477 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.modules.dst.state_tracker import Tracker +from convlab.modules.util.multiwoz_slot_trans import REF_SYS_DA, REF_USR_DA +import tensorflow as tf +from convlab.modules.dst.multiwoz.mdbt_util import model_definition, load_word_vectors, load_ontology, load_woz_data, \ + track_dialogue, generate_batch, process_history, evaluate_model +import os, sys, json, math, time +import numpy as np +import copy +from random import shuffle +from convlab.modules.dst.multiwoz.dst_util import init_state, init_belief_state, normalize_value + +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/mdbt') +VALIDATION_URL = os.path.join(DATA_PATH, "data/validate.json") +WORD_VECTORS_URL = os.path.join(DATA_PATH, "word-vectors/paragram_300_sl999.txt") +TRAINING_URL = os.path.join(DATA_PATH, "data/train.json") +ONTOLOGY_URL = os.path.join(DATA_PATH, "data/ontology.json") +TESTING_URL = os.path.join(DATA_PATH, "data/test.json") +MODEL_URL = os.path.join(DATA_PATH, "models/model-1") +GRAPH_URL = os.path.join(DATA_PATH, "graphs/graph-1") +RESULTS_URL = os.path.join(DATA_PATH, "results/log-1.txt") +KB_URL = os.path.join(DATA_PATH, "data/") # TODO: yaoqin +TRAIN_MODEL_URL = os.path.join(DATA_PATH, "train_models/model-1") +TRAIN_GRAPH_URL = os.path.join(DATA_PATH, "train_graph/graph-1") + +train_batch_size = 1 +batches_per_eval = 10 +no_epochs = 600 +device = "gpu" +start_batch = 0 + + +class MDBTTracker(Tracker): + """ + A multi-domain belief tracker, adopted from https://github.com/osmanio2/multi-domain-belief-tracking. + """ + def __init__(self): + Tracker.__init__(self) + print('Configuring MDBT model...') + self.word_vectors = load_word_vectors(WORD_VECTORS_URL) + + # Load the ontology and extract the feature vectors + self.ontology, self.ontology_vectors, self.slots = load_ontology(ONTOLOGY_URL, self.word_vectors) + + # Load and process the training data + self.dialogues, self.actual_dialogues = load_woz_data(TESTING_URL, self.word_vectors, self.ontology) + self.no_dialogues = len(self.dialogues) + + self.model_variables = model_definition(self.ontology_vectors, len(self.ontology), self.slots, num_hidden=None, + bidir=True, net_type=None, test=True, dev='cpu') + self.state = init_state() + self.model_url = MODEL_URL + self.graph_url = GRAPH_URL + #os.environ["CUDA_VISIBLE_DEVICES"] = -1 #params['cuda_id'] + _config = tf.ConfigProto() + _config.gpu_options.allow_growth = True + _config.allow_soft_placement = True + self.sess = tf.Session(config=_config) + self.param_restored = False + # build detect dict for detect_requestable_slots + self.det_dic = {} + for domain, dic in REF_USR_DA.items(): + for key, value in dic.items(): + assert '-' not in key + self.det_dic[key.lower()] = key + '-' + domain + self.det_dic[value.lower()] = key + '-' + domain + self.value_dict = json.load(open('data/multiwoz/db/db_values.json')) + + def init_session(self): + self.state = init_state() + if not self.param_restored: + self.restore() + + def restore(self): + self.restore_model(self.sess, tf.train.Saver()) + + def update(self, sess=None, user_act=None): + """Update the dialog state.""" + if type(user_act) is not str: + raise Exception('Expected user_act to be type, but get {}.'.format(type(user_act))) + self.state['history'] = self.normalize_history(self.state['history']) + prev_state = self.state + if not os.path.exists(os.path.join(DATA_PATH, "results")): + os.makedirs(os.path.join(DATA_PATH, "results")) + + global train_batch_size, MODEL_URL, GRAPH_URL + + model_variables = self.model_variables + (user, sys_res, no_turns, user_uttr_len, sys_uttr_len, labels, domain_labels, domain_accuracy, + slot_accuracy, value_accuracy, value_f1, train_step, keep_prob, predictions, + true_predictions, [y, _]) = model_variables + + # generate fake dialogue based on history (this os to reuse the original MDBT code) + actual_history = prev_state['history'] # [[sys, user], [sys, user], ...] + if len(actual_history) == 0: + actual_history = [['', user_act if len(user_act)>0 else 'fake user act']] + fake_dialogue = {} + turn_no = 0 + for _sys, _user in actual_history: + turn = {} + turn['system'] = _sys + fake_user = {} + fake_user['text'] = _user + fake_user['belief_state'] = init_belief_state + turn['user'] = fake_user + key = str(turn_no) + fake_dialogue[key] = turn + turn_no += 1 + context, actual_context = process_history([fake_dialogue], self.word_vectors, self.ontology) + # generate turn input + # print('history size: {}'.format(len(prev_state['history']))) + # ret = '' + # for a, b in prev_state['history']: + # ret += '{} {} |'.format(len(nltk.word_tokenize(a)), len(nltk.word_tokenize(b))) + # print(ret) + batch_user, batch_sys, batch_labels, batch_domain_labels, batch_user_uttr_len, batch_sys_uttr_len, \ + batch_no_turns = generate_batch(context, 0, 1, len(self.ontology)) # old feature + + # run model + [pred, y_pred] = self.sess.run( + [predictions, y], + feed_dict={user: batch_user, sys_res: batch_sys, + labels: batch_labels, + domain_labels: batch_domain_labels, + user_uttr_len: batch_user_uttr_len, + sys_uttr_len: batch_sys_uttr_len, + no_turns: batch_no_turns, + keep_prob: 1.0}) + + # convert to str output + dialgs, _, _ = track_dialogue(actual_context, self.ontology, pred, y_pred) + assert len(dialgs) >= 1 + last_turn = dialgs[0][-1] + predictions = last_turn['prediction'] + new_belief_state = copy.deepcopy(prev_state['belief_state']) + + # updaet belief state + for item in predictions: + item = item.lower() + domain, slot, value = item.strip().split('-') + value = value[::-1].split(':', 1)[1][::-1] + if slot == 'price range': + slot = 'pricerange' + if slot not in ['name', 'book']: + if domain not in new_belief_state: + raise Exception('Error: domain <{}> not in belief state'.format(domain)) + slot = REF_SYS_DA[domain.capitalize( )].get(slot, slot) + assert 'semi' in new_belief_state[domain] + assert 'book' in new_belief_state[domain] + if 'book' in slot: + assert slot.startswith('book ') + slot = slot.strip().split()[1] + domain_dic = new_belief_state[domain] + if slot in domain_dic['semi']: + new_belief_state[domain]['semi'][slot] = normalize_value(self.value_dict, domain, slot, value) + elif slot in domain_dic['book']: + new_belief_state[domain]['book'][slot] = value + elif slot.lower() in domain_dic['book']: + new_belief_state[domain]['book'][slot.lower()] = value + else: + with open('mdbt_unknown_slot.log', 'a+') as f: + f.write('unknown slot name <{}> with value <{}> of domain <{}>\nitem: {}\n\n'.format(slot, value, + domain, item)) + new_request_state = copy.deepcopy(prev_state['request_state']) + # update request_state + user_request_slot = self.detect_requestable_slots(user_act) + for domain in user_request_slot: + for key in user_request_slot[domain]: + if domain not in new_request_state: + new_request_state[domain] = {} + if key not in new_request_state[domain]: + new_request_state[domain][key] = user_request_slot[domain][key] + # update state + new_state = copy.deepcopy(dict(prev_state)) + new_state['belief_state'] = new_belief_state + new_state['request_state'] = new_request_state + return new_state + + def normalize_history(self, history): + """Replace zero-length history.""" + for i in range(len(history)): + a, b = history[i] + if len(a) == 0: + history[i][0] = 'sys' + if len(b) == 0: + history[i][1] = 'user' + return history + + def detect_requestable_slots(self, observation): + result = {} + observation = observation.lower() + _observation = ' {} '.format(observation) + for value in self.det_dic.keys(): + _value = ' {} '.format(value.strip()) + if _value in _observation: + key, domain = self.det_dic[value].split('-') + if domain not in result: + result[domain] = {} + result[domain][key] = 0 + return result + + def restore_model(self, sess, saver): + saver.restore(sess, self.model_url) + print('Loading trained MDBT model from ', self.model_url) + self.param_restored = True + + def train(self): + """ + Train the model. + Model saved to + """ + num_hid, bidir, net_type, n2p, batch_size, model_url, graph_url, dev = \ + None, True, None, None, None, None, None, None + global train_batch_size, MODEL_URL, GRAPH_URL, device, TRAIN_MODEL_URL, TRAIN_GRAPH_URL + + if batch_size: + train_batch_size = batch_size + print("Setting up the batch size to {}.........................".format(batch_size)) + if model_url: + TRAIN_MODEL_URL = model_url + print("Setting up the model url to {}.........................".format(TRAIN_MODEL_URL)) + if graph_url: + TRAIN_GRAPH_URL = graph_url + print("Setting up the graph url to {}.........................".format(TRAIN_GRAPH_URL)) + + if dev: + device = dev + print("Setting up the device to {}.........................".format(device)) + + # 1 Load and process the input data including the ontology + # Load the word embeddings + word_vectors = load_word_vectors(WORD_VECTORS_URL) + + # Load the ontology and extract the feature vectors + ontology, ontology_vectors, slots = load_ontology(ONTOLOGY_URL, word_vectors) + + # Load and process the training data + dialogues, _ = load_woz_data(TRAINING_URL, word_vectors, ontology) + no_dialogues = len(dialogues) + + # Load and process the validation data + val_dialogues, _ = load_woz_data(VALIDATION_URL, word_vectors, ontology) + + # Generate the validation batch data + val_data = generate_batch(val_dialogues, 0, len(val_dialogues), len(ontology)) + val_iterations = int(len(val_dialogues) / train_batch_size) + + # 2 Initialise and set up the model graph + # Initialise the model + graph = tf.Graph() + with graph.as_default(): + model_variables = model_definition(ontology_vectors, len(ontology), slots, num_hidden=num_hid, bidir=bidir, + net_type=net_type, dev=device) + (user, sys_res, no_turns, user_uttr_len, sys_uttr_len, labels, domain_labels, domain_accuracy, + slot_accuracy, value_accuracy, value_f1, train_step, keep_prob, _, _, _) = model_variables + [precision, recall, value_f1] = value_f1 + saver = tf.train.Saver() + if device == 'gpu': + config = tf.ConfigProto(allow_soft_placement=True) + config.gpu_options.allow_growth = True + else: + config = tf.ConfigProto(device_count={'GPU': 0}) + + sess = tf.Session(config=config) + if os.path.exists(TRAIN_MODEL_URL + ".index"): + saver.restore(sess, TRAIN_MODEL_URL) + print("Loading from an existing model {} ....................".format(TRAIN_MODEL_URL)) + else: + if not os.path.exists(TRAIN_MODEL_URL): + os.makedirs('/'.join(TRAIN_MODEL_URL.split('/')[:-1])) + os.makedirs('/'.join(TRAIN_GRAPH_URL.split('/')[:-1])) + init = tf.global_variables_initializer() + sess.run(init) + print("Create new model parameters.....................................") + merged = tf.summary.merge_all() + val_accuracy = tf.summary.scalar('validation_accuracy', value_accuracy) + val_f1 = tf.summary.scalar('validation_f1_score', value_f1) + train_writer = tf.summary.FileWriter(TRAIN_GRAPH_URL, graph) + train_writer.flush() + + # 3 Perform an epoch of training + last_update = -1 + best_f_score = -1 + for epoch in range(no_epochs): + + batch_size = train_batch_size + sys.stdout.flush() + iterations = math.ceil(no_dialogues / train_batch_size) + start_time = time.time() + val_i = 0 + shuffle(dialogues) + for batch_id in range(iterations): + + if batch_id == iterations - 1 and no_dialogues % iterations != 0: + batch_size = no_dialogues % train_batch_size + + batch_user, batch_sys, batch_labels, batch_domain_labels, batch_user_uttr_len, batch_sys_uttr_len, \ + batch_no_turns = generate_batch(dialogues, batch_id, batch_size, len(ontology)) + + [_, summary, da, sa, va, vf, pr, re] = sess.run([train_step, merged, domain_accuracy, slot_accuracy, + value_accuracy, value_f1, precision, recall], + feed_dict={user: batch_user, sys_res: batch_sys, + labels: batch_labels, + domain_labels: batch_domain_labels, + user_uttr_len: batch_user_uttr_len, + sys_uttr_len: batch_sys_uttr_len, + no_turns: batch_no_turns, + keep_prob: 0.5}) + + print("The accuracies for domain is {:.2f}, slot {:.2f}, value {:.2f}, f1_score {:.2f} precision {:.2f}" + " recall {:.2f} for batch {}".format(da, sa, va, vf, pr, re, batch_id + iterations * epoch)) + + train_writer.add_summary(summary, start_batch + batch_id + iterations * epoch) + + # ================================ VALIDATION ============================================== + + if batch_id % batches_per_eval == 0 or batch_id == 0: + if batch_id == 0: + print("Batch", "0", "to", batch_id, "took", round(time.time() - start_time, 2), "seconds.") + + else: + print("Batch", batch_id + iterations * epoch - batches_per_eval, "to", + batch_id + iterations * epoch, "took", + round(time.time() - start_time, 3), "seconds.") + start_time = time.time() + + _, _, v_acc, f1_score, sm1, sm2 = evaluate_model(sess, model_variables, val_data, + [val_accuracy, val_f1], batch_id, val_i) + val_i += 1 + val_i %= val_iterations + train_writer.add_summary(sm1, start_batch + batch_id + iterations * epoch) + train_writer.add_summary(sm2, start_batch + batch_id + iterations * epoch) + stime = time.time() + current_metric = f1_score + print(" Validation metric:", round(current_metric, 5), " eval took", + round(time.time() - stime, 2), "last update at:", last_update, "/", iterations) + + # and if we got a new high score for validation f-score, we need to save the parameters: + if current_metric > best_f_score: + last_update = batch_id + iterations * epoch + 1 + print("\n ====================== New best validation metric:", round(current_metric, 4), + " - saving these parameters. Batch is:", last_update, "/", iterations, + "---------------- =========== \n") + + best_f_score = current_metric + + saver.save(sess, TRAIN_MODEL_URL) + + print("The best parameters achieved a validation metric of", round(best_f_score, 4)) + + def test(self, sess): + """Test the MDBT model. Almost the same as original code.""" + if not os.path.exists("../../data/mdbt/results"): + os.makedirs("../../data/mdbt/results") + + global train_batch_size, MODEL_URL, GRAPH_URL + + model_variables = self.model_variables + (user, sys_res, no_turns, user_uttr_len, sys_uttr_len, labels, domain_labels, domain_accuracy, + slot_accuracy, value_accuracy, value_f1, train_step, keep_prob, predictions, + true_predictions, [y, _]) = model_variables + [precision, recall, value_f1] = value_f1 + # print("\tMDBT: Loading from an existing model {} ....................".format(MODEL_URL)) + + iterations = math.ceil(self.no_dialogues / train_batch_size) + batch_size = train_batch_size + [slot_acc, tot_accuracy] = [np.zeros(len(self.ontology), dtype="float32"), 0] + slot_accurac = 0 + # value_accurac = np.zeros((len(slots),), dtype="float32") + value_accurac = 0 + joint_accuracy = 0 + f1_score = 0 + preci = 0 + recal = 0 + processed_dialogues = [] + # np.set_printoptions(threshold=np.nan) + for batch_id in range(int(iterations)): + + if batch_id == iterations - 1: + batch_size = self.no_dialogues - batch_id * train_batch_size + + batch_user, batch_sys, batch_labels, batch_domain_labels, batch_user_uttr_len, batch_sys_uttr_len, \ + batch_no_turns = generate_batch(self.dialogues, batch_id, batch_size, len(self.ontology)) + + [da, sa, va, vf, pr, re, pred, true_pred, y_pred] = sess.run( + [domain_accuracy, slot_accuracy, value_accuracy, + value_f1, precision, recall, predictions, + true_predictions, y], + feed_dict={user: batch_user, sys_res: batch_sys, + labels: batch_labels, + domain_labels: batch_domain_labels, + user_uttr_len: batch_user_uttr_len, + sys_uttr_len: batch_sys_uttr_len, + no_turns: batch_no_turns, + keep_prob: 1.0}) + + true = sum([1 if np.array_equal(pred[k, :], true_pred[k, :]) and sum(true_pred[k, :]) > 0 else 0 + for k in range(true_pred.shape[0])]) + actual = sum([1 if sum(true_pred[k, :]) > 0 else 0 for k in range(true_pred.shape[0])]) + ja = true / actual + tot_accuracy += da + # joint_accuracy += ja + slot_accurac += sa + if math.isnan(pr): + pr = 0 + preci += pr + recal += re + if math.isnan(vf): + vf = 0 + f1_score += vf + # value_accurac += va + slot_acc += np.mean(np.asarray(np.equal(pred, true_pred), dtype="float32"), axis=0) + + dialgs, va1, ja = track_dialogue(self.actual_dialogues[batch_id * train_batch_size: + batch_id * train_batch_size + batch_size], + self.ontology, pred, y_pred) + processed_dialogues += dialgs + joint_accuracy += ja + value_accurac += va1 + + print( + "The accuracies for domain is {:.2f}, slot {:.2f}, value {:.2f}, other value {:.2f}, f1_score {:.2f} precision {:.2f}" + " recall {:.2f} for batch {}".format(da, sa, np.mean(va), va1, vf, pr, re, batch_id)) + + print( + "End of evaluating the test set...........................................................................") + + slot_acc /= iterations + # print("The accuracies for each slot:") + # print(value_accurac/iterations) + print("The overall accuracies for domain is" + " {}, slot {}, value {}, f1_score {}, precision {}," + " recall {}, joint accuracy {}".format(tot_accuracy / iterations, slot_accurac / iterations, + value_accurac / iterations, f1_score / iterations, + preci / iterations, recal / iterations, + joint_accuracy / iterations)) + + with open(RESULTS_URL, 'w') as f: + json.dump(processed_dialogues, f, indent=4) + + +def test_update(): + os.environ["CUDA_VISIBLE_DEVICES"] = '0' + _config = tf.ConfigProto() + _config.gpu_options.allow_growth = True + _config.allow_soft_placement = True + start_time = time.time() + mdbt = MDBTTracker() + print('\tMDBT: model build time: {:.2f} seconds'.format(time.time() - start_time)) + saver = tf.train.Saver() + mdbt.restore_model(mdbt.sess, saver) + # demo state history + mdbt.state['history'] = [['null', 'I\'m trying to find an expensive restaurant in the centre part of town.'], + [ + 'The Cambridge Chop House is an good expensive restaurant in the centre of town. Would you like me to book it for you?', + 'Yes, a table for 1 at 16:15 on sunday. I need the reference number.']] + new_state = mdbt.update(None, 'hi, this is not good') + print(json.dumps(new_state, indent=4)) + print('all time: {:.2f} seconds'.format(time.time() - start_time)) + + +def evaluate_model(): + os.environ["CUDA_VISIBLE_DEVICES"] = '0' + _config = tf.ConfigProto() + _config.gpu_options.allow_growth = True + _config.allow_soft_placement = True + start_time = time.time() + mdbt = MDBTTracker() + print('\tMDBT: model build time: {:.2f} seconds'.format(time.time() - start_time)) + saver = tf.train.Saver() + mdbt.restore_model(mdbt.sess, saver) + mdbt.test(mdbt.sess) + +if __name__ == '__main__': + evaluate_model() diff --git a/convlab/modules/dst/multiwoz/mdbt_util.py b/convlab/modules/dst/multiwoz/mdbt_util.py new file mode 100644 index 0000000..c10791e --- /dev/null +++ b/convlab/modules/dst/multiwoz/mdbt_util.py @@ -0,0 +1,1016 @@ +# -*- coding: utf-8 -*- + +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +import json +import tensorflow as tf +from tensorflow.python.client import device_lib +import numpy as np +import sys +import os +import time +from copy import deepcopy +import math +import click +from collections import OrderedDict +from random import shuffle + +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/mdbt') +VALIDATION_URL = os.path.join(DATA_PATH, "data/validate.json") +WORD_VECTORS_URL = os.path.join(DATA_PATH, "word-vectors/paragram_300_sl999.txt") +TRAINING_URL = os.path.join(DATA_PATH, "data/train.json") +ONTOLOGY_URL = os.path.join(DATA_PATH, "data/ontology.json") +TESTING_URL = os.path.join(DATA_PATH, "data/test.json") +MODEL_URL = os.path.join(DATA_PATH, "models/model-1") +GRAPH_URL = os.path.join(DATA_PATH, "graphs/graph-1") +RESULTS_URL = os.path.join(DATA_PATH, "results/log-1.txt") + +#ROOT_URL = '../../data/mdbt' + +#VALIDATION_URL = "./data/mdbt/data/validate.json" +#WORD_VECTORS_URL = "./data/mdbt/word-vectors/paragram_300_sl999.txt" +#TRAINING_URL = "./data/mdbt/data/train.json" +#ONTOLOGY_URL = "./data/mdbt/data/ontology.json" +#TESTING_URL = "./data/mdbt/data/test.json" +#MODEL_URL = "./data/mdbt/models/model-1" +#GRAPH_URL = "./data/mdbt/graphs/graph-1" +#RESULTS_URL = "./data/mdbt/results/log-1.txt" + + +domains = ['restaurant', 'hotel', 'attraction', 'train', 'taxi'] + +train_batch_size = 64 +batches_per_eval = 10 +no_epochs = 600 +device = "gpu" +start_batch = 0 + +num_slots = 0 + +booking_slots = {} + +network = "lstm" +bidirect = True +lstm_num_hidden = 50 +max_utterance_length = 50 +vector_dimension = 300 +max_no_turns = 22 + + +# model.py +def get_available_devs(): + local_device_protos = device_lib.list_local_devices() + return [x.name for x in local_device_protos if x.device_type == 'GPU'] + + +class GRU(tf.nn.rnn_cell.RNNCell): + ''' + Create a Gated Recurrent unit to unroll the network through time + for combining the current and previous belief states + ''' + + def __init__(self, W_h, U_h, M_h, W_m, U_m, label_size, reuse=None, binary_output=False): + super(GRU, self).__init__(_reuse=reuse) + self.label_size = label_size + self.M_h = M_h + self.W_m = W_m + self.U_m = U_m + self.U_h = U_h + self.W_h = W_h + self.binary_output = binary_output + + def __call__(self, inputs, state, scope=None): + state_only = tf.slice(state, [0, self.label_size], [-1, -1]) + output_only = tf.slice(state, [0, 0], [-1, self.label_size]) + new_state = tf.tanh(tf.matmul(inputs, self.U_m) + tf.matmul(state_only, self.W_m)) + output = tf.matmul(inputs, self.U_h) + tf.matmul(output_only, self.W_h) + tf.matmul(state_only, self.M_h) + if self.binary_output: + output_ = tf.sigmoid(output) + else: + output_ = tf.nn.softmax(output) + state = tf.concat([output_, new_state], 1) + return output, state + + @property + def state_size(self): + return tf.shape(self.W_m)[0] + self.label_size + + @property + def output_size(self): + return tf.shape(self.W_h)[0] + + +def define_CNN_model(utter, num_filters=300, name="r"): + """ + Better code for defining the CNN model. + """ + filter_sizes = [1, 2, 3] + W = [] + b = [] + for i, filter_size in enumerate(filter_sizes): + filter_shape = [filter_size, vector_dimension, 1, num_filters] + W.append(tf.Variable(tf.truncated_normal(filter_shape, stddev=0.1), name="F_W")) + b.append(tf.Variable(tf.constant(0.1, shape=[num_filters]), name="F_b")) + + utter = tf.reshape(utter, [-1, max_utterance_length, vector_dimension]) + + hidden_representation = tf.zeros([num_filters], tf.float32) + + pooled_outputs = [] + for i, filter_size in enumerate(filter_sizes): + # with tf.name_scope("conv-maxpool-%s" % filter_size): + # Convolution Layer + conv = tf.nn.conv2d( + tf.expand_dims(utter, -1), + W[i], + strides=[1, 1, 1, 1], + padding="VALID", + name="conv_R") + # Apply nonlinearity + h = tf.nn.relu(tf.nn.bias_add(conv, b[i]), name="relu") + # Maxpooling over the outputs + pooled = tf.nn.max_pool( + h, + ksize=[1, max_utterance_length - filter_size + 1, 1, 1], + strides=[1, 1, 1, 1], + padding='VALID', + name="r_") + pooled_outputs.append(pooled) + + hidden_representation += tf.reshape(tf.concat(pooled, 3), [-1, num_filters]) + + hidden_representation = tf.reshape(hidden_representation, [-1, max_no_turns, num_filters], name=name) + + return hidden_representation + + +def lstm_model(text_input, utterance_length, num_hidden, name, net_type, bidir): + ''' + Define an Lstm model that will run across the user input and system act + :param text_input: [batch_size, max_num_turns, max_utterance_size, vector_dimension] + :param utterance_length: number words in every utterance [batch_size, max_num_turns, 1] + :param num_hidden: -- int -- + :param name: The name of lstm network + :param net_type: type of the network ("lstm" or "gru" or "rnn") + :param bidir: use a bidirectional network -- bool -- + :return: output at each state [batch_size, max_num_turns, max_utterance_size, num_hidden], + output of the final state [batch_size, max_num_turns, num_hidden] + ''' + with tf.variable_scope(name): + + text_input = tf.reshape(text_input, [-1, max_utterance_length, vector_dimension]) + utterance_length = tf.reshape(utterance_length, [-1]) + + def rnn(net_typ, num_units): + if net_typ == "lstm": + return tf.nn.rnn_cell.LSTMCell(num_units) + elif net_typ == "gru": + return tf.nn.rnn_cell.GRUCell(num_units) + else: + return tf.nn.rnn_cell.BasicRNNCell(num_units) + + if bidir: + assert num_hidden % 2 == 0 + rev_cell = rnn(net_type, num_hidden // 2) + cell = rnn(net_type, num_hidden // 2) + _, lspd = tf.nn.bidirectional_dynamic_rnn(cell, rev_cell, text_input, dtype=tf.float32, + sequence_length=utterance_length) + if net_type == "lstm": + lspd = (lspd[0].h, lspd[1].h) + + last_state = tf.concat(lspd, 1) + else: + cell = rnn(net_type, num_hidden) + _, last_state = tf.nn.dynamic_rnn(cell, text_input, dtype=tf.float32, sequence_length=utterance_length) + if net_type == "lstm": + last_state = last_state.h + + last_state = tf.reshape(last_state, [-1, max_no_turns, num_hidden]) + + return last_state + + +def model_definition(ontology, num_slots, slots, num_hidden=None, net_type=None, bidir=None, test=False, dev=None): + ''' + Create neural belief tracker model that is defined in my notes. It consists of encoding the user and system input, + then use the ontology to decode the encoder in manner that detects if a domain-slot-value class is mentioned + :param ontology: numpy array of the embedded vectors of the ontology [num_slots, 3*vector_dimension] + :param num_slots: number of ontology classes --int-- + :param slots: indices of the values of each slot list of lists of ints + :param num_hidden: Number of hidden units or dimension of the hidden space + :param net_type: The type of the encoder network cnn, lstm, gru, rnn ...etc + :param bidir: For recurrent networks should it be bidirectional + :param test: This is testing mode (no back-propagation) + :param dev: Device to run the model on (cpu or gpu) + :return: All input variable/placeholders output metrics (precision, recall, f1-score) and trainer + ''' + # print('model definition') + # print(ontology, num_slots, slots, num_hidden, net_type, bidir, test, dev) + global lstm_num_hidden + + if not net_type: + net_type = network + else: + print("\tMDBT: Setting up the type of the network to {}..............................".format(net_type)) + if bidir == None: + bidir = bidirect + else: + pass + # print("\tMDBT: Setting up type of the recurrent network to bidirectional {}...........................".format(bidir)) + if num_hidden: + lstm_num_hidden = num_hidden + print("\tMDBT: Setting up type of the dimension of the hidden space to {}.........................".format(num_hidden)) + + ontology = tf.constant(ontology, dtype=tf.float32) + + # ----------------------------------- Define the input variables -------------------------------------------------- + user_input = tf.placeholder(tf.float32, [None, max_no_turns, max_utterance_length, vector_dimension], name="user") + system_input = tf.placeholder(tf.float32, [None, max_no_turns, max_utterance_length, vector_dimension], name="sys") + num_turns = tf.placeholder(tf.int32, [None], name="num_turns") + user_utterance_lengths = tf.placeholder(tf.int32, [None, max_no_turns], name="user_sen_len") + sys_utterance_lengths = tf.placeholder(tf.int32, [None, max_no_turns], name="sys_sen_len") + labels = tf.placeholder(tf.float32, [None, max_no_turns, num_slots], name="labels") + domain_labels = tf.placeholder(tf.float32, [None, max_no_turns, num_slots], name="domain_labels") + # dropout placeholder, 0.5 for training, 1.0 for validation/testing: + keep_prob = tf.placeholder("float") + + # ------------------------------------ Create the Encoder networks ------------------------------------------------ + devs = ['/device:CPU:0'] + if dev == 'gpu': + devs = get_available_devs() + + if net_type == "cnn": + with tf.device(devs[1 % len(devs)]): + # Encode the domain of the user input using a LSTM network + usr_dom_en = define_CNN_model(user_input, num_filters=lstm_num_hidden, name="h_u_d") + # Encode the domain of the system act using a LSTM network + sys_dom_en = define_CNN_model(system_input, num_filters=lstm_num_hidden, name="h_s_d") + + with tf.device(devs[2 % len(devs)]): + # Encode the slot of the user input using a CNN network + usr_slot_en = define_CNN_model(user_input, num_filters=lstm_num_hidden, name="h_u_s") + # Encode the slot of the system act using a CNN network + sys_slot_en = define_CNN_model(system_input, num_filters=lstm_num_hidden, name="h_s_s") + # Encode the value of the user input using a CNN network + usr_val_en = define_CNN_model(user_input, num_filters=lstm_num_hidden, name="h_u_v") + # Encode the value of the system act using a CNN network + sys_val_en = define_CNN_model(system_input, num_filters=lstm_num_hidden, name="h_s_v") + # Encode the user using a CNN network + usr_en = define_CNN_model(user_input, num_filters=lstm_num_hidden // 5, name="h_u") + + else: + + with tf.device(devs[1 % len(devs)]): + # Encode the domain of the user input using a LSTM network + usr_dom_en = lstm_model(user_input, user_utterance_lengths, lstm_num_hidden, "h_u_d", net_type, bidir) + usr_dom_en = tf.nn.dropout(usr_dom_en, keep_prob, name="h_u_d_out") + # Encode the domain of the system act using a LSTM network + sys_dom_en = lstm_model(system_input, sys_utterance_lengths, lstm_num_hidden, "h_s_d", net_type, bidir) + sys_dom_en = tf.nn.dropout(sys_dom_en, keep_prob, name="h_s_d_out") + + with tf.device(devs[2 % len(devs)]): + # Encode the slot of the user input using a LSTM network + usr_slot_en = lstm_model(user_input, user_utterance_lengths, lstm_num_hidden, "h_u_s", net_type, bidir) + usr_slot_en = tf.nn.dropout(usr_slot_en, keep_prob, name="h_u_s_out") + # Encode the slot of the system act using a LSTM network + sys_slot_en = lstm_model(system_input, sys_utterance_lengths, lstm_num_hidden, "h_s_s", net_type, bidir) + sys_slot_en = tf.nn.dropout(sys_slot_en, keep_prob, name="h_s_s_out") + # Encode the value of the user input using a LSTM network + usr_val_en = lstm_model(user_input, user_utterance_lengths, lstm_num_hidden, "h_u_v", net_type, bidir) + usr_val_en = tf.nn.dropout(usr_val_en, keep_prob, name="h_u_v_out") + # Encode the value of the system act using a LSTM network + sys_val_en = lstm_model(system_input, sys_utterance_lengths, lstm_num_hidden, "h_s_v", net_type, bidir) + sys_val_en = tf.nn.dropout(sys_val_en, keep_prob, name="h_s_v_out") + # Encode the user using a LSTM network + usr_en = lstm_model(user_input, user_utterance_lengths, lstm_num_hidden // 5, "h_u", net_type, bidir) + usr_en = tf.nn.dropout(usr_en, keep_prob, name="h_u_out") + + with tf.device(devs[1 % len(devs)]): + usr_dom_en = tf.tile(tf.expand_dims(usr_dom_en, axis=2), [1, 1, num_slots, 1], name="h_u_d") + sys_dom_en = tf.tile(tf.expand_dims(sys_dom_en, axis=2), [1, 1, num_slots, 1], name="h_s_d") + with tf.device(devs[2 % len(devs)]): + usr_slot_en = tf.tile(tf.expand_dims(usr_slot_en, axis=2), [1, 1, num_slots, 1], name="h_u_s") + sys_slot_en = tf.tile(tf.expand_dims(sys_slot_en, axis=2), [1, 1, num_slots, 1], name="h_s_s") + usr_val_en = tf.tile(tf.expand_dims(usr_val_en, axis=2), [1, 1, num_slots, 1], name="h_u_v") + sys_val_en = tf.tile(tf.expand_dims(sys_val_en, axis=2), [1, 1, num_slots, 1], name="h_s_v") + usr_en = tf.tile(tf.expand_dims(usr_en, axis=2), [1, 1, num_slots, 1], name="h_u") + + # All encoding vectors have size [batch_size, max_turns, num_slots, num_hidden] + + # Matrix that transforms the ontology from the embedding space to the hidden representation + with tf.device(devs[1 % len(devs)]): + W_onto_domain = tf.Variable(tf.random_normal([vector_dimension, lstm_num_hidden]), name="W_onto_domain") + W_onto_slot = tf.Variable(tf.random_normal([vector_dimension, lstm_num_hidden]), name="W_onto_slot") + W_onto_value = tf.Variable(tf.random_normal([vector_dimension, lstm_num_hidden]), name="W_onto_value") + + # And biases + b_onto_domain = tf.Variable(tf.zeros([lstm_num_hidden]), name="b_onto_domain") + b_onto_slot = tf.Variable(tf.zeros([lstm_num_hidden]), name="b_onto_slot") + b_onto_value = tf.Variable(tf.zeros([lstm_num_hidden]), name="b_onto_value") + + # Apply the transformation from the embedding space of the ontology to the hidden space + domain_vec = tf.slice(ontology, begin=[0, 0], size=[-1, vector_dimension]) + slot_vec = tf.slice(ontology, begin=[0, vector_dimension], size=[-1, vector_dimension]) + value_vec = tf.slice(ontology, begin=[0, 2 * vector_dimension], size=[-1, vector_dimension]) + # Each [num_slots, vector_dimension] + d = tf.nn.dropout(tf.tanh(tf.matmul(domain_vec, W_onto_domain) + b_onto_domain), keep_prob, name="d") + s = tf.nn.dropout(tf.tanh(tf.matmul(slot_vec, W_onto_slot) + b_onto_slot), keep_prob, name="s") + v = tf.nn.dropout(tf.tanh(tf.matmul(value_vec, W_onto_value) + b_onto_value), keep_prob, name="v") + # Each [num_slots, num_hidden] + + # Apply the comparison mechanism for all the user and system utterances and ontology values + domain_user = tf.multiply(usr_dom_en, d, name="domain_user") + domain_sys = tf.multiply(sys_dom_en, d, name="domain_sys") + slot_user = tf.multiply(usr_slot_en, s, name="slot_user") + slot_sys = tf.multiply(sys_slot_en, s, name="slot_sys") + value_user = tf.multiply(usr_val_en, v, name="value_user") + value_sys = tf.multiply(sys_val_en, v, name="value_sys") + # All of size [batch_size, max_turns, num_slots, num_hidden] + + # -------------- Domain Detection ------------------------------------------------------------------------- + W_domain = tf.Variable(tf.random_normal([2 * lstm_num_hidden]), name="W_domain") + b_domain = tf.Variable(tf.zeros([1]), name="b_domain") + y_d = tf.sigmoid(tf.reduce_sum(tf.multiply(tf.concat([domain_user, domain_sys], axis=3), W_domain), axis=3) + + b_domain) # [batch_size, max_turns, num_slots] + + # -------- Run through each of the 3 case ( inform, request, confirm) and decode the inferred state --------- + # 1 Inform (User is informing the system about the goal, e.g. "I am looking for a place to stay in the centre") + W_inform = tf.Variable(tf.random_normal([2 * lstm_num_hidden]), name="W_inform") + b_inform = tf.Variable(tf.random_normal([1]), name="b_inform") + inform = tf.add(tf.reduce_sum(tf.multiply(tf.concat([slot_user, value_user], axis=3), W_inform), axis=3), b_inform, + name="inform") # [batch_size, max_turns, num_slots] + + # 2 Request (The system is requesting information from the user, e.g. "what type of food would you like?") + with tf.device(devs[2 % len(devs)]): + W_request = tf.Variable(tf.random_normal([2 * lstm_num_hidden]), name="W_request") + b_request = tf.Variable(tf.random_normal([1]), name="b_request") + request = tf.add(tf.reduce_sum(tf.multiply(tf.concat([slot_sys, value_user], axis=3), W_request), axis=3), + b_request, name="request") # [batch_size, max_turns, num_slots] + + # 3 Confirm (The system is confirming values given by the user, e.g. "How about turkish food?") + with tf.device(devs[3 % len(devs)]): + size = 2 * lstm_num_hidden + lstm_num_hidden // 5 + W_confirm = tf.Variable(tf.random_normal([size]), name="W_confirm") + b_confirm = tf.Variable(tf.random_normal([1]), name="b_confirm") + confirm = tf.add( + tf.reduce_sum(tf.multiply(tf.concat([slot_sys, value_sys, usr_en], axis=3), W_confirm), axis=3), + b_confirm, name="confirm") # [batch_size, max_turns, num_slots] + + output = inform + request + confirm + + # -------------------- Adding the belief update RNN with memory cell (Taken from previous model) ------------------- + with tf.device(devs[2 % len(devs)]): + domain_memory = tf.Variable(tf.random_normal([1, 1]), name="domain_memory") + domain_current = tf.Variable(tf.random_normal([1, 1]), name="domain_current") + domain_M_h = tf.Variable(tf.random_normal([1, 1]), name="domain_M_h") + domain_W_m = tf.Variable(tf.random_normal([1, 1], name="domain_W_m")) + domain_U_m = tf.Variable(tf.random_normal([1, 1]), name="domain_U_m") + a_memory = tf.Variable(tf.random_normal([1, 1]), name="a_memory") + b_memory = tf.Variable(tf.random_normal([1, 1]), name="b_memory") + a_current = tf.Variable(tf.random_normal([1, 1]), name="a_current") + b_current = tf.Variable(tf.random_normal([1, 1]), name="b_current") + M_h_a = tf.Variable(tf.random_normal([1, 1]), name="M_h_a") + M_h_b = tf.Variable(tf.random_normal([1, 1]), name="M_h_b") + W_m_a = tf.Variable(tf.random_normal([1, 1]), name="W_m_a") + W_m_b = tf.Variable(tf.random_normal([1, 1]), name="W_m_b") + U_m_a = tf.Variable(tf.random_normal([1, 1]), name="U_m_a") + U_m_b = tf.Variable(tf.random_normal([1, 1]), name="U_m_b") + + # ---------------------------------- Unroll the domain over time -------------------------------------------------- + with tf.device(devs[1 % len(devs)]): + cell = GRU(domain_memory * tf.diag(tf.ones(num_slots)), domain_current * tf.diag(tf.ones(num_slots)), + domain_M_h * tf.diag(tf.ones(num_slots)), domain_W_m * tf.diag(tf.ones(num_slots)), + domain_U_m * tf.diag(tf.ones(num_slots)), num_slots, + binary_output=True) + + y_d, _ = tf.nn.dynamic_rnn(cell, y_d, sequence_length=num_turns, dtype=tf.float32) + + domain_loss = tf.reduce_sum(tf.nn.sigmoid_cross_entropy_with_logits(labels=domain_labels, logits=y_d), axis=2, + name="domain_loss") / (num_slots / len(slots)) + + y_d = tf.sigmoid(y_d) + + with tf.device(devs[0 % len(devs)]): + + loss = [None for _ in range(len(slots))] + slot_pred = [None for _ in range(len(slots))] + slot_label = [None for _ in range(len(slots))] + val_pred = [None for _ in range(len(slots))] + val_label = [None for _ in range(len(slots))] + y = [None for _ in range(len(slots))] + y_pred = [None for _ in range(len(slots))] + for i in range(len(slots)): + + num_values = slots[i] + 1 # For the none case + size = sum(slots[:i + 1]) - slots[i] + if test: + domain_output = tf.slice(tf.round(y_d), begin=[0, 0, size], size=[-1, -1, slots[i]]) + else: + domain_output = tf.slice(domain_labels, begin=[0, 0, size], size=[-1, -1, slots[i]]) + max_val = tf.expand_dims(tf.reduce_max(domain_output, axis=2), axis=2) + # tf.assert_less_equal(max_val, 1.0) + # tf.assert_equal(tf.round(max_val), max_val) + domain_output = tf.concat([tf.zeros(tf.shape(domain_output)), 1 - max_val], axis=2) + + slot_output = tf.slice(output, begin=[0, 0, size], size=[-1, -1, slots[i]]) + slot_output = tf.concat([slot_output, tf.zeros([tf.shape(output)[0], max_no_turns, 1])], axis=2) + + labels_output = tf.slice(labels, begin=[0, 0, size], size=[-1, -1, slots[i]]) + max_val = tf.expand_dims(tf.reduce_max(labels_output, axis=2), axis=2) + # tf.assert_less_equal(max_val, 1.0) + # tf.assert_equal(tf.round(max_val), max_val) + slot_label[i] = max_val + # [Batch_size, max_turns, 1] + labels_output = tf.argmax(tf.concat([labels_output, 1 - max_val], axis=2), axis=2) + # [Batch_size, max_turns] + val_label[i] = tf.cast(tf.expand_dims(labels_output, axis=2), dtype="float") + # [Batch_size, max_turns, 1] + + diag_memory = a_memory * tf.diag(tf.ones(num_values)) + non_diag_memory = tf.matrix_set_diag(b_memory * tf.ones([num_values, num_values]), tf.zeros(num_values)) + W_memory = diag_memory + non_diag_memory + + diag_current = a_current * tf.diag(tf.ones(num_values)) + non_diag_current = tf.matrix_set_diag(b_current * tf.ones([num_values, num_values]), tf.zeros(num_values)) + W_current = diag_current + non_diag_current + + diag_M_h = M_h_a * tf.diag(tf.ones(num_values)) + non_diag_M_h = tf.matrix_set_diag(M_h_b * tf.ones([num_values, num_values]), tf.zeros(num_values)) + M_h = diag_M_h + non_diag_M_h + + diag_U_m = U_m_a * tf.diag(tf.ones(num_values)) + non_diag_U_m = tf.matrix_set_diag(U_m_b * tf.ones([num_values, num_values]), tf.zeros(num_values)) + U_m = diag_U_m + non_diag_U_m + + diag_W_m = W_m_a * tf.diag(tf.ones(num_values)) + non_diag_W_m = tf.matrix_set_diag(W_m_b * tf.ones([num_values, num_values]), tf.zeros(num_values)) + W_m = diag_W_m + non_diag_W_m + + cell = GRU(W_memory, W_current, M_h, W_m, U_m, num_values) + y_predict, _ = tf.nn.dynamic_rnn(cell, slot_output, sequence_length=num_turns, dtype=tf.float32) + + y_predict = y_predict + 1000000.0 * domain_output + # [Batch_size, max_turns, num_values] + + y[i] = tf.nn.softmax(y_predict) + val_pred[i] = tf.cast(tf.expand_dims(tf.argmax(y[i], axis=2), axis=2), dtype="float32") + # [Batch_size, max_turns, 1] + y_pred[i] = tf.slice(tf.one_hot(tf.argmax(y[i], axis=2), dtype=tf.float32, depth=num_values), + begin=[0, 0, 0], size=[-1, -1, num_values - 1]) + y[i] = tf.slice(y[i], begin=[0, 0, 0], size=[-1, -1, num_values - 1]) + slot_pred[i] = tf.cast(tf.reduce_max(y_pred[i], axis=2, keep_dims=True), dtype="float32") + # [Batch_size, max_turns, 1] + loss[i] = tf.nn.sparse_softmax_cross_entropy_with_logits(labels=labels_output, logits=y_predict) + # [Batch_size, max_turns] + + # ---------------- Compute the output and the loss function (cross_entropy) and add to optimizer-------------------- + cross_entropy = tf.add_n(loss, name="cross_entropy") + # Add the error from the domains + cross_entropy = tf.add(cross_entropy, domain_loss, name="total_loss") + + y = tf.concat(y, axis=2, name="y") + + mask = tf.cast(tf.sequence_mask(num_turns, maxlen=max_no_turns), dtype=tf.float32) + mask_extended = tf.tile(tf.expand_dims(mask, axis=2), [1, 1, num_slots]) + cross_entropy = tf.reduce_sum(mask * cross_entropy, axis=1) / tf.cast(num_turns, dtype=tf.float32) + + optimizer = tf.train.AdamOptimizer(0.001) + train_step = optimizer.minimize(cross_entropy, colocate_gradients_with_ops=True) + + # ----------------- Get the precision, recall f1-score and accuracy ----------------------------------------------- + + # Domain accuracy + true_predictions = tf.reshape(domain_labels, [-1, num_slots]) + predictions = tf.reshape(tf.round(y_d) * mask_extended, [-1, num_slots]) + + y_d = tf.reshape(y_d * mask_extended, [-1, num_slots]) + + _, _, _, domain_accuracy = get_metrics(predictions, true_predictions, num_turns, mask_extended, num_slots) + + mask_extended_2 = tf.tile(tf.expand_dims(mask, axis=2), [1, 1, len(slots)]) + + # Slot accuracy + true_predictions = tf.reshape(tf.concat(slot_label, axis=2), [-1, len(slots)]) + predictions = tf.reshape(tf.concat(slot_pred, axis=2) * mask_extended_2, [-1, len(slots)]) + + _, _, _, slot_accuracy = get_metrics(predictions, true_predictions, num_turns, mask_extended_2, len(slots)) + + # accuracy + if test: + value_accuracy = [] + mask_extended_3 = tf.expand_dims(mask, axis=2) + for i in range(len(slots)): + true_predictions = tf.reshape(val_label[i] * mask_extended_3, [-1, 1]) + predictions = tf.reshape(val_pred[i] * mask_extended_3, [-1, 1]) + + _, _, _, value_acc = get_metrics(predictions, true_predictions, num_turns, mask_extended_3, 1) + value_accuracy.append(value_acc) + + value_accuracy = tf.stack(value_accuracy) + else: + true_predictions = tf.reshape(tf.concat(val_label, axis=2) * mask_extended_2, [-1, len(slots)]) + predictions = tf.reshape(tf.concat(val_pred, axis=2) * mask_extended_2, [-1, len(slots)]) + + _, _, _, value_accuracy = get_metrics(predictions, true_predictions, num_turns, mask_extended_2, len(slots)) + + # Value f1score a + true_predictions = tf.reshape(labels, [-1, num_slots]) + predictions = tf.reshape(tf.concat(y_pred, axis=2) * mask_extended, [-1, num_slots]) + + precision, recall, value_f1_score, _ = get_metrics(predictions, true_predictions, num_turns, + mask_extended, num_slots) + + y_ = tf.reshape(y, [-1, num_slots]) + + # -------------------- Summarise the statistics of training to be viewed in tensorboard----------------------------- + tf.summary.scalar("domain_accuracy", domain_accuracy) + tf.summary.scalar("slot_accuracy", slot_accuracy) + tf.summary.scalar("value_accuracy", value_accuracy) + tf.summary.scalar("value_f1_score", value_f1_score) + tf.summary.scalar("cross_entropy", tf.reduce_mean(cross_entropy)) + + value_f1_score = [precision, recall, value_f1_score] + + return user_input, system_input, num_turns, user_utterance_lengths, sys_utterance_lengths, labels, domain_labels, \ + domain_accuracy, slot_accuracy, value_accuracy, value_f1_score, train_step, keep_prob, predictions, \ + true_predictions, [y_, y_d] + + +def get_metrics(predictions, true_predictions, no_turns, mask, num_slots): + mask = tf.reshape(mask, [-1, num_slots]) + correct_prediction = tf.cast(tf.equal(predictions, true_predictions), "float32") * mask + + num_positives = tf.reduce_sum(true_predictions) + classified_positives = tf.reduce_sum(predictions) + + true_positives = tf.multiply(predictions, true_predictions) + num_true_positives = tf.reduce_sum(true_positives) + + recall = num_true_positives / num_positives + precision = num_true_positives / classified_positives + f_score = (2 * recall * precision) / (recall + precision) + accuracy = tf.reduce_sum(correct_prediction) / (tf.cast(tf.reduce_sum(no_turns), dtype="float32") * num_slots) + + return precision, recall, f_score, accuracy + + + +# main.py +def normalise_word_vectors(word_vectors, norm=1.0): + """ + This method normalises the collection of word vectors provided in the word_vectors dictionary. + """ + for word in word_vectors: + word_vectors[word] /= math.sqrt(sum(word_vectors[word]**2) + 1e-6) + word_vectors[word] *= norm + return word_vectors + + +def xavier_vector(word, D=300): + """ + Returns a D-dimensional vector for the word. + + We hash the word to always get the same vector for the given word. + """ + def hash_string(_s): + return abs(hash(_s)) % (10 ** 8) + seed_value = hash_string(word) + np.random.seed(seed_value) + + neg_value = - math.sqrt(6)/math.sqrt(D) + pos_value = math.sqrt(6)/math.sqrt(D) + + rsample = np.random.uniform(low=neg_value, high=pos_value, size=(D,)) + norm = np.linalg.norm(rsample) + rsample_normed = rsample/norm + + return rsample_normed + + +def load_ontology(url, word_vectors): + ''' + Load the ontology from a file + :param url: to the ontology + :param word_vectors: dictionary of the word embeddings [words, vector_dimension] + :return: list([domain-slot-value]), [no_slots, vector_dimension] + ''' + global num_slots + # print("\tMDBT: Loading the ontology....................") + data = json.load(open(url, mode='r', encoding='utf8'), object_pairs_hook=OrderedDict) + slot_values = [] + ontology = [] + slots_values = [] + ontology_vectors = [] + for slots in data: + [domain, slot] = slots.split('-') + if domain not in domains or slot == 'name': + continue + values = data[slots] + if "book" in slot: + [slot, value] = slot.split(" ") + booking_slots[domain+'-'+value] = values + values = [value] + elif slot == "departure" or slot == "destination": + values = ["place"] + domain_vec = np.sum(process_text(domain, word_vectors), axis=0) + if domain not in word_vectors: + word_vectors[domain.replace(" ", "")] = domain_vec + slot_vec = np.sum(process_text(slot, word_vectors), axis=0) + if domain+'-'+slot not in slots_values: + slots_values.append(domain+'-'+slot) + if slot not in word_vectors: + word_vectors[slot.replace(" ", "")] = slot_vec + slot_values.append(len(values)) + for value in values: + ontology.append(domain + '-' + slot + '-' + value) + value_vec = np.sum(process_text(value, word_vectors, print_mode=True), axis=0) + if value not in word_vectors: + word_vectors[value.replace(" ", "")] = value_vec + ontology_vectors.append(np.concatenate((domain_vec, slot_vec, value_vec))) + + num_slots = len(slots_values) + # print("\tMDBT: We have about {} values".format(len(ontology))) + # print("\tMDBT: The Full Ontology is:") + # print(ontology) + # print("\tMDBT: The slots in this ontology:") + # print(slots_values) + return ontology, np.asarray(ontology_vectors, dtype='float32'), slot_values + + +def load_word_vectors(url): + ''' + Load the word embeddings from the url + :param url: to the word vectors + :return: dict of word and vector values + ''' + word_vectors = {} + # print("Loading the word embeddings....................") + # print('abs path: ', os.path.abspath(url)) + with open(url, mode='r', encoding='utf8') as f: + for line in f: + line = line.split(" ", 1) + key = line[0] + word_vectors[key] = np.fromstring(line[1], dtype="float32", sep=" ") + # print("\tMDBT: The vocabulary contains about {} word embeddings".format(len(word_vectors))) + return normalise_word_vectors(word_vectors) + + +def track_dialogue(data, ontology, predictions, y): + overall_accuracy_total = 0 + overall_accuracy_corr = 0 + joint_accuracy_total = 0 + joint_accuracy_corr = 0 + global num_slots + dialogues = [] + idx = 0 + for dialogue in data: + turn_ids = [] + for key in dialogue.keys(): + if key.isdigit(): + turn_ids.append(int(key)) + elif dialogue[key] and key not in domains: + continue + turn_ids.sort() + turns = [] + previous_terms = [] + for key in turn_ids: + turn = dialogue[str(key)] + user_input = turn['user']['text'] + sys_res = turn['system'] + state = turn['user']['belief_state'] + turn_obj = dict() + turn_obj['user'] = user_input + turn_obj['system'] = sys_res + prediction = predictions[idx, :] + indices = np.argsort(prediction)[:-(int(np.sum(prediction)) + 1):-1] + predicted_terms = [process_booking(ontology[i], user_input, previous_terms) for i in indices] + previous_terms = deepcopy(predicted_terms) + turn_obj['prediction'] = ["{}: {}".format(predicted_terms[x], y[idx, i]) for x, i in enumerate(indices)] + turn_obj['True state'] = [] + idx += 1 + unpredicted_labels = 0 + for domain in state: + if domain not in domains: + continue + slots = state[domain]['semi'] + for slot in slots: + if slot == 'name': + continue + value = slots[slot] + if value != '': + label = domain + '-' + slot + '-' + value + turn_obj['True state'].append(label) + if label in predicted_terms: + predicted_terms.remove(label) + else: + unpredicted_labels += 1 + + turns.append(turn_obj) + overall_accuracy_total += num_slots + overall_accuracy_corr += (num_slots - unpredicted_labels - len(predicted_terms)) + if unpredicted_labels + len(predicted_terms) == 0: + joint_accuracy_corr += 1 + joint_accuracy_total += 1 + + dialogues.append(turns) + return dialogues, overall_accuracy_corr/overall_accuracy_total, joint_accuracy_corr/joint_accuracy_total + + +def process_booking(ontolog_term, usr_input, previous_terms): + usr_input = usr_input.lower().split() + domain, slot, value = ontolog_term.split('-') + if slot == 'book': + for term in previous_terms: + if domain+'-book '+value in term: + ontolog_term = term + break + else: + if value == 'stay' or value == 'people': + numbers = [int(s) for s in usr_input if s.isdigit()] + if len(numbers) == 1: + ontolog_term = domain + '-' + slot + ' ' + value + '-' + str(numbers[0]) + elif len(numbers) == 2: + vals = {} + if usr_input[usr_input.index(str(numbers[0]))+1] in ['people', 'person']: + vals['people'] = str(numbers[0]) + vals['stay'] = str(numbers[1]) + else: + vals['people'] = str(numbers[1]) + vals['stay'] = str(numbers[0]) + ontolog_term = domain + '-' + slot + ' ' + value + '-' + vals[value] + else: + for val in booking_slots[domain+'-'+value]: + if val in ' '.join(usr_input): + ontolog_term = domain + '-' + slot + ' ' + value + '-' + val + break + return ontolog_term + + +def process_history(sessions, word_vectors, ontology): + ''' + Load the woz3 data and extract feature vectors + :param data: the data to load + :param word_vectors: word embeddings + :param ontology: list of domain-slot-value + :param url: Is the data coming from a url, default true + :return: list(num of turns, user_input vectors, system_response vectors, labels) + ''' + dialogues = [] + actual_dialogues = [] + for dialogue in sessions: + turn_ids = [] + for key in dialogue.keys(): + if key.isdigit(): + turn_ids.append(int(key)) + elif dialogue[key] and key not in domains: + continue + turn_ids.sort() + num_turns = len(turn_ids) + user_vecs = [] + sys_vecs = [] + turn_labels = [] + turn_domain_labels = [] + add = False + good = True + pre_sys = np.zeros([max_utterance_length, vector_dimension], dtype="float32") + for key in turn_ids: + turn = dialogue[str(key)] + user_v, sys_v, labels, domain_labels = process_turn(turn, word_vectors, ontology) + if good and (user_v.shape[0] > max_utterance_length or pre_sys.shape[0] > max_utterance_length): + # cut overlength utterance instead of discarding them + if user_v.shape[0] > max_utterance_length: + user_v = user_v[:max_utterance_length] + if pre_sys.shape[0] > max_utterance_length: + pre_sys = pre_sys[:max_utterance_length] + # good = False + # break + user_vecs.append(user_v) + sys_vecs.append(pre_sys) + turn_labels.append(labels) + turn_domain_labels.append(domain_labels) + if not add and sum(labels) > -1: + add = True + pre_sys = sys_v + if add and good: + dialogues.append((num_turns, user_vecs, sys_vecs, turn_labels, turn_domain_labels)) + actual_dialogues.append(dialogue) + # print("\tMDBT: The data contains about {} dialogues".format(len(dialogues))) + return dialogues, actual_dialogues + + +def load_woz_data(data, word_vectors, ontology, url=True): + ''' + Load the woz3 data and extract feature vectors + :param data: the data to load + :param word_vectors: word embeddings + :param ontology: list of domain-slot-value + :param url: Is the data coming from a url, default true + :return: list(num of turns, user_input vectors, system_response vectors, labels) + ''' + if url: + # print("Loading data from url {} ....................".format(data)) + data = json.load(open(data, mode='r', encoding='utf8')) + + dialogues = [] + actual_dialogues = [] + for dialogue in data: + turn_ids = [] + for key in dialogue.keys(): + if key.isdigit(): + turn_ids.append(int(key)) + elif dialogue[key] and key not in domains: + continue + turn_ids.sort() + num_turns = len(turn_ids) + user_vecs = [] + sys_vecs = [] + turn_labels = [] + turn_domain_labels = [] + add = False + good = True + pre_sys = np.zeros([max_utterance_length, vector_dimension], dtype="float32") + for key in turn_ids: + turn = dialogue[str(key)] + user_v, sys_v, labels, domain_labels = process_turn(turn, word_vectors, ontology) + if good and (user_v.shape[0] > max_utterance_length or pre_sys.shape[0] > max_utterance_length): + good = False + break + user_vecs.append(user_v) + sys_vecs.append(pre_sys) + turn_labels.append(labels) + turn_domain_labels.append(domain_labels) + if not add and sum(labels) > 0: + add = True + pre_sys = sys_v + if add and good: + dialogues.append((num_turns, user_vecs, sys_vecs, turn_labels, turn_domain_labels)) + actual_dialogues.append(dialogue) + # print("\tMDBT: The data contains about {} dialogues".format(len(dialogues))) + return dialogues, actual_dialogues + + +def process_turn(turn, word_vectors, ontology): + ''' + Process a single turn extracting and processing user text, system response and labels + :param turn: dict + :param word_vectors: word embeddings + :param ontology: list(domain-slot-value) + :return: ([utterance length, 300], [utterance length, 300], [no_slots]) + ''' + user_input = turn['user']['text'] + sys_res = turn['system'] + state = turn['user']['belief_state'] + user_v = process_text(user_input, word_vectors, ontology) + sys_v = process_text(sys_res, word_vectors, ontology) + labels = np.zeros(len(ontology), dtype='float32') + domain_labels = np.zeros(len(ontology), dtype='float32') + for domain in state: + if domain not in domains: + continue + slots = state[domain]['semi'] + domain_mention = False + for slot in slots: + + if slot == 'name': + continue + value = slots[slot] + if "book" in slot: + [slot, value] = slot.split(" ") + if value != '' and value != 'corsican': + if slot == "destination" or slot == "departure": + value = "place" + elif value == '09;45': + value = '09:45' + elif 'alpha-milton' in value: + value = value.replace('alpha-milton', 'alpha milton') + elif value == 'east side': + value = 'east' + elif value == ' expensive': + value = 'expensive' + labels[ontology.index(domain + '-' + slot + '-' + value)] = 1 + domain_mention = True + if domain_mention: + for idx, slot in enumerate(ontology): + if domain in slot: + domain_labels[idx] = 1 + + return user_v, sys_v, labels, domain_labels + + +def process_text(text, word_vectors, ontology=None, print_mode=False): + ''' + Process a line/sentence converting words to feature vectors + :param text: sentence + :param word_vectors: word embeddings + :param ontology: The ontology to do exact matching + :param print_mode: Log the cases where the word is not in the pre-trained word vectors + :return: [length of sentence, 300] + ''' + text = text.replace("(", "").replace(")", "").replace('"', "").replace(u"’", "'").replace(u"‘", "'") + text = text.replace("\t", "").replace("\n", "").replace("\r", "").strip().lower() + text = text.replace(',', ' ').replace('.', ' ').replace('?', ' ').replace('-', ' ').replace('/', ' / ')\ + .replace(':', ' ') + if ontology: + for slot in ontology: + [domain, slot, value] = slot.split('-') + text.replace(domain, domain.replace(" ", ""))\ + .replace(slot, slot.replace(" ", ""))\ + .replace(value, value.replace(" ", "")) + + words = text.split() + + vectors = [] + for word in words: + word = word.replace("'", "").replace("!", "") + if word == "": + continue + if word not in word_vectors: + length = len(word) + for i in range(1, length)[::-1]: + if word[:i] in word_vectors and word[i:] in word_vectors: + vec = word_vectors[word[:i]] + word_vectors[word[i:]] + break + else: + vec = xavier_vector(word) + word_vectors[word] = vec + if print_mode: + pass + # print("\tMDBT: Adding new word: {}".format(word)) + else: + vec = word_vectors[word] + vectors.append(vec) + return np.asarray(vectors, dtype='float32') + + +def generate_batch(dialogues, batch_no, batch_size, ontology_size): + ''' + Generate examples for minibatch training + :param dialogues: list(num of turns, user_input vectors, system_response vectors, labels) + :param batch_no: where we are in the training data + :param batch_size: number of dialogues to generate + :param ontology_size: no_slots + :return: list(user_input, system_response, labels, user_sentence_length, system_sentence_length, number of turns) + ''' + user = np.zeros((batch_size, max_no_turns, max_utterance_length, vector_dimension), dtype='float32') + sys_res = np.zeros((batch_size, max_no_turns, max_utterance_length, vector_dimension), dtype='float32') + labels = np.zeros((batch_size, max_no_turns, ontology_size), dtype='float32') + domain_labels = np.zeros((batch_size, max_no_turns, ontology_size), dtype='float32') + user_uttr_len = np.zeros((batch_size, max_no_turns), dtype='int32') + sys_uttr_len = np.zeros((batch_size, max_no_turns), dtype='int32') + no_turns = np.zeros(batch_size, dtype='int32') + idx = 0 + for i in range(batch_no*train_batch_size, batch_no*train_batch_size + batch_size): + (num_turns, user_vecs, sys_vecs, turn_labels, turn_domain_labels) = dialogues[i] + no_turns[idx] = num_turns + for j in range(num_turns): + user_uttr_len[idx, j] = user_vecs[j].shape[0] + sys_uttr_len[idx, j] = sys_vecs[j].shape[0] + user[idx, j, :user_uttr_len[idx, j], :] = user_vecs[j] + sys_res[idx, j, :sys_uttr_len[idx, j], :] = sys_vecs[j] + labels[idx, j, :] = turn_labels[j] + domain_labels[idx, j, :] = turn_domain_labels[j] + idx += 1 + return user, sys_res, labels, domain_labels, user_uttr_len, sys_uttr_len, no_turns + + +def evaluate_model(sess, model_variables, val_data, summary, batch_id, i): + + ''' + Evaluate the model against validation set + :param sess: training session + :param model_variables: all model input variables + :param val_data: validation data + :param summary: For tensorboard + :param batch_id: where we are in the training data + :param i: the index of the validation data to load + :return: evaluation accuracy and the summary + ''' + + (user, sys_res, no_turns, user_uttr_len, sys_uttr_len, labels, domain_labels, domain_accuracy, + slot_accuracy, value_accuracy, value_f1, train_step, keep_prob, _, _, _) = model_variables + + batch_user, batch_sys, batch_labels, batch_domain_labels, batch_user_uttr_len, batch_sys_uttr_len, \ + batch_no_turns = val_data + + start_time = time.time() + + b_z = train_batch_size + [precision, recall, value_f1] = value_f1 + [d_acc, s_acc, v_acc, f1_score, pr, re, sm1, sm2] = sess.run([domain_accuracy, slot_accuracy, value_accuracy, + value_f1, precision, recall] + summary, + feed_dict={user: batch_user[i:i+b_z, :, :, :], + sys_res: batch_sys[i:i+b_z, :, :, :], + labels: batch_labels[i:i+b_z, :, :], + domain_labels: batch_domain_labels[i:i+b_z, :, :], + user_uttr_len: batch_user_uttr_len[i:i+b_z, :], + sys_uttr_len: batch_sys_uttr_len[i:i+b_z, :], + no_turns: batch_no_turns[i:i+b_z], + keep_prob: 1.0}) + + print("Batch", batch_id, "[Domain Accuracy] = ", d_acc, "[Slot Accuracy] = ", s_acc, "[Value Accuracy] = ", + v_acc, "[F1 Score] = ", f1_score, "[Precision] = ", pr, "[Recall] = ", re, + " ----- ", round(time.time() - start_time, 3), + "seconds. ---") + + return d_acc, s_acc, v_acc, f1_score, sm1, sm2 diff --git a/convlab/modules/dst/multiwoz/rule_dst.py b/convlab/modules/dst/multiwoz/rule_dst.py new file mode 100644 index 0000000..fed35b5 --- /dev/null +++ b/convlab/modules/dst/multiwoz/rule_dst.py @@ -0,0 +1,75 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +from convlab.modules.dst.state_tracker import Tracker +from convlab.modules.dst.multiwoz.dst_util import init_state +from convlab.modules.util.multiwoz_slot_trans import REF_SYS_DA +from convlab.modules.dst.multiwoz.dst_util import normalize_value +import convlab +import json + +import copy + +import os + + +class RuleDST(Tracker): + """Rule based DST which trivially updates new values from NLU result to states.""" + def __init__(self): + Tracker.__init__(self) + self.state = init_state() + prefix = os.path.dirname(os.path.dirname(convlab.__file__)) + self.value_dict = json.load(open(prefix+'/data/multiwoz/db/db_values.json')) + + def update(self, sess=None, user_act=None): + # print('------------------{}'.format(user_act)) + if type(user_act) is not dict: + raise Exception('Expect user_act to be type but get {}.'.format(type(user_act))) + previous_state = self.state + new_belief_state = copy.deepcopy(previous_state['belief_state']) + new_request_state = copy.deepcopy(previous_state['request_state']) + for domain_type in user_act.keys(): + domain, tpe = domain_type.lower().split('-') + if domain in ['unk', 'general', 'booking']: + continue + if tpe == 'inform': + for k, v in user_act[domain_type]: + k = REF_SYS_DA[domain.capitalize()].get(k, k) + if k is None: + continue + try: + assert domain in new_belief_state + except: + raise Exception('Error: domain <{}> not in new belief state'.format(domain)) + domain_dic = new_belief_state[domain] + assert 'semi' in domain_dic + assert 'book' in domain_dic + if k in domain_dic['semi']: + new_belief_state[domain]['semi'][k] = normalize_value(self.value_dict, domain, k, v) + elif k in domain_dic['book']: + new_belief_state[domain]['book'][k] = v + elif k.lower() in domain_dic['book']: + new_belief_state[domain]['book'][k.lower()] = v + else: + # raise Exception('unknown slot name <{}> of domain <{}>'.format(k, domain)) + with open('unknown_slot.log', 'a+') as f: + f.write('unknown slot name <{}> of domain <{}>\n'.format(k, domain)) + elif tpe == 'request': + for k, v in user_act[domain_type]: + k = REF_SYS_DA[domain.capitalize()].get(k, k) + if domain not in new_request_state: + new_request_state[domain] = {} + if k not in new_request_state[domain]: + new_request_state[domain][k] = 0 + + new_state = copy.deepcopy(previous_state) + new_state['belief_state'] = new_belief_state + new_state['request_state'] = new_request_state + new_state['user_action'] = user_act + + self.state = new_state + + return self.state + + def init_session(self): + self.state = init_state() \ No newline at end of file diff --git a/convlab/modules/dst/state_tracker.py b/convlab/modules/dst/state_tracker.py new file mode 100644 index 0000000..b8be812 --- /dev/null +++ b/convlab/modules/dst/state_tracker.py @@ -0,0 +1,29 @@ +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT license. + +""" +""" + +class Tracker: + """Base class for dialog state tracker models.""" + def __init__(self): + """The constructor of Tracker class.""" + pass + + def update(self, sess=None, user_act=None): + """ + Update dialog state based on new user dialog act. + Args: + sess (Session Object): (for models implemented using tensorflow) The Session Object to assist model running. + user_act (dict or str): The dialog act (or utterance) of user input. The class of user_act depends on + the method of state tracker. For example, for rule-based tracker, type(user_act) == dict; while for + MDBT, type(user_act) == str. + Returns: + new_state (dict): Updated dialog state, with the same form of previous state. Note that the dialog state is + also a private data member. + """ + pass + + def init_session(self): + """Init the Tracker to start a new session.""" + pass \ No newline at end of file diff --git a/convlab/modules/e2e/__init__.py b/convlab/modules/e2e/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/convlab/modules/e2e/multiwoz/Mem2Seq/Mem2Seq.py b/convlab/modules/e2e/multiwoz/Mem2Seq/Mem2Seq.py new file mode 100644 index 0000000..5997a9c --- /dev/null +++ b/convlab/modules/e2e/multiwoz/Mem2Seq/Mem2Seq.py @@ -0,0 +1,66 @@ +# -*- coding: utf-8 -*- + +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +""" +""" +import torch +import numpy as np +from nltk import word_tokenize +from .models.Mem2Seq import Mem2Seq +from .utils.config import args, USE_CUDA, UNK_token +from .utils.utils_woz_mem2seq import prepare_data_seq, generate_memory, MEM_TOKEN_SIZE + +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 + +class Mem2seq: + def __init__(self): + directory = args['path'].split("/") + task = directory[-1].split('HDD')[0] + HDD = directory[-1].split('HDD')[1].split('BSZ')[0] + L = directory[-1].split('L')[1].split('lr')[0] + _, _, _, _, self.lang, max_len, max_r = prepare_data_seq(task, batch_size=1) + self.model = Mem2Seq(int(HDD),max_len,max_r,self.lang,args['path'],task, lr=0.0, n_layers=int(L), dropout=0.0, unk_mask=0) + self.reset() + + def reset(self): + self.t = 0 + self.memory = [] + + def predict(self, query): + usr = query + print('Mem2Seq usr:', usr) + #example input: 'please find a restaurant called nusha .' + self.t += 1 + print('Mem2Seq turn:', self.t) + usr = ' '.join(word_tokenize(usr.lower())) + self.memory += generate_memory(usr, '$u', self.t) + src_plain = (self.memory+[['$$$$']*MEM_TOKEN_SIZE],) + src_seqs = plain2tensor(self.lang.word2index, src_plain[0]) + words = self.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('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 O O O O O O O general-reqmore +bos no , i 'm all set . have a great day . eos O O O O O O O O O O O O O N/A +bos the address is 517a coldham lane . eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos okay great , that 's everything else i needed . goodnight ! eos O O O O O O O O O O O O O N/A +bos well , thank you for your call ! 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 2 star hotel . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos ok i found 33 hotels that fit your criteria of 2 stars they can range in price and options based on what you want . eos O O O O O B-Hotel-Inform+Choice 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 understand . i 'd like a hotel that offers free parking and wifi , please . 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 okay the ashley hotel is in the north . can i book that for you ? eos 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 Booking-Inform +bos yes please book that for 7 people for 2 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 booking is successful . the address is 74 chesterton road . postcode is cb41er . reference number is : cejp5inc . is there anything else i can help you with ? 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 B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore +bos yes , i 'm also looking for the restaurant called charlie chan , can you help me 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 it 's a chinese restaurant located at regent street city centre . would you like me to book it ? eos 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 O O O O Booking-Inform +bos entrance fee , address , and phone number eos O O O O O O O O O N/A +bos will i ca n't tell you what the check for your food is going to be , but there address is regent st city centre phone is 01223361763. eos O O O 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 O O B-Restaurant-Inform+Phone O O N/A +bos thanks . can you book it for 7 people at 17:45 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 O N/A +bos no i am sorry another day perhaps ? eos O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos are there similar times available on saturday ? eos O O O O O O O O O N/A +bos i was able to book your table at 17:45 on saturday for 7 people . the reference number is gyxori7z . eos O O O O O O O O O B-Booking-Book+Time O B-Booking-Book+Day 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 O O general-thank +bos i certainly hope you enjoy your stay in cambridge ! goodbye ! eos O O O O O O O O O O O O O general-bye +bos i really would like to try a japanese restaurant while in cambridge . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos wagamama is a japanese restaurant on 36 saint andres street . 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+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 i 'd like to treat myself . is this in the expensive range ? eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos it is expensive . shall i book it for you ? eos O O O B-Restaurant-Inform+Price O O O O O O O O Booking-Inform +bos yes , if this restaurant is in the centre . i also need the postcode and phone number please . 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos of course . the phone is 01223462354 and the post code is cb23ar . can i do anything else for you ? eos 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 general-reqmore +bos i also need a hotel 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 i have located 2 hotel options , alexander bed and breakfast and el shaddai , both have internet and parking available . would you like me to book one of these for you ? eos O 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 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 yes i would like a room for 3 nights please . eos O O O O O O O O O O O O N/A +bos sure , when would you like to stay ? eos O O O O O O O O O O Booking-Request+Day +bos the hotel i need should be in the same area as the restaurant and 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 O N/A +bos it is in the same area , and does have wifi . when would you like your stay to begin ? eos 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-Request+Day,Hotel-Inform+Internet +bos i would like my stay to begin on tuesday . eos O O O O O O O O O B-Hotel-Inform+Day O N/A +bos i apologize , but the hotel is n't available for that amount of time . please book another day or a shorter stay . 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos can you try to book the hotel for tuesday for 2 people , 2 nights ? 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 N/A +bos i 'm sorry but the booking was unsuccessful . is there an alternative date 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 Booking-NoBook,Booking-Request+Day +bos all right , can you try for just 1 night instead ? eos O O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos i was able to book a stay for 1 night , tuesday at the alexander bed and breakfast . your reference number is : iup56oay . can i help ypu with anything else ? eos O O O O 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 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 that 's all i need thanks . 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 hello , i am looking for a guest house . eos O O O O O O O O O O O general-greet +bos 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 ? eos O O O O O O O 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 one in cambridge and i would like 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 there are 18 options , do you have any other preferences such as 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 Hotel-Request+Area,Hotel-Request+Price +bos i need a place with free parking . eos O O O O O O O O O N/A +bos we have 16 options available that may suit your needs . can you tell me what price range 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 O O O O Hotel-Request+Price +bos i have no particular preference on price range . eos O O O O O O O O O O Hotel-Request+Price +bos what area would you prefer ? eos O O O O O O O Hotel-Request+Area +bos that does n't matter . i just need the price range , address , and postcode . you pick the 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 Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Addr +bos ok alexander bed and breakfast it is a guest house located in centre and is cheap with 4 stars . the address is 56 saint barnabas road . post code cb12de 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 B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O N/A +bos thanks . could you tell me what kind of food the peking restaurant serves ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O Restaurant-Request+Food +bos the peking restaurant serves expensive chinese food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos thank you for your help . 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 okay . glad i could be of help . eos O O O O O O O O O O general-bye +bos thank you , goodnight . eos 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 hi there . i 'd like to find a place to dine in the city centre , preferable with sri lankan food . do you have any recommendations ? eos 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 I-Restaurant-Inform+Food O O O O O O O O O O N/A +bos sorry , i do n't have any restaurants with sri lankan food in the centre . would you like 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 B-Restaurant-NoOffer+Area O O O O O O O O O O O O O Restaurant-Request+Food +bos could you try again ? moderately priced , perhaps ? eos O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos sorry , there was nothing found . do you want 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 Restaurant-Request+Food,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 two options for modern european food in centre in the moderate price range . may i suggest riverside brasserie ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos sure ! could you tell me the address - including the postcode and phone number 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+Phone,Restaurant-Request+Addr +bos sure , they 're located at the doubletree by hilton cambridge granta place mill lane in postcode cb21rt . their phone number is 01223259988. can i help with anything else today ? 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 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 O general-reqmore +bos great . i am also looking for a guesthouse to stay in and i do n't need parking . eos 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 not a problem . do you have a preference on area ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos moderately priced in the centre , please . eos O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O N/A +bos unfortunately , there is no hotel in the moderately priced area eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O N/A +bos is there any other type of hotel in the area ? eos O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos sorry , there are no guesthouse in centre within the moderate price range . can i help you with anything else ? eos O O O O O B-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O B-Hotel-NoOffer+Price O O O O O O O O O O O O general-reqmore +bos i understand that there are no guesthouses in the area . but can you see if there are other hotels in the area ? moderately priced and 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 O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O N/A +bos i was able to find cityroomz , it 's a hotel in the centre that is moderately priced . can i make a booking for you ? eos O O O O O O B-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 O O O O O O O O O O O Booking-Inform +bos i just need the postcode , telephone number and address of the hotel please . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr +bos the address is sleeperz hotel , station road , postcode cb12tz and phone 01223304050. is there anything else i can do for you ? 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 B-Hotel-Inform+Phone O O O O O O O O O O O O general-reqmore +bos i 'd like to book a taxi at 16:15 from riverside brasserie to sleeperz hotel . i 'll also need the contact number and car type for that . eos O O O O O O O O B-Taxi-Inform+Leave O B-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 O O O O O O Taxi-Request+Car +bos what time will you be wanting to be picked up ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i need the taxi at 16:15 leaving the restaurant eos O O O O O O B-Taxi-Inform+Leave O O O N/A +bos great ! it will be a blue ford . should you need to contact them their number is 07656227446. 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 O B-Taxi-Inform+Phone 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 good bye ! have a great day ! eos O O O O O O O O O general-bye +bos are there any good scottish restaurants in the centre ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry i have no results for a scottish restaurant in the centre area . is there another type of cuisine you 'd like to try for ? eos 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 O O O O O O O O O O O O O O O Restaurant-Request+Food +bos how about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos i have several in the area , is there a price range you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Price +bos it does n't matter . i need to know what the price range is though , postcode and 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 O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Price +bos my favorite is stazione . it 's an expensive place located in postcode cb23nj . their phone number is 01223352607. can i help you with anything else today ? eos O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Post O O O O B-Restaurant-Recommend+Phone O O O O O O O O O O O O general-reqmore +bos yes , i also need a place to stay , free parking is not required , i would prefer a 0 star rating . eos O O O O O O O O O O O O O B-Hotel-Inform+Parking O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos cityroomz is a 0 star hotel in the centre with no parking available . it is moderately priced . would you like me to make a reservation for you ? eos O B-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 B-Hotel-Inform+Price O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos is this hotel in the same area as the restaurant ? eos O O O O O O O O O O O O N/A +bos yes they are both located in the centre . would you like a reservation ? eos O O O O O O O O O O O O O O O O N/A +bos that wo n't be necessary . i need the price range and postcode . eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price +bos cityroomz is a moderate priced offering and the postcode is cb12tz . is there anything else i can help you with today ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price 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 no , everything i asked of you has been met . thank you . 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 +bos thank you very much , you too . eos O O O O O O O O O general-thank +bos your are very welcome ! enjoy your stay here . eos O O O O O O O O O O O general-welcome +bos thanks for all your help . goodbye ! eos 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 would like to book a table at a turkish place and is moderately priced . eos 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 you have your choice of anatolia or efes restaurant . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos i will choose anatolia . address please ? eos O O O O B-Restaurant-Inform+Name O O O O N/A +bos the address is 30 bridge street in the centre . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Area O N/A +bos can you book me a table for 7 at 12: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 N/A +bos i got a table at efes instead for you . your reference number is 2j5aemri . is there anything else ? eos O 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 general-reqmore +bos that will be all thank you . eos O O O O O O O O general-thank +bos thank you for using the system , goodbye . eos O O O O O O O O O O general-bye +bos i am looking for a restaurant in the south . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos we have nine . do you have a preference as to cuisine or price range ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i am looking for one that serves portuguese food and is cheap . eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O N/A +bos i found one . it is called nandos . would you like for me to book it for you ? 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,Restaurant-Select +bos yes please . we would like a table for 2 at 18:00 on saturday . 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 am sorry this restaurant is booked would you like to try a different place ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos no thank you , i will call again . 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 restaurant my friend recommended , i think she called it the curry prince . 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 yes , i found what you 're looking for . would you like the address ? eos O O O O O O O O O O O O O O O O O general-greet,general-reqmore +bos sure , and can you book it for friday at 12:00 for 3 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 the address is 451 newmarket road fen ditton . unfortunately , the restaurant is fully booked . do you have another restaurant or type of food in mind ? 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 O O O O O O O O O O Booking-NoBook,Restaurant-Request+Name,Restaurant-Request+Food +bos something in the same area and price range would work . eos O O O O O O O O O O O O N/A +bos i have rajmahal which is in the same area and price range . would you like me to book a table there ? eos 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 O O O Booking-Inform +bos sure thing . i 'll need a reference number too . eos O O O O O O O O O O O O Restaurant-Request+Ref +bos your booking was successful , the reference number is fyfxwh1z . 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 great . thank you so much . eos O O O O O O O O general-thank +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-welcome,general-reqmore +bos no that will be 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 you are welcome . have a lovely day . eos O O O O O O O O O O general-welcome,general-bye +bos i 'd like to find 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 N/A +bos there are 33 restaurants in the area . what type of food are 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 Restaurant-Request+Food +bos i would like japanese food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos i have found wagamama that is an expensive japanese restaurant located in the centre . would you like to make a reservation ? eos O O O O B-Restaurant-Inform+Name 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 Booking-Inform +bos yes , can i make a reservation for 4 people at 17:30 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 i was n't able to get that reservation . would you like to try somewhere 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 yes , i need to find another place like that one though . eos O O O O O O O O O O O O O O N/A +bos i am sorry there are no others in that area , would a different area be okay ? eos 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 maybe try one more time , any type of food , exepensive , 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 N/A +bos okay , i 've booked you at little seoul , a korean place that is expensive in the centre , with reference number ptwg73v3 . may i help with anything else ? eos 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 B-Booking-Book+Ref 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 general-bye +bos okay . enjoy your dining experience . eos O O O O O O O O general-bye +bos yes , i 'd like some information on finding a particular restaurant . the restaurant should serve a variety of jamaican food and ideally i 'd like it to be located in the south please . 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 O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos i 'm sorry but i have no jamaican restaurants located in the south . could we try another part of the city or different food type ? 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 O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos no i am looking for that specifically . eos O O O O O O O O O N/A +bos then we have a problem , because such a restaurant does not exist . i 'm sorry . 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 Restaurant-NoOffer,general-reqmore +bos how about one that serves italian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have listings for 2 italian places , one moderate and one expensive , which one you like information on ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O O Restaurant-Select +bos i 'd like to book at the expensive place . there will be 8 of us , and we 'd like to eat at 15:00 on monday . eos O O O O O O O B-Restaurant-Inform+Price 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 O N/A +bos i apologize the booking was unsuccessful . would you like to look at another restaurant eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos can you find me another restaurant int he same area and price range please ? eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos would you like to try chiquito restaurant bar ? eos O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O N/A +bos yes please try booking that for me . eos O O O O O O O O O N/A +bos wonderful . i was successful in booking the chiquito restaurant for you and your reference number is ocgzrnu0 . 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 B-Booking-Book+Ref O O N/A +bos thank you so much for all of 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 you are welcome . 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 O O general-welcome,general-bye +bos i 'm looking for a high end restaurant in the centre , can you help me out ? eos 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 i have 33 restaurants that meet that criteria . is there a certain type of food 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+Food +bos i want one that serves light bites . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i am sorry but not results came up with 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 Restaurant-Request+Food,Restaurant-NoOffer +bos what about one that has italian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have 4 restaurants that come up , based on that criteria . would you like more information about them ? 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 N/A +bos that 's okay , i 'll just pick the first one . can you make a reservation for 2 at 15:30 this monday ? eos 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 O O N/A +bos i apologize booking was unsuccessful . would you like me to try another restaurant ? eos O O O O O O O O O O O O O O O O Booking-NoBook +bos yes , please try another one of the 4 restaurants you found . eos O O O O O O O O O O O O O O Restaurant-Inform +bos you are booked into the clowns cafe at 54 king street city centre . your reference number is i0epbdj4 . may 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 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 O O O O O O general-reqmore +bos thanks so much for your help eos 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 the chiquito restaurant bar can you help me find it ? 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 N/A +bos sure ! their address is 2g cambridge leisure park cherry hinton road , and their phone number is 01223400170 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 O B-Restaurant-Inform+Phone O O N/A +bos please book a table for 6 people at 11: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 O N/A +bos i am sorry but the restaurant is fully booked . do you want 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 is there a similar restaurant in the area at that price range ? eos O O O O O O O O O O O O O O N/A +bos i 'm sorry that 's the only restaurant in that price range eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O Restaurant-NoOffer +bos i am looking for a restaurant in the city center that serves modern european 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 i can recommend the michaelhouse cafe . would you like me to make a reservation ? eos 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 , i would like to reserve a table for 5 people at 18: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 O O N/A +bos i 'm sorry , but there are n't any reservations available at michaelhouse at that time . would you like to try a different restaurant ? eos 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 general-reqmore +bos yes , please find me another restaurant in the city center in the same price range . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos michaelhouse cafe is a nice place and the only option available . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Choice I-Restaurant-Recommend+Choice I-Restaurant-Recommend+Choice O N/A +bos can you find an expensive restaurant that serves venetian food ? eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos sorry , looks like there are n't any venetian restaurants that are expensive . would you like something else ? 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 O O O Restaurant-NoOffer,general-reqmore +bos yes , i would be interested in one that serves chinese food . where would you recommend ? eos 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 the `` yu garden '' is a nice place eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A +bos i need a moderate priced restaurant please . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are 31 restaurants that fit your criteria . is there a part of the city you would 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 Restaurant-Request+Area +bos i would like an italian restaurant in the south . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i 've found one restaurant . it is pizza hut cherry hinton . would you like for me to book it for you ? eos O O O O B-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 O O O O O Booking-Inform +bos yes can you book for 6 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 i can not complete this booking . would you like to find another restaurant ? eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos that 's disappointing . is there anything else moderately priced in that area ? eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos yes , i also have the restaurant alimentum that serves modern european food . would that work for you ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Select +bos sure , as long as it 's in the south . can you give me the reference number once booked ? 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 Restaurant-Request+Ref +bos i have reservations booked for 19:15 on wednesday for 6 ppeople . the reference number is pjmaug2e . is there anything else i can help you with ? eos 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 B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos no , that will take care of it . 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 you 're welcome . enjoy your meal . eos O O O O O O O O O general-welcome,general-bye +bos i need information on the aylesbray lodge guest house , please . 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 N/A +bos sure . the guesthouse is a 4 star hotel located in the south part of town . it is moderately priced and offers free wifi and free parking . eos O 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 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 O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-greet +bos that is good . can i please book it ? eos O O O O O O O O O O O N/A +bos of course ! how many guests will be visiting and how many days would you like to stay ? when would you like to begin 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-Request+Day,Booking-Request+People,Booking-Request+Stay,general-greet +bos before booking , what are some interesting sites to visit that are in the north area ? 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 in the north we have riverboat georgina , milton country park , jesus green outdoor pool , and kings hedges learner pool . are you interested in learning more about any of these ? eos 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 O O O O O O O O O O O O general-reqmore +bos what is the entrance fee for the milton country park ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Fee +bos the entrance fee for the milton country park is free . are you interested in learning about other sites in the north ? eos 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 O general-reqmore +bos the milton park will do wonderfully , i will need a cab . eos O O O O O O O O O O O O O O N/A +bos thank you for the information . i will call a cab presently . enjoy your stay at the milton , it was a pleasure . eos O O 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 hotel with free wifi for when i am visiting cambridge . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos acorn guest house in the north has a 4 star rating and free internet . would you like me to book a room ? eos 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+Stars O O O O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform +bos could you tell me if acorn guest house is in the moderate price range ? eos O O O O O O O O O O O O O O O O N/A +bos yes it is in the moderate price range . shall i book it for you ? eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform +bos yes , i need it for 4 people for 3 nights starting thursday . 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 i 'm sorry , that is not available . could you possibly shorten your stay ? also , this is a guesthouse , were you looking for a hotel room instead ? 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 O O O O O O O O O O Booking-NoBook,Hotel-Request+Type,Booking-Request+Stay +bos yeah , let 's just try for one night please . eos O O O O O O O O O O O O N/A +bos sorry , let me try to get this right . are you looking for a moderate priced hotel ( ? ) or guesthouse ( ? ) , with wifi , in the north ? does star number matter ? for 1 night ? eos O O O O O O O O O O O O O O B-Hotel-Select+Price O O O B-Hotel-Select+Type I-Hotel-Select+Type 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 Booking-Request+Stay,Hotel-Request+Stars,Hotel-Select+Internet +bos i want it to be a hotel and the stars do n't matter . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos ok , the ashley hotel is a moderately priced hotel in the north with free wifi . would you like a room there ? eos 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 B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes . i need to book for 4 people for 3 nights starting from thursday . eos 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 unfortunately , booking was not available . could you choose another day or arrange 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos can you try just one night ? i can use the reference number , too , if successful . also , are there museums 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 Hotel-Request+Ref +bos there is ashley hotel with all your requirements met . can i book for you ? what kind of museum are you interested in ? 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 Booking-Inform,Attraction-Request+Type +bos yes , book it and i need a reference number . it does n't matter the kind of museum . 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 Hotel-Request+Ref +bos ok , i have you booked at the ashley hotel . there are no museums in the north , where are you wanting it located ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name 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 what is the reference number for the ashley hotel ? eos O O O O O O O O O B-Hotel-Inform+Type O Hotel-Request+Ref +bos i apologize . i thought the booking had confirmed but it did not . they are booked full . 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 O O O O O Booking-NoBook,Booking-Request+Stay +bos can you book it for 1 night ? eos O O O O O O O B-Hotel-Inform+Stay O N/A +bos i 'm sorry , we do n't have any rooms available there on thursday . 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 O O O Booking-NoBook,Hotel-Request+Name +bos sure , i need a hotel that is moderately priced that is in the north area . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O O Attraction-Request+Area +bos i am sorry but the room in that area on thursday are booked . shall i try another day for you ? eos 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 Booking-Request+Day +bos hmm , are you absolutely sure that there 's no moderately priced places in the north for 4 people , 1 night on thursday ? 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 N/A +bos yes , unfortunately i double checked all the hotels available for what you are looking for . they are all booked up for the night . 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 Booking-NoBook +bos all right , then let 's start all over again . i need a place to stay for 4 people 3 nights , if not then for one night . 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 O O O O O O O O O N/A +bos the avalon shows availability for 3 nights starting thursday for 4 people . it is a 4 star moderately priced guesthouse . would you like me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Booking-Inform+Stay O B-Booking-Inform+Day O O B-Hotel-Inform+Stars 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 N/A +bos yeah this seems fine . go ahead and book it for me . eos O O O O O O O O O O O O O O N/A +bos i apologize , as i went to book it someone else must have already snagged it . can you stay on a different day maybe ? eos O O O 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 no , but please try 1 night instead of 3. eos O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos i was able to find you one night at the avalon hotel ? may i book it for you ? eos O O O O O O O O B-Booking-Inform+Stay O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O N/A +bos yes , please book that for me and give me the reference number . eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos booking was unsuccessful . can i try another day or a shorter stay ? eos 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 starting on friday ? eos O O O O O B-Hotel-Inform+Day O N/A +bos sorry , but friday is all booked eos O O O B-Booking-NoBook+Day O O O O N/A +bos book whatever is avaliable , thanks ! eos O O O O O O O O general-thank +bos i apologize for the long wait . you are booked at the hamilton lodge . your reference number is el2jg964 . is there anything else i can help with ? 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 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 like to visit a museum . eos O O O O O O O O O O N/A +bos we have many museums in town , in every area except the north . do you have a preference ? eos O O O B-Attraction-Inform+Choice 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 O O O O O Attraction-Request+Area +bos no , just let me know what you would recommend and give me the postcode , area , 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+Area,Attraction-Request+Post,Attraction-Request+Phone +bos i like byard art , the postcode is cb21sj and their address is 14 king 's parade eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Post O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos thank you for that , can i have their phone number as well ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos of course you can , it 's 01223464646. would that be all for you 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 yes , 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 general-bye +bos thank you so much for your patience . 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 looking for a certain hotel called cityroomz please eos O O O O O O O O O B-Hotel-Inform+Name O N/A +bos i found it . cityroomz is at sleeperz hotel , station road , postcode cb12tz . the phone number is 01223304050. eos O O O O B-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 B-Hotel-Inform+Phone O O O O N/A +bos thanks . could you help me book rooms ? i need it for 7 people for 5 nights , starting thursday . 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 B-Hotel-Inform+Day O O O O N/A +bos i have booked a 5 day stay at cityroomz for 7 people . the reference number is xs5hdzin eos O O O O O O B-Booking-Book+Stay O O B-Hotel-Inform+Name O O B-Booking-Book+People O O O O B-Booking-Book+Ref O N/A +bos great , can you tell me where the scott polar museum is please ? eos 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 it is located on lensfield road in the centre . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area O N/A +bos what type of attraction is this ? eos O O O O O O O O Attraction-Request+Type +bos the scott polar museum is a museum type of attraction . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O N/A +bos okay , thank you ! eos 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 no , thanks ! eos O O O O O general-thank +bos okay wonderful . enjoy your stay and gives us a call if you should need anything more . 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 am planning a trip to cambridge and i 'm looking for a place to stay . i prefer a 4 star hotel in the west . 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 B-Hotel-Inform+Area O O O N/A +bos if price is no object , i 'd recommend the huntingdon marriott hotel . i also have a cheap hotel and a cheap guesthouse 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 i would prefer a guesthouse with free wifi . do you have one ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos yes , finches bed and breakfast is a guesthouse in the east , cheap yet 4 stars , and both parking and internet are available . 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 O B-Hotel-Inform+Area 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes , they have parking . would you like to book or know more info ? eos O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos id love to book ! eos O O O O O O N/A +bos great , can you tell me when you 'd like to book ? eos O O O O O O O O O O O O O O Booking-Request+Day +bos can you please give me the address and phone number of the location ? i would also like to find some college-related attractions in that area . 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 Hotel-Request+Addr +bos the number for finches is 01223276653. the address is 144 thornton road . eos O O O O B-Hotel-Inform+Name O B-Hotel-Inform+Phone O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos ok , thank you . i ca n't book just yet . are there any colleges in the east part of town ? eos 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 there are no colleges available in the east part of town . 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 N/A +bos hmm . is there a similar guesthouse in an area that does have colleges ? eos O O O O O O O O O O O O O O O O N/A +bos no , unfortunately . that 's the only place . eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O Hotel-NoOffer +bos i 'd like to book a taxi leaving the hotel by 21:00. i 'd also like the contact number and car type . 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 Taxi-Request+Car +bos i apologize for any confusion , there are actually 5 colleges located on the west side of town near the guesthouse . i would recommend visiting the churchill college . eos 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 O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos great ! may i have the address and phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos sure . churchill college is on storey 's way , and the phone is 01223336233. 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+Phone O O N/A +bos great , now i need to book a taxi to go between the two , please . eos O O O O O O O O O O O O O O O O O O Taxi-Inform +bos i have booked your taxi . it is a black lexus and the contact number is 07034946796. 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 great ! thanks for your help . eos 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,general-reqmore +bos actually i think there has been some confusion . i 'm looking for a 4 star guesthouse with free wifi in the west . the locations you gave me are in the wrong area . 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 O O O O O O O O O N/A +bos i do apologize for the confusion earlier , i misspoke . finches b & b is in fact in the west . 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 B-Hotel-Inform+Area O O O N/A +bos okay , thank you . eos O O O O O O general-thank +bos would you like more information ? eos O O O O O O O general-reqmore +bos nah that wo n't be necessary . appreciate the help ! eos O O O O O O O O O O O O N/A +bos thank you , i 'm glad we could help ! eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a cantonese restaurant in the north 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 what price range are you looking for ? eos 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 unfortunately , there are no cantonese restaurants in the north part of town . eos 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 I-Restaurant-Inform+Area O Restaurant-NoOffer +bos okay then , how about a restaurant that serves asian oriental type of food in the north part of town then ? eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos saigon city serves asian oriental food and is located in the north part of town . would you like their location ? 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 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address for saigon city is 169 high street chesterton chesterton and the phone number is 01223 356555. 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos thank you for the information . bye now eos O O O O O O O O O general-bye +bos thank you . eos O O O O general-bye +bos i want to find a cheap 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 the lucky star is an inexpensive chinese restaurant in the south part of town . 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 I-Restaurant-Inform+Area O O O N/A +bos are there any other places ? eos O O O O O O O N/A +bos nandos is a cheap portuguese restaurant in the south . would you like their information ? eos O B-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 general-reqmore +bos sorry what is the food type of that restaurant ? eos O O O O O O O O O O O Restaurant-Inform +bos they serve portuguese 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 that sounds yummy . what is their address and phone number ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos nandos 's address is cambridge leisure park clifton way and the phone number is 01223 327908. is there anything else i can help you with ? 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos no thank you . bye 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,general-bye +bos i 'm looking for museums to visit in town . what are my options ? 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 23 museums in the city . do you have a particular area of town that you 're 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 O Attraction-Request+Area +bos i have no idea . could you suggest one that sounds interesting ? eos O O O O O O O O O O O O O O N/A +bos i recommend the museum of archaeology and anthropology in the centre of town . 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 I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O general-reqmore +bos can i get the phone number and address please . i also 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 Attraction-Request+Phone,Attraction-Request+Addr +bos the phone number is 01223333516 and the address is university of cambridge , downing street . in what area would you like the hotel to be in ? 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 O O O O O O O Hotel-Request+Area +bos near the museum if possible . i 'm looking for a guesthouse with free parking . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i found the alexander bed and breakfast that meets your requirements . would you like me to book your stay ? 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 O O Booking-Inform +bos no , i 'm not ready to book quite 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 general-bye +bos you 're welcome and i hope you enjoy your museum visit . eos O O O O O O O O O O O O O general-welcome +bos i am interested in staying at the a and b guest house , could you help me book my stay ? 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 O O O O O O O O N/A +bos i can ! i would just need the day you be checking in , the length of your stay and the amount of people you are checking in 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 Booking-Request+Stay,Booking-Request+People,Booking-Request+Day,general-greet +bos oh yes , sorry . i would like to check in on wednesday for 4 nights and there will be 7 of us . eos 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 O B-Hotel-Inform+People O O O O N/A +bos i have booked a and b guest house for 4 days for 7 people reference number is gdh3z9ci . 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+People O O O B-Booking-Book+Ref O N/A +bos great and i 'd like to find some entertainment . eos O O O O O O O O B-Attraction-Inform+Type O O N/A +bos i have 5 results for entertainment . do you have a particular area of town you 're looking for entertainment in ? eos O 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 O O O Attraction-Request+Area +bos oh , i do n't mind where it is , but i 'm thinking i 'd like to visit something with 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 O O O O N/A +bos i have four attractions involving boats , would you tell me if east , north or centre would be most convenient ? 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 B-Attraction-Select+Area I-Attraction-Select+Area O O O O O O N/A +bos any one will do . i would just need to know how much it costs and the address 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 Attraction-Request+Phone,Attraction-Request+Addr +bos the entrance fees for the boat attractions are not available , would you like any more info ? eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O general-reqmore +bos well , the phone numbers and addresses of these boat attractions would be helpful . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos of course . camboats , on the east side , are located at the plough , green end , fen ditton . you can call them at 01223902112. eos O 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 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 general-greet +bos i also need the entrance fee . eos O O O O O O O O Attraction-Request+Fee +bos i 'm sorry but i have no information on the entrance fee listed . 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 O N/A +bos okay i will give them a call . eos 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 that is all thank you . eos O O O O O O O general-thank +bos you 're welcome . i 'm here if you have additional questions . eos O O O O O O O O O O O O O O general-welcome,general-reqmore +bos thanks again . good bye . eos 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 am looking for a place to go in the centre of cambridge that is a museum eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type N/A +bos there are 11 museums in the centre of town . would you like specific information about any of them ? 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 O O general-reqmore +bos great ! are there any without an entrance fee ? eos O O O O O O O O O O O N/A +bos yes , all of have free entrance , would you like more info on them ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos which would you recommend ? eos O O O O O O N/A +bos the museum of archaeology and anthropology is a popular site , would like their phone number or address ? 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 O O O O O O general-reqmore +bos yes , that 'd be great . eos O O O O O O O O N/A +bos the phone number is 01223333516 and the address is university of cambridge , downing street with a postcode of cb23dz . can i help you with anything else ? 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 I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos yes i am also looking for an expensive hotel eos O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type N/A +bos what part of town would you prefer ? eos O O O O O O O O O Hotel-Request+Area +bos it does n't matter . eos O O O O O O N/A +bos there are 5 expensive hotels that i can recommend for you . is there anything else you would like to narrow them 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 N/A +bos as long as it has free wifi it 's good . eos O O O O O O O O O O O O N/A +bos how about huntingdon marriott hotel ? they are located in the west and have four stars . 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 O O B-Hotel-Inform+Stars O O O N/A +bos any three star locations ? i 'd like an expensive place too . eos O O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos yes in the south i have the lensfield hotel . does that interest you ? eos O O O O B-Hotel-Recommend+Area O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name 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 it does include free wifi - 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+Internet +bos no thank you , could you give their full address ? eos O O O O O O O O O O O O Hotel-Request+Addr +bos their address is 53-57 lensfield road . is there anything else i can help you with ? 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 general-reqmore +bos no , i think that 's everything . thanks very much ! eos O O O O O O O O O O O O O general-thank +bos okay . have a great stay ! eos O O O O O O O O general-bye +bos hi , i 'm looking for upscale hotels in the north part of cambridge . are there any that also include free parking ? 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 N/A +bos acorn guesthouse is in the north part of town and has a 4 star rating , would you like to book that one ? eos 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 O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform +bos does it include free wifi ? eos O O O O O O O N/A +bos yes , the acorn guest house provides free wifi . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Hotel-Inform+Internet +bos can you book it for 6 people staying 5 nights starting on saturday ? i 'll need the reference number as well . 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 certainly can . i have good news , i was able to get you into the acorn hotel for 5 nights accommodating 6 people . your reference number is co8aeksx . 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 I-Booking-Book+Name O B-Booking-Book+Stay O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O N/A +bos thanks ! eos 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 also tell me if there is a park in the north by the hotel ? eos 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 milton country park is located in the north and admission is free . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O N/A +bos great ! may i have the address and phone number ? eos O O O 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. is there anything else i can help you with today ? 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 O O O O O general-reqmore +bos no , i think that 's everything . thanks for the info . eos O O O O O O O O O O O O O O general-thank +bos glad i could be of service ! eos O O O O O O O O general-bye +bos hi ! can you help me find an awesome nightclub to go to tonight ? i do n't want it to be too far away , so could you find one in the city centre ? 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 B-Attraction-Inform+Area O O O O O N/A +bos there are 5 great nightclubs in the centre . four have a 5 pound entrance fee and one has a 4 pound entrance fee . would you like more information ? eos 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 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 general-reqmore +bos what is the name and postcode of any one of those nightclubs ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos ballare is postcode cb23na , club salsa is postcode cb12jb , kambar is postcode cb23qb , the fez club is cb23hx and soul tree nightclub is cb23qf 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+Post I-Attraction-Inform+Post O O N/A +bos perfect thank you ! i also need to find a train leaving from peterborough , can you help me with that too ? 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 N/A +bos sure ! what day would you like to leave peterborough and what time would you like to arrive there ? 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+Day,general-greet +bos i wo n't be able to get out of peterborough before 19:00 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 the first train from peterborough to cambridge after 19:00 is the tr5474 . departs peterborough 19:19 , arrives cambridge 20:09. would you like me to book a seat 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 N/A +bos yes , that would be wonderful . thanks . eos O O O O O O O O O O general-thank +bos great . can i confirm that you would like to book 1 seat ? eos O O O O O O O O O O O O B-Train-OfferBook+People O O general-greet +bos two seats , please . eos O O O O O O N/A +bos you have two seats with reference number l2klg459 . total fee is 33 gb , payable at the station . can i be of further help today ? eos O O O O B-Train-OfferBooked+People 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 general-reqmore +bos that 's all . thanks . 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 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 royal spice is an indian restaurant in the north part of town . it is in the cheap 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 I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos i 'm not interested in that choise . is there anything else within those categories ? eos O O O O O O O O O O O O O O O O O N/A +bos how about da vinci pizzeria ? a cheap italian place in the north ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 i would like the phone number and address of da vinci pizzeria eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos no problem , its phone number is 01223 351707 and address is 20 milton road chesterton . eos O 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 O 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 a moderately priced restaurant in the east part of town eos O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A +bos three restaurants meet your specifications . one is italian and two serve indian food . do you have a preference ? eos O O O O 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 Restaurant-Select +bos is there anything else ? eos O O O O O O N/A +bos the curry prince is in the east part of town and is in the moderate price range . would you like their information ? 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 O O O O O O general-reqmore +bos address and phone number please eos O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address of the curry prince is 451 newmarket road fen ditton and the phone number is 01223 566388. 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 O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos that 's all i need.. thank you and good bye . eos O O O O O O O O O O O O general-bye +bos goodbye eos O O general-bye +bos i am looking for a train leaving broxbourne . eos O O O O O O O O B-Train-Inform+Depart O N/A +bos i can help with that ! your destination will be cambridge i presume , what day would you like to travel ? eos 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+Day,general-greet +bos i would like to travel on a saturday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos there are hourly trains from 5:32 onward . did you have a particular time of day in mind ? 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-Request+Leave +bos yes i want to travel on a saturday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos where is your destination located ? eos O O O O O O O Train-Request+Dest +bos i should have confirmed that i am indeed going to cambridge . eos O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos thank you for confirming that . one more detail : did you have a particular time period in mind for your 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 Train-Request+Leave,Train-Request+Arrive +bos yes . i want to arrive in cambridge by 21:30. eos O O O O O O O O O O B-Train-Inform+Arrive N/A +bos tr7846 will get you into cambridge by 10:32. would you like me to book a seat on that for you ? eos 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 Train-OfferBook +bos no i do n't need to book a seat , but can you tell me the departure 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 +bos of course . the departure time for that train is 09:32 with an arrival time of 10:32. it 's a 60 minute ride . anything else i can help with ? eos O O O O O O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O general-reqmore +bos i need a place to go in town . eos O O O O O O O O O O N/A +bos did you have a specific place or area in mind ? eos O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Name +bos the centre , please . eos O O B-Attraction-Inform+Area O O O N/A +bos there are numerous places in the centre , can you tell me what type if place or activity you would like to do and maybe we can narrow it down ? 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 O O O O O O O O O O O O O Attraction-Request+Type +bos how about a zoo or art gallery ? eos O O O O O O O O O N/A +bos i 'm afraid we do n't have a zoo , although if you like plants there is the cambridge university botanic gardens . there are several galleries , such as regency gallery and ruskin gallery . eos O O O O O O O B-Attraction-NoOffer+Type O O 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos are there entrance fees to these places ? eos O O O O O O O O O Attraction-Request+Fee +bos the cambridge university botanic gardens are 4 pounds , and the regency and ruskin galleries are free . 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos please , i need the address and phone number for the regency and ruskin galleries . thanks . eos O O O O O O O O O O O O O O O O O O O general-thank +bos the address for the regency gallery is 39 fitzroy street and the phone number is 01223365454. for ruskin gallery it 's anglia ruskin university , east road , their number is 01245493131. 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O N/A +bos one more thing . would you confirm the attraction type for the regency gallery and ruskin gallery ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Type +bos the ruskin gallery is a museum . do you need anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type 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 you are 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 want to find a restaurant serving basque food . i do n't care about the price range eos 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 N/A +bos i 'm sorry , but the system does n't have info for what you are looking for . is there a different type of food you may 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 Restaurant-Request+Food,Restaurant-NoOffer +bos yes , international food eos O O B-Restaurant-Inform+Food O O N/A +bos there are 3 restaurants serving international food , which area of town are you interested in ? 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 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 bloomsbury restaurant serves international food eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O N/A +bos can i have the address please ? eos O O O O O O O O Restaurant-Request+Addr +bos bloomsbury restaurant address is crowne plaza hotel 20 downing street . 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 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 . 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 good day . eos O O O O O O general-bye +bos im up north , whats the address for a mediterranean place around here ? eos O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food O O O O O Restaurant-Request+Addr +bos what price range would you like ? eos 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 N/A +bos there are no mediterranean location in the north part of town . however there is an international place call the bloomsbury restaurant . eos O O O 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 B-Restaurant-Inform+Name O O O Restaurant-NoOffer +bos what about mediterranean in any part of town ? eos O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there are three mediterranean restaurants in the centre of town . would you prefer an expensive or a cheap restaurant ? eos O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos price does n't matter , i would like the address , phone number and the 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+Phone,Restaurant-Request+Addr +bos la mimosa serves mediterranean food . their phone number is 01223 362525 , their address is thompsons lane fen ditton and their postcode is c.b 5 , 8 a.q . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food 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 O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O N/A +bos that sounds good . thank you . eos 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 would like a cheap restaurant in the north 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 two cheap restaurants in the north part of town . would you prefer italian or indian ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i do n't care . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i suggest da vinci pizzeria . they serve great italian food . would you like their contact information ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Food 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 the address for da vinci pizzeria is 20 milton road chesterton . would you like any additional information ? 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 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 and thanks for your call today ! bye bye . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i need to find some caribbean food in south town . eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O N/A +bos there are no caribbean restaurants in the south of town . would you like something else ? 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+Food,Restaurant-NoOffer +bos how about an italian restaurant ? i will need the phone number and postcode of the restaurant . 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+Post,Restaurant-Request+Phone +bos there is frankie and bennys , their post code is c.b 1 , 7 d.y and their phone number is 01223 412430. eos 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+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O N/A +bos what part of town is frankie and bennys located ? eos O O O O O O O O O O O N/A +bos frankie and bennys is in the south part of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O N/A +bos thank you , goodbye eos O O O O O general-bye +bos bye . eos O O O general-bye +bos hello , i am looking for a moderately priced restaurant on the east 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 do you want curry prince ? eos O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O N/A +bos is there anything else ? eos O O O O O O N/A +bos there are two other moderately priced restaurants on the east side , pizza hut fen ditton serving italian food , and rajmahal , another indian restaurant . 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 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 O N/A +bos what is the address , phone number , and type of food of one of them ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food,Restaurant-Request+Addr +bos rajmahal is the indian restaurant . they are at 7 barnwell road fen ditton and their number is 01223 244955. eos O B-Restaurant-Inform+Name 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 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 thank you and have a great day ! eos O O O O O O O O O general-bye +bos i would like a cheap spanish restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos la raza is a cheap spanish restaurant . would you like their phone number or address ? 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 O O general-reqmore +bos yes please eos O O O N/A +bos la raza 's phone number is 01223 464550 and the address is 4 - 6 rose crescent . 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 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 thank you goodbye . eos O O O O O general-bye +bos good bye . eos O O O O general-bye +bos i am looking for a moderately priced restaurant . eos O O O O O O B-Restaurant-Inform+Price 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 turkish food . eos O B-Restaurant-Inform+Food O O N/A +bos i have two restaurants in the centre area of town . would you like the information for both ? eos 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 O O O O O O O O O general-reqmore +bos yes , please give me the one turkish food restaurant 's phone number and address please . eos 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 anatolia is located at 30 bridge street city centre , phone number is 01223 362372 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos thank you . eos O O O O general-thank +bos thank you . eos O O O O general-bye +bos can you find me an expensive restaurant that serves steakhouse food ? eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos unfortunately there are no restaurants that suits you . 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 Restaurant-NoOffer,general-reqmore +bos yes . how about a restaurant serving british food ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 've found several british restaurants in the expensive price range . does the area of town matter to you ? eos O O O B-Restaurant-Inform+Choice 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-Request+Area +bos no it does n't matter eos O O O O O O N/A +bos fitzbillies restaurant serves british food , is located in the center of town and is in the expensive price range . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O 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 N/A +bos may i have the phone number , please ? eos O O O O O O O O O O Restaurant-Request+Phone +bos certainly . the number is 01223 352500. can i assist you any further ? eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone 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 O N/A +bos fitzbillies restaurant is located at 51 trumpington street city centre . can i help you with anything else ? 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 general-reqmore +bos no , that was it . thank you . eos O O O O O O O O O O general-thank +bos thanks , have a nice day . eos O O O O O O O O general-bye +bos could you please help me find an expensive restaurant in the south part 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 N/A +bos both the restaurant alimentum and the peking restaurant are expensive restaraunts in the south part of town . would you like their phone numbers ? eos O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore +bos yes . what kind of food do they serve ? eos O O O O O O O O O O O N/A +bos restaurant alimentum serves modern european food , and peking restaurant serves chinese . eos 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 O N/A +bos could you please give me the phone number of whichever one you like better ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos peking restaurant 's phone number is 01223 354755. 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 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 using the cambridge restaurant system . goodbye . eos O O O O O O O O O O O O general-bye +bos i want to find a restaurant that serves european food and 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O N/A +bos there are five venues serving european food . what price range do you want ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Price +bos moderate price range please . can i also have the address and phone number of the venue ? eos O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos galleria is an european restaurant in the moderate price range and the centre part of town , the address is 33 bridge street and the phone number is 01223 356666 eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food 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+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 good bye eos 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 i want to find a restaurant in the north part of town that serves christmas 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 that seve christmas food . eos O O O O O O O O O O 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 saigon city serves asian oriental food as is in the north part of town . eos 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos that sounds like it will work . may i have 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos saigon city has an address of 169 high street chesterton , their phone number is 01223 356555. eos 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 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 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 'm planning a trip in cambridge . can you give me train information ? eos O O O O O O B-Train-Inform+Depart O O O O O O O O O N/A +bos absolutely . let 's start by figuring out where you 'll be traveling from , and where your destination is . 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 traveling from cambridge and heading 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 what day will you be traveling ? eos O O O O O O O O Train-Request+Day +bos tuesday , i am leaving from cambridge going to birmingham new street , can i get the train id when you get a chance please ? eos O B-Train-Inform+Day O O O O B-Train-Inform+Depart 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 Train-Request+TrainID +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 i need to leave by 17:30. eos O O O O O O O N/A +bos i have tr6413 leaving at 17:01. would you like me to book a seat 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 O O Train-OfferBook +bos no , but can i get a 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 which attraction do you need the postcode and entrance fee for ? eos O O O O O O O O O O O O O Attraction-Request+Name +bos i 'm sorry my brain got jumbled there , no to booking a seat on the train . i do need to find some architecture to look at while visiting . 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 O O O O O N/A +bos the centre of town boasts some magnificent old churches . little saint mary 's , for instance , which is free to visit . 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 B-Attraction-Inform+Fee O O O O O O O N/A +bos that sounds amazing , what postcode are they in ? eos O O O O O O O O O O O Attraction-Request+Post +bos it is really marvelous ! the postcode is cb21qy , make sure to visit the gift shop too ! eos O O O O O O O O B-Attraction-Inform+Post O O O O O O O O O O O N/A +bos thank you ! i think 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 hi ! i need to get a train schedule , 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 Train-Inform +bos there are many trains . any date/time/places you were looking to travel to ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave,Train-Request+Dest,Train-Request+Day +bos i want to arrive in stevenage and leave cambridge on a friday . eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O O B-Train-Inform+Day O N/A +bos there are ten trains on friday . the first train leaves at 05:21 and the last train leaves at 23:21. what time do you want to leave or arrive ? 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive by 10:00. can you please give me the train id and departure 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 Train-Request+TrainID,Train-Request+Leave +bos tr5497 leaves at 07:21 and arrives at 08:10. would you like to purchase 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 O O Train-OfferBook +bos no thank you . i do need to find a museum to visit though . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there 's 23 museums in the cambridge area . is there a specific part of town you 'd like to visit ? eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 centre . eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are 11 museums in that area , including museum of archaelogy and anthropology and the fitzwilliam museum . eos O O O O B-Attraction-Inform+Choice I-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 can i have the entrance fees for both of those please , and the associated 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+Fee +bos sure thing . both are free and the postcode for the museum of archaeology is cb23dz and the fitzwilliam postcode is cb21rb . eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Fee 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+Post I-Attraction-Inform+Post O general-greet +bos ok and what are their entrance fees ? eos O O O O O O O O O Attraction-Request+Fee +bos bot museums are free , they do not have an entrance fee . eos O O B-Attraction-Inform+Choice O B-Attraction-Inform+Fee O O O O O O O O O N/A +bos that is great . thank you , goodbye . eos O O O O O O O O O O general-bye +bos enjoy your time at the museum and the center . if there is anything else you need help with please contact us anytime . eos O 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 restaurant that is cheap and is in the centre . can you help me ? 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 where you interested in any particular type of cuisine ? i have some restaurants like that including : indian , chinese , and italian . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Food +bos yes i would like to eat italian food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i can suggest ask located at 12 bridge street city centre . would you like to make reservations ? 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 Booking-Inform +bos no , please give me their postcode instead eos O O O O O O O O O Restaurant-Request+Post +bos cb21uf . is there anything else i can do to assist you ? eos O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos i am also interested in finding out information about local colleges . do you recommend any to visit ? 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 you should check out the downing college on regent street . do you want me to get you their phone number ? eos O O 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 O O O O O O O O general-reqmore +bos yes please . i would like their 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 their post code is cb21dq . it is located in regent street . phone number is 01223334860. eos O O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O N/A +bos i would like to book a taxi now please . i need to leave the restaurant by 12:30. are there any available ? 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 O N/A +bos sure , where will you be headed ? eos O O O O O O O O O Taxi-Request+Dest +bos between the restaurant and the hotel . eos O O O O O O O O Restaurant-Inform,Hotel-Inform +bos we have discussed a restaurant and a college , did you have a hotel you wished 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 Hotel-Request+Name +bos i 'll be commuting between the restaurant and the college . i want to book at taxi to pick me up at the restaurant by 12: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 N/A +bos a grey tesla will pick you up , contact number 07587024658. 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos no , that 's all i needed . thank you 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 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 general-bye +bos i need help finding a book on italian food eos O O O O O O O O B-Restaurant-Inform+Food O N/A +bos there are fifteen italian restaurants in town . do you want a specific part of town , or maybe a certain price range to narrow down the search ? 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 O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos i 'm looking for parks in cambridge can you help me ? eos O O O O B-Attraction-Inform+Type 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 no , area does n't matter . what park would you recommend ? eos O O O O O O O O O O O O O O N/A +bos cherry hinton water play park in the east is an excellent place to keep cool on hot summer days . would you like the address ? 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+Area O O O O O O O O O O O O O O O O O O N/A +bos no just the postcode please . eos 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 thanks . could you help me find and expensive indian restaurant perhaps ? eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos tandoori palace in the west is a wonderful indian restaurant . would you like their phone number or a reservation there , perhaps ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Booking-Inform +bos book a table for 6 people at 12:00 on wednesday eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O N/A +bos i was able to book a table for 6 they will hold the table for you for 15 minutes . the reference number is m4ildkd4 . eos O O O O O O O O O O B-Booking-Book+People 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 is all i need for now . eos O O O O O O O O O O O general-thank +bos okay great ! i hope you have a wonderful day ! eos O O O O O O O O O O O O general-welcome,general-bye +bos can you help me find an interesting place to visit on the east 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 N/A +bos i can . do you like museums ? eos O O O O O O O B-Attraction-Inform+Type O general-greet +bos sure do , know of any interesting ones on the east side ? eos O O O O O O O O O O O O O O N/A +bos we have the cambridge artworks , the cambridge museum of technology , and several galleries . eos 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+Choice I-Attraction-Inform+Choice O O N/A +bos that should do . i am also looking for a place to dine . the restaurant should serve chinese food and should 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 B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have many choices . do you have an area preference ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Area +bos yes , i would like it to be in the east . eos O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos the yu garden has fabulous food . can i book a table there 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 Booking-Inform +bos i 'm sorry , could i get the postcode to cambridge artworks ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos cb13ef . anything else ? eos O B-Restaurant-Inform+Post O O O O general-reqmore +bos i also need to get the phone number for the restaurant . eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos absolutely . you can reach yu garden at 01223248882. is there anything else i can help with today ? 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 O general-reqmore +bos that is all , thank you ! eos 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 +bos i 'm sorry i have to go now ! bye ! eos O 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-welcome,general-bye +bos i would like to know more about a restaurant called the panahar if you could help ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O O N/A +bos sure ! the panahar is an expensive indian restaurant in the centre of town . would you like the phone number or address ? eos O 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 general-reqmore +bos no thank you , can you book a table for 3 friday at 18:30 ? eos O O O O O O O O O O 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 : 3dnkjlt9 . 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 O general-reqmore +bos i am also needing a place to go for entertainment . can you help me find a place ? 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 do you have an area or type of attraction in mind ? funky fun house on the east side of town is fun for kids . 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 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 Attraction-Request+Type,Attraction-Request+Area +bos that sounds perfect . may i get the address please ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos sure , the address is 8 mercers row , mercers row industrial estate post code cb58hy . would you like a reservation ? 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 B-Attraction-Inform+Post O O O O O O O O O Booking-Inform +bos no thank you . that is all i need today . goodbye . eos O O O O O O O O O O O O O O general-bye +bos happy to help . have a great day . eos O O O O O O O O O O general-greet +bos can you recommend a restaurant in the center of cambridge that has moderate prices ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos sure thing but first can you tell me what kind of food you like ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos i would like italian food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos pizza express in the centre , would you like me to make you a reservation ? eos 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 Booking-Inform +bos no thank you . i just need the post code for now . eos O O O O O O O O O O O O O O Restaurant-Request+Post +bos cb21db . is there anything else ? eos O B-Restaurant-Inform+Post O O O O O O general-reqmore +bos yes , i would like some places to visit while i 'm in town . perhaps something 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 N/A +bos may i suggest the castle galleries , it 's a museum also in the centre area . admission is free . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee 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 there number is 01223307402 eos O O O O B-Attraction-Inform+Phone N/A +bos i also need to book a taxi to get from the restaurant to the museum . i plan on leaving the restaurant by 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 N/A +bos how many people in the taxi ? eos O O O O O O O O N/A +bos it is just me by myself eos O O O O O O O N/A +bos your taxi has been booked . it will be a red skoda and their contact number is 07842186730. 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 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 thank you have a great day ! eos O O O O O O O O general-bye +bos i need to find an expensive restaurant in cambridge located somewhere in the north . eos 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 what type of food would you like ? there are asian oriental , chinese , european and french restaurants 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 Restaurant-Request+Area +bos i 'm not particular on the type of food . could you recommend something and book a table for 1 person at 19:30 on tuesday . 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 B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O Attraction-Request+Type +bos i can book you a table for tuesday at a chinese restaurant in the north named the hot spot . shall i do that ? eos O O O O O O O O B-Booking-Inform+Day I-Booking-Inform+Day O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A +bos yes please , book me a table for one at 19:30 eos O O O O O O O O O O B-Restaurant-Inform+Time O N/A +bos your reservation has been made . the table will be reserved for 15 minutes . your reference number is 8jgoxqpx . is there anything else today ? 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 would like to find a place 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 Restaurant-Inform +bos there are many attractions to choose from , what did you have in mmind ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O general-reqmore +bos i do n't really care , do you have any recommendations ? eos O O O O O O O O O O O O O N/A +bos there are four attractions in the north . a boat , a park , and two swimming pools . which would you like ? eos O O O O O O O B-Attraction-Inform+Area 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 love to go swimming . eos O O O O O O O O N/A +bos there are two swimmingpool options in the north . i recommend jesus green outdoor pool . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos alright , please give me the entrance fee and postcode for jesus green pool 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 Attraction-Request+Post,Attraction-Request+Fee +bos the postcode for jesus green outdoor pool is cb43px . i 'm sorry i do not have the entrance fee . 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 O B-Attraction-Inform+Post 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 does the other swimming pool say what the entrance fee is ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos i do n't have that information i am sorry . 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 N/A +bos i am also interested in the boat attraction . what is the entrance fee and postcode for that attraction ? 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 Attraction-Request+Post,Attraction-Request+Fee +bos okay i have the riverboat georgina . the post code is cb43ax and i have no information on the entrance fee . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 . 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 general-bye +bos i 'm looking for attractions in west cambridge . eos O O O O O O B-Attraction-Inform+Area O O O N/A +bos i have colleges and museums here . do you have a preference ? eos O O O B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type O O O O O O O N/A +bos no not really . just something historical to see . eos O O O O O O O O O O O N/A +bos you may enjoy the museum of classical archaeology located in the west part of town . would you like more information ? 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 B-Attraction-Inform+Area O O O O O O O O O O general-reqmore +bos yes , may i please get their address , 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,Attraction-Request+Addr +bos no problem . the museum is located on sidgwich avenue . the postalcode is cb39da , and the phone number is 01223335153. can i help you with anything else ? eos O O 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 B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos great , i also need a train to leicester and traveling on friday . 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 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 . eos O O O O O O O O O O O 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 the train should arrive by 21:45 in leicester . you can tell me which departure from cambridge is best for that time . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Depart O O O O O O O N/A +bos the tr1233 leaves at 19:21 and arrives by 21:06 , would that work ? 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 Train-OfferBook +bos yes what would the price be ? eos O O O O O O O O Train-Request+Price +bos the price per ticket on tr1233 is 37.80 pounds . do you want me to book a seat for you ? eos O 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 Train-OfferBook +bos no , not at this time , 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 general-welcome +bos you too , goodbye . eos O O O O O O general-bye +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-bye +bos hello . i 'm trying to find some 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 general-greet +bos yes , what kind of a place are you looking for ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos museum in the centre of town eos O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos i have several , is there a special one in mind ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Name +bos could you please name some for me ? i 'll need the entrance fee too please eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos primavera and the castle galleries are two of my favorites . they are both free . eos 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 O N/A +bos they sound ok , i guess . are there any more entertaining things to do 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 unfortunately i can not find anything strictly categorized as entertainment in that area can you provide more specifications ? eos 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 just a museum in the centre . i also need a train leaving on monday from leicester to cambridge leaving after 15:30. eos O O O B-Attraction-Inform+Type O 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 B-Train-Inform+Leave O N/A +bos do you have a particular time you 'd like to arrive by ? there are quite a few options for trains leaving monday . eos O O O O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Day O O O Train-Request+Arrive +bos i 'd just like to leave after 15:30 , not really concerned with arrival time . eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O N/A +bos tr2985 leaves leicester at 16:09 and arrives in cambridge at 17:54. would you like help booking tickets for this train or another one ? 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 Train-OfferBook +bos i will the 16:09 one.thanks eos O O O O O O general-thank +bos no problem with booking the train , i just need to know how many people ( tickets ) you 're going to 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 Train-Request+People,Train-OfferBook +bos i 'll just need 1 ticket and i 'll want to know the price as well . eos O O O O O B-Train-Inform+People O O O O O O O O O O O O Train-Request+Price +bos i have booked to for 1 ticket , the price is 37.80 payment due at the station the train number is tr2985 eos O O O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Ticket O O O O O O O O O B-Train-OfferBooked+Id O N/A +bos okay , than you so much for your help ! goodbye ! eos O O O O O O O O O O O O O general-bye +bos thank you for calling cambridge towninfo centre . feel free to call again if you need anything else . have a great day and enjoy your 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 O O O O general-welcome,general-bye +bos hello there ! i need a train to cambridge on monday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos what is your departure city ? eos O O O O O O O Train-Request+Depart +bos i will be departing from stansted airport . also , i need to arrive by 14:15. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O N/A +bos sure , tr3304 will get you in cambridge by 9:52. can i book a seat for you ? eos 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 Train-OfferBook +bos well , that 's a little early , but it should work . i 'd like to make a booking for 7 people actually . 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 N/A +bos ok , i 've booked 7 tickets , reference number cy29i3sc . the fee will be 70.70 , payable at the station . is there anything else i can assist you with ? eos 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 O O general-reqmore +bos i am also looking for a multi sports 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 'm sorry but i do n't see any multi sports in the centre of town . is there another area of town i can check for you ? 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 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 museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos yes there are 11 in the area what kind of museum would you like ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Type +bos surprise me . i just need the address . eos O O O O O O O O O O Attraction-Request+Addr +bos you should check out broughton house gallary , which is located at 98 king street . eos 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+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos fantastic , thank you , that will be all . 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-welcome,general-bye +bos i am looking for a particular attraction called the place . i need more information about it . 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 N/A +bos sure . it is a nightclub in the south area . do you need the address or phone number ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 just the postcode and entrance fee i am afraid . eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos 22 sidney street is the address eos O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos could you please tell me the postcode ? eos O O O O O O O O O Attraction-Request+Post +bos of course , sorry about that . the postcode is cb23hg . can i be of any further assistance to you today ? eos 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-greet,general-reqmore +bos what is the entrance fee for it ? eos O O O O O O O O O Attraction-Request+Fee +bos unfortunately , i am not sure of the entrance fee to the place . you can call them to find out : 01223324600. eos 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+Phone O O O N/A +bos thank you . i will also need a train from cambridge to london kings cross on tuesday , would you be able to help me ? 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 O O O O O O O O N/A +bos i need some more information first . is there a specific 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 O O O O O O O Train-Request+Arrive,Train-Request+Leave,general-greet +bos i would like the train to arrive by 16:00. eos O O O O O O O O O B-Train-Inform+Arrive N/A +bos there are five trains that will arrive by 16:00 , the train that arrives closes to that time is tr315 which arrives at 13:51 eos 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 I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive I-Train-Inform+Arrive N/A +bos that one will work . 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 i booked your train for 4 people . the reference number is t6x9jmia and the total fee is 94.4 gbp . is there anything else i can help you with ? eos O O 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 B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O general-reqmore +bos that will be everything . thank you for you help . eos 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 a train from birmingham new street to cambridge departing on monday . eos 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 B-Train-Inform+Day N/A +bos i would be happy to help you find a train ! i have several options , do you require a particular departure or arrival time ? eos O O O O O O O O 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,Train-Request+Leave +bos yes , i do . i 'd like to leave from birmingham new street on monday and arrive in 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+Day O O O B-Train-Inform+Dest O O O O N/A +bos and what time would you like to travel on monday ? eos O O O O O O O O O O O O Train-Request+Leave +bos i need to leave after 16:45 please . eos O O O O O O B-Train-Inform+Leave O O N/A +bos tr3130 leaves at 17:40 on monday from birmingham new street to cambridge . would you like me to book you a seat ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O B-Train-Inform+Day 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 O Train-OfferBook +bos yes , could you make a reservation for 6 and provide me the reference number when complete . 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 all booked for 6 ! your reference # is 9wafmf6u . anything else i can do for you ? eos 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 can you get me the area and postcode for a cinema in cambridge ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O Attraction-Request+Area,Attraction-Request+Post +bos there are 2 which would you like ? there is one in the south and the centre eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area Attraction-Select +bos it does n't really matter . how about the one in the centre ? eos O O O O O O O O O O O O O O O N/A +bos the postcode is cb17dy this is the one for the south area . eos O O O O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Area O O N/A +bos okay thanks , you 've been a lot of help . bye ! eos O O O O O O O O O O O O O O general-bye +bos thank you for contacting us , you have a nice day . eos O O O O O O O O O O O O O general-bye +bos i would like to find a college 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 N/A +bos how does magdalene college sound to you ? it is free to enter . eos O O O B-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 O N/A +bos sounds interesting . can you give me the address with postcode along with a contact 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+Addr +bos sure thing , the address is magdalene street , the postcode cb30ag , and the phone number is 01223332138. anything else ? eos O O O O 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 O O O O general-reqmore +bos yes , i also need a train from stansted to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos i found a train that leaves at 05:24. would you like that one ? eos O O O O O O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos i need to get there on monday by 8:30. eos O O O O O O O B-Train-Inform+Day O O N/A +bos we have three such trains . any preferences ? eos O O O B-Train-Inform+Choice O O O O O O Train-Select +bos the train that gets me there closest to 8:30 would be nice for 5 people . eos O O O O O O O O O O O O O O O B-Train-Inform+People O N/A +bos i have found 3 trains that would arrive before 8:30. the cost would be 50.50 pounds total for 5 people . would you like me to book one ? eos O O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+People I-Train-Inform+Ticket O O O O O O O O O O O O O Train-OfferBook +bos yes can you book the one that arrives closest to 8:30 for 5 people . eos O O O O O O O O O O O O O O B-Train-Inform+People O N/A +bos tr9641 has been booked for a party of 5 people on monday . the total cost is 50.5 gbp , payable at the station and the reference number is kp8fdjtb . need anything else ? eos O B-Train-OfferBooked+Id O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Day 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 no , that should be all , thank you so much ! eos O O O O O O O O O O O O O general-thank +bos great . you have a great time then ! goodbye . eos O O O O O O O O O O O O general-bye +bos we want to find a restaurant that serves unusual food . eos O O O O O O O O O O O O Restaurant-Inform +bos do you have a particular type of food you 'd like to try ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food +bos no , just please make sure the food 's unusual , located in the north and expensive . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O N/A +bos saigon city serves asian oriental in the north part of town . 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 O O O O N/A +bos that 's pretty offensive to call asian oriental unusual . i 'm looking for a restaurant that serves food labelled as unusual . 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 have no restaurants that list there food as unusual , do you have any other preferences ? eos O O O O O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O N/A +bos ok , how about chinese food ? still expensive and in the north please . eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos yes , there 's a place called the hotpot eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos let me have a reservation at hotpot on friday , thank you . eos O O O O O O O O O O O O O O general-thank +bos ok , how many people and what time ? eos O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos 7 people at 19:45 on friday . eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos i was able to make a booking for the hotpot . you reservation number is 55cap7fc . 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 O N/A +bos awesome . now can you tell me if there is a swimming pool nearby the restaurant ? i love to swim after egg rolls ! eos O O 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 there are two in the north ; jesus green outdoor pool and kings hedges learner pool . would you like the location of either of those ? eos O O O O B-Attraction-Inform+Choice 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 O O Attraction-Select +bos can you pick the best swimming pool and get me the postcode and phone number 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 i 'm going to recommend the kings hedges learner pool located at jedburgh court , kings hedges the post code is cb42xh . the phone number is 01223353248. 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 O O O O B-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O O O N/A +bos i also need to book a taxi between the hotel and restaurant . i need to arrive by 19:45. 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 what time do you need to leave by ? eos O O O O O O O O O O Taxi-Request+Leave +bos i just need it to arrive by the time the restaurant was booked . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos how many people are traveling ? eos O O O O O O O Train-Request+People +bos 7 people for the taxi . eos O O O O O O O Taxi-Inform +bos ok , you are booked for a 19:45 arrival time , the taxi is a white audi . is there anything else ? eos 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 O O O O general-reqmore +bos can i get the contact number for the taxi as well , please ? eos O O O O O O O O O O O O O O O Taxi-Inform +bos contact number is 07625009528 can i help you with anything else ? eos O O O O B-Taxi-Inform+Phone I-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 have a nice day . eos O O O O O O general-bye +bos i am coming to cambridge and am so excited to see some local tourist attractions . i just need help finding a restaurant to eat at while 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 we have a lot of great restaurants ! what kind of food do you prefer , and what price range would you like for me to check ? 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 Restaurant-Request+Food,Restaurant-Request+Price +bos i want turkish at a moderate price . eos O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O N/A +bos i have found 2. the anatolia or efes restaurant . would you like a booking made today ? eos O O O O O B-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 Booking-Inform +bos the efes is fine . i need a table for at 17:15. i will also need the reference number . 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 Restaurant-Request+Ref +bos i am getting the booking started for you now , can you give me the day and number of 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 Booking-Request+Day,Booking-Request+People +bos book for 8 people on friday at 17:15. eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos i have your made your reservation . ref # is e7vpa79p . they will hold the table for you for 15 minutes . is there anything else that i can be of assistance ? 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 O O O O O O O O O O general-reqmore +bos yes , i 'd also like to check out a cool place in the centre area . 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 is a lot to do in the centre . are you looking for a particular type of attraction ? eos 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+Type +bos how about multiple sports ? eos O O O O O O N/A +bos there is nothing in the centre of town for sports . would you like to try something else ? eos O O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O B-Attraction-NoOffer+Type O O O O O O O O O general-reqmore +bos what about a museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos the broughton house gallery meets your criteria , would that work ? 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 Attraction-Select +bos that sounds great . can you tell me a phone number i can reach them at , and also 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 Attraction-Request+Phone,Attraction-Request+Fee +bos the phone number is 01223314960 and the entrance fee is free . eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee O N/A +bos that is everything , thank you so much for your assistance . 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,general-bye +bos i need a cheap restaurant please . eos O O O O B-Restaurant-Inform+Price O O O N/A +bos 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 ? eos O O O O O O 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 yes , portuguese food would be nice . eos O O B-Restaurant-Inform+Food O O O O O O N/A +bos nandos has restaurants in the south and the centre of town . would you like to book either of those ? eos O B-Restaurant-Inform+Name 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 O O Booking-Inform,Restaurant-Select +bos yes i would like to book nandos in the south for 1 person at 15:30 on monday . 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 i 'm sorry , there are no tables available for monday at 15:30. would you like to try for a different day or time ? 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 Booking-Request+Time,Booking-Request+Day +bos can you see if they have an opening at 14:30 instead ? eos O O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos i made you a reservation at nando 's south , at 14:30 on monday . the reference number is hb047xsi . they 'll hold the table for 15 minutes . do you need anything else ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name 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 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 . have a great day , goodbye . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a place to eat . i want expensive malaysian food . can you help ? 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 i 'm sorry but there are n't any malaysian places of any price 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 O O O O N/A +bos well i need it to be in the south of town . eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos on the south end , in the expensive price range , we have mexican , italian , indian , and chinese foods to choose from . do any of these sound good ? eos 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+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O O Restaurant-Select +bos chinese sounds good . can you give me any suggestions ? eos O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos yes , i would recommend the peking restaurant , located at 10 homerton street city centre . could i reserve a table for you ? 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 O O O O O O O O O O N/A +bos sounds great . make a reservation for 4 on friday at 11: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 that time slot is not available , would you like to try 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 how about ! 0:00 instead , is that available friday ? eos O O O O O O O O O O O O N/A +bos i believe you meant 10:00 , so i went ahead and made the reservation for that time . the reference number is hrplz9aq . eos O O O 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 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 ! enjoy your meal ! eos O O O O O O O O O general-welcome,general-bye +bos i would like to go to an indian restaurant in the north . 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 found 2 that matches your criteria . would you prefer a moderate or cheap pricing ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos how about the moderate one ? may i have their address , please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos yes the nirala 's address is 7 milton road chesterton and their postcode is cb41uy . is there anything else i can help you with today ? 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 O O O B-Restaurant-Inform+Post O O O O O O O O O O O O O general-reqmore +bos no , that is all , thank you . have a nice day . eos O O O O O O O O O O O O O O O general-thank +bos so glad we could help you out . thanks for using the cambridge towninfo centre , and have a glorious 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 would like to find an expensive hotel to stay at that also has free wifi . can you help ? 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 university arms hotel is an expensive hotel with free wifi . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O Hotel-Inform+Internet +bos i also want to stay in a hotel with star rate of 3 that is in the south . does university arms fit that criteria ? eos O O O O 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 O O O N/A +bos no , but the lensfield hotel meets those requirements . would you like to book a room there ? 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 O O Booking-Inform +bos yes , that sounds great . can you book me a room for 4 people , 2 nights starting tuesday please ? eos 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 N/A +bos your booking was successful ! you reference number is xmcht677 . 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 could you look for a train leaving thursday to go to leicester ? 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 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 there are several trains leaving on thursday . what time would you like to depart ? eos 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 Train-Request+Leave +bos hi , i 'm looking for a local upscale chinese restaurant . eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are 9 restaurants that meet your criteria . want to try yu garden on 529 newmarket road fen ditton or a different one ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O B-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr O O O O O N/A +bos actually , i 'm looking for somewhere that 's located near the centre . could you recommend somewhere near there ? 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 N/A +bos the ugly duckling restaurant is an expensive chinese restaurant near the center of town . 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 B-Restaurant-Inform+Food 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 Booking-Inform +bos yes , please . eos O O O O O N/A +bos for how many people and at what time/day ? eos O O O O O O O O O O Booking-Request+Time,Booking-Request+Day,Booking-Request+People +bos it 's for 5 people and we want to eat at 13:30 on saturday . eos O O O O B-Restaurant-Inform+People O O O O O 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 : tzptjja5 . 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 . thank you so much for your help . eos 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 i am looking a hotel to stay in . could you find me one on the more expensive side ? but it does n't need free parking . 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 O O N/A +bos sorry , nothing falls under those categories . shall i check one with free parking ? eos O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Parking +bos yes , give that a try please . i also need free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O N/A +bos may i recommend the express by holiday inn cambridge ? i 'd like to know how many people are staying as well . 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 O O O O O O O O O Booking-Request+People +bos that sounds good . i need to check the number of people before i book . eos O O O O O O O O O O O O O O O O O N/A +bos i have 5 different lovely hotels . how many are we booking for please ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Booking-Request+People +bos 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 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 B-Hotel-Inform+Area O O O O O O O O N/A +bos there are two expensive hotels centrally located with free wifi and parking . the university arms hotel has a 4 star rating , would you like more information about it ? eos O O O O B-Hotel-Inform+Choice 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 I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes . i am interested to know the postcode , and if it is a hotel or 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 it is a hotel , and it has the postcode of cb21ad . is there anything else i can help you with today ? eos O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Post O O O O O O O O O O O O O general-reqmore +bos yes , i 'm looking for a chinese restaurant in the same part of town as the hotel . what 's around ? 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 O N/A +bos we have many chinese restaurants in the center of town , ranging from cheap to expensive . does price range matter ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Restaurant-Request+Price +bos no , it does not . please give me the address , phone number , and postcode of any 1 restaurant that matches my 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 O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos let 's go with jinling noodle bar . the address is 11 peas hill city centre , the phone number is 01223566188 and the postcode is cb23pp . 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 O O O O B-Restaurant-Recommend+Post O O O O N/A +bos that 's great . thank you so much for all of your help today . eos O O O O O O O O O O O O O O O O general-thank +bos okay . glad i could be of assistance . eos O O O O O O O O O O general-welcome +bos i think that will be all eos O O O O O O O N/A +bos have a wonderful trip . eos O O O O O O general-bye +bos i would like a restaurant in the centre that is in the expensive 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 N/A +bos there are 33 restaurants in the centre that are in the expensive price range . 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 B-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Food +bos i am interested in indian food please . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are six restaurants that match that description . can recommend one of them for you ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O N/A +bos yes please do . eos O O O O O N/A +bos the curry garden serves expensive indian food in the centre of town . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area N/A +bos great can i get a reservation there for 8 people at 12:30 on sunday ? 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 sorry , there is no table available then . would you like to try another time slot ? 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 think i 'd rather try a different restaurant at my preferred time , actually . you mentioned there are several others ? eos 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 , there 's the goden curry , saffron brasserie , panahar , and curry king . 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 N/A +bos great ! can i have the goden curry ? eos O O O O O O O O O O N/A +bos sure , when would you like to make a reservation ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Inform +bos 12:30 on sunday . there will be 8 of us . eos O O O O O O O O O O O O N/A +bos i apologize . i have checked all of the restaurants in the area and none of them can accommodate 8 guests at 12:30 on sunday . would a different day or time suffice ? eos O O O O O O O O O O O O O O O O O O O O B-Booking-NoBook+People O B-Booking-NoBook+Time O B-Booking-NoBook+Day O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i guess i could try 11:30. eos O O O O O O B-Restaurant-Inform+Time N/A +bos reservation booked with the curry garden for sunday at 11:30am for 8 people . your reservation will be held for 15 minutes . reference number is 6grfmvdj . eos 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 B-Booking-Book+People 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 you 're welcome . anything else i can help with today ? eos O O O O O O O O O O O O O general-reqmore +bos no , i am all set . bye . eos O O O O O O O O O O general-bye +bos thank you . have a nice day , goodbye . eos O O O O O O O O O O O general-bye +bos i would like a moderately priced indian food please . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos i have 4 different indian restaurants all over the city . is there a certain area you prefer ? eos O O O O B-Restaurant-Inform+Choice B-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+Area +bos how about the west ? i will need a table for 4 on friday at 13:15. eos O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos the only moderate indian restaurant in that area is meghna , and they are not available for that time . can i try something else ? eos O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Name O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos is there anything available for 12:15 on friday ? eos O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos yes , that worked . you are set for 12:15 and the reference number is abc08p2a . can i be of further assistance ? eos 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 general-reqmore +bos i will need a taxi to take me there . eos O O O O O O O O O O O Taxi-Inform +bos can you please tell me where you will be leaving from so i can book your taxi ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos nevermind , i 'm sorry . i think i 'm all set . eos O O O O O O O O O O O O O O N/A +bos alrighty . have a good day ! eos O O O O O O O O general-bye +bos hey , i 'm trying to find a restaurant called taj tandoori . what do you know about that ? 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 N/A +bos i show the taj tandoori located in the south . they serve indian style cuisine and are in the expensive price range . may i book a table for you ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform +bos yes please . i would like a reservation for 4 people at 15:00 on tuesday . eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O N/A +bos i 'm sorry but there was n't a table available at that time . 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 O O O O Booking-NoBook,general-reqmore +bos yes , please . if you could find one similar to taj tandoori , that would be perfect . 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 N/A +bos i 'm sorry taj tandoori is the only indian cuisine available in the south , 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 Restaurant-Request+Food,Restaurant-NoOffer +bos sure , but let 's try to keep it in the same 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 N/A +bos i booked a table for you at peking restaurant . reference number is xpe4eogj . anything else 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 general-reqmore +bos okay that is all i need at the moment . eos O O O O O O O O O O O N/A +bos okay . enjoy your dining experience . eos O O O O O O O O general-bye +bos i 'm looking for a particular restaurant called michaelhouse cafe . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos michaelhouse cafe is an expensive restaurant in the center of town . it serves european food and is located at st. michael 's church trinity street city centre . eos O B-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 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 I-Restaurant-Inform+Addr O O N/A +bos i would like to book a table at this restaurant for 5 people at 15:00 on monday . 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 sure thing you 're all set . your reference number is 8p12na4l . 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 yes , i am also looking for a hotel . i think it is called the cambridge belfry . 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 N/A +bos the cambridge belfry is a cheap hotel in the west area . do you want to book any rooms ? 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 O O O Booking-Inform +bos first can you give me the postcode , star rating , and a more specific price range ? 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+Price +bos the postcode is cb236bw and star rating is 4. i can only tell you that it is in the cheap price range . eos O O O O B-Hotel-Inform+Post 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 N/A +bos well thank you very much . i think that 's 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 absolutely . enjoy your trip ! eos O O O O O O O general-welcome,general-bye +bos i am looking for a cheap hotel in cambridge . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A +bos there are 10 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 i 'm looking for the centre area . eos O O O O O B-Hotel-Inform+Area O O O N/A +bos the alexander bed and breakfast has a four star rating and matches your specifications . would you like to book a stay there ? 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 B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Booking-Inform +bos no , i 'm not sure but i would like their address and telephone number and can you tell me what star rating this hotel has ? 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 it 's a 4 star hotel . the address is 56 saint barnabas road and the phone number is 01223525725. any else i can do for you ? eos O O O O B-Hotel-Inform+Stars 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 B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos yes i would like to book it from tuesday for 2 nights for 7 people . can you do that for me and provide a reference number ? eos 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 O O O O O N/A +bos booking was successful.reference number is : nzxpp6o5 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thanks ! i 'm also looking for a restaurant in the area that serves american food eos 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 i was not able to find any american restaurants in that area , do you have another type of food you would like ? 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 O Restaurant-Request+Food +bos what about italian ? eos O O O B-Restaurant-Inform+Food O N/A +bos certainly we have 9 italian restaurants in this area , do you have a price range in mind ? eos 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+Price +bos i would like a table for 7 at 12: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 N/A +bos great . i have booked you at zizzi cambridge . the reference number is brx4es4l . 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 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 for your help ! eos 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 am looking for a place to stay . it should 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 N/A +bos there are close to 30 to choose from . they are spread out throughout town . is there an area you prefer ? 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 Hotel-Request+Area +bos i 'd like to stay in 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 do you have a preference for a guesthouse or a hotel ? eos O O O O O O O O O O O O O Hotel-Request+Type +bos i would like it to be in the moderate price range . can you help me make a booking somewhere that fits what i need or should i go elsewhere ? 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 O O O O O O O O O O O N/A +bos i can book you a room at the acorn guest house . what day would you like to arrive and how long will you stay ? 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 O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos does it have free wifi and parking ? eos O O O O O O O O O N/A +bos absolutely . it is a great 4 star guesthouse located at 154 chesterton road . eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos perfect . i 'd like to book it from thursday for 5 people . we 'll be staying for 5 nights . eos O 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 N/A +bos excellent . your booking was successful and the reference number is t4epi1bi . 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 yes . i also need a train from cambridge to birmingham new 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 sure , i have many i can help you choose from . can you tell me what day you 'll be traveling ? it looks like this train will cost 75.10 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 O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O Train-Request+Day +bos no i just need the departure time and the train id please eos O O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave +bos yes , what day will you be traveling and i 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 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 what time on monday would you need to arrive in birmingham new street ? eos O O O O O O O O O O O O O O O Train-Request+Arrive +bos i need it to arrive by 18:15. eos O O O O O O O B-Train-Inform+Arrive N/A +bos train id # tr5435 departs cambridge at 15:01and arrives at birmingham new street at 17:44. may i help you with anything else ? 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 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 general-reqmore +bos no , that 's everything i needed today . you were 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 thank you . let us know if you need further assistance . eos O O O O O O O O O O O O O general-bye +bos hi , i 'm looking for an expensive restaurant that serves british cuisine . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O N/A +bos we have six . do you have a preferred area of town ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area +bos no preferred area but i need to know if i can book a table for saturday . eos O O O O O O O O O O O O O O O O O O N/A +bos what time on saturday and for how many people were you looking to book for ? eos 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 3 of us at 14:15. eos O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time N/A +bos i was able to book a table at the grafton hotel they also serve british . your reference number is 1ulfdv2t . 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 B-Booking-Book+Ref O O N/A +bos thank you so much ! eos O O O O O O general-thank +bos enjoy the rest of you day eos O O O O O O O general-bye +bos hi , i 'm looking to take a train on tuesday and heading 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 O N/A +bos where are you leaving from ? eos O O O O O O O Train-Request+Depart +bos i will be leaving from ely . eos O O O O O O B-Train-Inform+Depart O N/A +bos ok , what time do you want to depart ? eos O O O O O O O O O O O Train-Request+Leave +bos well i want to arrive by 16:15. eos O O O O O O O B-Train-Inform+Arrive N/A +bos you have quite a few options . would you rather leave early in the morning because trains run every two hours from 05:35 ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice 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 O O Train-Request+Leave +bos i could leave in the morning . eos O 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 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 hotels that meet your needs . would you like to narrow them down by 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 are any of those 11 guesthouses ? eos O O O O O O B-Hotel-Inform+Type O N/A +bos yep there are 5 guesthouses . do you wan na just try acorn guest house ? 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 N/A +bos does it offer free wifi ? eos O O O O O O O Hotel-Request+Internet +bos yes , it does have internet . eos O O O O O O O O Hotel-Inform+Internet +bos okay . please help me book this guesthouse . eos O O O O O O O O O O N/A +bos what day , number of nights , and number of people would you like to book for ? 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+Stay,Booking-Request+Day +bos i do not have all of that information at this time . can i talk to you again when i know more ? eos O O O 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 is all right . 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 it 's my pleasure . have a nice trip ! eos O O O O O O O O O O O general-greet +bos hello ! can you tell me about places to stay in the north area of town ? i 'll be on a business trip , so i do need free 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 O O O O O O O N/A +bos i have several options that meet your needs . i would recommend the avalon , unless you need free parking . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O B-Hotel-Recommend+Name O O O O O O O O Hotel-Recommend+Parking +bos i do not need parking , is the avalon moderately priiced ? eos O O O O O O O O O O O O O N/A +bos yes , the avalon is in the moderate price range . would you like to book a room ? eos O O O B-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 Booking-Inform +bos sure ! can you book it for 2 people and 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 O N/A +bos sure . your reference number is 8y3768bt . anything else ? eos O O O O O O O B-Booking-Book+Ref 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 O general-thank +bos you are very 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-bye +bos hi , i 'm looking for a place to stay 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 do you have a preference for area or price range ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i do not have a preference but i do want a hotel not a guest house . 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 such hotels . i recommend gonville hotel . would you like me to book you a room ? eos O O 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 O O Booking-Inform +bos sure . that would be great . eos O O O O O O O O N/A +bos how many people will be in your party 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 Booking-Request+Stay,Booking-Request+People +bos there are 3 of us and we 'll be arriving on saturday . eos O O O O O O O O O O O O O O N/A +bos and for how many days ? eos O O O O O O O Booking-Request+Stay +bos it will be for two nights . eos O O O O O O O O N/A +bos i 'm sorry but there is no availability for 2 nights starting on saturday . is there another day that works for you ? perhaps a different hotel ? eos O O O O O O O O O O B-Booking-NoBook+Stay 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 +bos can you try for just 1 night then ? eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos sure , you 're booked for one night . the reference number is ajughitg . may i help with anything else ? eos 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 general-reqmore +bos no . that 'll be all , thanks . bye ! eos O O O O O O O O O O O O general-bye +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 are there any rooms available in hotels with free parking ? eos O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos yes . do you have a preference for the hotel 's area or price range ? 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 are there any available for less than $ 200 a night ? eos O O O O O O O O O O O O O N/A +bos there are several . alexander bed and breakfast is cheap and is in the centre . would you like me 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 B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos is that a 2 star hotel ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos no , it has 4 stars eos O O O O O B-Hotel-Inform+Stars O N/A +bos let 's try a hotel type with free parking in the centre of town with a star of 2. eos 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 'm sorry . i have no 2 star hotels in the center of town . however , i have some in other parts of town . would you care to modify your search criteria ? 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 I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 N/A +bos how about for 2 nights ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos the only 2 star hotels are in the north or the east . do you mind staying in one of those areas ? 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 N/A +bos yes that would be fine with me eos O O O O O O O O N/A +bos how about the ashley hotel ? it is on the north side of town , has 2 stars , free wifi and parking , and is moderately priced . eos O O O O B-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 O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos can you make a reservation for 6 people for 3 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 N/A +bos unfortunately , the rooms are unavailable for that day and time . can i try a shorter stay for you or possibly 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos how about for 2 nights ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos yes , i was able to successfully book you for two nights . 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 O general-reqmore +bos can i have the reference number and address please ? eos O O O O O O O O O O O Hotel-Request+Ref +bos of course ! the reference number is qzysomaw and the address is 74 chesterton road . may i help with anything else ? eos 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 nope , 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 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 ! eos O O O O 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 live in the centre of town and want to see if i can find a reasonable room for my parents to stay while they are visiting . eos 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 N/A +bos how about the alexander bed and breakfast in the centre ? it is a cheap 4 star guesthouse with free internet and wifi . 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 O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds like it might work . could you check availability for two people this weekend ? eos O O O O O O O O O O O O O O O O O O N/A +bos what day are they arriving , and how many nights are they staying ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos i am unsure at this time . eos O O O O O O O O N/A +bos okay , would you like some more information about that hotel ? eos O O O O O O O O O O O O O general-reqmore +bos can you tell me what the address is ? eos O O O O O O O O O O Hotel-Request+Addr +bos the address is 56 saint barnabas road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos does this place include free parking ? eos O O O O O O O O N/A +bos the alexander bed and breakfast is a cheap , 4 star guesthouse in the centre area , it has wifi and parking . does this fit your needs ? 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 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos you have been very helpful . i have everything i need , thanks . bye eos O O O O O O O O O O O O O O O O general-bye +bos i am glad 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 need a 4 star hotel on the north side . eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A +bos i have 7 moderately priced properties in the north with 4 stars , and 1 cheap one . do you have a preference for price ? eos O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Price +bos is there anything in the expensive price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos no , i 'm sorry , there is not . eos O O O O O O O O O O O Hotel-NoOffer +bos how about just moderate ? eos O O O O B-Hotel-Inform+Price O N/A +bos yes , there are 7 properties fitting that description and they are all guesthouses . would you like to book one ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Type O O O O O O O O O Booking-Inform +bos yes , which one do you suggest ? eos O O O O O O O O O N/A +bos avalon is my favorite . when do you want to stay ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Request+Day +bos can you book it for 4 people and 4 nights starting from saturday ? 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 booked ! your reference number is hwzz651r . is there anything else you need ? eos O O O O O O B-Booking-Book+Ref 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 great . have a good day . bye . eos O O O O O O O O O O general-bye +bos i am looking for a hotel ti stay in the expensive range . it does not have to be free parking . eos 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 O O O O N/A +bos i have about 5 different expensive hotels . do you prefer a certain area of town ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Area +bos no . but it should have free wifi . eos O O O O O O O O O O N/A +bos all 5 of the expensive hotels in have free wifi . are you looking for any star rating , to help narrow the search ? 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+Stars,Hotel-Inform+Internet +bos 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 . eos O O O O O O O O O O O O O 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 hear the huntingdon marriott hotel is nice . would you like to try booking there ? 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 Booking-Inform +bos yes . there will be 5 of us staying for 3 nights , arriving on sunday . i sure hope cambridge is nice this time of year . eos O O O O O O B-Hotel-Inform+Stay 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 N/A +bos sorry , that 's not available . could you pick another day , time , or stay length ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook +bos is there another hotel available that will accommodate my stay ? eos O O O O O O O O O O O O Hotel-Inform +bos there is gonville hotel . would you like to try that one ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform +bos sure . same parameters , please . eos O O O O O O O O N/A +bos nope , sorry , unsuccessful . would you like to try the lensfield hotel ? eos O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O Booking-NoBook,Booking-Inform +bos sure , see if that works eos O O O O O O O N/A +bos sorry , the lensfield booking was unavailable , as well . may i help find 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 are you sure there is nothing available ? will you double check ? eos O O O O O O O O O O O O O O N/A +bos good news . i checked again at the huntingdon marriott , and they were able to accommodate your party . your reference number is 1h7f4gbj . 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 okay , 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 glad to help . bye . eos O O O O O O O general-bye +bos hi , i 'm looking for a hotel . it does n't need to include internet but needs to be near the centre . 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 O O N/A +bos i have 3 hotels and 2 guesthouse that fit your requirements , do you have a price range preference ? eos 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 Hotel-Request+Price +bos do any of them have free parking ? eos O O O O O O O O O N/A +bos yes , i have two guesthouses in the cheap range , and two hotels in the expensive range , all in centre with free parking . would you have any other criteria to narrow it down ? eos O O O O B-Hotel-Inform+Choice I-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 B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos yes , what are their star ratings ? i 'd like one 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 O O N/A +bos i see two with a 4 star rating in the centre . one is a guesthouse and one is a hotel . eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type N/A +bos the hotel sounds good , can we book it for 2 people for 4 nights , starting monday ? 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 N/A +bos booking at university arms hotel was successful . your reference number is uuzvcfbq . do you need 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 general-reqmore +bos that will be all , thanks . eos O O O O O O O O general-thank +bos thank you , let us know if you need more help.bye . 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 . i would like for it to be a 4 star guesthouse . 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 N/A +bos i actually have many 4-star guesthouses in town . is there a certain area that interests you ? 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 O O O O O O O Hotel-Request+Area +bos no , just moderate price range . eos O O O B-Hotel-Inform+Price O O O O N/A +bos trying to narrow this down do you need free parking or free wifi ? eos O O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos no , that does n't matter . eos O O O O O O O O N/A +bos i 'd recommend that avalon , as it fulfills your needs . it 's located at 62 gilbert road cb43pd and the phone number is 01223353071. would you like more information ? eos O O O O B-Hotel-Recommend+Name O O 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 general-reqmore +bos let 's go ahead and make a reservation . i 'll be arriving tuesday and would like to stay 5 nights . there will be 7 people in my group . 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 O O B-Hotel-Inform+People O O O O O O O O N/A +bos booked ! reference number is : dr0zgf0p eos O O O O O B-Booking-Book+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 thank you . you , too ! eos O O O O O O O O general-greet +bos hello , i am looking for the address and phone number of the hotel cambridge belfry . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Phone +bos the address is back lane , cambourne . the phone number is 01954714600. 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 B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore +bos what is the price range of the hotel ? eos O O O O O O O O O O Hotel-Request+Price +bos the cambridge belfry hotel has a cheap price range . is there anything else i can help you with ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type 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 general-reqmore +bos no , that 'll be all , thanks . goodbye . eos O O 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 general-bye +bos i am looking to travel to cambridge by train . eos O O O O O O O B-Train-Inform+Dest O O O N/A +bos what is your departure day , time , and location ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Day +bos i 'll be leaving from london liverpool street on tuesday . i need to arrive by 12:30. 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 O O B-Train-Inform+Arrive O O N/A +bos there is a train that leaves at 07:39 and arrives at 09:07. should i book this 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 O Train-OfferBook +bos no , i just need the price and train id for the 9:07 train . eos 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 trainid is tr2715 and the price is 16.60 gbp per ticket . can i help with anything else today ? 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 O general-reqmore +bos actually yes , i also want to find out what kind of boating attractions there are . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i see camboats , riverboat georgina , scudamores punting co. , and the cambridge punter listed . 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 N/A +bos i 'd like the address for the riverboat georgina , please . eos O O O O O O O O O O O O O Attraction-Request+Addr +bos certainly , riverboat georgina , cambridge passenger cruisers , jubilee house . is there anything else i can do for you ? eos 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 O general-reqmore +bos i think that 's everything , thank you for your time . eos O O O O O O O O O O O O O general-thank +bos thank you , enjoy your visit ! eos O O O O O O O O general-welcome,general-bye +bos hello , i need a place to eat in the center of town . eos O O O O O O O O O O O O O O O general-greet +bos what cuisine do you want ? eos O O O O O O O Restaurant-Request+Food +bos i would like indian cuisine please . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos we have nine indian restaurants in the center . does price range matter ? 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 Restaurant-Request+Price +bos i would like a cheaper place please . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos may i suggest the gandhi ? it is in the center of town , its on the cheaper , most affordable price range , and it serves great food . eos O O O O 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 O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Food O O O O O N/A +bos yes . 7 people on friday . 18:30. eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O N/A +bos ok , you are all set for friday at 18:30. they will hold the table for 15 minutes . your reference number is vc2rcpye . eos O 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 O B-Booking-Book+Ref O O N/A +bos thanks , i 'll also need a train from cambridge to kings lynn . eos O O O O O O O O B-Train-Inform+Depart O B-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+Day,Train-Request+Leave +bos i 'll be traveling on monday . i 'll be leaving after 9:15. eos O O O O O B-Train-Inform+Day O O O O O O O O N/A +bos the tr1854 leaves for kings lynn at 10:11. would you like me to book you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos that would be great , thank you ! eos O O O O O O O O O general-thank +bos thank you that will be all eos O O O O O O O general-bye +bos hi , i need a train that departs from cambridge . i need to leave after 15:00. 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 N/A +bos there are many trains that depart cambridge at that time , what day do you need the train and where are you going ? 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 O O Train-Request+Dest,Train-Request+Day +bos i am going to peterborough on tuesday . eos O O O O O B-Train-Inform+Dest O O O N/A +bos i have 18 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+Arrive +bos i would like to arrive by 18:00 if possible . eos O O O O O O O B-Train-Inform+Arrive O O O N/A +bos i have train tr6357 that leaves at 17:06 and arrives in peterborough at 17: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 B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O general-reqmore +bos thanks . i also need a place to stay . can you find a guesthouse with 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 N/A +bos would you like me to book the train ? there are 21 guesthouses that offer free parking do you have an area you 'd like to stay or price range ? eos O O O O O 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 Hotel-Request+Price,Hotel-Request+Area,Hotel-Inform+Parking,Train-OfferBook +bos i 'll deal with the train , thank you . i want a fancy expensive guesthouse , does that narrow it down any ? 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 N/A +bos i have no expensive guesthouses in cambridge . is there another price range you would be willing to accommodate ? eos 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 Hotel-Request+Price +bos please try for something in the cheap price range . eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are many guest houses that fit this criteria , do you wish to stay in a certain area ? 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 O O Hotel-Request+Area +bos i do n't know the area . can you suggest something for me ? eos O O O O O O O O O O O O O O O N/A +bos the alexander bed and breakfast is lovely . would you like me to reserve rooms 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 Booking-Inform +bos yes for sunday for 3 nights for 3 people please . eos O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O N/A +bos booking was successful . reference number is : ms9kdsff . 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 no . thank you ! ! eos 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 thanks for your help today . eos O O O O O O O general-thank +bos not a problem ! have a great day ! eos 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 it was my pleasure . eos O O O O O O general-bye +bos ok cool go away now eos O O O O O O N/A +bos yes . let us know if you need help . eos O O O O O O O O O O O general-bye +bos i 'm looking for a restaurant called nandos . are you aware of it ? eos O O O O O O O B-Restaurant-Inform+Name O O O O O O O O N/A +bos i am . it is a great portuguese place . they have two locations in town . one in the south and on in the city centre . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area general-greet +bos are you sure that they have two locations ? can you tell me their address ( es ) ? 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 nandos in the south is at cambridge leisure park clifton way . nandos city centre is at 33-34 saint andrews street . do you need additional information ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name 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 O O general-reqmore +bos yes , i 'm also looking for a hotel - the cambridge belfry ? 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 N/A +bos the cambridge belfry 4 star hotel is a hotel in the west part of town in the cheap price range . would you like 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 O O O O O O O N/A +bos yes their postcode and whether they have free parking or not . eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Parking +bos the postcode for the nandos is cb17dy eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Post N/A +bos 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 . eos O O O O O 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 +bos they do have free parking . eos O O O O O O O Hotel-Inform+Parking +bos okay , that is all i need ton know . eos O O O O O O O O O O O N/A +bos cb236bw is the postcode for the cambridge belfry . do you need to book this hotel ? eos O B-Hotel-Inform+Post I-Hotel-Inform+Post 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 is their price range ? eos O O O O O O O Hotel-Request+Price +bos it 's an inexpensive hotel eos O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos cool , that 's all i need thanks 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 O general-reqmore +bos no . i think that is all . i think you were a lot of help . 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 thanks for letting us assist you today ! eos O O 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 there are 21 results . is there a certain 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 Hotel-Request+Area +bos i 'd like to stay in the centre please . eos O O O O O O O B-Hotel-Inform+Area O O O N/A +bos may i recommend alexander bed and breakfast . they are a four star guesthouse in the cheap price range with free wifi and parking . 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 I-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 O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds like exactly what i need . eos O O O O O O O O O N/A +bos they are located at 56 saint barnabas road and their phone number is 01223525725. can i make a booking for you ? 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 B-Hotel-Inform+Phone O O O O O O O O Booking-Inform +bos yes . i would like to book for tuesday for 3 nights for 2 people . eos 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 N/A +bos you have a reservation for 2 people for 3 nights , starting tuesday at the alexander bed and breakfast . your reference number is : h3pialjo . can i assist with something else . eos O O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay O B-Booking-Book+Day I-Booking-Book+Day 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 O O O O O O O O general-reqmore +bos i am also looking for the restaurant `` the good luck chinese food takeaway '' . do you know it ? 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 N/A +bos i found the good luck chinese food takeaway is in south side of the town and price range is expensive . do you want me to book a table ? eos O O O O 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 O B-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos yes for tuesday at 14:00 on tuesday please . eos O O O O O O O O O O N/A +bos how many people will join you ? eos O O O O O O O O Booking-Request+People +bos it will be for two people . i will also need a taxi and to make sure it arrives at the restaurant on time . i need the contact number and 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 O O O O O O O O O N/A +bos is there a certain time you want to leave ? eos O O O O O O O O O O O Taxi-Request+Leave +bos sorry , did you get a reservation made for the restaurant ? eos O O O O O O O O O O O O O Restaurant-Inform +bos sorry , yes , the reference number for the restaurant is stx7467s . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos that is everything that i need . eos O O O O O O O O N/A +bos we thank you for using our services . goodbye . eos O O O O O O O O O O O general-bye,general-greet +bos hello , can you recommend any local restaurants ? eos O O O O O O O O O O Restaurant-Inform +bos there are many , many restaurants in town . is there a certain area of town in which you would be visiting ? 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 O O Restaurant-Request+Area +bos something in the north . eos O O O O B-Restaurant-Inform+Area O N/A +bos do you have a price range preference ? eos O O O O O O O O O Restaurant-Request+Price +bos no . i do n't but i 've heard loch fyne is good . do you have information about this restaurant ? 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 O N/A +bos the loch fyne is an expensive seafood restaurant located in the centre . the address is , the little rose 37 trumpington street , phone number : 01223362433 and post code cb21qy . 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 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 I-Restaurant-Inform+Addr O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O O O O N/A +bos let 's book it for 8 at 15:00 on thursday eos 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 : 6lb7gneb . 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 ! eos O O O O O O general-thank +bos is there anything else i can help you with todoay ? eos O O 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 Taxi-Inform +bos 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 . eos O O O 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 am going to the loch fyne restaurant at the little rose 37 trumpington street eos 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 and where are you departing from ? eos O O O O O O O O Taxi-Request+Depart +bos i will be departing from christ 's college eos O O O O O O O O O N/A +bos where will you be heading to . eos O O O O O O O O Taxi-Request+Dest +bos i will be heading to the restaurant . eos O O O O O O O O O Restaurant-Inform +bos 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 ? eos O O O O O O O O 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 it should be there at booked time eos O O O O O O O O N/A +bos i have booked a taxi to pick you up at christ 's college and take you to the loch fyne by 15:00. is there anything i can help you with . 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O O O O O general-reqmore +bos yes , i 'll need the car type and 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 Taxi-Request+Car,Attraction-Request+Type +bos i will look that up for your now . eos O O O O O O O O O O N/A +bos yeah ok do that please eos O O O O O O N/A +bos it 's a red ford . the contact number is 07540853232. sorry that i did not provide that when i booked your reservation . eos 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 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 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-reqmore +bos yes . thank you . 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 can you help me find a train leaving on sunday going to cambridge ? thanks . eos O 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 where will you be traveling from ? eos O O O O O O O O Train-Request+Depart +bos i 'll be leaving from peterborough and would like to leave after 09:00. eos O O O O O B-Train-Inform+Depart O O O O O O O O N/A +bos what time do you need to arrive ? eos O O O O O O O O O Train-Request+Arrive +bos it does not matter as long as i can leave after 9:00. eos O O O O O O O O O O O O O N/A +bos i have train tr0774 leaving at 09:19 is that okay 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 yes , that 'll work . can you also please find me 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 there are many places to stay , could you give me some preferences to find the best one 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 O O general-reqmore +bos three stars , moderate price range . eos O O O B-Hotel-Inform+Price O O O O N/A +bos would you like a hotel or guesthouse ? eos O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos i am looking for a place to dine . the restaurant should be in the cheap price range and should be in the west part of town . 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 O O N/A +bos there is an italian and a vietnamese restaurant in that area . would one of these work for you ? 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 Restaurant-Select +bos how about the italian one ? book for 1 people at 13:00 on saturday . 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 Restaurant-Request+Ref +bos booking was a complete success mam , your reference number is qaod1mxa . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks so much . i also need info on magdalene college eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos yes sure magdalene college is located on magdalene street and their telephone number is 01223332138 an it is free to enter . eos 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 O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos may i have their postcode as well ? eos O O O O O O O O O Attraction-Request+Post +bos their postcode is cb30ag , is that all 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 general-reqmore +bos yes , i also need a taxi 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 arrive by ? eos O O O O O O O O O O Taxi-Request+Arrive +bos i would like to arrive by 5:30 , if that would be possible . eos O O O O O O O B-Taxi-Inform+Arrive O O O O O O O N/A +bos your booking is complete your car will be a black bmw the contact number is 07594757678. it will have you at your destination by 5:30 is there 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 B-Taxi-Inform+Arrive O O O O O N/A +bos no 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 are welcome . 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 guesthouse in the west . do you have any recommendations ? eos 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 i do . finches bed and breakfast is a gem , rated 4 stars , but inexpensive in price . they offer free wifi and free parking . 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 B-Hotel-Recommend+Stars O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos is that one considered moderately priced ? i 'd prefer moderate over cheap . eos O O O O O O O O O O O O O O O N/A +bos it seems that finches is quite cheap . however , hobson 's house also fits your description , and it is moderately priced . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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-Recommend+Price I-Hotel-Recommend+Price O O O O O N/A +bos how many stars are they rated and could i get 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 finches bed and breakfast has 4 stars . it 's phone number is 01223276653 and hobsons house has 3 stars . it 's phone number is 01223304906 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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O N/A +bos wonderful . i will book with finches tomorrow . i am also looking for a train from cambridge to peterborough . 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 O N/A +bos is there a specific day and time you are looking to depart ? eos O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos no.i do not have a specific day or time for departure . eos O O O O O O O O O O O O O N/A +bos well then the most i can tell you is the journey last 50 minutes and costs 16.50 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 N/A +bos actually i do now . i need it to leave on a sunday and arrive by 16:30. 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 N/A +bos i found you the tr 3434 that leaves at 15:06 and arrives by 15:56. would you like to book some tickets ? eos O O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O O O O O O O N/A +bos yes can you book two please ? eos O O O O O O O O N/A +bos tr3434 has been booked for two tickets . your reference number is hczple1g . eos O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref 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 great trip . good bye . eos O O O O O O O O O general-bye,general-greet +bos i 'm looking for a hotel called 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 acorn guest house is located in the north area of town . would you like more information ? eos 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 O O general-reqmore +bos yes i would like to book that for 3 nights from saturday for 7 people . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos will you need any dinner reservations to go with that ? eos O O O O O O O O O O O O Booking-Inform +bos no thanks . i just need to book the room . eos O O O O O O O O O O O O general-thank +bos you are all set , the reference number is y5rm8zuc , 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 can you find me a spanish restaurant in the moderate 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 yes , la tasca matches your preferences . would you like their information ? eos 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 want to double check , is la tasca in the centre of town ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O N/A +bos yes , it is in the centre . would you like a reservation ? eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O Booking-Inform +bos no thank you , i just need the post code . phone number and address 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+Phone,Restaurant-Request+Addr +bos their phone number is 01223353888. their postcode is cb41da and their address is 154 chesterton road . eos O O O O O B-Restaurant-Inform+Phone O O 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 N/A +bos thanks that 's all i needed to know today . eos O O 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 i am in the centre of town and i need somewhere to go . eos O O O O O B-Attraction-Inform+Area O O O O O O O O O N/A +bos there are 44 attractions near you , can you narrow down what you would like to see ? a museum perhaps ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O B-Attraction-Select+Type O O O O Attraction-Request+Type +bos anything is fine . send me to your favorite place in the city , just be sure to give me 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 Attraction-Request+Post +bos the man on the moon concert hall is my favorite . their postcode is cb12lf . can i help you with anything else today ? 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 O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos i 'm looking for 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 what day would you like to travel , and at what time ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'm going monday and need to leave after 08:00. eos O O O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O N/A +bos there are 8 trains , tr2987 leaves at 9:35 if you 'd like that . 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 that would be fine . what is the price ? eos O O O O O O O O O O O Train-Request+Price +bos 4.40 pounds . would you like me to book it for you ? eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook +bos no thanks . i will go ahead and book later . i think that 's all the information 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 O O O O general-thank +bos all right , then . 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 can you get me information on a hotel called a and b 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 I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos its a moderate price guesthouse on the east eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area N/A +bos do they offer free parking or free internet ? i may want to book a room . eos O O O O O O O O O O O O O O O O O O N/A +bos they do offer free internet but do not offer free parking . would you like for me to help you 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos book it for 6 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 booking was successful . your reference number is v68hgsjz . 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 to take a train . the train should arrive by 08:30 and should go to cambridge . eos O 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 O N/A +bos where will you be departing from , and on what day ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart +bos i will depart from kings lynn on saturday and need to reach cambridge by 08:30. eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O N/A +bos there are many trains to choose from . can you provide me with your 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 Train-Request+Leave +bos unfortunately , i do n't know the train schedule . i was hoping you could provide that to me . i just need to arrive by 08: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-Train-Inform+Arrive O O O O N/A +bos the tr6366 meets your criteria . you 'll arrive at 07:58. would you like to book tickets ? 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 O O Train-OfferBook +bos yes please . i need six tickets . eos O O O O O O O O O N/A +bos reference number is : 72j13z02 . 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 O general-thank +bos not a problem ! 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 that is all i need , thanks again ! eos O O O O O O O O O O general-thank +bos no problem , goodbye ! eos O O O O O O general-welcome,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 O N/A +bos what price range would you like ? would you need free internet or parking ? eos 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 i 'd like a guesthouse in the north , i do n't care about the parking . price is no issue . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Parking O O O O O O O O O O O O O O O N/A +bos the acorn guest house is in the north in the moderate price range and has a 4 star rating . would you like to book a room ? 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 O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O B-Hotel-Recommend+Stars O O O O O O O O O O Booking-Inform +bos yes , i would like to book it for 5 people for 5 nights starting on friday . can you give me a reference number ? 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 O O O O O Hotel-Request+Ref +bos sure ! the reservation is set . your reference number is eopokff6 . 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-greet,general-reqmore +bos i also need a train . eos 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 going from cambridge to birmingham new street on wednesday . eos 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 N/A +bos there are 19 trains on wednesday . when 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 Train-Request+Leave +bos at 5:15 would be a good time thank you eos O O O O O O O O O O general-thank +bos there are no trains leaving at 5:15. the tr0115 leaves at 5:01. would you like to book it ? eos O O O O O O O B-Train-NoOffer+Leave O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos i am looking for a restaurant called golden wok . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos the golden wok is a moderately priced chinese restaurant in the north . would you like the address or phone number ? eos O O O O 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 O O O O general-reqmore +bos actually i know exactly where it is and would appreciate you booking a table for 2 at 18:15 on monday . 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 N/A +bos alright , i have booked your table on monday for 2 at 18:15. is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People B-Booking-Book+Time O O O O O O O O O O O general-reqmore +bos i will need the reference number please . eos O O O O O O O O O Restaurant-Request+Ref +bos the reference number is : j97bbmwn . eos O O O O O B-Booking-Book+Ref O O N/A +bos i would also like a train leaving from cambridge . eos O O O O O O O O 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 will be going to ely . eos 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 hey any ideals for a cheap chines restaurant ? eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos charlie chan is a good one . would you like me to book it ? eos 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 is that one in the south ? that 's the area i 'll be in . eos O O O O O O O O O O O O O O O O O N/A +bos charlie chan is in the centre . how about the lucky star ? it 's in the south . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area O O N/A +bos sure that sounds good can get a booking for 6 people at 11: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 N/A +bos ok. i have a table for 6 booked at 11:30 sunday . the reference number is a57hxg6m . they will hold the table for 15 minutes . eos O 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 N/A +bos thanks . i also need train tickets for sunday . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos where will you travel to and from ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'll be travelling from norwich to cambridge . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos we have 19 trains that day starting at 5:16 and going by the hour , any preferred time range ? eos O O O O B-Train-Inform+Choice 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 Train-Request+Arrive,Train-Request+Leave +bos anytime after 6 would be good thank you eos O O O O O O O O O N/A +bos there is a train leaving at 6:16. 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 i need to be in cambridge by 8:45. can you book a train for that will arrive close to 8:45 ? thanks . 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 N/A +bos i have train tr4202 that will arrive in cambridge by 08:35. how many tickets do you need ? 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 Train-Request+People +bos there are six of us . eos O O O O O O O N/A +bos booking was successful , the total fee is 84.48 gbp payable at the station .reference number is : wpgyoy1y . 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 for taking care of everything so quickly . have a great afternoon ! bye . eos O O O O O O O O O O O O O O O O O general-bye +bos your welcome . i am glad i was able to help . 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 that is departing from leicester ? eos O O O O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos what is your destination ? what day will you be traveling ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i 'm leaving monday from cambridge and going to leicester . eos O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A +bos what time were you wanting to leave around ? eos O O O O O O O O O O Train-Request+Leave +bos 11:15 for 4 people , can you book it for me ? eos O B-Train-Inform+Leave O O B-Train-Inform+People O O O O O O O O N/A +bos booking was successful , the total fee is 151.19 gbp payable at the station .reference number is : dkhcmyx0 . 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 . can yo also find a restaurant that serves traditional food and in the expensive price range ? eos O O O 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 unfortunately , we do n't have any restaurants in the city that offer traditional food . is there another type of cuisine i can search for ? eos 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 ok , well how about chinese in the expensive range ? eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A +bos yes , there are a number of options . did you have a particular area of town in mind ? 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+Area +bos yes the north please . eos O O O B-Restaurant-Inform+Area O O N/A +bos okay , i recommend hakka on milton road chesterton . eos O O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O N/A +bos ok great . can i get the address and phone number ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos milton road chesterton is the address . 01223568988 is the phone number . can i help you with anything else today ? eos O B-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 O O general-reqmore +bos no . i 'm going to head out now . it was great that you could 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 have a lovely day , goodbye ! eos O O O O O O O O general-bye +bos i would like to book a train . i need to arrive by 17:15 and would like to leave on wednesday . 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+Day O O N/A +bos i can help you with that . what are your departing and arrival stations ? eos 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 departing from the london liverpool street station , and want arrive at the cambridge station . 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 B-Train-Inform+Dest O O O N/A +bos i would recommend tr7978 which leaves london liverpool street at 15:39 and arrives in cambridge on wednesday at 17:07. 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 I-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Arrive N/A +bos sounds perfect . could you make me a booking for 4 people ? eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos i have made those reservations . your reference number is fn3lcw4x and the total fee is 66.4 gbp payable at the station . eos 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+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O N/A +bos i 'm looking for a restaurant . the restaurant should serve british food and should be 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 B-Restaurant-Inform+Price O O O N/A +bos i 'm showing 6 restaurants that meet your criteria . does it matter which part of town its 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 O Restaurant-Request+Area +bos i would like for it to be in the west . eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos i have 2 in the west , both expensive and serving british food . would you be interested in either of those ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Select +bos can you tell me which two they are ? eos O O O O O O O O O O N/A +bos sure . i have two great choices for you : graffiti and travellers rest . do you have a preference ? eos 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 O O O O O O N/A +bos recommend any and book it for me eos O O O O O O O O N/A +bos i recommend the graffiti restaurant . how many people are in your party , and what time would you like me to book for you ? 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 O O O O O Booking-Request+People,Booking-Request+Time +bos yes please , it 's for the 4 of us at 20:30 on the same day we get in . eos O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O O O O O O O O O O N/A +bos ok , your booking was successful and your reference number is 8mmcdwtn . can we 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 O general-reqmore +bos that was all i need . 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 hi i 'm looking for a restaurant in the center , one that is inexpensive . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos bedouin on 100 mill road city centre is available . it serves african food . would you like a reservation ? 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 B-Restaurant-Inform+Food O O O O O O O O Booking-Inform +bos is there a restaurant that serves tuscan food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , but i do n't show any tuscan restaurants . eos O O O O O O O O B-Restaurant-NoOffer+Food O O O O O N/A +bos can you try chinese ? eos O O O O B-Restaurant-Inform+Food O N/A +bos we have 6 inexpensive chinese restaurants in this area . so that i can narrow down the choice are you looking for the cheap price range or moderately priced ? 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 O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price N/A +bos i 'm sorry , i would actually like to find a cheap mediterranean restaurant . eos 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 sure thing i would suggest la mimosa eos O O O O O O O B-Restaurant-Recommend+Name N/A +bos is it a cheap place ? eos O O O O O O O N/A +bos la mimosa is not cheap , but the gardenia is . would you like a table there ? eos O O O O O B-Restaurant-Inform+Price 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 would like to book a table for 7 people at 14: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 booking was successful . the table will be reserved for 15 minutes . reference number is : y93zzahm . 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 yes , i 'll need a train leaving cambridge and going to ely on tuesday as well . eos O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest B-Train-Inform+Day O O O O O N/A +bos at what time do you want to leave or arrive ? eos O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i would like to arrive in cambridge by 08:00. eos O O O O O O O O O B-Train-Inform+Arrive N/A +bos 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. eos O O O O O O 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,Train-Request+Dest +bos that is right , please get me the booking . eos O O O O O O O O O O O N/A +bos your train id is tr1534 and the price is 4.40 pounds per person . 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 N/A +bos can i get the reference number please ? eos 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 7 tickets please . eos O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 30.8 gbp payable at the station .reference number is : 25ildp20 . 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 so much ! eos 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 it . thank 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 i am happy i have been of help to you . great day eos O O O O O O O O O O O O O O general-bye +bos i 'm looking for a cheap place to dine that also service danish food . any suggestions ? eos O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there are no matches , can i look up something else ? eos O O O O O O O O O O O O O Restaurant-NoOffer +bos then , how about a place that serves mediterranean food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i think you would like the gardenia , it is located in centre with a telephone number of 01223356354. can i help you more today ? eos 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 B-Restaurant-Recommend+Phone O O O O O O O O general-reqmore +bos yes can you reserve me a table for 1 at that restaurant ? i 'd like it to be on wednesday at 17:00 , please . eos O 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 N/A +bos i will get that reservation made . is there anything else i can assist with ? 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 help me find some thai food to eat tonight ? eos O O O O O O O B-Restaurant-Inform+Food 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 Restaurant-Request+Area +bos i do n't care where , just as long as it 's expensive ! eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos understood . you have a choice between sala thong and bangkok city . eos O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O general-greet +bos sala thong sounds good . please make a booking for 2 at 11:45 on monday eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 : rarte3oh . 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 yeah i need a train too eos O O O O O O O Train-Inform +bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos i 'll need to arrive by 11:00 and it should be going to london liverpool street . eos O O O O O O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos there are 21 trains available . would you like to narrow it down by departure site , day , or 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 Train-Request+Day,Train-Request+Depart,Train-Request+Leave +bos let 's pick something arriving between 11:00 and 10:30. it needs to depart from cambridge and leave on tuesday . eos O O O O O O B-Train-Inform+Arrive O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O O N/A +bos train tr4259 arrives in london liverpool street at 9:27. it 's the closest arrival time to 11:00. how many tickets would you like to book ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O B-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 O O O O Train-Request+People +bos i would like 2 tickets please . eos O O O O O B-Train-Inform+People O O N/A +bos your reservation for 2 on the tr4259 train was successful , the total fee is 33.2 gbp payable at the station . your reference number is : fnrsfzwb eos O O O O O O O O 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 . the restaurant and train are all i need for now . 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 O Restaurant-Inform,Train-Inform +bos ok ! have a great day ! eos O O O O O O O O general-bye +bos i need a train to ely after 08:15 , please . eos O O O O O O O B-Train-Inform+Depart B-Train-Inform+Leave 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 'd like to leave cambridge on wednesday , please . eos O O O O O O O O O O O O N/A +bos there are no trains on wednesday . eos O O O O O O B-Train-NoOffer+Day O N/A +bos i need you to check again . train from ely to cambridge . eos O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O N/A +bos ok , the earliest train after 08:15 is the 09:50 to cambridge . it 's a quick , 17-minute trip . would you like to book seats ? eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Dest O O O B-Train-Inform+Time O O O O O O O O O O O O O Train-OfferBook +bos sounds great , what is the price and arrival time ? eos O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos it will cost you 4.40 pounds and it arrives by 10:07. eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Arrive N/A +bos thanks ! i 'm also looking for someplace to eat in the center of town . something in the moderate price range . 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 Train-Request+Price +bos what type of food would you like to eat ? eos O O O O O O O O O O O Restaurant-Request+Food +bos type of food does n't matter , what would you prefer ? eos O O O O O O O O O O O O O N/A +bos i recommend cotto . it has british cuisine . would you like reservations ? eos O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Inform+Food O O O O O O O Booking-Inform +bos yes , there will be 4 of us on wednesday at 11:00. please book . eos O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A +bos i have made those reservations and your reference number is kosm5aj9 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos awesome , thanks for all your help ! good day 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-welcome,general-bye +bos i 'd like information about your trains , particularly ones leaving on sunday . eos O O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos there have plenty of trains that leave on sunday . where are you departing from or traveling to ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i 'm traveling from norwich going to cambridge . i would like the train that leaves after 15:00. eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O O O O O B-Train-Inform+Leave O N/A +bos tr8733 leaves at 15:16 and arrives at 16:35 , would you like me to book you ? eos 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 O O N/A +bos sure . just one ticket , please . eos O O O O O O O O O N/A +bos i have booked that train for you ! the reference number is 56bjfyc3 . do you need any further help ? 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 general-reqmore +bos yes i am looking for a restaurant serving indian food in the city center . 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 5 restaurants listed . any preference for price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Price +bos moderate please . if that is n't available though i can do expensive . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos all 5 of those restaurants are expensive . i would recommend the curry king . could i book you a table ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos yes , 1 person , sunday at 21:00 eos O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos you are all set for 21:00 on sunday at curry king . your reference number is z0s2oz9e . is there anything else i can help you with ? eos O O O O O O B-Booking-Book+Time O B-Booking-Book+Day I-Booking-Book+Day 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 , that 's everything 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-welcome,general-bye +bos hello , what can you tell me about de luca cucina and bar ? 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 N/A +bos de luca is a moderately-priced modern european place at 83 regent street in the center of town . would you like to book a table there ? 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 O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 it booked for 7 people on tuesday at 19: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 you are all set ! your table will be reserved for 15 minutes . your reference number is 5r3gsqvs . do you need 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 general-reqmore +bos thank you so much . and yes , i also need to find a train to bishops stortford , please . i will be leaving from cambridge on tuesday . 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 O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O N/A +bos there are 10 trains to choose from . do you have a preferred time to leave after or arrive by ? 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-Request+Leave,Train-Request+Arrive +bos i want it to arrive by 16:00. eos O O O O O O O B-Train-Inform+Arrive N/A +bos there are 5 trains matching your query . the latest arrives by 14:07. do you want to book it ? 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 O Train-OfferBook +bos yes please book tickets on that train for 7 people and 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 N/A +bos your booking was successful , your reference number is wt2vb50o . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you thats all i need for now . eos O O O O O O O O O O general-thank +bos you 're welcome and enjoy your trip . eos O O O O O O O O O general-welcome,general-bye +bos any trains departing cambridge ? eos O O O O B-Train-Inform+Depart O N/A +bos yes , there are a lot . what day would you like to travel and where is your destination ? 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 Train-Request+Dest,Train-Request+Day +bos i 'm leaving sunday on a trip to kings lynn . i need to be there by 20:45. eos O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O O N/A +bos i would recommend tr9582 leaving cambridge at 19:11 and arriving in kings lynn at 19:58. eos O 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+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos yes , that would be great . can you book me on that train for 5 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 here is the booking information : booking was successful , the total fee is 39.2 gbp payable at the station .reference number is : nnyalfst . 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 N/A +bos i 'm also looking for a place to stay ? eos 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 expensive . i love luxury . but i do expect free parking . eos O B-Hotel-Inform+Price O O O O O O O O O O O O N/A +bos there are a hotels in the expensive price range . do you have a specific area you want to stay in ? 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 O O Hotel-Request+Area +bos no i do not do you have a reccomendation ? eos O O O O O O O O O O O N/A +bos i will recommend university arms hotel . can i give you the contact ? 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 N/A +bos does the university arms hotel have 5 stars ? i would prefer a place with 5 stars . 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 the university arms hotel is a 4 star establishment . i was unable to find any expensive 5 star hotels . 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 B-Hotel-NoOffer+Price O B-Hotel-NoOffer+Stars O O O N/A +bos thanks whats the phone number and area they are located in ? eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Phone +bos they are in the centre and the # is 01223351241 eos O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Phone N/A +bos thanks so much . that is all i need today . eos O O 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 i need to take a train from cambridge to stansted airport i need to arrive by 14:45 eos 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+Arrive N/A +bos what day do you want to travel ? eos O O O O O O O O O Train-Request+Day +bos i need to go on thursday , please . eos O O O O O O B-Train-Inform+Day O O O N/A +bos tr0521 will depart at 13:40 and arrive at 14:08. the 28 minute trip will cost 10.10 pounds . would you like to book a ticket ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O B-Train-Inform+Time I-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 N/A +bos yes please and provide me with the reference number as well . eos 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 tdpeq21q . 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 need place to stay with free wifi . eos O O O O O O O O O O N/A +bos what area are you looking to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos it does n't matter . i like 4 star guesthouses though . eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos i have quite a few that fit your description . what price range are you looking for ? 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+Price +bos i 'd prefer something in the moderate price range . eos O O O O O O O O O O O N/A +bos i recommend the arbury lodge guesthouse in the north . it meets your specifications . would you like help in booking 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 O O O O O Booking-Inform +bos that sounds good . can i get that for 8 people for 4 nights starting thursday ? 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 i have made those reservations and your reference number is ycl4d5p6 . eos O O O O O O O O O O O O B-Booking-Book+Ref 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 if that is all , then thank you for reaching out to 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 O general-bye +bos what can you tell me about christ 's college ? eos O O O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O N/A +bos christ 's college is located on saint andrew 's street . the entrance fee is free . you can call the college at phone number 01223334900. is there specific information that you would like to know more about ? 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 B-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 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 for the college is cb23bu . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Post O N/A +bos i also need a train that goes to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos there are over 1400 trains that fit your needs . could you please narrow it down as to which day & time you are wanting and where will you 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 O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Day +bos i 'll need to arrive by 11:30. i 'm leaving from peterborough on friday . eos O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos could you please mention your day of travel ? eos O O O O O O O O O O Train-Request+Day +bos friday , like i just said . eos O B-Train-Inform+Day O O O O O O N/A +bos the tr2105 arrives at peterborough on frday at 11:09. do you want me to purchase tickets for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id 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 Train-OfferBook +bos i need to take a train from peterborough to cambridge on friday . i would like to arrive by 11:30 please . 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 B-Train-Inform+Arrive O O O N/A +bos the tr2105 arrives before 11:30. would you like more information or to book it ? 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 general-reqmore,Train-OfferBook +bos i need to book this for 6 people please . i will also need to get the reference number . thanks for your help ! 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 Train-Request+Ref +bos booking was successful , the total fee is 99 gbp payable at the station .reference number is : tqkcp8r1 . 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 thanks for your help , that was all i needed . goodbye . eos 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 +bos i want a train that leaves after 10:30 and it needs to leave on thursday . eos O O O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Day O N/A +bos there are many that leave that day after 10:30 , where are you leaving from and headed ? 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+Depart,Train-Request+Dest +bos i am leaving from bishops stortford and heading into cambridge . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos the earliest option would leave at 11:29. shall i book it for you ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos yes , i need a booking for 5 people and please provide the reference number . eos O O O O O O O O B-Train-Inform+People O O O O O O O O N/A +bos i have booked it here is the information : booking was successful , the total fee is 50.5 gbp payable at the station .reference number is : r4cr5asg . 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 B-Train-OfferBooked+Ref O O O O N/A +bos thank you . i am also looking for a moderately priced hotel in the east . eos O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos there are n't any moderately priced hotels in that region . do you want to look for something else ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O general-reqmore +bos hi . i need to book a guesthouse that has free parking , can you help me ? 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 there are 21 guesthouses which offer free parking . which area do you prefer 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 Hotel-Request+Area,Hotel-Inform+Parking +bos i am open to any area , but the hotel should definitely have only 1 star . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O Hotel-Request+Area +bos i was unable to find a 1 star guesthouse with free parking . would you like to up the stars ? 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 O O O O O O O Hotel-Request+Stars +bos how about 4 stars ? eos O O O O B-Hotel-Inform+Stars O N/A +bos i found quite a few that meet that criteria . how about the archway house ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos that is fine . can i have the phone number and the area that the guesthouse is 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,Hotel-Request+Phone +bos how about the archway house which is a guesthouse in the north and their phone number is 01223575314. i can book it for you if you would like . eos O O O O B-Hotel-Select+Name I-Hotel-Select+Name O O O B-Hotel-Select+Type O O B-Hotel-Select+Area O O O O O B-Hotel-Select+Phone O O O O O O O O O O O Booking-Inform +bos that 's ok , i 'll do it later . can you tell me if there are any trains departing cambridge on tuesday ? eos 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+Day O O O O O N/A +bos yes there are many trains leaving on tuesday from cambridge . what is your destination and the time you would like to arrive ? eos O O O O B-Train-Inform+Choice I-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 Train-Request+Dest,Train-Request+Arrive +bos it should leave after 9:15 and go to norwich . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos the first available train after your preferred time is tr9942 with a departure time of 09:36 and an arrival time of 10:55. would you like a ticket for this one ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O B-Train-Inform+Id I-Train-Inform+Id 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 Train-OfferBook +bos not right now but 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 's a 79 minute trip , and the fare is 17.60 pounds . is there anything else i can help you with ? eos 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 O general-reqmore +bos thank you , that is all the information i need currently . eos 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-welcome,general-bye +bos i need to find a guesthouse with a moderate price range . any places to stay ? eos 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 we have many hotels that fit your needs , is there a specific area you 're looking at ? 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 something that has free wifi eos O O O O O O N/A +bos acorn guest house fits your needs . would you like me to book 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 Booking-Inform +bos do they have free parking ? what area is it located ? eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking +bos it 's in the north area and they do have parking . eos O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Inform+Parking +bos excellent . i also need a train to ely . eos O O O O O O O O B-Train-Inform+Dest O O N/A +bos are you sure you do n't need me to book your hotel for you ? eos O O O O O O O O O O O O O O O O Booking-Inform +bos can you help with transit information ? i need to go to ely by train on sunday and need to arrive by 09:00 departing cambridge . eos 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 O B-Train-Inform+Arrive O B-Train-Inform+Depart O N/A +bos we have tr2475 that leaves cambridge at 07:50 and arrives ely by 08:07. will that work 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+Dest B-Train-Inform+Arrive O O O O O O N/A +bos yes , that sounds perfect . can you purchase 7 tickets 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 that has been booked . reference number is : fsugm4nq . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks , that 's all i need ! eos O O O O O O O O O general-thank +bos no problem . good bye ! eos O O O O O O O general-bye +bos i am looking for a place in cambridge . it does n't need to include internet and should be a hotel . 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 N/A +bos i was not able to find a hotel type with no internet , but there are hotels with internet . eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O Hotel-NoOffer+Internet,Hotel-Inform+Internet +bos okay , that would be fine , as long as it has free parking . eos O O O O O O O O O O O O O O O O N/A +bos okay , do you have any preference on price range ? eos O O O O O O O O O O O O Hotel-Request+Price +bos no . how many are available ? eos O O O O O O O O N/A +bos there are 8 different hotels around the city with free parking . do you have a preference for city area 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 Hotel-Request+Area,Hotel-Request+Stars,Hotel-Inform+Parking +bos 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 3 day 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 B-Hotel-Inform+Stay O O O O O O N/A +bos it 's hard to say . how about the ashley hotel in the norht part of town ? eos O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O N/A +bos is there room for 4 people on monday ? eos O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O N/A +bos unfortunately i can not book that day and time . would you like to change the day or 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 O O Booking-NoBook,Booking-Request+Day,general-reqmore +bos can i try a different hotel ? eos O O O O O O B-Hotel-Inform+Type O N/A +bos how about the express by holiday inn and cambridge , a 2 star , or huntingdon marriott hotel , a 4 star ? 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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O N/A +bos do either of those include free parking ? eos O O O O O O O O O N/A +bos yes , they both have free parking , and internet as well . the marriott is in the west , and holiday inn in the east . does area of the city matter to you ? eos O O O B-Hotel-Inform+Choice 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+Area I-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking,Hotel-Inform+Internet +bos no , that does not matter , as long as i can book a 3 night stay for 4 people on monday . 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 O O O N/A +bos i was not able to book at either location , can i 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 what else is available ? eos O O O O O O N/A +bos ashley hotel is available , can i provide you more information on it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O general-reqmore +bos we can try and book that one as long as free parking . 4 people for 3 nights . 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 N/A +bos the only hotel available is university arms hotel . you are booked and the reference number is yjjttq9x . it comes with parking and internet and is in the centre . 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 B-Booking-Book+Ref O O O O O O O O O O B-Hotel-Inform+Area O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos thank you . i also need a train 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 sure . where are you headed to and what time would you like to leave cambridge ? 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 must arrive by 12:45. eos O O O O O O N/A +bos okay ! where are you going ? eos O O O O O O O O Train-Request+Dest +bos i 'm going to birmingham new street . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos tr2636 arrives at 11:44. would you like to reserve seats ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos that sounds good . can you give me the price as well ? thanks . eos O O O O O O O O O O O O O O O O Train-Request+Price +bos sure . the price is 75.10 pounds per ticket . eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos great ! that is all i 'm going to need today . thanks 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 thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye +bos can you please help me find a cheap hotel to stay in that includes free wifi ? 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 N/A +bos the cambridge belfry is the only cheap hotel in town that has free wifi . it 's in the west side of town at back lane , cambourne . do you want a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos i would like a little more information about the belfry hotel . does it have a 4 star rating ? 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 B-Hotel-Inform+Stars O O O N/A +bos yes , it does have a four star rating . would you like to book a room ? 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 Booking-Inform +bos no but what is the address ? eos O O O O O O O O Hotel-Request+Addr +bos the cambridge belfry is located at back lane , cambourne . can i help you with something else ? eos O 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 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 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 find me places to stay in town that include 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 option , did you need a certain side of town or price ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i would really like a guesthouse in the east please . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos carolina bed and breakfast offers free wifi and free parking . would you like me to book this guesthouse 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 O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please i will be there for three night . can i get a confirmation number ? eos O O O O O O O O O O O O O O O O O O N/A +bos i can book that for you . at the present i can not give a confirmation number . their phone number is 01223247015. 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 B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform,general-reqmore +bos i am looking for information on places to stay in cambridge . eos O O O O O O O O O O O O O N/A +bos there are 33 places to stay , do you have some criteria 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 need free parking , free wifi , and something moderately priced , please . eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O Train-Request+Price +bos there are 14 places to stay , do you have an area you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O N/A +bos can you find a guesthouse for me ? eos O O O O O B-Hotel-Inform+Type O O O N/A +bos i have 12 different options . do you have an area that you prefer 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 no preference i also need a train leaving on wednesday and should depart 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 N/A +bos and can you tell me your destination please ? eos O O O O O O O O O O Train-Request+Dest +bos birmingham new street eos O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A +bos and when will you be needing to travel ? eos O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i would like to leave after 10:45 to birmingham new street . eos O O O O O O O B-Train-Inform+Leave O O O O O N/A +bos tr2694 leaves at 11:01 , would you like to book that trip ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos yes , please book this trip ! eos O O O O O O O O N/A +bos yes , i can . will you be traveling alone ? eos O O O O O O O O O O O O Train-Request+People +bos yes , i 'm traveling alone , so just one ticket . do n't forget to find me a guesthouse to stay in , 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 N/A +bos your reference number regarding your train ticket is qk4ebnqr . now , just to confirm did you need a guesthouse ? 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 Hotel-Request+Type +bos can i get the price and travel time for the train ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos there are several guesthouses in the area . archway house is a good fit located at 52 gilbert road . would you like to book it ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O B-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 O O O O O O O Booking-Inform +bos i still need the price and travel time for train tr2694 . for the guesthouse , i need the address and number of stars for a moderate guesthouse with 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 O O O O O O O O O Train-Request+Duration,Train-Request+Price,Hotel-Request+Stars,Hotel-Request+Addr +bos 75.10 pounds per ticket , the trip lasts 163 minutes . is there anything else i can do for you ? eos 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 general-reqmore +bos i was still needing the address and number of stars for a moderately priced guesthouse 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 Train-Request+Price,Hotel-Request+Stars,Hotel-Request+Addr +bos i can recommend acorn guest house , they are at 154 chesterton road . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O N/A +bos that works ! please book it ! eos O O O O O O O O N/A +bos what day would you like to begin your stay . and how many days and 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 how many stars is acorn guesthouse , and what is its address ? eos O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Addr +bos it is a 4 star hotel and the address is 154 chesterton road , would you like me to book it ? 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 O O O O O O O Booking-Inform +bos no , do n't book it . can you look for a train that leaves cambridge on wednesday ? 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 O N/A +bos there is a train on wednesday at 11:01 am . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A +bos that sounds good . what is the train id number ? i also need the price and travel 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+Duration,Train-Request+Price,Train-Request+TrainID +bos the id is tr2694 , the price is 75.10 pounds and the travel time is 163 minutes . 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 B-Train-Inform+Time I-Train-Inform+Time O N/A +bos thanks , that 's all i need today . 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 in the moderate price range that includes 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 N/A +bos in which area would you prefer ? eos O O O O O O O O Hotel-Request+Area +bos cambridge . it needs to have free parking and moderately priced . eos O O O O O O O O O O O O O N/A +bos acorn guest house is a guesthouse in the north area with free parking and internet . would you like to make a reservation ? 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 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 no , thanks , i 'm just exploring options right now . it sounds like this acorn place should go at the top of my list . eos O O O O 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 fine . 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 what 's the star rating , and phone number for the acorn ? eos O O O O O O O O O O O O O O Hotel-Request+Phone +bos it has 4 star rating and the phone number is 01223353888. eos O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Phone N/A +bos great . i 'm going to also need a train to take me to cambridge . need it to leave after 19:00 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 B-Train-Inform+Leave O N/A +bos i have many trains going to cambridge . can you tell me where you are departing from ? also , how many tickets will 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 O N/A +bos it is just for me and i need it for saturday leaving after 19:00 from ely and going to cambridge . eos O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos there are three trains available . the earliest leaves at 19:35. would that work for you ? eos O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave O O O O O O O Train-Select +bos yes , that one sounds like it will work . can you tell me the train id and the total travel 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 +bos okay , it 's train tr4288 and the duration is 17 minutes . can i help you with something else ? eos O O O O B-Train-Inform+Id 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 thanks . i 'm all set for today . you have been very helpful ! eos O O O O O O O O O O O O O O O O general-thank +bos you are welcome and goodbye . eos O O O O O O O general-welcome,general-bye +bos hello i need a place to stay in the centre please . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i have 5 establishments in the centre . did you have preference in price ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Request+Price +bos i 'm looking to slum it a little bit , do you have any 0-star places ? 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 we sure do ! there is a guesthouse in the cheap price range as well as a hotel in the moderate price range . would you like more information on these ? eos 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O general-reqmore +bos it should have wifi please give me the postcode eos O O O O O O O O O O Hotel-Request+Post +bos they both have wifi . postcode for the guesthouse is cb11eg and the postcode for the hotel is cb12tz . do you need any further information ? eos 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 B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos thank you for that , i am also looking for a train as well . it should depart from cambridge on monday . 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+Day O O O N/A +bos where would you like to go ? is there a specific 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 Train-Request+Leave,Train-Request+Arrive,Train-Request+Dest +bos i need to leave after 16:00 and go to bishops stortford please . eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos the tr2530 leaves at 17:29. eos O O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos that sounds perfect , but i just realized you never gave me the names of those two lodging accommodations . could i have those 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 my apologies . the guesthouse is the el shaddai and the hotel is the cityroomz . can i help with anything else ? eos O O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O general-reqmore +bos no , that 's all . thank you very much . 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 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 for a train on tuesday to arrive in cambridge by 19:00 , can you help me please ? eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O B-Train-Inform+Arrive O O O O O 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 will be leaving from cambridge . eos O O O O O O O O N/A +bos i 'm sorry , i 'm confused . you are leaving from cambridge to go to cambridge ? eos O O O O O O O O B-Train-Select+Depart O O O O O O O O O O N/A +bos no . i am leaving from cambridge to go to broxbourne . eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos train tr0189 arrives at 18:01. should i reserve tickets for 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 sure please make a booking for 4 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 71.59 gbp payable at the station .reference number is : v7h3p3g7 . 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 general-reqmore +bos yes , i am looking for a 2-star hotel in the west part of town . 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 N/A +bos there are no 2 star hotels in the west part of town . would you like to expand the search to 2 star hotels in other parts of the city ? 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 O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O Hotel-Request+Area +bos will you check to see if there are any in the north ? eos O O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos i have the lovell lodge it is located in the north and is moderately priced with 2 stars . would you like to reservations there ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O 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 sure , for the same group of people on sunday eos O O O O O O O O O O O N/A +bos ok and i need a reference number please eos O O O O O O O O O N/A +bos i am trying to book a train to broxbourne . 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 yes i can . when will you be traveling ? eos O O O O O O O O O O O Train-Request+Day +bos i need to arrive by 15:00 on wednesday and depart from cambridge please . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O B-Train-Inform+Depart O O N/A +bos tr8300 departs at 05:01 , 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 yes - could you make a reservation for 3 people and provide 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 Train-Request+Ref +bos three people are booked . the reference number is 9w4723zw . the total fee is 53.7 gbp payable at the station . do you need anything else ? eos O B-Train-OfferBooked+People 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 general-reqmore +bos yes i am looking for a place to stay in the east that has a cheap price range . eos O O O 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 3 for you . all are guesthouses and located in the east . allenbell , autumn house and leverton house . all have 4 stars and offer free wifi & parking . eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos excellent . that 's all i need thanks . eos O O O O O O O O O O general-thank +bos are you sure i ca n't help you with a booking or more information about one of the hotels ? 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 actually , yes . can you give me the address and postcode for autumn 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 Hotel-Request+Post,Hotel-Request+Addr +bos the address is 710 newmarket road and the postal code is cb58rs . may i help you with anything else ? 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 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 , if you need any further assistance , feel free to contact us again 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 general-welcome,general-bye +bos i am looking for a restaurant . the restaurant should serve asian oriental food and should be in the centre 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+Area O N/A +bos okay . what price range would you like ? eos O O O O O O O O O O Restaurant-Request+Price +bos it should be in the cheap price range . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos the dojo noodle bar is at 40210 millers yard city centre and meets your criteria . what time 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+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 O O Booking-Request+Time,Booking-Inform +bos i 'd like to book a table for 1 at 12 on tuesday . eos O O O O O O O O O O O O O O O N/A +bos ok , i will make you a reservation for 12:00 tuesday for 1. anything else i can help with ? eos O O O O O O O O O B-Booking-Inform+Time B-Booking-Inform+Day O O O O O O O O O O general-reqmore +bos yes , i 'll need the reference number of my reservation . eos 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 : 0c4kyz3k . 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 , 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 ! have a great day and enjoy your meal ! eos O O O O O O O O O O O O O O general-bye +bos can you help me with finding a restaurant called backstreet bistro ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos certainly . it is a gastropub located in the centre of town , and the address is 2 sturton street city centre . eos 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 O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O general-greet +bos can you book me a table for 5 there on monday at 15:15 ? 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 your table has been reserved and will be held for 15 minutes . reference number rmkd81jf . would you like 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 O general-reqmore +bos i am also looking for a park in the east . do you have any suggestions ? 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 N/A +bos cherry hinton water play park east 01223446100 cb18dw cherry hinton hall , cherry hinton road free eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type B-Attraction-Inform+Area O B-Attraction-Inform+Phone O B-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos that sounds cool . what is the cost ? eos O O O O O O O O O O N/A +bos that park has no entrance fee ! can i help you with anything else today ? eos 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 general-reqmore +bos 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 . eos O O O O O O O O O O O O O O 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 their phone number is 01223446100 and where would like that taxi to pick you up ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O Taxi-Request+Depart +bos what is the car type ? eos O O O O O O O Taxi-Request+Car +bos 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 ? eos O O O O O O O O O O O O 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 apologize . i need to go from the cherry hinton water play to backstreet bistro by 15:15 please . 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O N/A +bos booked car type is white volkswagen and the contact number 07087762820. 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 fantastic , thank you very much . eos O O O O O O O O general-thank +bos is there anything else you 'd like me to find you ? eos O O O O O O O O O O O O O general-reqmore +bos i am looking for a local restaurant , and also places to go while i am in cambridge eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos sure , i can help with that . do you have a particular 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 Restaurant-Request+Area +bos east part and where there is entertainment , i also need address and phone number eos O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos do you have a specific food type or price for the restaurant ? how about cherry hinton hall and grounds at cherry hinton road , phone number 01223446104 for entertainment ? eos 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 O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Phone I-Attraction-Recommend+Phone O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos awesome . i 'm also looking for the sitar tandoori . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos this is an expensive indian restaurant 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 that 's the one . could you book a table for 3 on sunday ? eos O O O O O O O O O O O O B-Restaurant-Inform+Day O O O N/A +bos i 'd be happy to reserve you a table for 3 on sunday . what time would you like to dine ? eos O O O O O O O O O O O B-Booking-Inform+People B-Booking-Inform+Day O O O O O O O O O O Booking-Request+Time +bos we 'd like the reservation made for 13:00 if possible . eos O O O O O O O B-Restaurant-Inform+Time O O O O N/A +bos no problem . i 've booked you that table and your reference number is 7et7agbg . 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 O general-reqmore +bos no , you have been great . have a great day . bye . 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 great time ! goodbye ! 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 college in town . eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos is there a particular area you 're looking for a college in ? christ 's college is in the centre area , it is located on saint andrew 's street . 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 B-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 Attraction-Request+Area +bos could you give me the address for it ? eos O O O O O O O O O O Attraction-Request+Addr +bos the address is saint andrew 's street and the postcode is cb23bu . is there anything else i can help you with ? eos O O 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 O O O O O O O O general-reqmore +bos i also need a cheap restaurant in the same area as the attraction . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A +bos i have 15 options in that area . do you have a certain type of food you would like ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O O O O O O O O O O O O O O Restaurant-Request+Food +bos i 'm open to try anything . can you recommend one of the restaurants you found in the centre area ? eos 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 N/A +bos may i suggest charlie chan ? it meets all your criteria . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O N/A +bos that sounds good . could you book it for 3 people at 18:15 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 not a problem your reservation for charlie chan is set for wednesday at 18:15 for 3 people , and your reference number qau8u9m7 . anything else i can help with ? eos O O O O 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos yes , i need a taxi to travel from christ 's college to charlie chan and arrive by 18: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 O O O B-Taxi-Inform+Arrive O O N/A +bos i booked the taxi for you . it 's a grey honda and the contact number is 07889503831. anything else i can assist 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 B-Taxi-Inform+Phone O 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 in that case i hope you have a wonderful visit and enjoy the rest of your day ! 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 place to go in the centre . eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos great ! i can help you with that . are you looking for an attraction of some sort , a restaurant , or 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 O O O N/A +bos i am looking for an attraction in the centre please . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos i have castle galleries which is a museum and has free admission . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Fee O O N/A +bos great . i need to find a place to eat too that has indian food near the centre of town . 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 O O N/A +bos kohinoor is a great indian restaurant in the centre . would you like more information or allow me to book you a table . eos O B-Restaurant-Inform+Name 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 Booking-Inform +bos yes , please book a table for 8 people at 11: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 O N/A +bos i have your table reserved . the reference number is awt6mw8f . 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 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 ! eos O O O O O O O O O O general-bye +bos yes , could you give me some suggestions on places to go to 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 N/A +bos castle galleries is a really nice museum . it is located at unit su43 , grande arcade , saint andrews street , postcode cb23bj . it is my personal favorite . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+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 B-Attraction-Inform+Post O O O O O O O O O O general-greet +bos that 's all i need thanks . eos O O 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 oh wait , i was also looking for a particular restaurant , by the name of the royal standard . 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 N/A +bos okay , i found royal standard , would you like to make a reservation ? eos O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O N/A +bos yes . a table for one on tuesday at 19:30 , please . eos O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People O O O O N/A +bos i 'm sorry , royal standard does not have a reservation open at that time . would you be able to arrive a little earlier or later ? eos O O O O O 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 could you try something for 18:30 ? eos O O O O O O B-Restaurant-Inform+Time O N/A +bos booking was successful . your reference number is : yywh70mu . eos 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 i need for today ! eos O O O O O O O O O O O O O O general-thank +bos you 're welcome . its a pleasure to serve you eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for attractions of multiple sports located in the east . what is available ? 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 i do have one . it is the cherry hinton village centre in the east . it is located on colville road , cherry hinton . would you like any other info for them ? eos 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+Area 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 sounds like just what i need . thanks for your help and 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 general-bye +bos thank you as well . i hope you enjoy your visit and have a wonderful day . eos O O O O O O O O O O O O O O O O O O general-bye +bos thank you , one last thing we need a place to dine at in same area as multiple sports that would be in moderate 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 B-Restaurant-Inform+Price O O O O N/A +bos i have three options . two indian places and one italian . curry or pasta ? eos O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos i wanted traditional food . if that 's not available i 'll try italian . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos pizza hut fen ditton is a great italian restaurant in the area . would you like a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-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 Booking-Inform +bos i 'm sorry , i said italian but i really wanted indian food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are 2 option to choose from : curry prince and rajmahal . which would you like to try ? eos O O O O B-Restaurant-Inform+Choice 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 would like curry prince . it sounds interesting . eos O O O O O O O O O O O N/A +bos sure . can i make a reservation for you ? eos O O O O O O O O O O O Booking-Inform +bos no reservation thanks , my plans are still in the works . could i have the postcode and address 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 +bos sure ! the post code is cb58jj and the phone number is 01223566388. eos O O O O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O N/A +bos thank you , that 's everything i need for now . eos O O O O O O O O O O O O general-thank +bos sounds good . enjoy your visit , and thanks for using cambridge towninfo centre ! eos O O O O O O O O O O O O O O O O general-bye +bos i 'm looking to check out local colleges 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 sure thing ! there are several , do you know the area ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Area +bos i 'm not particular on the area , do you have a recommendation ? eos O O O O O O O O O O O O O O O Attraction-Request+Area +bos christ 's college is in the centre and has no entrance fee . their phone number is 01223334900 , they are located on saint andrew 's street , post code cb23bu . anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos i 'm looking for an indonesian 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 'm afraid we do n't have any indonesian restaurants . is there something else that might work instead ? 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 Restaurant-Request+Food +bos well how about one that serves indian food then ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos would you like a restaurant in the moderate or cheap price range ? eos O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos it does n't matter , i 'd like to book it for 8 people on thursday at 14: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 O N/A +bos both restaurants are booked at that time . will another time work for you ? eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos yes , try 13:15 , please . eos O O O B-Restaurant-Inform+Time O O O O N/A +bos i have booked you for 8 people at 14:15 on thursday at the nirala . the address is victoria avenue chesterton . phone number 01733553355. anything else ? eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Time I-Booking-Book+Time B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O general-reqmore +bos can i get the reference number ? eos O O O O O O O O Restaurant-Request+Ref +bos i am sorry , it is not open then . is there another time or place i can book you during ? 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,general-reqmore +bos i do n't understand , did you book the reservation or not ? eos O O O O O O O O O O O O O O N/A +bos no , i did not as there is not an opening then . would you like another day/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 at 13:15 please . eos 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 . your reference number is d26jfpz7 . 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 no , i think that will be everything . thank you . eos 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 want to visit some architecture . eos O O O O O O B-Attraction-Inform+Type O N/A +bos if you come to the centre of town there are several magnificent churches . and the old schools are quite impressive as well . would you like more information about any of them ? eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type 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 N/A +bos is there a phone number i can get for the schools please eos O O O O O O O O O O O B-Attraction-Inform+Name 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 thank you ! i also need to find a place to eat while there . something expensive . 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 there are many fine expensive restaurants to choose from . do you have a preferred cuisine ? eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price O O O O O O O O O O O O Restaurant-Request+Food +bos i 'd like an italian 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 O N/A +bos we have a few of them , is there a certain area you 'd like ? eos 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 to dine in the centre part of town . eos O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos how about clowns cafe ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos sounds good . please book a table for 2 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 i 'm sorry but there is no availability for 2 people for that day and time . would you like to try another day or time slot ? 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 O O O O O Booking-Request+Day,Booking-Request+Time +bos could you try 18:30 instead please ? eos 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 : ym6d18g2 . 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 B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos nope that is all i need 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 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 looking for a nice place for dinner . i would like something in the centre that 's expensive . eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O N/A +bos i have many options for you . so what type of food are you in the mood 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 +bos 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 . eos O O O 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 you do n't have any more specifications ? bedouin is quite nice , it serves african food . would you like a table here ? eos O O O O O O O B-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Food O O O O O O O O O O O O Booking-Inform +bos yes , please . i also want to find a museum in town . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are over 11 options for a museum . may i suggest broughton house gallery ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Type O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos sure . can i have the phone number and address ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos sure the number is 01223314960 and the address is 98 king street . 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 N/A +bos thank you so much ! i appreciate your time , that is all the help i need 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 it was a pleasure to assist you . take care . good day . eos O O O O O O O O O O O O O O O general-bye +bos hello , i 'm looking for a restaurant called river bar steakhouse and grill . eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos this is a modern european , cheap restaurant . it 's in the centre , located at quayside off bridge street . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food B-Restaurant-Inform+Price O 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 O O O O O N/A +bos what is their postcode ? eos O O O O O O Restaurant-Request+Post +bos their post code is cb58aq . would you like me to make a reservation for you ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O Booking-Inform +bos not right now . is there anywhere to go for entertainment 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 O N/A +bos there 's the tenpin entertainment attraction in the south . eos O O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos can you tell me more about the tenpin ? and can you give me a phone number 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 O O Attraction-Request+Post,Attraction-Request+Phone +bos the tenpin can be reached at 08715501010. their postcode is cb17dy . is there anything else you needed ? 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 O O O O general-reqmore +bos thanks . i will also need a taxi between the tenpin and river bar steakhouse and grill . eos O O O O O O O O O O B-Taxi-Inform+Depart O O O O O O O O N/A +bos i can do that for you . do you know when you 'd like to leave or arrive so i can schedule 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 O Taxi-Request+Leave,Taxi-Request+Arrive +bos i would like to leave our attraction by 2:30 and head to the restaurant . eos O O O O O O O O O O O O O O O O Restaurant-Inform,Attraction-Inform +bos ok , you are all set look for a yellow lexus , if you need to contact the taxi , they can be reached at 07983066383 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 O O O B-Taxi-Inform+Phone O O O N/A +bos great , thank you so much ! that 's all i will 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 services . have a great day . 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 on monday , what 's available ? 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 i have several possibilities for monday . can you specify your destination so i can narrow down my search ? 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 O O Train-Request+Dest +bos i am going to cambridge , from birmimgnham new street . eos O O O O O B-Train-Inform+Dest O O O O O O N/A +bos ok , when do you want to leave or arrive by ? eos 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 17:00. when would i arrive ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos there is train leaving at 07:40 that will arrive at 10:23 , do you want that train ? eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes . please book that train . eos O O O O O O O O Train-Inform +bos booked 1 ticket ! reference number : tfi0lll4 . fee is 75.09 gbp to be paid at the station . eos O O O B-Train-OfferBooked+People 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 O N/A +bos great ! is there a restaurant called la raza near by ? eos 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 it on 4 - 6 rose crescent in the centre of town . 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos great . i would like to book a table for 5 people at 21:00 on the same day , please . eos O O O 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 N/A +bos they are all booked up during that slow . could you do it at another time or on 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+Day,Booking-Request+Time +bos how about 20:00 ? 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 : 3l30ztqn . is there anything else you need help 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 general-reqmore +bos nope , that 's all . thanks a bunch ! eos 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 are there any restaurants in town that serve modern american food ? eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos no , there are none . is there another type of food you would liked to try ? 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 what about any expensive restaurants with traditional american food in the centre of town ? eos 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 no , i 'm sorry there are not . there are a number of other expensive restaurants in the centre ? might you try a different cuisine ? eos O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-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,Restaurant-NoOffer +bos sure how about italian ? eos O O O O B-Restaurant-Inform+Food O N/A +bos yes don pasquale pizzeria has italian food and is in the center of town . eos O 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 N/A +bos the restaurant sounds good . please book a table for sunday at 17:00 for 4 people . 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 N/A +bos your booking for 4 at don pasquale pizzeria is complete ! here is your reference number dpmrytrl . how else may i assist you today ? 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 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 . goodbye ! eos O O O O O O O O O O O general-bye +bos you 're welcome , enjouy your meal . eos O O O O O O O O O general-welcome,general-bye +bos i would like to eat in the center of town at a expensive place . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos for town centre , there are african , asian oriental , and british options . which of these would you prefer ? eos O O B-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 Restaurant-Select +bos how about african ? i 'd like to book a table for 7 at 16:15 on tuesday . eos O O O B-Restaurant-Inform+Food 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 have booked a table at bedouin african restaurant for 7 people at 16:15 tuesday . your reference number is vazcwis6 . may i help with anything else ? eos O O O O O O O B-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Booking-Book+People O B-Booking-Book+Time B-Booking-Book+Day 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 needed ! thanks ! eos O O O O O O O O O O general-thank +bos okay great . enjoy your dining experience . eos O O O O O O O O O general-bye +bos i need a restaurant that is in the expensive price range and that serves indian food . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O N/A +bos tandoori palace is on the west side . would you like me to book a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform +bos that would be wonderful , yes please . eos O O O O O O O O O N/A +bos alright . can you give me more information on your party ? eos O O O O O O O O O O O O O Booking-Request+People +bos please give me their address first . eos O O O O O O O O Restaurant-Request+Addr +bos certainly , they are located at 68 histon road chesterton , would you like me to book you now ? 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 O O O O O O O O O Booking-Inform +bos i also will need a train departing from cambridge going to birmingham new street . eos O O O O 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 what time would you like the train to be for ? eos O O O O O O O O O O O O Train-Request+Leave +bos i would like a train to leave after 10:30 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 we have five trains leaving around that time , do you have a time that you need to arrive by ? 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+Arrive +bos no , i am just looking for a train that leaves after 10:30 , as close to 10:30 as possible . eos 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 N/A +bos okay , the train you want is the tr5669 , which leaves at 11:01. eos O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O N/A +bos could you book that for 3 people please ? i 'd also like to get 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 Train-Request+Ref +bos sure , your reservation number is owuzbv5p . is there anything else i can assist 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-reqmore +bos no thank you . that was all i needed . eos O O O O O O O O O O O general-thank +bos thank you and enjoy your visit to cambridge . 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 place to stay in the east that has free wifi available . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos i found 7 hotels in the east that have free wifi . what is your 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 O O Hotel-Request+Price,Hotel-Inform+Internet +bos it does n't matter about the price . i would like it to be a guesthouse though , if that 's possible . 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 N/A +bos i have 5 gueshouses . all located in the east . how many am i booking for and when ? eos O O O O B-Hotel-Inform+Type 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 Booking-Request+Day,Booking-Request+People +bos any one would be fine can i get a room for 1 person 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 B-Hotel-Inform+Day O N/A +bos booking was unsuccessful at autumn house . do you want to find another hotel ? eos O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O general-reqmore +bos yes one in the same price range . eos O O O O O O O O O N/A +bos great news ! i was able to book you into the allenbell and your reference number is sopap2ox . eos 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 N/A +bos thank you ! can you give me the address and the phone number for them ? eos O O O O O O O O O O O O O O O O O general-thank +bos yes , . their address is 517a coldham lane and the phone number is 01223210353. is there anything else i can do for you ? eos 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+Phone O O O O O O O O O O O O general-reqmore +bos nope , i 'm all set . goodbye ! eos O O O O O O O O O O general-bye +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 yes , i was wondering if you could assist me with finding a train for thursday . 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 no problem . we have 404 such entries . where will you be departing from and going to ? eos O O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,general-greet +bos i 'll be leaving from stansted airport and heading to cambridge . i need to get there by 19:30. eos O O O O O B-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 the latest train you can take is the 18:24 train out of stansted , which arrives in cambridge at 18:52. would you like took book a seat ? eos O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos no , but could you give me the train id , departure time , and travel 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 Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave +bos certainly , the train id is tr5433 and it departs at 18:24. the total travel time is 28 minutes . can i help with anything else ? eos O O O O O O B-Train-Inform+Id O 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 O O general-reqmore +bos i am also looking for a hotel . i would like it to be a four star that includes wi-fi . 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 we have 21 hotels of that type . is there a location 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 Hotel-Request+Price,Hotel-Request+Area +bos 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 . eos O O O O O O O O O O O O O O O O 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 like to stay at the worth house ? it 's a guesthouse in the north , in the cheap price range , has 4 stars , wifi and parking . eos O O O O O O 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 B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos is that in the north ? it sounds like what i 'm looking for if it 's in that area . eos 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 i have 4 guesthouses in the north area . they each are 4 stars , include free parking , and wifi . would you like me to book one ? 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 O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , i need of for seven people starting today and lasting five nights . eos O O O O O O O O O O O O O O O O N/A +bos the acorn guesthouse is able to accommodate you . your reference number is 7rvelir8 . 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 N/A +bos thanks for you 're help ! that 'll be all . eos O O O O O O O O O O O O general-thank +bos goodbye , have a good day . eos O O O O O O O O general-bye +bos hi ! i 'd like to find a seafood restaurant in the centre of town , please . 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 N/A +bos excellent . the loch fyne is just your thing . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos is it an expensive restaurant ? i 'm really looking to break the bank here . eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O N/A +bos yes , it is expensive . do you need help with booking ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos perfect , yes please book a table for 3 people at 17:15 on monday . can i also have a 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 O Restaurant-Request+Ref +bos wonderful i was able to get you in a monday and your reservation number is e10z97f4 . will that be all ? eos O O O O O O O O O O B-Booking-Book+Day O O O O O O B-Booking-Book+Ref 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 . enjoy your stay . eos 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 have 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+Type O O O O O O B-Hotel-Inform+Stars O N/A +bos ok , what part of town ? eos O O O O O O O O Hotel-Request+Area +bos i 'm not picky but it should have free wifi . eos O O O O O O O O O O O O N/A +bos okay , i recommend the acorn guest house . it 's in the moderate price range and 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 B-Hotel-Recommend+Price I-Hotel-Recommend+Price O 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 yes please . i have two people . eos O O O O O O O O O N/A +bos okay , when would you like to check in and for how many days ? eos O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos actually , i 'm not ready to book yet . can i just get the postal 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 Hotel-Request+Post,Hotel-Request+Phone +bos the postcode is cb41da . their phone number is 01223353888. is there something else i may help you with ? eos 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 general-reqmore +bos can you find me a museum and let me know how much it cost ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos there are 23 museum , most of which are free admission . any prferences on area ? eos O O O O B-Attraction-Inform+Type 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 Attraction-Request+Area +bos i 'm not familiar with the area - can you recommend something ? eos O O O O O O O O O O O O O O N/A +bos i would recommend museum of archaelogy and anthropology in the centre located at university of cambridge , downing street . 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 B-Attraction-Recommend+Area O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos that sounds lovely , is there an entrance fee there ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos yes their telephone number is 01223335153. eos O O O O O O B-Attraction-Inform+Name N/A +bos thanks , but i needed the entrance fee . eos O O O O O O O O O O Attraction-Request+Fee +bos it is free to enter . what else may i do for you ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos i also need the address please . eos O O O O O O O O Attraction-Request+Addr +bos university of cambridge , downing street . anything else ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O general-reqmore +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 no problem , goodbye . eos O O O O O O general-bye +bos i am looking for a place to eat at that is expensive and serves food with afternoon tea . 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 I-Restaurant-Inform+Food O N/A +bos unfortunately , i do n't have any places that serve tea that are expensive . did you want me to try a different price range or type of cuisine served ? eos O O O O O O O O O O B-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Price 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 no thanks . instead , could you tell me where to get thai food ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i found two thai restaurants one is in the west and one in centre . which would you prefer ? 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 Restaurant-Select +bos the one in the centre is fine , i would like a table for 1 at 14:15 friday please . eos O O O O O B-Restaurant-Inform+Area O O O O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O N/A +bos for how many people ? eos O O O O O O Booking-Request+People +bos can you make sure that 's an expensive restaurant ? eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos it is an expensive restaurant yes eos O O O O B-Restaurant-Inform+Price O O N/A +bos great can i reserve that for 1 person at 14:15 on friday 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 N/A +bos your table is booked for friday at 14:15 for 1 person . the reference number is kss0di7c . it is only reserved for 15 minutes so please arrive 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 O N/A +bos thank you very much . that is all i 'll need today ! 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 good trip to cambridge . eos O O O O O O O O O O O O O O general-greet +bos hi i need to find a place to dine serving vietnamese food in the cheap 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 thanh binh is a restaurant serving vietnamese food in the cheap price range . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Price O O O N/A +bos thank you ! eos O O O O general-thank +bos you 're welcome eos O O O O N/A +bos can you book me a table for 7 people at 12: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 okay , got it . your table has been reserved . the reference number is u2oy8b4t . 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 thanks so much ! eos 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 'm hoping to find rosa 's bed and breakfast . 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 N/A +bos rosa 's bed and breakfast is located at 53 roseford road . 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 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 yes . i need a reservation for 3 people for 2 nights starting from 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 N/A +bos the booking was unsuccessful . is there another hotel you would like me to look into ? 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 can you find a different hotel in the same price range ? eos O O O O O O O O O O O O O O N/A +bos i am sorry there are no others in that price range in that area . would another area 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 Hotel-NoOffer,Hotel-Request+Area +bos yes , try another area , please . eos O O O O O O O O O N/A +bos alexander bed and breakfast was able to be booked reference number is yux0zqku . eos 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 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 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 lodging in cambridge that includes free wifi and is upscale and expensive eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O N/A +bos i found gonville hotel matching your requirements . would you like to stay 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 Booking-Inform +bos i actually am looking for a guesthouse , not a hotel . eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos unfortunately , there is nothing that meets your criteria . 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 Hotel-NoOffer,general-reqmore +bos is there a guesthouse that might be in the cheaper price range in the same area ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes , we should be able to find you a guesthouse . remind me of the area you need that 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 need it in the east , please . eos O O O O O O B-Hotel-Inform+Area O O O N/A +bos i found 3 great guesthouses that meet your criteria ! would you like me to go ahead and book one ? 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 Booking-Inform +bos yes . i need 3 rooms beginning on tuesday for 2 nights . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos how many people in total will be staying ? eos O O O O O O O O O O Booking-Request+People +bos there are 3 of us . eos O O O O B-Hotel-Inform+People O O N/A +bos i was able to book you a room at the allenbell . reference # 9bxoze34 . eos O O O O O O O O O O O B-Booking-Book+Name O B-Booking-Book+Ref O O O N/A +bos i was also wondering if you would be able to help me find a place to go to see some great architecture . 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 N/A +bos there are several architectural attractions in the centre of town , such as all saints church , holy trinity church , and some others . would you like to know more about 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 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 general-reqmore +bos can i please have the postcode for the holy trinity church ? eos O O O O O O O O O O O O O Attraction-Request+Post +bos yes the postcode is cb23nz for the holy trinity church . eos O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos okay , great . thanks for your help ! eos 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 a hotel in the south part of cambridge that 's in a moderate price range . eos 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 N/A +bos i 'm afraid there are no hotels that meet those requirements ? is there anything that is n't important in your search ? 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 O N/A +bos i would n't mind a guest house as long as it includes free wifi . eos O O O O O O O O O O O O O O O O N/A +bos ok , great . the aylesbray lodge guest house is in the south , has a moderate price range , internet , and 4 stars . would you like me to book you a room ? 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 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 general-welcome,Booking-Inform,Hotel-Inform+Internet +bos actually , can you give me the address , phone number , and tell me 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 Hotel-Request+Phone,Hotel-Request+Parking,Hotel-Request+Addr +bos yes , i can do that . they have free parking . their address is 5 mowbray road , post code cb17sr . and their phone number is 01223240089. anything else ? eos 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 B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O O O O O O O O general-welcome,Hotel-Inform+Parking,general-reqmore +bos i am also looking for a college to visit while i 'm in town . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos sure . there are no colleges in the south ; is there a specific part of town you 'd like to tour to visit one ? eos 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 Attraction-Request+Area +bos 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 ! eos O O O O O O O O O O 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 there are none in the north but there several in the centre and west areas . would these areas work for you ? eos O O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area 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 N/A +bos no colleges at all ? yes , please tell me the nicest one you know of . eos O O O O O O O O O O O O O O O O O O N/A +bos emmanuel college is quite nice and entry is free . would you like more information about it ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Fee O O O O O O O O O N/A +bos can i have the phone number and address ? eos O O O O O O O O O O N/A +bos yes , i will work on getting that for you and be right back with you . eos O O O O O O O O O O O O O O O O O O general-welcome +bos ok , thank you . eos O O O O O O general-thank +bos ok , i have found the information on emmanuel college for you . the phone # is 01223334200 , postal code is cb23ap and it is on saint andrew 's st. in the centre . eos 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+Phone O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area O O O O O N/A +bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos no , there is not an entrance fee to enter the building . can i assist with something 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 O general-reqmore +bos i 'm just looking for a hotel to stay at tonight please . eos O O O O O O O O O O O O O O Hotel-Inform +bos there are many options . do you have a price range or area you would 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 Hotel-Request+Area,Hotel-Request+Price +bos i want to stay in the north . are there any 2-star hotels with free wifi ? eos 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 yes i would suggest lovell lodge would you like me to book it ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Booking-Inform +bos is that a hotel or a guesthouse , please ? and what is their postcode ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Post +bos it is a hotel and the postcode is cb41sr . would you like me to book this for you ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Post O O O O O O O O O O O Booking-Inform +bos not at the moment , but you can help me with one more thing ? i 'd like info on a particular attraction called lynne strover gallery . 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+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O 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 Attraction-Inform +bos i need their phone number and address . eos O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos adress is 365 milton road and phone is 0122345425478 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 hi i 'm looking to find a guest house with free wi-fi , any suggestions ? eos O O O O O O O O O O O O O O O O O general-greet +bos i have 23 options available for guesthouses that offer wifi . what area of town are you looking to stay in ? 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 O O O Hotel-Request+Area,Hotel-Inform+Internet +bos i am open to any area of town ; however , i would like a 3 star hotel and would also like it to have a guesthouse . 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 B-Hotel-Inform+Type O O O Attraction-Request+Area +bos there are three choices , bridge guest house in the south , hamilton lodge in the north and hobsons house in the west , all are moderately priced . any preference ? 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 O B-Hotel-Inform+Area 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 can you suggest one please that meets all of my criteria ? eos O O O O O O O O O O O O O N/A +bos all 3 meet your criteria , could we narrow them by a location preference ? eos 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 not have a preference on location . eos O O O O O O O O O O N/A +bos i 'm partial to hamilton lodge on the north side of town on 156 chesterton rd . would you like me to reserve a room for you ? 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 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 O O Booking-Inform +bos no thank you . i also need a place to go . eos O O O O O O O O O O O O O general-thank +bos sure , what are you interested in ? eos O O O O O O O O O Attraction-Request+Type +bos i need some entertainment eos O O O O B-Attraction-Inform+Type N/A +bos what area would you like the entertainment in ? the east , south , or west ? eos 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 the area does n't matter , can you suggest something to me ? eos O O O O O O O O O O O O O O Attraction-Request+Area +bos funky fun house is located in the east , the phone number is 01223304705 and the entrance fee is unknown . can i help with anything else today ? eos O B-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+Phone O O O O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos no . that will be all for today . thanks and goodbye . eos 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 hi ! i 'm looking for someplace 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 okay , there 's plenty to do in the city 's centre . what kind of attraction are you interested in ? eos 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 Attraction-Request+Type +bos it does not really matter can you suggest one ? eos O O O O O O O O O O O N/A +bos how about little saint mary 's church ? 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 sounds perfect . is it architectural ? also , can i have the address with 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+Addr +bos it is an architecture attraction it 's located on little saint mary 's lane postcode cb21qy . is there anything else i can help you with ? eos O O O 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 B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore +bos yes , i 'm looking for a guesthouse with a star rating of 1. it should be in the city centre please . eos O 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 B-Attraction-Inform+Area O O O N/A +bos i do n't have any guesthouses that meet that criteria . would you like me to try something else ? 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 general-reqmore +bos do you have any guesthouses with a star rating of zero ? eos O O O O O O O O O O O O O N/A +bos yes , i do have one . the el shaddai is in the centre and is cheap . it is 0 star rated and offers free parking and wifi . do you need a room ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area 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 O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no not right now . what is their address ? eos O O O O O O O O O O O Hotel-Request+Addr +bos the address is 41 warkworth street . can i help you with anything else today ? 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 i also need a taxi to get to little saint mary 's church by 3:15. 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 O O O N/A +bos what is your departure site ? eos O O O O O O O Taxi-Request+Depart +bos i 'm sorry , we need a taxi departing from saint mary 's church by 3:15 going to the guesthouse . eos O O O O O O O O O O O O O B-Taxi-Inform+Leave I-Taxi-Inform+Leave O O O O O O O N/A +bos you are booked for a yellow audi . your contact number is 07526986404. may 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 general-reqmore +bos no that was all i needed . thank you , goodbye . eos O O O O O O O O O O O O O general-bye +bos enjoy your trip . eos O O O O O general-bye +bos i am looking for museums in west cambridge . eos 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 part of town . for example , cafe jello gallery , cambridge and county folk museum or lynne strover gallery . eos O O O B-Attraction-Inform+Choice 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 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 let me get more information about cafe jello gallery . eos O O O O O O O O O O O N/A +bos their address is cafe jello gallery , 13 magdalene street . they are located in the west part of town and the entrance is free . eos 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 B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Fee O O O N/A +bos i also need to know 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 okay , rosa 's bed and breakfast is located on 53 roseford road . 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 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 yes please . 1 people for 4 nights starting from wednesday . 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 great ! your booking was successful.reference number is : tzliigk2 . eos O O O O O O O O O B-Booking-Book+Ref O O general-welcome +bos thank you for all your help eos O O O O O O O general-thank +bos you 're welcome , can i assist 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 's all i need for today . thank you so much . eos 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 would like information about museums in cambridge . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are 23 museums in cambridge . what part of town will you be 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 can you tell me about museums 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 i have the castle galleries museum in the centre of town . phone number is 01223307402. eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Phone O N/A +bos i also want to find the hotel called archway house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos it 's located in the north , on 52 gilbert road , cb43pe . would you like to book a room ? eos O O O O O B-Hotel-Inform+Area 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 yes , please book for 4 nights on friday for 4 people . eos O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O N/A +bos all set , the reference number is 6s9gcfdo , 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 O general-reqmore +bos that is all . thank you so much for your help . 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-welcome,general-bye +bos i am looking for an attraction called king 's college . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos ah yes , king 's college is in centre of town . the address is king 's parace and phone 01223331100. eos O O 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O O O O N/A +bos thank you very much . can you give me the postcode ? eos O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb21st . eos O O O O B-Attraction-Inform+Post 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 can help you with that . would you like a guesthouse or hotel ? 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 hotel with 4-stars . also , an expensive one . eos O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O N/A +bos there is one hotel matching your criteria . it is university arms hotel , it is expensive with a four star rating and both free internet and parking . do you need more information ? 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+Price O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos no that will 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 okay ! have a great trip ! bye ! eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant that serves swedish food in the centre . 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 no restaurants that serve swedish food in the centre . what would you like to do ? eos O O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O O O O O O O general-reqmore +bos well , the restaurant should be expensive . are there any expensive restaurants in the centre of town ? eos 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 N/A +bos yes many . it all depends on what type of cuisine you 're after . eos O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Food +bos what about a restaurant that serves gastropub food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i was able to find two restaurants that serve gastropub for you . i have backstreet bistro and the slug and lettuce , both located in the centre of town . eos O O O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food 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 O O N/A +bos can i get a table for 1 at the backstreet bistro ? saturday at 17:15 , if possible . eos O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O N/A +bos it 's all booked , your reference number is stq9n9uv eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos excellent . that will be everything . 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-bye +bos i want to see local sights , can you help ? eos O O O O O O O O O O O O N/A +bos yes , there is a wide variety , do you have an activity type that your are interested in ? 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 O O O O O O Attraction-Request+Type +bos i like hiking and seeing historical sites . eos O O O O O O O O O N/A +bos i 'm sorry , there does not seem to be a historical site or hiking area in cambridge . is there anything else i can help with ? eos O O O O O O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type I-Attraction-NoOffer+Type B-Attraction-NoOffer+Area 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 cheap price range ? eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos sure , i can help you with that . what section of town 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,Hotel-Request+Area +bos i do n't really care about the area . eos O O O O O O O O O O N/A +bos okay . are you interested in hotels that offer internet and/or parking ? eos O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos does n't really matter if they offer either of those or not . i just want it to be a 0 star hotel . 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 N/A +bos city cenrtree north and b is a cheap hotel , would you like me to book it 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 B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O Booking-Inform +bos yes please , 6 people for 5 nights and we would be arriving monday . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Day O O N/A +bos i 'm sorry , i seem to be having an error in my system . you want a booking at the citycentre north b & b for 6 people , 5 nights , on monday ? eos 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 B-Booking-Inform+People O B-Booking-Inform+Stay O B-Booking-Inform+Day O O O O O O O O N/A +bos yes , a guesthouse is fine . i was looking for zero stars and in the cheap price range . 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 N/A +bos then the city centre north b and b is what you want , shall i book you ? 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 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 'm sorry that does n't seem to be available would you like me to try a different day 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 Booking-NoBook,Hotel-Request+Name,Booking-Request+Day +bos let book the same but on tuesday instead . eos O O O O O O O B-Hotel-Inform+Day O O N/A +bos booking was successful for tuesday . your reference number is : 0j3v1091 . eos O O O O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O N/A +bos i 'm also looking for somewhere to go . perhaps the college . can you tell me the postcode for the college ? 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 Attraction-Request+Post +bos there are 18 colleges in town . i recommend christ 's college in the centre . the postcode is cb23bu . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O B-Attraction-Recommend+Post O O O O N/A +bos great , thanks . i do n't need anymore help . goodbye ! eos O O O O O O O O O O O O O O general-bye +bos i 'm happy i could help today . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye +bos are there any swimming pools that i can go to in cambridge ? eos O O O O O O O O O O O O O O N/A +bos yes , there are several did you have a specific area in mind ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area +bos no . i would just like you to recommend one and give me the area , number and how much it 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 Attraction-Request+Area +bos i ca n't help you with the cost , you would have to call about that . i recommend parkside pools in the centre . you can call them at 01223446100. 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 O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O O O B-Attraction-Inform+Phone O O N/A +bos can you call them for me please ? you are supposed to be customer service ? eos O O O O O O O O O O O O O O O O O N/A +bos we can book hotels , restaurants , trains , and taxis for you and provide information about places , but we do not actually call attractions them for you ourselves . eos O O O O O O O O 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,general-reqmore +bos i 'm looking for a place to stay eos O O O O O O O O O N/A +bos what area of town would you like to stay ? what price range ? eos 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 4 star hotel in the centre . internet is not necessary but i will accept one that has it . 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 O N/A +bos i would recommend the university arms hotel . it is expensive and in the centre . 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 O B-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 that sounds good can you book that for 8 people for 3 nights starting thursday ? 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 si booked you at the university arms hotel . your reservation is poy0jcra on thursday . 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 B-Booking-Book+Ref O B-Booking-Book+Day O O N/A +bos thanks ! that is all i need . 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 persian restaurnt in the north part 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 O O O N/A +bos unfortunately there are no persian restaurants in the city . 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 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 saigon city serves asian oriental food , is in the north part of town and in the expensive price range . 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 O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos could you tell me the 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 of course . their phone number is 01223 356555 and they are located at 169 high street chesterton chesterton . is there anything else i can help you with ? eos O 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 I-Restaurant-Inform+Addr O O 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 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 taxi to take me to rajmahal . eos O O O O O O O O O B-Taxi-Inform+Dest O N/A +bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart +bos i 'm leaving from gallery at twelve a high street . 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 I-Taxi-Inform+Depart O O N/A +bos and when would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave +bos i would like to leave after 3:45. eos O O O O O O O B-Taxi-Inform+Leave N/A +bos i have you booked in a grey audi . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A +bos thank you , can you give me the contact number please ? eos O O O O O O O O O O O O O general-thank +bos contact number is 07270553802 eos O 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 you 're 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 no , that 's it . thank you so much ! eos O O O O O O O O O O O O general-thank +bos it was my pleasure . have a nice day . eos O O O O O O O O O O O general-bye +bos hello . can you please help me find a nice restaurant that serves korean food ? i need to know the address too . 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 Restaurant-Request+Addr +bos little seoul is a nice restaurant that serves korean food . the address is 108 regent street city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O 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 N/A +bos and what is the postcode ? eos O O O O O O O Restaurant-Request+Post +bos the post code is c.b 2 , 1.d p . eos 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 . good bye eos O O O O O O general-bye +bos thank you . eos O O O O general-greet +bos i 'm looking for a japanese restaurant in town . eos O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos wagamama is a japanese restaurant in the centre of town . would you like their location ? 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 O O O general-reqmore +bos yes , what is their address and phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos its address is 36 saint andrews street and phone number is 01223 462354 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 I-Restaurant-Inform+Phone N/A +bos thank you good bye eos 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 would like some lebanese food in the west part of town . are there any available ? 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 N/A +bos i 'm sorry we do n't have any lebanese restaurants located in the west part of town . 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 O O Restaurant-Request+Food,Restaurant-NoOffer +bos how about thai food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos sala thong serves thai food and is located in the west part of town . would you like more information for them ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food 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 O O general-reqmore +bos yes , the address , phone number , and their price range please . eos 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 sala thong is an expensive restaurant located at 35 newnham road newnham . the phone number is 01223 323178. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 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 thank you and good bye eos O O O O O O general-greet +bos find a moderately priced place for me please . eos O O O B-Restaurant-Inform+Price O O O O O O N/A +bos what type of food do you want ? eos 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 which area would you like ? eos O O O O O O O Restaurant-Request+Area +bos on the east side of town , please . eos O O O B-Restaurant-Inform+Area O O O O O O N/A +bos rajmahal is a moderately priced restaurant in the east part of town . eos O B-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 I-Restaurant-Inform+Area O N/A +bos great ! what is the phone number ? eos O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223 244955 , is there anything 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 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 hello , i am looking for information on kambar . what do you know about that attraction ? eos 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 kambar is a nightclub located in the centre of town . its address is 1 wheeler street and postcode is cb23qb with an entrance fee of 5 pounds . eos O B-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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos alright , that 's all i really needed to know . thanks again ! 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 thanks , you too ! eos O O O O O O general-thank +bos have a great time , and thanks for letting us help ! eos O O O O O O O O O O O O O general-bye +bos is there an expensive french restaurant in town ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos i show two french restaurants . cote and restaurant two two . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos which is closest to me ? eos O O O O O O O N/A +bos what area is closer to you , north or centre ? eos O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O Restaurant-Request+Area +bos what is the food type they serve ? eos O O O O O O O O O N/A +bos they serve french food . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i do n't know . eos O O O O O O N/A +bos cote is located at bridge street city centre , and restaurant two two is at 22 chesterton road chesterton . how else may i assist you ? 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 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 thank you eos O O O general-thank +bos thank you . good bye . eos O O O O O O O general-bye +bos are there any theatres in town ? eos O O O O B-Attraction-Inform+Type O O O N/A +bos there are 5 theatres in town . do you have a preference for a specific area ? 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 Attraction-Request+Area +bos no , which one do you think is the best ? eos O O O O O O O O O O O O N/A +bos i 'd recommend the cambridge arts theatre , myself . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A +bos that sounds good . can i get 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 the address is 6 saint edward 's passage and the post code is cb23pj . do you need the phone number as well ? 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 B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos that wo n't be necessary . thanks for the help ! eos O O O O O O O O O O O O general-thank +bos have a nice stay in the town , and enjoy the play in the theatre . eos O O O O O O O O O O O O O O O O O general-greet +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 O O general-bye +bos can you see if there are any entertainment attractions in the centre 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 N/A +bos unfortunately there are no entertainment attractions in the centre of town . is there a different area of town that would work for you ? 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 O O O O O O O O O O O O O O Attraction-Request+Area +bos what about a museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos yes , there are 11 museums . i 'd recommend broughton house gallery . it 's at 98 king street cb11ln and has free entrance . would that work for you ? eos O O O O O B-Attraction-Inform+Choice 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 I-Attraction-Inform+Addr O B-Attraction-Inform+Price O O O O O O O O O O O O O N/A +bos yes , that will work great . can i get their phone number please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos certainly . the broughton house gallery 's phone number is 01223314960. 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 I-Attraction-Inform+Name 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 . thanks ! eos O O O O O O O O O O O general-thank +bos you are welcome . have a great day . bye . eos O O O O O O O O O O O O general-bye +bos i need to book a taxi to come to da vinci pizzeria by 01: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 B-Taxi-Inform+Arrive 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 am going to cambridge road church of christ . 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 your booking is complete . the taxi is a yellow honda . contact number 07024160438. 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 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 general-thank +bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome +bos am injured and are looking for a hospital nearby it should have the infectious diseases department . eos O O 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 addenbrookes hospital has a phone number of 01223217314 for the infectious diseases department . eos O O O O O O O O O O O O O O O O N/A +bos thank you . can i have the postcode ? eos O O O O O O O O O O Hospital-Request+Post +bos their postcode is cb20qq . can i get you any more information about them ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos no , that 's all i needed . thanks ! eos 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-bye +bos great ! have a nice day ! good bye . eos O O O O O O O O O O O general-bye +bos hope you feel better , have a great day . eos O O O O O O O O O O O general-bye +bos oh my god , i 've just been robbed ! i need the police please ! help ! eos O O O O O O O O O O O O O O O O O O O Police-Inform +bos the police are located in parkside cambridge and the telephone number is 01223358966. eos O O O O O O O O O O O O O O N/A +bos is this the emergency number to call ? eos O O O O O O O O O N/A +bos yes , it is the direct number to the police for help . do you want me to transfer you to 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 O O N/A +bos no , that 's ok. thank you ! eos 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 that is all , thank you . eos O O O O O O O O general-thank +bos you are very welcome , i hope your day gets better . eos O O O O O O O O O O O O O general-bye +bos i have been robbed and looking for help . eos O O O O O O O O O O N/A +bos would you like me to contact the parkside police for you ? eos O O O O O O O O O O O O O general-bye +bos no , i need to find out the address , phone number , and postcode of the location i was robbed . 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 the phone number for the police is 01223358966. eos 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 , postcode : cb11jg . 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 N/A +bos no that 's all . thanks for helping . 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 taxi departing from golden wok . eos O O O O O O O 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 'd like to leave after 17:30. eos O O O O O O B-Taxi-Inform+Leave O N/A +bos where is your destination ? eos O O O O O O Taxi-Request+Dest +bos i 'm going to holy trinity church . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos alright , i have a yellow skoda for you and the contact number is 07866277583. 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 N/A +bos i will look for the yellow skoda after 17:30. 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 '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 not really . am good to go eos O O O O O O O O N/A +bos great ! have a nice day ! eos O O O O O O O O general-bye +bos could you help me find a place for entertainment ? something on the east side of town . eos 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 cherry hinton hall and grounds is on the east side of town , would you like their phone number ? 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 O O O O O O O N/A +bos actually , 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 yes , it 's cherry hinton road , cb18dw . eos O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O N/A +bos can you tell me what the entrance fee is ? eos O O O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry , the entrance fee is n't listed in my system . 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 N/A +bos ok , then 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 O general-thank +bos thank you , if you need anything else let me know.good bye . eos O O O O O O O O O O O O O O general-bye +bos hello , i am looking for some 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 O N/A +bos there is a lot to do in the centre . is there a certain type of attraction you 'd like to see or 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 O Attraction-Request+Type +bos i was thinking something related to multiple sports eos O O O O O O O O O N/A +bos we do n't have any multiple sports facilities in the centre of town . do you want to look for something else ? eos O O O O O B-Attraction-NoOffer+Type I-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 N/A +bos how about a theatre ? i think we would enjoy seeing a show ! eos O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos may i recommend cambridge arts theatre located in the centre of town ? eos 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+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A +bos that would be great . can i have the postcode , address , 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+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos i do n't have any information about admission , but you can call them to get more information . the number is 01223503333. the address is 6 saint edward 's passage cb23pj 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+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post I-Attraction-Inform+Addr O O N/A +bos ok. i also need info on the restaurant darrys cookhouse and wine shop . 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 I-Restaurant-Inform+Name N/A +bos darrys cookhouse and wine shop is a modern european restaurant located in the centre of town . it 's in the expensive price range . would you like to make a reservation ? 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 B-Restaurant-Inform+Food I-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+Price O O O O O O O O O O O O Booking-Inform +bos yes , that would be great . i 'll need a table for 7 on friday at 18:00. 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : bt75esxm . 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 do n't think so . thanks for all your help . eos O O O O O O O O O O O O O general-thank +bos hope you have a great time during your trip . eos O O O O O O O O O O O general-bye +bos that was so nice of you to say thanks so much . eos O O O O O O O O O O O O O general-thank +bos you 're very welcome ! take care ! eos O O 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 go to the addenbrookes hospital eos O O O O O O N/A +bos can you give me a phone number for the hospital ? eos O O O O O O O O O O O O Hospital-Request+Phone +bos of course . the number is 01223245151. 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 O general-thank +bos you 're welcome . i hope everything is okay with you . eos O O O O O 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 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 alright , i 've found several options . 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 O O Hotel-Request+Price +bos it does n't matter eos O O O O O N/A +bos alpha-milton guest house does n't offer internet . it is rated three stars , in the north part of town . should 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 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 Booking-Inform,Hotel-Inform+Internet +bos no , i need a guesthouse with free wifi . eos O O O O O O O O O O O N/A +bos a and b guest house is a guesthouse that includes wifi . it 's in the east side of town with a moderate price range . 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 B-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 B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos no , i just need to know if they have free parking . 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 Hotel-Request+Parking +bos they do not have parking . eos O O O O O O O Hotel-Inform+Parking +bos ok , i would prefer something else with parking . eos O O O O O O O O O O O Hotel-Request+Parking +bos allenbell looks like it would be a good choice . eos O B-Hotel-Recommend+Name O O O O O O O O O N/A +bos thanks , does it have free wifi as well ? eos O O O O O O O O O O O general-thank +bos yes , they provide both internet and parking at their establishment . eos O O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +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 good bye , enjoy your stay . eos 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 on hills rd , cambridge . is there a department you 're needing the 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 N/A +bos no , just the general number and address please . eos O O O O O O O O O O O Hospital-Request+Addr +bos the phone number is 01223245151. eos O O O O O O N/A +bos is hills rd the full hospital address ? eos O O O O O O O O O Hospital-Request+Addr +bos yes that is the full address given on our system . the postcode is cb20qq if that is of any 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 N/A +bos alright . thank you 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 too , hope you feel better eos O O O O O O O O general-bye +bos hi , i am looking for the nearest police station . eos O O O O O O O O O O O O Police-Inform +bos hi , the nearest police station is at parkside , cambridge postcode : cb11jg . 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 O O N/A +bos can you please give me the phone number as well ? eos O O O O O O O O O O O O Police-Request+Phone +bos the telephone number is 01223358966. eos O O O O O B-Restaurant-Inform+Phone 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 please ca you tell me how to get to addenbrookes hospital eos O O O O O O O O O O O O Hospital-Inform +bos the hospital is located right on hills rd , cambridge , in the postcode cb20qq . do you need a specific hospital 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 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 wonderful . glad to help . eos O O O O O O O general-greet +bos i need a taxi by 8:15 going to the golden hous eos O O O O O O B-Taxi-Inform+Leave O O O O 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 need to be picked up at holy trinity church . if you 've got it handy i 'll be needing the car type and their contact number too , please . eos 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 O O O O O O O O O Taxi-Request+Car +bos booking completed ! booked car type : blue teslacontact number : 07288413004 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 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 a total of 9 hotels currently that match your descriptions . is there a certain price range or are location you need the hotel to be in ? 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 Hotel-Request+Area,Hotel-Request+Price +bos it should be in the moderate price range eos O O O O O O B-Hotel-Inform+Price O O N/A +bos the 2 hotels in the north have 2 stars . the one hotel in the centre has 0 stars . eos 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 N/A +bos okay , it needs to be 4 stars . what about guesthouses ? eos O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Type O O N/A +bos unfortunately there are none in the moderate price range . would you perhaps consider an expensive price ? eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O B-Hotel-Select+Price O O O N/A +bos how about a guesthouse instead ? eos O O O O B-Hotel-Inform+Type O O N/A +bos there are several 4-star guesthouses with wi-fi in the moderate price range . would you prefer to stay in the east or the northern part of town ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O 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 O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos it does n't matter to me what part of town it 's in . what 's your favorite ? 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 do like the avalon . it 's a very nice place and it fits your requirements . eos O O O O O B-Hotel-Recommend+Name O O O O O O O O O O O O O N/A +bos ok , can we book that for 4 people , for 3 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 O O N/A +bos 2uovp3e0 is your confirmation , may i get you anything else ? eos O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos no . thanks for your help . bye . eos O O O O O O O O O O general-bye +bos i glad we could help . have a great day . eos O O O O O O O O O O O O general-bye +bos i am looking for the police station eos O O O O O O O O Police-Inform +bos contact the parkside police station , telephone 01223358966 eos O O O O O O O O O N/A +bos would you give me their address and postcode also , please ? eos O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos yes , the address is parkside , cambridge . the postcode is cb11jg . eos O O O O O O O O O O O O O O O N/A +bos thanks . that takes care of everything for me . eos O O O O O O O O O O O general-thank +bos you are welcome . please let me 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-reqmore +bos can i get the address and phone number for the parkside police station ? eos O O O O O O O O O O O O O O O Police-Request+Addr +bos absolutely ! the phone number is 01223358966 and they are located at 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 thank you , that is all i need today . eos O O O O O O O O O O O general-thank +bos i 'm glad we could help . please call us back anytime . good bye ! 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 place to stay . the hotel should include free wifi 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 N/A +bos there are many results with free wifi and parking , to help narrow it down , what area do you want 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 O O O O O Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking +bos north area in a guesthouse eos O B-Hotel-Inform+Area O O O B-Hotel-Inform+Type N/A +bos what star rating ? eos O O O O O Hotel-Request+Stars +bos it does n't matter as long as i can book it for 2 people and 2 nights starting thursday . 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 did you have a price range in mind ? eos O O O O O O O O O O Hotel-Request+Price +bos no , i am not picky . eos O O O O O O O O N/A +bos booking was not successful for that night at the acorn guest house , would you like me to 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 O O Booking-NoBook,general-reqmore +bos how about wednesday instead ? eos O O O B-Hotel-Inform+Day O O N/A +bos booking was unsuccessful . would you like to try a different location ? eos O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yeah try a different place . anywhere that meets my requirements eos O O O O O O O O O O O O N/A +bos i 'm going to try for the arbury lodge guesthouse , sir . is that all right ? 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 N/A +bos yes please try it . eos O O O O O O N/A +bos i was able to book the arbury lodge guesthouse on thursday for 2 nights for two people and your reference number is k9zns97g . is there anything else you need ? 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 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 general-reqmore +bos that was everything , thanks . 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-greet +bos i need a taxi to take me to thanh binh and i should arrive before 22:15. eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Arrive N/A +bos could you tell me where you would like to leave from ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos i am leaving from the shiraz restaurant . can i get the car type and contact number please ? 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 Taxi-Request+Car +bos sure ! it is a black toyota and the contact number is 07604345180 eos 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 , that all i need today . eos O O O O O O O O O general-thank +bos thank you ! if you need anymore help , feel free to contact us at any time . 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 i need a train that leaves after 15:00 on tuesday . eos O O O O O O O O O O B-Train-Inform+Day O N/A +bos i can help with that . what are your departure and destination choices ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos cmabridge to norwich . eos O O O B-Train-Inform+Dest O N/A +bos there is a train leaving at 15:36 that arrives by 16:55 on the date you chose . would you like to book a spot now ? 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 O O O O O Train-OfferBook +bos yes , and i also need that for 3 people and the reference number . eos O O O O O O O O O B-Train-Inform+People O O O O O O N/A +bos the booking was successful . your reference number is 1q1vefog . is there anything else i can assist 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 i am also looking for a restaurant . are there any expensive restaurants in town that serve british food ? eos 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 yes , i recommend graffiti . it 's a fine british restaurant on the west side of town . eos 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 reference number ? eos O O O O O O O O N/A +bos what time would you like to eat ? are you eating with the same 3 people ? eos 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 yes , the same party . i 'd like the reservation for 10:00 that same tuesday . eos O O O O O O O O O O B-Restaurant-Inform+Time O 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 : px5ogmlq . anything else for you 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 general-reqmore +bos no thanks . that 's it . have a good one . bye . eos O O O O O O O O O O O O O O O general-bye +bos have a great day and text us back anytime ! eos O O O O O O O O O O O general-bye +bos hello , can you find me a train to cambridge 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 quite a few trains to cambridge on thursday . where are you departing from , and at what time would you like to leave ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-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 O O O O Train-Request+Depart,Train-Request+Leave +bos i would be departing from peterborough on thursday and want to arrive by 9:30. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O N/A +bos there is a train that departs from peterborough , arriving at 9:09. would you like a reservation ? eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes . can you make a reservation for 2 people ? eos O O O O O O O O O B-Train-Inform+People O O N/A +bos you are all set on the tr9303 . the fee will be 33 gbp payable at the station and your reference number is 7m26saru . can i be of further assistance ? eos O O O O O O 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 B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos yes i would like to find a place to eat too in the cheap price range and i want spanish food eos 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 N/A +bos la raza in the centre fits that criteria . would you like a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos no , no reservation is necessary . may 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos you can find la raza at 4 - 6 rose crescent , postcode cb23ll . is there anything else i can help you with today ? 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 I-Restaurant-Inform+Addr O O O O O O O O O O O O O general-reqmore +bos i 'm all set thank you , goodbye ! eos O O O O O O O O O O general-bye +bos thank you and have a nice trip . eos O O O O O O O O O general-bye +bos can you help me find a place to stay with free parking ? eos O O O O O O O O O O O O O O N/A +bos i found 29 places matching that criteria . do you have a particular area you would like to stay in or a price range you would like to stick to ? 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,Hotel-Request+Price +bos i 'd like to stick to a moderate price range . eos O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos okay and 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 would like to stay in town centr eos O O O O O O O O O N/A +bos i 'm sorry there are no moderately priced hotels in the centre of town with free parking . would you like me to check 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 O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price,Hotel-Request+Area +bos actually , the area does n't matter . i just need a 4-star hotel in the moderate price range . eos 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 i do have some guesthouses , but no hotels . would you like reservations at one ? 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 Booking-Inform +bos i really would like a hotel not a guesthouse , can you please search again - open to all areas . 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 i apologize , but the are no hotels available that meet the following criteria : free parking , moderate price range , 4-stars . would you like me to change the search 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 O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos can you double check for a 4 star hotel in the moderate price range with free parking ? eos 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 i have 9 guesthouses that meet your criteria . is there an 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 Hotel-Request+Area +bos there is no certain area but i 'd prefer a hotel . eos O O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos i 'm sorry but you will have to change some of your criteria if you would like me to find you something or accept 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 O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos i apologize for all this confusion the type of lodging does n't matter . i would like it to have free parking , be 4 star , moderately priced , and 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 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 okay , no problem ! i recommend the acorn guest house . it has everything you 're looking for . eos 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 general-greet +bos great , can you please book it for me ? there will be 7 of us staying eos O O O O O O O O O O O O O B-Hotel-Inform+People O O O O N/A +bos of course i can help you with that . what day will be arriving and for 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 Booking-Request+Day,Booking-Request+Stay,general-greet +bos i will be arriving on tuesday and staying for two days please . eos O O O O O O B-Hotel-Inform+Day O O O O O O O N/A +bos booking was successful . reference number is : akh4mcwd . 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 general-reqmore +bos no that is all thank you very much eos O O O O O O O O O general-thank +bos you are welcome ! please do n't hesitate to reach out if you need anything further , and until then 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,general-reqmore +bos can you please help me get information on cityroomz ? eos O O O O O O O O O B-Hotel-Inform+Name O N/A +bos cityroomz is a hotel located in the centre area . it is a 0 star hotel and has a moderate price range . they also offer internet . their phone number is 01223304050 eos O O O O O O O O O O O O O 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 it for 3 people and 2 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 okay , that booking was successful . your reference number is 7ilvzwkr . 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 general-reqmore +bos that 's it . thanks . 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 i 'm interested in finding an expensive guesthouse to stay at during my visit 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 i 'm sorry i do n't have any matches . should we 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 can you search for hotels instead of a guesthouse ? eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i have expensive hotels in the east , centre , and south areas of town . do you have a preference ? eos O O O B-Hotel-Select+Price B-Hotel-Select+Type I-Hotel-Select+Type O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O O O O O O O O O O N/A +bos the east would be great . eos O O B-Hotel-Inform+Area O O O O N/A +bos there is one in the east . it is express by holiday inn cambridge . do you need a booking ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Area 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 does the holiday inn cambridge have free parking ? i forgot to tell you i need that . 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 has free parking . 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+Parking +bos no , what is the phone number for the hotel ? eos O O O O O O O O O B-Hotel-Inform+Type O O Hotel-Request+Phone +bos it is 01223866800. may i help with anything else ? eos O O O B-Hotel-Inform+Phone O O O O O O O general-reqmore +bos yes , can you please tell me how many stars it has ? eos O O O O O O O O O O O O O O Hotel-Request+Stars +bos it is a 2 star hotel . would you like me to make those reservations ? eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform +bos it has 2 stars . 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 Hotel-Request+Stars +bos great , thank you and goodbye ! eos O O O O O O O O general-bye +bos i am looking for warkworth house hotel . any information on it ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O N/A +bos it 's a guesthouse in the moderate price range with a 4 star rating , internet , and free parking . eos O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos ok , and what area of town is that in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos it is in the east part of town . eos O O O O O B-Hotel-Inform+Area O O O O N/A +bos thank you . are there any attractions i could 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 N/A +bos there are 25 possible attractions in the requested area . are you looking for any specific types of attractions ? 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 Attraction-Request+Type +bos no not really . can you recommend me an attraction that 's in the centre area ? can i also get the address , entrance fee , and phone number for it ? thanks ! 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 O O O O O O O O Hotel-Request+Area,Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos there are forty four attractions in that area , could you tell me what type you would like to book ? 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 whatever is the most popular attraction eos O O O O O O O Attraction-Inform +bos you should check out all saints church . it has great architecture and free entrance . it 's located on jesus lane cb58bs . the phone is 01223452587. would that work for you ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-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 O O N/A +bos great , thank you for the info . have a nice day ! eos O O O O O O O O O O O O O O general-thank +bos did you need any further assistance today , or are you all set ? eos O O O O O O O O O O O O O O O general-reqmore +bos i 'm all set . thanks for your assistance . eos O O O O O O O O O O O general-thank +bos we are happy to help . thanks for using our service . eos O O O O O O O O O O O O O general-bye +bos i 'm looking for a british restaurant in the east . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos the grafton hotel restaurant is a british restaurant on the east side of town and it is in the expensive price range . would you be interested in booking a reservation there ? 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 , please book a table for 2 at 19:00. eos O O O O O O O O O O O N/A +bos ok. what day and time would you like me to book a table for 2 at the grafton hotel restaurant ? eos O O O O O O O O O O O O O O O O O B-Booking-Inform+People O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name Booking-Request+Day,Booking-Request+Time +bos that should have been for 7 people at 18:00 on wednesday . sorry bout that . 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 N/A +bos okay . 7 people at 18:00 on wednesday at the gafton hotel restaurant . i will book a table for you . eos O O O B-Booking-Inform+People O B-Booking-Inform+Time O B-Booking-Inform+Day O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O N/A +bos please do that . eos O O O O O N/A +bos booking was successful they will hold the table for 15 minutes . the reference number is x4q5efx1 . 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 general-reqmore +bos i also need a train to cambridge . leaving after 13:00. eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O N/A +bos yes where will you be leaving from ? eos O O O O O O O O O Train-Request+Depart +bos i am actually leaving from cambridge and going to broxbourne . 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 quite a few . when would you like to 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 Train-Request+Arrive +bos anytime is fine , can i have a reference number ? eos O O O O O O O O O O O O N/A +bos i have booked you for tr5094 , it leaves at 14:01 , arrives at 15:01 and the cost is 17.90 pounds , the reference number is vmdv3hhz eos O O O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O O N/A +bos great ! i think 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 O O general-thank +bos thank you 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 it 's been a pleasure . thanks for using our service . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos hi . i 'll be traveling to there and ca n't wait to try the restaurants there . could you help me find a 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 Restaurant-Inform +bos do you prefer a certain type of cuisine ? eos O O O O O O O O O O Restaurant-Request+Food +bos yes , i would like to try south african cuisine . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have a restaurant called bedouin located downtown an 100 mill road , if that interests you . eos O O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O N/A +bos is it in the expensive price range ? eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , bedouin is in the expensive price range and is in the centre of town . eos O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos yes , go ahead and book that restaurant for 7 people at 17:15 , please . eos O O O O O O O O O O B-Restaurant-Inform+People O O O O O O N/A +bos on what day would you like to book ? eos O O O O O O O O O O Booking-Request+Day +bos we will be there monday night . eos O O O O O B-Restaurant-Inform+Day O O N/A +bos my apologies . the table you requested is not available at 17:15 on monday night . would you like to try a different day or time ? eos O O O O O O O O O O O B-Booking-NoBook+Time O B-Booking-NoBook+Day O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos yes . can you try 16:15 ? eos O O O O O B-Restaurant-Inform+Time O O N/A +bos i was able to make reservation for you on monday at 16:15 for 7 people . your reference number is kciwxesp . is there anything else i can do for you ? eos O O 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 B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos i am also needing train tickets for tuesday going to london liverpool 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 alright , there are 10 trains traveling to london liverpool street . is there a particular departure or arrival time you are wanting ? eos O O O O O B-Train-Inform+Choice 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 Train-Request+Arrive,Train-Request+Leave +bos i need to arrive by 12:15 please . eos O O O O O O B-Train-Inform+Arrive O O N/A +bos can you tell me where you are departing from please and the number of tickets you will need ? 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-Request+Depart +bos i 'll be leaving cambridge and need 7 tickets . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+People O O N/A +bos i have train tr4494 that will be departing at 09:59 and arriving by 11:27. would this interest you ? eos O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O general-reqmore +bos yes , i would like to make a booking please for 7 people . eos O O O O O O O O O O O O B-Train-Inform+People O O N/A +bos i have gotten you 7 tickets on train tr4494 , reference number enxxh8xh and the total fee is 116.2 gbp . is there anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id 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 you have been most kind . thank you for doing the bookings . are there any attractions in the same 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 Attraction-Inform +bos are you looking for an attraction in the centre of town as well ? eos O O O O O O O O O O O O O O O Attraction-Request+Area +bos yes , attractions in the centre of town would be great . eos O O O O O O O O O O O O O Attraction-Inform +bos what kind of attraction would you like to visit ? eos O O O O O O O O O O O Attraction-Request+Type +bos i have decided i do n't really need an attraction . i think that will be all today . eos O O O O O O O O O O O O O O O O O O O O Attraction-Inform +bos your restaurant and travel accommodations have been booked . reference number kciwxesp and htepd4lj respectively . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos that would be it for today . thank you eos O O O O O O O O O O general-thank +bos i hope you enjoy your stay in cambridge . goodbye ! eos O O O O O O O O O O O O general-bye +bos could you find me a room at a four star hotel that is kind of cheap ? 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 N/A +bos the cambridge belfry fits your needs . it has free parking and free internet too ! 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos is that a guesthouse ? i really want a guesthouse rather than 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 no , i 'm sorry the cambridge belfry is a hotel . what area would you like to stay in ? eos O O O 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 Hotel-Request+Area +bos the area does n't matter as long as it 's a 4 star guesthouse . eos 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 the autumn house is a great guesthouse on the east area of town , also includes free wifi and internet , and seems to be just what you are looking for . eos 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 I-Hotel-Recommend+Area 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 +bos sounds great , what is the address to that guesthouse ? eos O O O O O O O O O O O O Hotel-Request+Addr +bos 710 newmarket road eos O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 thanks for using the cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye,general-greet +bos yes , i 'm looking for a place to go in the south . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos sure let me help you with that . which type of attraction would you like to visit ? eos 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 can you recommend any good museums there ? eos O O O O O O B-Attraction-Inform+Type O O N/A +bos the byard art is the only museum in the south and the entrance fee is free . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Choice B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area O O O O O B-Attraction-Recommend+Fee O N/A +bos what is their phone number ? eos O O O O O O O Attraction-Request+Phone +bos 01223464646 phone number eos O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O N/A +bos can you tell me the postcode ? eos O O O O O O O O Attraction-Request+Post +bos the postcode is cb21sj . is there anything else that 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 O 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 glad i could be of assistance . 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 out of peterborough . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos sure the first train leaves peterborough friday at 05:19 and will be headed to cambridge 50 minutes after that eos O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive N/A +bos are there any trains that leave on thursday ? eos O O O O O O O O B-Train-Inform+Day O N/A +bos i have trains leaving peterborough going to cambridge on thursday at 05:48 , 06:19 , 07:19 , 07:48. would you like to book a seat at one of those times ? eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Day I-Train-Inform+Day 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 Train-OfferBook +bos is there any that arrive closer to 15:45 ? eos O O O O O O O O B-Train-Inform+Arrive O N/A +bos yes ! tr0904 arrives at 15:38. would you like tickets on that train ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos could i have the travel time and departure time for that one ? also i 'm looking for a chinese restaurant that is expensive . 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+Price O O O Train-Request+Duration,Train-Request+Leave +bos tr0904 leaves at 14:48 and it 's a 50 minute ride . we have several expensive chinese restaurants , i could recommend ugly duckling in the city centre . would you like a reservation ? 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 B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O Booking-Inform +bos no thank you , i 'm looking for one that is in the south . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are two places that fit your request : the good luck chinese food takeaway , and peking restaurant . do either of these sound acceptable ? 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 O O O O O O O O O general-reqmore +bos i 'll try the peking restaurant . can you book a table for thursday for 7 people at 18:15 ? eos O O O 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 N/A +bos of course ! you have a table at that time and your reference number is 058asaoj . 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 sounds great . thank you very much ! eos O O O O O O O O O O general-thank +bos you 're so 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 that is all , thank you for your help . eos O O O O O O O O O O O general-thank +bos i 'm happy i could help you . eos O O O O O O O O O general-bye +bos i 'm looking for a museum to go to . eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are a total of 23 museums in cambridge . is there a particular area of town you are wanting to visit ? 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 O O Attraction-Request+Area +bos 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 ? eos O O O O O 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 i 'm sorry , there is n't a downtown area listed . would you like north , south , east , west or centre ? eos O O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O B-Attraction-Select+Area O O O O O O O O N/A +bos any area is fine , actually . just pick your favorite ! eos O O O O O O O O O O O O O N/A +bos byard art is a museum that is located in the south . it is free to enter and the phone number is 01223464646. eos O B-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 O O O B-Attraction-Inform+Phone N/A +bos do you know a hotel by the name of rosa 's 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 O N/A +bos yes , would you like me to make a reservation ? eos O O O O O O O O O O O O Booking-Inform +bos yes . i would like to book the hotel for 4 people starting on tuesday for 4 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 N/A +bos all set . your reference number is p1sj79yb . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos 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 general-thank +bos we are happy to help . enjoy your stay ! eos O O O O O O O O O O O general-bye +bos i would like to book a taxi to leave after 11:00 going to arbury lodge guesthouse . eos O O O O O O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos where are you departing from ? eos O O O O O O O Taxi-Request+Depart +bos from the gardenia eos O O O B-Taxi-Inform+Depart N/A +bos all right , a red skoda will pick you up . the contact number is 07278222346. 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 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 ! what else can i do for you ? eos O 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 general-thank +bos let us know if you need anything else , bye . eos O O O O O O O O O O O O general-bye +bos hello , i am looking for a restaurant that serves japanese food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos wagamama is a japanese restaurant that 's in the centre part of town . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O N/A +bos can i please have the phone number and address ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos their phone number is 01223 462354 and their address is 36 saint andrews street . eos 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 N/A +bos thank you goodbye . eos O O O O O general-bye +bos you 're welcome . eos O O O O O general-welcome +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 3 moderately priced restaurants in the west part of town ; meghna , prezzo , and saint johns chop house . how else may i assist you ? 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 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 general-reqmore +bos what is the phone number and address 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 meghna is located at 205 victoria road chesterton and their number is 01223 727410. is there anything else i can do for you 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 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 using the cambridge restaurant system . goodbye . eos O O O O O O 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 am looking for a train leaving on wednesday arriving by 16:00. eos O O O O O O O O O B-Train-Inform+Day 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 am going to be leaving from london liverpool street and travelling 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 sure , i can help with that . how close to 16:00 would you like to arrive ? eos 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 it does n't matter . just tell me when it departs so i can be there on time . 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 best option for you is the train arriving at 15:07 and leaving at 13:39. would you like me to book that for you ? eos O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos not just yet . could you give me the train id , though ? eos O O O O O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr2826 . is there any other thing i can help you with ? 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 i need a moderately priced guesthouse . eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A +bos how about a and b guest house ? it looks lovely 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 N/A +bos sure can you book that for 7 people for 5 nights starting friday ? 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+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos your booking has been made for 7 people for 5 nights starting friday at the a & b guesthouse . your reference number is anhvmhu1 . 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 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 N/A +bos great thanks that 's all i need eos 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 i am looking for a train departing from leicester and going to cambridge on saturday . eos O O O O 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 there are many trains available for you . do you have a departure or arrival time in mind ? the trip will take 105 minutes . 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 B-Train-Inform+Time I-Train-Inform+Time O O Train-Request+Arrive,Train-Request+Leave +bos the train should depart from leicester and should leave on saturday.the train should go to cambridge and should arrive by 10:15 eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive N/A +bos okay , the tr2969 leaves at 08:09 and arrives at 09:54. would you like me to book tickets ? eos 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 Train-OfferBook +bos yes , please for four people . may i also get the reference number ? eos O O O O O O O O O O O O O O O O N/A +bos okay , your booking was successful ! your reference number is 5fhhno0k . the total fee is 120.06 and you can pay that at the station . eos O O O O O O 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 N/A +bos i am also in the market for a new restaurant . is there something 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 N/A +bos there are 69 restaurants in the centre . can i narrow it down by price for you ? 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 Restaurant-Request+Price +bos i 'm independently wealthy and price does n't matter , i am interested more in eritrean food , do you have any with that ? 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 O O O O O N/A +bos i 'm sorry , there are n't any available . 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 Restaurant-NoOffer,general-reqmore +bos how about a place that serves british food ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos there will serves nice british food . its taste is good eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O O O O N/A +bos could you book it for me , for saturday ? eos O O O O O O O O O O O N/A +bos i 'm sorry , but there are no restaurants serving british food in the centre of town . eos 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 N/A +bos can you recommend an eritean or british restaurant in the centre area ? 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 recommend the oak bistro . it is a british restaurant in the centre . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O N/A +bos that sounds like it will do . can you reserve a table for the same group of people at 15:15 on the same day , please ? 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 B-Restaurant-Inform+Time O O O O O O O O N/A +bos the table will be reserved for 15 minutes.reference number is : qsnsuagg . is there anything else i can assist 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 general-reqmore +bos just double checking . the restaurant reservation is for saturday at 15:15 , correct ? eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A +bos that is correct for 4 people at the oak bistro . eos O O O O O O B-Booking-Book+People O O O B-Booking-Book+Name I-Booking-Book+Name N/A +bos yes please if it 's available . eos O O O O O O O O N/A +bos the booking was successful . the table well be held for 15 minutes . your reference number is qsnsuagg . 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i think that is all i need 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 O general-thank +bos i 'm glad we could help ! please contact us anytime . good bye . eos O O O O O O O O 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 we have lots of those ! is there a particular type of food you 'd 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 Restaurant-Request+Food +bos not really but i need it for 3 people eos O O O O O O O O O O N/A +bos i recommend la raza - fantastic ( and cheap ! ) spanish cuisine . i 'd be happy to book a table for you , if you like . 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 O O O O O O O O O O O O O O O O Booking-Inform +bos yes for 3 at 14:45 wednesday , can i get the reference number too please eos O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day 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 : ibtn1ddc . 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 a cheap place to stay in the center . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos that gives you two options . both are guesthouses . both offer free parking and free wifi . the alexander b & b is 4 star rated . the el shaddai has a 0 rating . eos O O O 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos what is the price of the alexander ? eos O O O O O O O O O N/A +bos it is a cheap place . eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos ok , i need to book it for the same day . eos O O O O O O O O O O O O O N/A +bos okay for how many nights and how many people ? eos O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos 3 nights , 3 people , please . eos O O B-Hotel-Inform+People O O O O O O N/A +bos you are all booked for the alexander bed and breakfast ! your reference number is 66xcd1xw . is there anything else you need ? 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 B-Booking-Book+Ref O O O O O O O O O N/A +bos i would like a taxi from the hotel to the restaurant . i would like to arrive by 14:45. 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+Arrive O O O O O O O O O O O Taxi-Request+Car +bos okay . your booking was successful . the car type is blue lexus . the contact number is 07881581074. 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 N/A +bos okay 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 thank you for using our service today . 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 have a wonderful day . eos O O O O O O general-bye +bos you have a wonderful day as well and again , thank you ! eos O O O 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 hi , could you help me with my plans ? i am looking for a train . eos O O O O O O O O O O O O O O O O O O Train-Inform +bos i can help you with that . where will be departing and where do you want to go ? 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,general-greet +bos i will be departing from cambridge and going into ely on saturday . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest B-Train-Inform+Day O N/A +bos trains run that route every two hours throughout the day . do you have a target departure or arrival time ? eos 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 Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive in ely by 11:15. could you please tell me the price and what the departure time is ? eos O 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 O O O O Train-Request+Price,Train-Request+Leave +bos tr0718 arrives at 10:07 on saturday . cost is 3.52 pounds . would you like me to reserve a seat for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive I-Train-Inform+Arrive B-Train-Inform+Day 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 i need to book a room in the north as well . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos there are 2 hotels and 11 guesthouses to choose from in the north , ranging in price from cheap to moderate . do you have a price point preference ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area 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 i would need a hotel with wifi eos O O O O O B-Hotel-Inform+Type O O N/A +bos there are 12 hotels that fit your criteria . do you want a moderately priced or cheap hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O N/A +bos i do n't care about the price . i absolutely do need free parking , though . eos O O O O O O O O O O O O O O O O O O Train-Request+Price +bos do you have a star rating preference ? eos O O O O O O O O O Hotel-Request+Stars +bos i do not have a preference on the number of stars . eos O O O O O O O O O O O O O N/A +bos can i suggest the acorn guesthouse ? it 's moderately priced and has 4 stars . 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 O B-Hotel-Recommend+Stars O O O N/A +bos i want it to be in the type of hotel . it should have wifi and parking too . and it must 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 O B-Hotel-Inform+Area O O O N/A +bos we have two option for you . we have the ashley hotel and the lovell hotel . both have your commendations you want . 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+Choice O O O O O O O N/A +bos book me with the ashley hotel please . eos O O O O O O B-Hotel-Inform+Type O O N/A +bos i 'd be happy to do that . what is your arrival date , how many in your party , and how many 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-Request+Day,Booking-Request+People,Booking-Request+Stay,general-greet +bos its for 5 for 5 nights monday . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O N/A +bos your room is reserved , ref # w4vw9w7m . is there anything else i can help 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 thanks so much , no that will be all . eos O O O O O O O O O O O general-thank +bos i am glad i was able to accommodate your needs . eos O O O O O O O O O O O O general-welcome +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos sure , i can help you with all kinds of information . what do you need to know ? 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 are there any good parks to visit in the west ? eos O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos sorry , no parks in the west . eos O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O N/A +bos hmm , what about a college ? eos O O O O O B-Attraction-Inform+Type O O N/A +bos yes , there are 5 colleges in the west ! some are free and some have a small fee . would you be interested in one of those ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 Attraction-Select +bos sure , just pick one , please ? i 'll need the 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+Phone,Attraction-Request+Fee +bos churchill college would suit your needs . the phone number is 01223336233 and the entrance fee is free . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee O 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 is there a date and time that you would prefer ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos yes , on monday and i need to leave after 16:15. eos O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O N/A +bos ok wonderful , what will be your departure location ? eos O O O O O O O O O O O Train-Request+Depart +bos i 'll be leaving from kings lynn . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos okay the tr0415 leaves at 17:11 and arrives by 17:58. 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 please book me 1 ticket for the tr0415 . eos O O O O O B-Train-Inform+People O O O O N/A +bos your train has been booked and your reference number is uxykegnb . may i help you with anything else ? 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 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 sure , any time ! 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 sure , what information do you need ? eos O O O O O O O O O general-reqmore +bos i am going to be attending college soon and want to browse one of the campuses while i am in the area . 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 N/A +bos well we have quite a few what area please eos O O O O O O O O O O Attraction-Request+Area +bos i would like to visit a college 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 . there are 13 colleges in the centre . most are free , but some have a small entrance fee . would you like a list or a recommendation ? eos O O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee O O O O O O O O O O O O general-reqmore +bos yes , that would be great ! and if you could give me the entrance fee that would be great 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 Attraction-Request+Fee +bos well they are almost all free and located in the city center . i would recommend christ 's college for one . 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 O O O O O N/A +bos okay can i have the address and phone number ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the address is saint andrew 's street , and the phone is 01223334900. can i assist with anything else ? 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 O O O O O O O O O general-reqmore +bos i also am looking for a train on wednesday leaving peterborough . eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos did you have a destination or time in mind ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive +bos yes . i am going to peterborough . eos O O O O O O O O O N/A +bos i 'd like to confirm that you want a train leaving cambridge and arriving at peterborough . 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 +bos yes , that 's right . it should leave after 8:00. book for 4 people . eos O O O O O O O O O O O O B-Train-Inform+People O O O O N/A +bos i will be booking your tickets for train tr7413 . it will leave at 8:06 and arrive at 08:56. the total fee is 66 gbp payable at the station . reference # vaflr9od . eos O O O O O O O O O B-Train-OfferBooked+Id O O O 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 B-Train-OfferBooked+Ref O O 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 you are quite welcome , we are happy to help . is there anything further that you need assistance 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 general-welcome,general-reqmore +bos no that is it . thank you very much . 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 'm looking for a place to stay 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 O N/A +bos how about arbury lodge guesthouse ? moderate price range , 4 stars . free parking and wifi . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-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 that sounds like a great place to stay . thank you for your help ! eos O O O O O O O O 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 yeah , could you book me a room for 2 people for 4 nights starting tuesday ? 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 N/A +bos your reference number is 91wnh1r1 . for the arbury lodge guesthouse , starting tuesday for 2 nights , and 4 guests . can i assist with anything else ? eos O O O O O B-Booking-Book+Ref O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay O O B-Booking-Book+People O O O O O O O O O O O general-reqmore +bos i am also looking to visit a museum , it would need to be in the west . eos O O 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 there are 7 museums in the west . some have entrance fees and others do not . 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 N/A +bos i have no preference , i just need to know how much the entrance fee is . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos cambridge and county folk museum has an entrance fee of 3.50 pounds . all the other museums are free . is there anything else ? 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 O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Fee O O O O O O O N/A +bos that 's all i needed for today ! thanks a bunch ! bye ! ! eos O O O O O O 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 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 I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Type +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 I-Hotel-Inform+Choice I-Hotel-Inform+Type 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O Hotel-Inform+Internet,general-reqmore +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 general-greet +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 Booking-Inform +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,general-greet +bos i need help finding a place to stay in the east . eos O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos i show 6 guesthouse and one hotel . would you like more information ? 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 N/A +bos i want somewhere with 3 stars and free wifi . eos O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos i 'm sorry there 's nothing that matches . would you like me 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 Hotel-NoOffer,Hotel-Request+Area +bos yes , please try a hotel in the centre eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos the gonville hotel is an expensive 3 star hotel in the centre area , i would be happy to book you a reservation if you would like ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 Booking-Inform +bos yes , that 'd be great . i need it booked for 5 people and for 2 nights starting from sunday . eos O O O O 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 booking was successful.reference number is : k15xs51b . is there and other query ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos thanks for taking care of the hotel . i have another request . this time for a 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 O O O O O O O O O O O N/A +bos alright what kind of food would you like today ? eos O O O O O O O O O O O Restaurant-Request+Food +bos are there any places serving modern european food ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos sorry , no results here . want 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 Restaurant-Request+Food,Restaurant-Request+Area +bos are you sure there are no modern european restaurants in the centre ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are a few . do you have a price preference ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Price +bos i do not , what price ranges are the restaurants in ? eos O O O O O O O O O O O O O Restaurant-Request+Price +bos i have all prices ranges . eos O O O O B-Restaurant-Inform+Price O O N/A +bos can you pick one and just let me know the price range , i 'm comfortable with all . 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 i have four options for european food . there is our moderate priced restaurants de luca cucina and bar and riverside brasserie . we have an expensive option with darrys cookhouse and wine shop . we also have the river bar steakhouse and grill . i would recommend the riverside brasserie restaurant that is also located in centre . should i book a reservation for you ? eos 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 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 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 B-Restaurant-Recommend+Name I-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 i actually do n't need anything else today . thank you ! bye ! eos O O O O O O O O O O O O O O O general-bye +bos okay , have a good day ! bye ! eos O O O O O O O O O O general-welcome,general-bye +bos i need a cheap place with a free wifi to stay . can you assist to find one ? eos 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 certainly can . does location matter ? eos O O O O O O O O O Hotel-Request+Area +bos no . also , i forgot to mention that i would like a guesthouse also . 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 have 9 options for you . do you have a preference on star rating ? 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 , no preference really . can you suggest one of the 9. i would like to book a 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 O N/A +bos i could suggest for you alexander bed and breakfast , it is in 56 saint barnabas 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 I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O N/A +bos the 6 of us would like to arrive on saturday and stay for 5 nights . could you book that for me , please ? eos 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 O O O O O N/A +bos your booking was successful . your reference number is k9nl8j4j . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos can you look for a train to cambridge on saturday as well ? eos 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 ? eos O O O O O O O Train-Request+Depart +bos i will leave from stansted airport . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos there are 19 trains from stansted airport to cambridge on saturday . is there a particular time you 'd like to leave ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart 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+Leave +bos i want to arrive by 9:00. eos O O O O O O O N/A +bos there is a train departing from stansted airport it will arrive at 8:52. would you like me to book it for you ? eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos sounds great . please book for saturday and provide me with the travel time . eos O O O O O O B-Train-Inform+Day O O O O O O O O O Train-Request+Duration +bos i will book that for you and the train leaves at 8:24. eos O O O O O O O O O O O O B-Train-OfferBook+Leave N/A +bos could you possible email or fax me the reference number , train number , and the time ? i appreciate your 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 Hotel-Request+Ref +bos how many tickets will you need ? eos O O O O O O O O Train-Request+People +bos i need 6 tickets . please give me the train details . eos 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 48.48 gbp payable at the station .reference number is : fglxq5zd . 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 it for today thanks for helping 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 need a hotel that is in the expensive price range . that has a 3 star rating . eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O N/A +bos gonville hotel is a nice hotel that i can book for you . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform +bos can i check if it has free wifi ? eos O O O O O O O O O O N/A +bos it sure does ! would you like to book a room ? eos O O O O O O O O O O O O O Booking-Inform,general-greet +bos yes , for 6 people . 2 nights , starting from saturday eos 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 booking was successful . reference number is : p16vjzdh . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you . that is all for today . goodbye eos O O O O O O O O O O O general-bye +bos my pleasure , enjoy your stay . eos O O O O O O O O general-welcome,general-bye +bos i would like to find an expensive restaurant in the south part 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 N/A +bos what type of cuisine would you prefer ? eos O O O O O O O O O Restaurant-Request+Food +bos i dont care . eos O O O O O N/A +bos the chiquito restaurant bar is in the south 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 I-Restaurant-Inform+Name 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 Restaurant-Select,general-reqmore +bos are there any others ? eos O O O O O O N/A +bos yes , there is frankie and bennys , italian restaurant in the expensive price range and in south . do you want the address ? eos O O 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 B-Restaurant-Inform+Area O O O O O O O O O general-reqmore +bos i would like 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 the phone number for frankie and bennys is 01223 412430 and postcode is c.b 1 , 7 d.y eos O O O 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 B-Restaurant-Inform+Post N/A +bos nope , that 'll 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 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 moderately priced restaurant that serves caribbean food . eos 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 moderately priced caribbean restaurants . would you like something different ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos spanish food eos O B-Restaurant-Inform+Food O N/A +bos la tasca is a moderately priced restaurant that serves spanish food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos what is the address , phone number , and post code ? 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 464630 , their address is 14 -16 bridge street and their postcode is c.b 2 , 1 u.f . 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 O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O N/A +bos i really need to find a restaurant that serves modern european food . an expensive one is fine . eos 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 O O N/A +bos darrys cookhouse and wine shop is an expensive modern european restaurant in the center . 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 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 Booking-Inform +bos no , that 's okay , i 'll just drop in . eos O O O O O O O O O O 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 general-reqmore +bos please provide phone number , address , and postcode for darrys cookhouse and wine shop . 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 darry 's is located at 40270 king street city centre , cb11ln . their phone number is 01223505015. can i help you with anything else today ? 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 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 general-reqmore +bos while i have you , could you please give me some information about the hamilton lodge , if you have it ? 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 O O O O O N/A +bos well it 's a guesthouse located in the north and offers free wifi and parking , would you like to reserve a room ? eos O O O O B-Hotel-Inform+Type I-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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yeah , actually , i need rooms for 6 people starting on thursday . i need it for 5 nights . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+Stay O O O O N/A +bos your booking was successful . your reference number is zj1xgx96 . eos 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 . eos O O O O O O O O O O general-thank +bos alright then , have a nice stay here and enjoy ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking a train that is leaving on thursday but will arrive by 09:30 to cambridge . eos O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O N/A +bos okay , and where are you leaving from ? eos O O O O O O O O O O Train-Request+Depart +bos i will depart 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 tr3736 arrives in cambridge at 09:23. eos O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos that would be great . please book tickets for 7 people . i 'll also need a reference number , if possible . 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 N/A +bos okay i booked it for you and your reference number is 0lyl0j3v . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you . i will also need a place to stay in the north . i 'd like something that includes free parking . 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 O O N/A +bos okay and what is your price range ? eos O O O O O O O O O Hotel-Request+Price +bos it does n't really matter as long as the parking is free . i do n't even need internet . 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 when is your stay ? eos O O O O O O Booking-Request+Day +bos let 's go with thursday . eos O O O O O O O N/A +bos ok great . i highly suggest the acorn guest house . would you like for me to book a room ? eos 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 yeah book it for the same group of people please eos O O O O O O O O O O O N/A +bos booking for 1 night at acorn guest house was successful . reference number vo8ym3x4 . the address is 154 chesterton road , phone 01223353888 , postcode cb41da . will you need anything else ? eos O O O O B-Booking-Book+Stay 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Phone O B-Hotel-Inform+Post O O 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 general-thank +bos have a wonderful time . eos O O O O O O general-greet +bos i 'm sorry , but i actually needed the hotel for 4 nights , can you adjust that for me ? 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 N/A +bos yes , i can . eos O O O O O O Hotel-Inform,general-greet +bos how about 1 nights . eos O O O O O O N/A +bos yes , that should be fine . please adjust it for me . eos O O O O O O O O O O O O O O general-reqmore +bos i 'm sorry , i got confused there for a moment - were you unable to book me for 4 nights ? 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 N/A +bos no , you 're successfully booked for 4 nights at the acorn guest house . the reference number is 0pp63274 . can i help with anything else today ? eos 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 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 bee all thank you eos O O O O O O O general-thank +bos just to clarify . you have been successfully booked at the acorn guest house . is there anything else that i can assist you with 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 O O O O O O O O O O general-reqmore +bos i 'm hoping to find a french restaurant in cambridge . eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are two . both are expensive . one is in the north and one is in the centre . do you have a preference ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O 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 how about the north ? can i get a table there thursday at 16:30 for 7 ? eos O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O B-Restaurant-Inform+People O N/A +bos i 'm sorry , restaurant two two does n't have availability then . 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos yes , would i be able to get a table there thursday at 18:00 for 7 ? 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 N/A +bos i 'm sorry 18:00 on thursday is also unavailable . would you like to try a different day ? eos O O O B-Booking-NoBook+Time O B-Booking-NoBook+Day O O O O O O O O O O O O O O Booking-Request+Day +bos well how about 15:30 then ? eos O O O O B-Restaurant-Inform+Time O O N/A +bos the booking was successful . the table will be reserved for 15 minutes.reference number is : oaejmyoi . 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 am also looking for an attraction to go to . is there any in town ? eos O O O O O O O O O O O O O O O O O O Attraction-Inform +bos we have nearly 80 different attractions in town . first off , is there a type of attraction you would prefer ? or an area of town to search 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 O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos please recommend something in the south . eos O O O O O O B-Attraction-Inform+Area O N/A +bos how about a cinema or museum ? there 's also the place , which is a nightclub . or , the junction , which is a theatre . how about one of those ? eos O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type 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+Type I-Attraction-Inform+Type O O O O O O O O O O N/A +bos surprise me and pick one for me ! just make sure to let me know what kind of attraction 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 Attraction-Inform +bos how about a theater ? cineworld cinema is showing all our the newest london films ! eos O O O O B-Attraction-Recommend+Type B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O N/A +bos i 'm not much of a movie man , but i 'm sure the others would n't mind . that sounds fine . eos O O O 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 , is there anything else you needed help with today ? eos 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 contacting cambridge towninfo centre . goodbye ! eos O O 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 parking ? 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 found 14 hotels that match your criteria . do you have any additional preferences such as location or number of stars ? 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 Hotel-Request+Stars,Hotel-Request+Area +bos free parking and moderate pricing eos O O O O B-Hotel-Inform+Price O N/A +bos would you like a certain area of town ? eos 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 9 hotels that match your criteria . would you prefer a guesthouse or a hotel ? eos O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O O O O O O O O N/A +bos no preference . i need someplace that can accommodate a party of 4 for 5 nights beginning wednesday . eos 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 N/A +bos how about home from home , a 4star guesthouse located at 78-80 milton road ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O N/A +bos yeah , can you book it for 4 people and 5 nights ? i want to get there on wednesday . 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 B-Hotel-Inform+Day O O O N/A +bos okay , i have made your reservation with reference # i1rr2bg7 . 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 O general-reqmore +bos can you locate a shopping mall near the hotel ? eos O O O O O O O O O O O Hotel-Inform +bos there are n't any shopping malls . eos O O O O O O O O Attraction-NoOffer +bos could you recommend a good place for shopping ? eos O O O O O O O O O O N/A +bos i only have attraction information . eos O O O O O O O Attraction-NoOffer +bos ok. i need a train after 14:00 on wednesday . it needs to leave from london liverpool street and get to cambridge . i need the train id please . eos 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+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O O O Train-Request+TrainID +bos the tr7978 is the one you are looking for . it leaves london liverpool street and 15:39 and arrives at cambridge at 17:07. do you need me to book it for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id 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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos great that was all the info i needed today , thanks ! eos O O O O O O O O O O O O O general-thank +bos great . please enjoy your stay at cambridge and thank you for choosing our help desk . 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 to take a train to here . i want to arrive by monday at 17:15. 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 okay , there are plenty of options . where are you headed ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Dest +bos i 'll be going from cambridge to norwich . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos i can get you a ticket on the tr8495 it will get you there by 10:55 , or is that too early ? eos O O O O O 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 N/A +bos no that sounds good , please book it for me 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 +bos i 'm sorry i changed my mind . i just need the price per ticket please . 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.60 pounds sterling . can i help with anything else ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O general-reqmore +bos i also need a moderate restaurant in the town centre that serves european food . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A +bos the riverside brasserie serves modern european food . would you like to make a reservation today ? 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 O Booking-Inform +bos yes . please reserve for 5 people on monday at 14:00. 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 booked . the table will be reserved for 15 minutes.reference number : xlzvmyrl . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos great . i ca n't wait . thanks ! goodbye ! eos O O O O O O O O O O O O general-bye +bos have a great day and enjoy your time in cambridge . eos O O O O O O O O O O O O general-welcome,general-bye +bos i want to eat some african food in the centre . what do you have for me ? 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 N/A +bos i have a place by the name of bedouin , it serves african cuisine in the centre and is the expensive price range . eos O O O O O O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O N/A +bos could i get the address please ? eos O O O O O O O O Restaurant-Request+Addr +bos their address is 100 mill road city centre 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 also looking for a particular hotel . its name is called leverton 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 the lovely leverton house is a guesthouse located in the east . would you like me to help you book a room ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Type O O O B-Hotel-Recommend+Area O O O O O O O O O O O O Booking-Inform +bos yes i would . i need to book a room for saturday for 4 nights . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos okay , great . how many people 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 +bos 4 people . i 'll need a reference number too . eos O O B-Hotel-Inform+People O O O O O O O O O Hotel-Request+Ref +bos booking was successful . reference number is : w9z7qf9y . is there anything else i could 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 , that is all . thank so much ! eos 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 i 'm looking for a train arriving by 17:15 departing from cambridge . eos O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart O O N/A +bos where 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 O Train-Request+Dest,Train-Request+Day +bos i need to go to bishops ' stortford on sunday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos the tr3600 will arrive at 16:07 to bishops stortford . do you need me to book that for you ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Arrive 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 . i 'm travelling alone , but could you give me 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 Train-Request+Price +bos booking was successful , the total fee is 8.08 gbp payable at the station . your reference number is odvzeu6h . 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 can yo also find a guesthouse with a five star rating ? eos O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos there are no 5 star guesthouse eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type N/A +bos how about a 5 star hotel eos O O O O O O B-Hotel-Inform+Type N/A +bos i 'm sorry there are no five star hotels either . would you like to look for a different place to stay ? eos O O O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars 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 a four star with free parking would be fine eos O O O O O O O O O O N/A +bos there are two hotels on the west side and one located in the centre of town . do you have a specific area you would like to be in ? 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 I-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 , it does n't matter . which ever you recommend would be fine . i do need to get the postcode 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 Hotel-Request+Post +bos i will recommend the university arms hotel and the postcode for it is cb21ad . 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 B-Hotel-Recommend+Post O N/A +bos thank you , that was everything i needed for this trip . 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 ! have a great day ! eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for some places to go in town . i 'm so excited about seeing some of the 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 Attraction-Inform +bos there are many to choose from ! almost 80. can you tell me if you have a certain type of place you want to visit ? eos O O O 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 Attraction-Request+Type +bos what do you recommend ? i will be need the address , entrance fee , and postcode for what you recommend 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 Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos i honestly recommend visiting a famous college such as christs or magdalene . eos O O O O O O O B-Attraction-Recommend+Type O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos could i have the address , entrance fee , and postcode . eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos christ 's college is on saint andrew 's street and postcode cb23bu . there is no entrance fee . 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 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 O O O general-reqmore +bos yes , i 'm also looking for a place to stay . the hotel does n't need to include internet . 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 there are about 33 hotels that meet your needs . can you narrow it down to a certain area of town and price range ? eos 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 O O O O O Hotel-Request+Price,Hotel-Request+Area +bos i 'm sorry , was christ 's college in the centre ? i did need something in that 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 it is in the centre . eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area N/A +bos is there one in the centre with free parking eos O O O O O O O O O O N/A +bos sorry , parking is n't something that is mentioned for attractions . eos O O O O O O O O O O O O O Attraction-NoOffer +bos okay . i 'd like a hotel that includes free parking then . eos O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos alexander bed and breakfast would meet those needs . could i look for something else ? or can i book a stay here at this one ? 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 O O O O O O O O O O Booking-Inform,general-reqmore +bos please book it for 7 people for 5 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 N/A +bos i have your rooms booked . the reference number is : ogbaz8xw . kis there anything else i can assist 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 great 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 O Taxi-Inform +bos where will you be leaving from ? what time would you like to leave ? 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 want to leave by 10:45 eos O O O O O O B-Taxi-Inform+Leave N/A +bos i 've got a ride for you . a yellow skoda . their phone number is 07546403281 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 N/A +bos great , thanks ! that 's everything i needed . eos O O O O O O O O O O O general-thank +bos perfect . i hope you have a wonderful stay . goodbye . eos O O O O O O O O O O O O O general-bye +bos we are looking for a place to go while in town in the east . eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos i have 10 places on the east side . do you know what type of attraction you may like ? 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 Attraction-Request+Type +bos a concerthall would be really nice . do you have one ? eos O O O O O O O O O O O O O N/A +bos i do n't have any concerthalls . but i do have cherry hinton hall and grounds , which is of attraction type `` entertainment . '' would you like to hear more about it ? eos O O O O O B-Attraction-NoOffer+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 O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O general-reqmore +bos yes please , can i get the postal code and entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos the postcode is cb18dw . unfortunately , i do n't have information regarding the entrance fee . eos O O O O O O O O O O O O O O O O O O N/A +bos i would also like to find a place to eat . can you find a gastropub restaurant in the expensive range ? eos 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+Price O O N/A +bos yes , i would suggest royal standard . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos is that close to the food place ? eos O O O O O O O O O N/A +bos yes it is . it not far at all eos O O O O O O O O O O general-greet +bos so the royal standard is in the east ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A +bos yes , i confirm the royal standard is in the east . do you want me to book it for you ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform +bos can you give me the address and phone number of it ? eos O O O O O O O O O O O O O Restaurant-Request+Addr +bos sure , the royal standard is located at 290 mill road city , centre , cb13nl and their phone number is 01223247877. can i help with anything else ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Addr B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos ok perfect 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 O O Taxi-Inform +bos where you wanting the taxi to pick you up at cherry hinton hall or the royal standard 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 Taxi-Request+Leave,Taxi-Request+Depart +bos i would like to be picked from cherry hinton at 22:00 and arrive at the royal standard , please . 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 N/A +bos your booking is completed ! your car type is yellow toyota and contact number is : 07964380334. can i assist 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 i need some time in the sun , can you help me find a park to visit ? eos 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 cherry hinton water play is in the east and is free admission . eos 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 O B-Attraction-Inform+Type O O N/A +bos can i get the phone number and address ? eos O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos their address is cherry hinton hall , cherry hinton road . the phone number to reach them is 01223446100. is there any other info you need ? 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 O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos yeah , i also need to find a train to hop on for tuesday . eos O O O O 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 will be departing from birmingham new street and will be traveling 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 O B-Train-Inform+Dest O N/A +bos what time would you like to leave by or arrive by ? 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 15:00 in cambridge . eos O O O O O O O B-Train-Inform+Arrive O O O N/A +bos tr9708 will arrive in cambridge by 14:23 , would you like to book 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 O O O O O O O O Train-OfferBook +bos no , thank you . what is the price ? eos O O O O O O O O O O O Train-Request+Price +bos the price for the train that will arrive at 14:23 and leaves at 11:40 is 75.10 pounds . is there anything i can assist you with ? eos O O O O O O O O O O B-Train-Inform+Arrive O 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 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 great , glad i could help ! eos O O O O O O O O general-greet +bos 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 ? eos O O O O O 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 , of course ! what price range are you thinking ? eos O O O O O O O O O O O O O Hotel-Request+Price,general-greet +bos i would like something cheap . eos O O O O O O O N/A +bos what type of attraction would you like ? eos O O O O O O O O O Attraction-Request+Type +bos i am looking for a hotel . eos O O O O O O O O Hotel-Inform +bos yes , i apologize . what is your price range for the hotel ? eos O O O O O O O O O O O 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 we have 18 places to stay in the moderate range . what area would you like to stay in ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Area +bos 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 . eos O O O O O O 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 ashley hotel ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos yes , please . i need the address , postcode and star of the hotel 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+Addr +bos their address is 74 chesterton road . the postcode is cb41er . they are rated 2 stars . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Stars O O O N/A +bos i 'm also looking for somewhere to go in the centre of town , please . 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 attraction you want to go to ? eos O O O O O O O O O O O O Attraction-Request+Name +bos no i do n't have a preference . eos O O O O O O O O O N/A +bos we have many attractions . what type of attraction would you like ? eos O O O B-Attraction-Inform+Choice 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 i suggest the junction located on clifton way . would you like more information ? 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 O O O general-reqmore +bos i need attraction type and the postcode . eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type +bos the junction is a theatre . the postcode is cb17gx eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O B-Attraction-Inform+Post O N/A +bos i will also need a taxi to get to the attraction by 6:30 from my hotel . eos O O O O O O O O O O O O O O O O O O Taxi-Inform,Attraction-Inform,Hotel-Inform +bos ok , we have booked a red skoda to take you to the junction by 6:30 from your hotel . contact number is 07776766676 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O B-Taxi-Inform+Depart O O O B-Taxi-Inform+Phone O O N/A +bos i apologize for that , i 'm actually looking for a taxi to leave the junction and get to my hotel . i need to leave the junction by 06:30. eos 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 O O O O O O B-Taxi-Inform+Leave O O O N/A +bos no problem . look for a grey lexus , contact number : 07151867055. 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos that will be all thank you for your time . 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 golden house restaurant . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos golden house serves cheap chinese food in the centre of town . 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos great . would you book a table for 1 on sunday at 12: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 N/A +bos i am sorry but the golden house was not available on sunday at 12:00. can i find another restaurant for you perhaps ? eos O O O 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 general-reqmore +bos sure , can you find me something close-by that has comparable prices ? and can i get 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 Restaurant-Request+Ref +bos i was able to get you in at charlie chan , another inexpensive chinese restaurant in the centre . reference number p4k1b3x6 . 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 B-Booking-Book+Ref 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 O O general-thank +bos enjoy your meal and do not hesitate to call back if you need further assistance . 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 place to eat . i would like it to be an expensive restaurant in the centre . 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 N/A +bos i found 33 expensive restaurants in the centre . what type of cuisine would you like ? 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 Restaurant-Request+Food +bos i 'm looking for a restaurant with mediterranean food . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have found two restaurants . one is la mimosa , and the other is shiraz restaurant , 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 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 please book the one is la mimosa eos O O O O O O O O N/A +bos can i please get the number of people dining , day , and time please . eos 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 , it 's for 8 people . 16:45 on monday . i would like the reference number , if it is available . eos 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 Restaurant-Request+Ref +bos that was n't available . shall i try the shiraz restaurant ? eos O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O Booking-NoBook +bos yes please try the shiraz restaurant . eos O O O O O O O O Restaurant-Inform +bos you 've got a table for monday at shiraz restaurant . your reference number is ns7mcm5b . can i help with anything else today ? eos O O O O O O B-Booking-Book+Day 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 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 your stay in cambridge . eos O O O O O O O O O O O general-welcome,general-bye +bos i need help finding a portuguese restaurant located in the centre , can you assist me please ? 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 N/A +bos hi i found a restaurant . it is nandos city centre and it is located at 33-34 saint andrews street . would you like for me to book it for you ? 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+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 this restaurant in the cheap price range ? eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , it is . may i help you book ? eos O O O O O O O O O O O O Booking-Inform +bos yes , please book for thursday at 12:45 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 O N/A +bos booking was unsuccessful . would you like to try another restaurant ? eos O O O O O O O O O O O O O Booking-NoBook +bos hmm , okay , how about 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 O O N/A +bos there are several . the gardenia served mediterranean . you might be interested in it . ask and zizzi serve italian . 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-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food N/A +bos okay let 's try that place . eos O O O O O O O O N/A +bos great news i was able to book you into there and the reference number is 2hilqzbf . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos which restaurant were you able to book me into ? eos O O O O O O O O O O O Restaurant-Inform +bos i was able to get you in at ask on thursday at 12:45 for 7 people . there is a new reference number , though . use 0slqnhxa . eos O O O O O O O O O O B-Booking-Book+Name 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 O O O O B-Booking-Book+Ref 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 my pleasure ! have a nice day . eos O O O O O O O O O general-welcome,general-bye +bos thanks , i 'm all done here . eos O O O O O O O O O general-thank +bos thank you and i hope you enjoy the restaurant . 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 i 'm looking for colleges in the centre of town . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos i have 13 colleges in the centre of town . is there a particular one you 're looking for ? 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 O O O Attraction-Request+Name +bos that 's great . are there any close to some museums and restaurants ? eos O O O O O O O O O O O O O O O Restaurant-Inform +bos i 'm sure there are . what area are you looking for ? eos O O O O O O O O O O O O O O Attraction-Request+Area +bos i 'm looking for the college to be in the centre area of town , if possible . 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 pembroke college , which is located at trumpington street . do you need anything else ? 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 O O O O O O O O general-reqmore +bos yes , please . i 'm looking for a cheap 4 star guest house . any area will do . eos O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O O O O N/A +bos the leverton house guesthouse is located in the east area . it 's cheap with four stars . 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 B-Hotel-Inform+Area O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform +bos no , but could you give me the address and postcode ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos yes . the address is 732-734 newmarket road , and the postcode is cb58rs . is there anything else i could 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 O general-reqmore +bos no thank you , i am all set . enjoy the rest of your weekend . eos O O O O O O 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 i 'm looking for a chinese food restaurant in the centre . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A +bos there are ten chinese restaurants in the centre area , do you have a preference for 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 O O O O Restaurant-Request+Price +bos no , i do n't care . can you recommend your favorite ? eos O O O O O O O O O O O O O O N/A +bos i like the lan hong house . it 's moderately prices , but good . should i book a reservation ? eos O O O O O B-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 O Booking-Inform +bos yes please check to see if there is booking for 2 people at 12:30 on sunday . 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 there are no available bookings for that time . 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 Booking-NoBook,general-reqmore +bos yes , 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 O O Restaurant-Inform +bos you should try lan hong house , it is a nice place.would you like the address ? 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 general-reqmore +bos can you please help me find a cheap italian restaurant ? eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i show five that fit your criteria . may i ask the location you are in ? this would help refine our search . 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 O O O Restaurant-Request+Area +bos it does n't matter what area . can you book a table for 2 people at 11:00 on wednesday . 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 would you like more details on any of the available restaurants before booking a table ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos if there is one that you know of that you recommend , that would be fine . i do n't know any , so some guidance 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 O N/A +bos how about la margherita ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos okay as long as it 's in the same price range . eos O O O O O O O O O O O O O N/A +bos la margherita was unavailable . i was able to book you at zizzi cambridge which is in the same price range . your reference number is qrj5mp30 . is this acceptable ? eos O O B-Booking-NoBook+Name I-Booking-NoBook+Name 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 B-Booking-Book+Ref O O O O O O O general-reqmore +bos great yes it is and thank you . 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 no , that 's all . thanks again 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 yes , i would be interested in the british food fare that is available . just a nice local restaurant with good expensive food would be nice . 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 B-Restaurant-Inform+Price O O O O O O O O O O N/A +bos can i get the information on what area you are looking for the restaurant to be in ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos centre of cambridge eos O B-Restaurant-Inform+Area O O N/A +bos i have 3 restaurants that meet your request . would you like information on any of them ? i recommend you check out the cambridge chop house . 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O general-reqmore +bos the cambridge chop house sounds nice book me a table for 2 this monday at 12:45 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 N/A +bos that was n't available . i did get a table at fitzbillies though . it also meets all of your requirements . your reference number is blrxv0b0 . is that all today ? eos O O O 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-Booking-Book+Ref O O O O O O O Booking-NoBook,general-reqmore +bos perfect ! thank you eos 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 nope that 's it ! thanks so much ! eos 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 yu garden , can you help me find it ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O N/A +bos yes . yu garden is located at 529 newmarket road fen ditton . it 's phone number is 01223248882. do you need anything else ? 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 B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos would you please book me a table for two at 14:30 on monday ? eos O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos the booking was unsuccessful , would you like to find another restaurant ? eos O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos what is the area and price range for the yu garden , 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 yu garden is an expensive restaurant in the east part of town that services chinese food . eos O O B-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 I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos that sounds great . could you book it for me please , 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 O Restaurant-Request+Ref +bos yu garden is not open then , shall i try another place to dine ? eos O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O O O O Restaurant-Request+Name +bos yes , please try another different restaurant in the same area with same price range . 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 book grafton hotel restaurant reference number is pc2vluzw . 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 is all i need . bye . eos O O 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 general-welcome +bos i 'm looking for a place to stay , i would prefer a hotel in the expensive price range . eos 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 O O N/A +bos we have lots of those . did you have something a little more specific in mind ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O N/A +bos whatever you 'd recommend . i would prefer free parking and wifi , though . eos O O O O O O O O O O O O O O O O N/A +bos i like the express by holiday inn cambridge . can i get you some more information on that one ? 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 N/A +bos no , let 's just book it . eos O O O O O O O O O N/A +bos sounds like a plan . may please get the number of guests , the day of arrival , and how many nights 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 O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos i would like it for 2 people and 4 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 booking was successful , your reference number is rkefyhm0 . 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 can you also find an attraction called milton country park ? 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 yes it is located at milton country park , milton and the postcode is cb46az eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Post O N/A +bos could you tell me what kind of attraction that is ? eos O O O O O O O O O O O O Attraction-Inform +bos sure . milton country park is a park . can i help you with anything else today ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O 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 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 , have a good day . eos O O O O O O O O O general-welcome,general-bye +bos yes , i need some help looking for a restaurant . the restaurant should be located in the west , and the food should be in the more expensive price range if at possible . eos 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 O O O B-Restaurant-Inform+Price O O O O O O O O O N/A +bos i have 9 restaurants that meet that criteria . do you have a preference on type of 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 yes , indian please . eos O O B-Restaurant-Inform+Food O O O N/A +bos there are five indian restaurants in the west in the expensive range . may i recommend tandoori palace ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos can you check to see if they have booking available for 8 people at 19:45 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 N/A +bos i was unable to book for that time , 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 Booking-NoBook,general-reqmore +bos yes , look it up and book me for monday , please ? eos O O O O O O O O O B-Restaurant-Inform+Day O O O O N/A +bos the booking was unsuccessful . is there another time you would prefer ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos please book any indian restaurant in the same area and price range as tandoori palace . this is for 8 people at 19:45 on sunday . eos 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+People O O O B-Restaurant-Inform+Day O O N/A +bos booked at cocum . your table will be reserved for 15 minutes . reference number : 4fec5k00 . anything else ? eos O O O B-Booking-Book+Name O O O O O O O O O O B-Restaurant-Inform+Ref O O O O O O O general-reqmore +bos that is it . thank you for your help . good bye . eos O O O O O O O O O O O O O O general-bye +bos let us know if you need anything else , good day . eos O O O O O O O O O O O O O general-bye +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 i have 33 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 i would like north american food . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos gourmet burger kitchen is an expensive restaurant that serves north american food . would that be acceptable ? 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+Food I-Restaurant-Inform+Food O O O O O O O general-reqmore +bos sure please book for 7 people on wednesday at 19:15 please . eos 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 unfortunately , we were not able to book that restaurant . would you like me to try and find another 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 are there any other options in the expensive price range in the centre ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos i was able to find 3 that serve british food and 1 that serves african and 1 that serves asian . do you have a preference ? eos 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 O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Restaurant-Select +bos can you book me in for the asian restaurant then ? eos O O O O O O O O O O O O Restaurant-Inform +bos okay . i was able to book you a table at the kymmoy . your reference number is tqvkvlnh . is there anything else you need ? 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 O O O O O O O general-reqmore +bos nope , i think that will do it , thank you eos O O O O O O O O O O O O general-thank +bos it 's my 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 would really like to visit a museum while i am here . are there any located in the east ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are 4. do you want a free entrance or 5 pounds ? eos O O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee N/A +bos free entrance please ! can i get the contact information for there . eos O O O O O O O O O O O O O O N/A +bos sure . gallery at twelve a high street is located at fulbourn and its phone number is 01223295264. would you like information for the other three ? 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 O B-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O O O O O O O O B-Attraction-Inform+Choice N/A +bos no , but what 's the address and postcode for that gallery ? 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 Attraction-Request+Post,Attraction-Request+Addr +bos fulbourn cb15dh . is there anything else i can help you with ? eos O B-Attraction-Inform+Addr 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 dine that is expensive and in the same area ass the attraction and serves british food . eos 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+Food O O N/A +bos the grafton hotel restaurant is in the east and served high end british food , would you like more information on them ? 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O N/A +bos could you book that for 4 people on wednesday at 16:15. 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 i have booked your table here is the information : booking was successful . the table will be reserved for 15 minutes.reference number is : cykhqp7b . 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 N/A +bos great , thanks . would you be able to book me a taxi from the museum to the restaurant that can get me there by 16: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 B-Taxi-Inform+Arrive O O O O N/A +bos which museum was that ? eos O O O O O O Taxi-Request+Depart +bos gallery at twelve a high street . i will need a taxi please . eos 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 O O O O N/A +bos booking completed ! booked car type : blue volkswagencontact number : 07030908834can i help you woth anything else ? 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 no , you 've been great ! thanks so much . goodbye eos O O O O O O O O O O O O O general-bye +bos wonderful . i will be here if you need 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 general-welcome,general-bye +bos i 'd like to know what my options are , as far as expensive restaurants in the city center . eos 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 do you have a particular food type that you would like to enjoy ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food +bos yes , is there any chinese in the area ? eos O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos sesame restaurant and bar is great . it is situated in 17 hills road city centre postcode cb21nw . can i give you the phone number ? 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+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 general-reqmore +bos on second thought , i 'd rather have mediterranean food . would you see if there 's an expensive one in the centre area ? eos 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 B-Restaurant-Inform+Area O O O O O N/A +bos there are two . la mimosa and shiraz restaurant . shiraz is my favorite . would you like to book a table ? 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 O O O O O O O O O O Booking-Inform +bos yes , table for 1 people at 12:15 on friday , thank you 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 reference number is : 1dzdpy4k . what else can i help you with ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos also looking to visit a museum in the same area as the restaurant . could you give me the phone number and postcode of one 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 O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos i would recommend the primavera . phone is 01223357708. zip code is cb21sj . is there anything else i can help you with ? eos O O O O O B-Attraction-Recommend+Name O O B-Attraction-Recommend+Phone O O O B-Attraction-Recommend+Post O O O O O O O O O O O O general-reqmore +bos next , i will need a taxi to go from the museum to the restaurant so i can get there in time for lunch . is that 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 Restaurant-Inform,Taxi-Inform +bos yes , i 've booked you a taxi . it is a yellow tesla , contact number : 07670621306 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 N/A +bos thank you that 's all the help i need today . eos O O O O O O O O O O O O general-thank +bos you are welcome . enjoy your time in cambridge . bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos hi , i need to take a train on sunday that leaves after 08:45. eos O O O O O O O O O B-Train-Inform+Day O 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 'm departing from cambridge and need to go to leicester . eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O O N/A +bos i have train tr3371 that leaves at 09:21 and arrives in leicester at 11:06. would this 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 general-reqmore +bos yes , that will work . please reserve 7 seats on it for my party and i. eos O O O O O O O O B-Train-Inform+People O O O O O O O O O N/A +bos here is the booking information : booking was successful , the total fee is 211.67 gbp payable at the station .reference number is : b7id18cr . 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 N/A +bos i 'm also looking for information on the 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 O N/A +bos it is an expensive 4 star hotel located at kingfisher way , hinchinbrook business park , huntingdon on the west side of town . phone number and postcode are 01480446000 and pe296fl . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Phone O B-Hotel-Inform+Post O O O N/A +bos that 's perfect , thanks ! eos O O O O O O O general-thank +bos can i go ahead and book this for you ? eos O O O O O O O O O O O Booking-Inform +bos no , i just need their address . eos O O O O O O O O O Hotel-Request+Addr +bos it kingfisher way in hincibrook buisness park , huntington eos O O O O O O O B-Hotel-Inform+Addr O O N/A +bos i would like to find a cheap african restaurant in the area . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos i was unable to find any cheap african places . eos O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O N/A +bos what cheap restaurants are in the centre ? eos O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos we have fifteen cheap restaurants in the center , with cuisines ranging from asian oriental to mediterranean and modern european . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos how about spanish food . do you have a restaurant serving that ? eos O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos la raza is a spanish restaurant in that price range , shall i book a table for you ? 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 O Booking-Inform +bos yes please book a table for 7 people at 16:45 on sunday . can you give 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 O O Restaurant-Request+Ref +bos your table at la raza has been reserved for sunday at 16:45. the reference number is ksh4uxg0 . can i help you with anything else ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name 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 N/A +bos yes , can you help me find places to go to in town ? eos O O O O O O O O O O O O O O O N/A +bos sure what type of attraction are you interested in ? eos O O O O O O O O O O O Attraction-Request+Type +bos i would like a museum in the same area as la raza . eos O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos there are 11 museums in the centre . do you want a suggestion ? 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 i think what ever one you would say is best please . eos O O O O O O O O O O O O O N/A +bos i suggest the museum of archaelogy and anthropology . it 's in the city centre located at university of cambridge , downing street . it 's free , too . 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-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 B-Attraction-Inform+Fee O O O O O O O O N/A +bos can you please provide me with the postcode and phone number for the museum ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the postcode is cb23dz and the phone number is 01223357708. is there anything else i can help you with ? eos 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 general-reqmore +bos you have helped me a lot thanks ! eos O O O O O O O O O general-thank +bos i am glad to help enjoy your stay . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for information on a restaurant called la margherita . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos sure , it 's a cheap italian place in the west at 15 magdalene street city centre cb30af . their phone is 01223315232. how else may i assist you ? 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 O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos hi i am looking for an expensive restaurant in the south part 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 N/A +bos i can offer your chinese , indian , italian , or mexican food at expensive restaurants in the south . which of these sounds good to you ? eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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-Select +bos which mexican restaurant would you suggest ? i need a table for 4 people at 14: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 how about the chiquito restaurant and bar ? i will book it for you . your reference number is 5i9zh0lz . 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 B-Booking-Book+Ref O O O Booking-Inform +bos also , are there any concerthalls in the same area of town as the restaurant ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A +bos i 'm sorry , there are no concerthalls located in the south part of town . would you like to search for something different ? 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 O N/A +bos that is too bad . would there be any theatres ? eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos the junction theater is the only theater in the area . it 's located on clifton way , cb17gx . if you would like to call their number is 01223511511. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 O O O B-Attraction-Inform+Phone O O O O N/A +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos unfortunately that information is not available in my database . i suggest calling ahead for entrance fee pricing . is there anything else i may assist you with ? eos 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 O O O O O O O O O O O general-reqmore +bos that should be it today , 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 i am looking for a restaurant called thanh binh 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 thanh binh serves cheap vietnamese food and is located in the west . would you like me to book you a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price 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 Booking-Inform +bos no thanks , can i have the phone number please ? eos O O O O O O O O O O O O Restaurant-Request+Phone +bos sure . the phone number is 0122362456. can i be of further assistance ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos yes , i am searching for a particular attraction named old schools . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos i have old schools located in centre . the entrance fee is free . can i assist you with anything else today ? 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 O O O O O O O O O general-reqmore +bos yes , please provide more information about old schools . what type of attraction is it ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O Attraction-Request+Type +bos old schools is a place to see some amazing architecture . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Type O N/A +bos could i get the address and postcode please ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos it is located on trinity lane with a postcode of cb21tt . can i be of further assistance ? eos 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 general-reqmore +bos i will need a taxi to commute between thanh binh and old schools . i need to leave thanh binh by 02:00. eos 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 O O O O O O B-Taxi-Inform+Leave O N/A +bos i was able to book that taxi service for you . you will be in a yellow tesla . the contact number for them is 07657268211. 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 B-Taxi-Inform+Phone O O N/A +bos thank you very much ! that 's all for today . eos O O O O O O O O O O O O general-thank +bos your welcome and goodbye ! eos O O O O O O general-welcome,general-bye +bos i 'm looking to visit the lynne strover gallery . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos certainly , lynne strover gallery 23 high street , fen ditton , phone 01223295264 free to enter . any other questions i can answer ? 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 B-Attraction-Inform+Phone B-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore +bos that sounds fantastic ! thank you ! eos O O O O O O O O general-thank +bos anything else i can look up for you ? eos O O O O O O O O O O general-reqmore +bos yes , what is the entrance fee and could you find me a restaurant in the moderate price range located in the centre 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 O O B-Restaurant-Inform+Area O O O Attraction-Request+Fee +bos it is free to enter , and would you like to eat at the oak bistro located at 6 lensfield road ? eos O O O B-Attraction-Inform+Fee 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos do they serve christmas food ? eos O O O O O O O N/A +bos no , i 'm sorry , the serve british style cuisine . are you still interested ? eos 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 not in british food . are there any that serve italian food ? eos O O O O O O O O O O O O O O N/A +bos there is the pizza express and the pizza express fed ditton . would you like to book either one of these ? 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 Booking-Inform +bos could you just give me the number for pizza express . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos the number is 01223324033 , is there anything else i can do ? eos O O O O B-Restaurant-Inform+Phone 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 not a problem ! i was glad to be of service . 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 general-bye +bos i am looking for a place to dine that serves sri lankan food in the centre . eos 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+Area O N/A +bos there are not any restaurants serving sri lankan food in the centre of town . should i check another type of food ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-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 N/A +bos yes , are there any options for italian food 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 there are 9 italian restaurants in the center . do you have a preferred price range ? eos 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 'd like the address , phone number and postcode for one of the cheap restaurants , 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 pizza hut city centre is located at regent street city centre , cb21ab . the phone number is 01223323737. could i be of further assistance ? eos O B-Restaurant-Recommend+Name I-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 I-Restaurant-Recommend+Addr B-Restaurant-Recommend+Post O O O O B-Restaurant-Recommend+Phone O O O O O O O O O general-reqmore +bos i 'm looking for entertainment spots to visit near the restaurant . what kinds of things are there 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 Restaurant-Inform +bos i have a lot of attractions to choose from in the centre . perhaps you would be interested in visiting a church ? eos O O O O B-Attraction-Inform+Choice I-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+Type +bos i 'm interested in entertainment activities . are there any theaters in the area of 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 there are four theatres near the centre . they are : adc theatre , cambridge arts theatre , mumford theatre , and the cambridge corn exchange . 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 I-Attraction-Inform+Name O O O O O N/A +bos can you tell me about colleges in the center of town ? eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are 13 colleges in the centre of town . some of them have free entrance and some of them charge a fee . 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-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos give me your recommendation for a college with a free entrance fee . please include a phone number 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+Fee +bos i 've heard great things about hughes hall . their entrance fee is free . would you like more information about them ? eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Fee O O O O O O O O O O general-reqmore +bos can i get their phone number please eos O O O O O O O O Attraction-Request+Phone +bos hughes hall 's phone number is 01223334898. is there anything else you need ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone 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 . it is free to tour hughes hall . eos O O O O B-Attraction-Inform+Fee O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos okay thank you for your help . eos O O 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 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 . have a great day , goodbye . eos O O O O O O O O O O O general-bye +bos where can i go in the east for multiple sports ? eos O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos the cherry hinton village centre is a place you can go for multiple sports . 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 O O B-Attraction-Inform+Type I-Attraction-Inform+Type O N/A +bos great , can i have 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 01223576412. do you need anything else ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos yes , i also need a tuscan restaurant in the east as well . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos i do not have a tuscan restaurant , but i do have an international one . are you interested in hearing about the missing sock ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos is the missing sock in the east and is it in the moderate price range ? eos 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 the missing sock is in the east and its price is cheap . would you like for me to book it ? 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 B-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos actually do you have anyone serving indian food in the 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 you have your choice of the curry prince or the rajmahal . 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 O N/A +bos i would like the postcode for the curry prince please . eos O O O O O O O O O O O O Restaurant-Request+Post +bos of course , the postcode for the curry prince is cb58jj . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O O N/A +bos thanks so much . that is all i needed . eos O O O O O O O O O O O general-thank +bos ok. have a nice day . good bye . eos O O O O O O O O O O general-bye +bos i 'm looking for some colleges to visit in town . eos O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos sidney sussex ( cb23hu ) and gonville and caius ( cb21ta ) colleges are both free to enter , and located on trinity st. does that 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 N/A +bos can i have the phone numbers as well ? eos O O O O O O O O O O Attraction-Request+Phone +bos sidney sussex is 01223338800 , and gonville and caius is 01223332400 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 I-Attraction-Inform+Phone N/A +bos i am also looking for a place to dine . i need something moderately priced in the city 's centre please . 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 there are quite a few in that area . do you have a cuisine type preference ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos go ahead and suggest a moderately priced one in the centre area of town . eos O O O O O O O O O O O O O O O O N/A +bos i would recommend yippee noodle bar eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos please reserve a table for 5 people at 11:00 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 N/A +bos all right , i 've booked the table . the reference number is n3hgpu8y . what else can i 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 , that was everything . thanks for your help . goodbye ! eos O O O O O O O O O O O O O O general-bye +bos i forgot to add-yippee noodle is located on 40428 king street city centre . and you have a great day . 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 O O O O O O O O general-bye +bos i am looking for a restaurant called efes restaurant . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos efes restaurant is in town centre , serving turkish food and is moderately priced . the address for it is king street city centre . would you like to reserve a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 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 yes please , just for 1 on sunday at 18:45. i will need a reference number as well . 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 Restaurant-Request+Ref +bos great ! i booked you in at 18:45 on a sunday . your reference number is rzd2u6c2 . eos O O O O O O O B-Booking-Book+Time O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O N/A +bos thanks . i 'd also like suggestions on attractions in town under the college category . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos we have many colleges , some with an entrance free and some without . do you have a preferred location or cost concern ? eos O O O O B-Attraction-Recommend+Type 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+Price +bos i will take one that you recommend . i will need the postcode and address . 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 how about churchill college ? address is storey 's way , postcode cb30ds . anything else i can do for you ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Post O O O O O O O O O O O O general-reqmore +bos what 's the address for churchill college ? eos O O O O O O O O O Attraction-Request+Addr +bos the address is saint andrew 's street . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos can i get the postcode as well for it ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb30ds . eos O O O O B-Attraction-Inform+Post O N/A +bos wonderful . thank you so much for this ! have a great day . eos O O O O O O O O O O O O O O O general-thank +bos and a great day to you as well ! eos O O O O O O O O O O general-bye +bos yeah , could you recommend a good gastropub ? eos O O O O O O O O O O N/A +bos backstreet bistro . it 's expensive though . there is a moderately priced one called the cow pizza kitchen and bar if preferred . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 i would like to book a table at the backstreet bistro for 5 people at 16:00 on thursday . 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 N/A +bos no problem . that is booked for you and your reference number is 2ve84yc5 . is there anything else i can book 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 general-reqmore +bos yes , any suggestions of museums found in the east area of town ? eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O N/A +bos yes , gallery at twelve a high street is excellent , and has free admission . would you like more information ? 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 B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O general-reqmore +bos can i please have the phone number and address for that place ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos certainly ! the address for gallery at twelve a high street is fulbourn and the phone number is 01223295264. 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos great that 's all the information i needed today , thank you ! eos O O O O O O O O O O O O O O general-thank +bos you are very welcome . have a nice day . good bye . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i am looking to book an expensive restaurant in the west part of town . what is available ? 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 O N/A +bos i have 9 restaurants in the west that are upscale . are you looking for a particular type of cuisine ? there is british , european , indian and thai to choose from . eos O O O O B-Restaurant-Inform+Choice 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+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Request+Food +bos how about some thai food ? eos O O O O O O O N/A +bos sala thong is an expensive thai restaurant in the west end . would you like a reservation there ? 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 I-Restaurant-Inform+Area O O O O O O O O Booking-Inform +bos yes please . can reserve for 6 people at 15:00 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 O N/A +bos so sorry , that was unsuccessful . would another day or time work ? 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 could we try for 14:00 instead ? eos O O O O O B-Restaurant-Inform+Time O O N/A +bos congratulations ! that was successful your reference number is op06yquu . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos alright , awesome ! could you also try to find a specific college i 'm looking for ? it 's called saint john 's college . 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 O O O N/A +bos saint john 's college is a college located in the centre of town . the phone number is 01223338600. do you need any other information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos can you book me a taxi to go from the college to the restaurant by 14: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 B-Taxi-Inform+Leave O O O O O O O O O O Taxi-Request+Car +bos i 'm happy to say i 've successfully completed your booking ! the vehicle will be a blue tesla . their contact number is 07945015073. how else may i assist you ? 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos i want to make sure that it will be arriving by 14:00. can you confirm ? eos O O O O O O O O O O O O O O O O O N/A +bos yes that it correct . eos O O O O O O N/A +bos okay , 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 you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'd like to book a taxi to depart from maharajah tandoori 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 what time would you like to depart ? eos O O O O O O O O O Taxi-Request+Leave +bos i would like the taxi to be here by 02:00. eos O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos where would you like the taxi to take you ? eos O O O O O O O O O O O Taxi-Request+Dest +bos please take me to sidney sussex college . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos expect a blue tesla to pick you up , the contact number is 07189547396. anything else i can help you with . 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 that is all i wanted from you today thank you 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 general-greet +bos thank you for your help , you do the same . eos O O O O O O O O O O O O general-thank +bos let us know if we can further assist you . eos O O O O O O O O O O O general-reqmore +bos good day . might you be able to assist me with a taxi going to corpus christi leaving sometime after 08: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 O O O B-Taxi-Inform+Leave O O N/A +bos sure i can do that ! where is the departure site ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos i need it to pick me up from gourmet burger kitchen . 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 the car coming is a white tesla with contact number is : 07441094025 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 thank you so much . eos 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 nope , that will do it , thanks ! eos 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-bye +bos i 'm looking for a hotel with one star rating and 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 N/A +bos i 'm sorry , i ca n't seem to find a place that fits 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 O O O O O Hotel-NoOffer,general-reqmore +bos i 'm looking for a hotel and it has to be a guesthouse . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos there are 24 guesthouses in the city . 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 O O O Hotel-Request+Area +bos it does n't matter what section it is in . are there any guesthouses listed that have 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+Stars O O O O N/A +bos a and b guest house is a nice place , with a 4 star rating 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+Stars O N/A +bos i am looking for a place to stay , i 'd prefer 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 we have 9 hotels in town , do you have a side of town you 'd like to stay on ? 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 no , but i 'd prefer a hotel in the expensive price range . i do not need free parking . eos O O B-Hotel-Inform+Parking 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 N/A +bos we have five expensive hotels around town , ranging from 3 star to 4 star . eos 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 which one would you recommend ? eos O O O O O O O N/A +bos i would recommend the lensfield hotel . it is a personal favorite . would you like me to see what is available ? 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 O O Booking-Inform +bos okay , let 's book it for two people for 5 nights starting friday . eos 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 could n't get you a room at the lensfield . maybe a shorter stay or different hotel ? eos 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 Booking-Request+Stay,general-reqmore +bos yes as long as it 's in the same price range . eos O O O O O O O O O O O O O N/A +bos okay i was able to book you into the gonville and your reference number is : pvrv1eej . 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 , 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 . enjoy your stay at the gonville hotel . bye . eos 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 taxi departing from alimentum . eos O O O O O O O O O O O Taxi-Inform +bos 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 ? eos O O O O 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 would like to arrive by 03:15 and go to ali baba please . eos O O O O O O O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos i was able to book a taxi for you . it is a yellow volkswagen and the contact number is 07800170336. do you need anything else ? eos 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 general-reqmore +bos no that is all . thank you for your help . eos O O O O O O O O O O O O general-thank +bos you are welcome . have a wonderful day . good bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i 'd like to book a taxi from ask , departing after 19:15. eos O O O O O O O O B-Taxi-Inform+Depart O O O O O N/A +bos could you tell me where your destination will be ? eos O O O O O O O O O O O Taxi-Request+Dest +bos i need to go to rice house . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos could you tell me when you would like to arrive at rice house ? eos O O O O O O O O O O O O O O O Taxi-Request+Arrive +bos it does n't matter when i arrive at rice house as long as the taxi leaves after 19:15. eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Leave O N/A +bos you will be picked up by a black ford and the contact number is 07635928440. 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 general-reqmore +bos nothing else . thanks so much for your help . bye . eos O O O O O O O O O O O O O general-bye +bos glad to be of help . goodbye ! eos O O O O O O O O O general-welcome,general-bye +bos i need to book a taxi from bridge guest house to sidney sussex college . 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 I-Taxi-Inform+Dest O N/A +bos sure . what time did you want to leave and arrive by ? eos O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i do n't care about the departure time but the taxi should arrive by 07:15. eos 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 car to leave from the bridge guest house and arrive in cambridge at sidney sussex college by 7:15. your confirmation number is 07918620184. 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 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 B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore +bos what type of car is it ? can i have the contact phone number ? eos O O O O O O O O O O O O O O O O Taxi-Request+Phone +bos you 'll be looking for a red audi and the contact number is 07918620184.. 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 thank you eos O O O general-thank +bos you 're welcome . will you be needing anything else ? eos 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 sounds good ! enjoy your trip . eos O O O O O O O O general-greet +bos thank you so much . you were very helpful ! 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-bye +bos i 'm needing a 4 star guest house today . eos O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos sure ! we have 18 4 star guesthouses , would you like a specific part of town or price range ? eos O 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 Hotel-Request+Area,Hotel-Request+Price +bos do you know if any of them offer free wifi ? eos O O O O O O O O O O O O N/A +bos i have 5 optionsd available , all have wifi eos O O O O B-Hotel-Inform+Choice O O O O O Hotel-Inform+Internet +bos hi there ! i 'd like to book a taxi please . 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 Taxi-Inform +bos i certainly can . when and where would you like to be picked up ? eos O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos from chiquito restaurant bar . eos O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos could you tell me when you would like to leave by and where from ? 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 'd like to arrive at saint barnabas press gallery by 19:15 , and i 'm leaving from chiquito restaurant bar . eos O O O 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 O O O O O O O N/A +bos great ! look for a yellow toyota to pick you up . the contact number is 07004136407. 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 B-Taxi-Inform+Phone 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 we are happy to help . 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 O O O O O O general-welcome,general-reqmore +bos yes , and thank you again . eos O O O O O O O O general-thank +bos you are welcome . it was 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 general-welcome,general-bye +bos i would like to book a taxi to leave after 11:45 to go to king 's college . eos O 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 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 abbey pool and astroturf pitch . in addition , i would like the car type and its contact number . 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 Taxi-Request+Car +bos it 's your lucky day ! the car reserved for you is a yellow tesla . the contact number is 07996702109. is there anything else i can do for you ? 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-welcome,general-reqmore +bos no , that will be all . thank you for all the help . eos O O O O O O O O O O O O O O O general-thank +bos no problem and thank you for calling cambridge towninfo centre . have a spectacular day . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye +bos hello there . i was wondering if you could help me arrange for a taxi to take me from the cherry hinton village centre to la raza ? eos O O 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 I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos certainly ! do you have an arrival or departure time in mind ? eos O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i need to leave after 10:15. may i have the contact number for taxi please ? eos O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O N/A +bos absolutely . the contact number is 07862333057 eos O 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 would you like me to book the taxi ? eos O O O O O O O O O O N/A +bos yes i need the taxi to depart from the cherry hinton village and go to la raza . leaving after 10:15. please 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 B-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 okay , the taxi is booked . the contact number is 07862333057 , the car will be a blue honda . is there anything else i can help with ? eos 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 O O O general-reqmore +bos no , that will be all , thank you . have a nice day . eos O O O O O O O O O O O O O O O O general-thank +bos thank you . we are always here to help with your bookings . eos O O O O O O O O O O O O O O general-bye +bos i would like a taxi departing from warkworth house and arriving at jinling noodle . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O N/A +bos what time did you want to leave warkworth house ? eos O O O O O O O O O O O Taxi-Request+Leave +bos by 23:15 and can i get a contact number and the car type ? eos O O B-Taxi-Inform+Leave O O O O O O O O O O O O Taxi-Request+Car +bos a blue bmw will pick you up by 23:15. the contact number is 07304029260. 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 thank you so much . have a great 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 day . eos O O O O O O O O O O general-bye +bos i would like to know the location and types of museums that are in cambridge , can you give me more information ? 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 O O N/A +bos there are 23 museums in cambridge . is there a particular part of town 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 O Attraction-Request+Area +bos i do not have a preference on area . eos O O O O O O O O O O N/A +bos would you like a free entrance fee or paid ? eos O O O O O O O O O O O Attraction-Request+Price +bos 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 . eos O O O O 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 cambridge artworks is found in the east . their postcode is cb13ef . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O N/A +bos i also need a train on monday leaving from cambridge and arriving by 17:00. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos there is a train leaving cambridge and going to kings lynn at 16:58 monday will that train work for you ? eos 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+Arrive I-Train-Inform+Arrive O O O O O O O general-reqmore +bos no . i need to go catch a plane . eos O O O O O O O O O O O N/A +bos would the train that arrives at 15:58 work better for you ? eos O O O O O O O B-Train-Inform+Arrive O O O O O N/A +bos yes , that would work . can i get a price and a departure time 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+Leave +bos it departs at 15:11 , price is 9.80 per pound , the train id is tr9468 . eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Id O O O N/A +bos thank you for your help ! eos 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 am coming to cambridge on wednesday and need to take a train . i would be departing from london liverpool street . eos 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+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos what time would you like to depart and arrive ? eos O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos train needs to go to cambridge and should leave after 21:15 eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Leave N/A +bos i would recommend tr4119 which leaves london liverpool street at 21:39 and arrives in cambridge at 23:07. eos O 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 O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos can you book it for me ? eos O O O O O O O O N/A +bos of course , do you just need one ticket or will there be other passengers ? eos O O O O O O O O O O O O O O O O O Train-Request+People +bos i only need one ticket . eos O O 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 : jao38oss . 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 ! i 'm also wondering if there are any entertainment type attractions in the center of town . 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 i 'm not finding any listed under entertainment . do you have a different type or location ? eos O O O O O O O B-Attraction-NoOffer+Type O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos how about a college ? can you find one for me and provide me with the phone number , entrance fee , and address . thank you . 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 O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos there are many colleges located in the centre of town . may i recommend downing college located on trinity street ? phone number is 01223332400. postcode is cb21ta . entrance is free . eos 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 I-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Phone O O B-Attraction-Recommend+Post O O B-Attraction-Recommend+Fee O O O O N/A +bos that is all i need to know thank you . eos O O O O O O O O O O O general-thank +bos thank you for contacting us and have a good day ! eos O O O O O O O O O O O O general-welcome,general-bye +bos can you help me with finding a hotel today , please ? eos O O O O O O O O O O O O O Hotel-Inform +bos there are 33 hotels in the city . can we start by you telling me what area of town you are looking to 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 O O Hotel-Request+Area +bos the south , please . eos O O B-Hotel-Inform+Area O O O N/A +bos that narrows it down a bit to 4 options - 3 guesthouses and 1 hotel . are you looking for something in a particular price range or star rating ? 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 O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars +bos i prefer a guesthouse with free wifi . eos O O O O B-Hotel-Inform+Type O O O O N/A +bos my search found one 4 star moderate hotel , one 3 star moderate hotel and one 4 star cheap hotel and all with free wifi . 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 O O O O O O O O O N/A +bos let 's try the cheap one . could you give me the address and postcode ? 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 the postcode is cb22ha and the address is 53 roseford road . would you like me to book it for you ? eos O 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 O O O O O O O O O O Booking-Inform +bos no thanks . could you find a multiple sports attraction in the centre ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there is no multiple sports attraction in the centre but there is one in the east . are you interested ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O N/A +bos well , maybe try a swimming pool . that might be better . eos O O O O O O O O O O O O O O N/A +bos parkside pools is available , address gonville place , postal cb11ly , prices vary by season and day , but you can call 01223446100 for more info . any further questions ? 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 B-Attraction-Inform+Post 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 general-reqmore +bos no , that 's all i needed today . thanks 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 enjoy your stay in cambridge ! eos O O O O O O O general-bye +bos hi , i am looking for a place to stay . eos O O O O O O O O O O O O N/A +bos what 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 do n't know what area it is in , but i was hoping you could make a reservation for me at the lensfield 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+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos i have the lensfield hotel in the south area . when would you like that reservation for ? eos 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 O O O O O Booking-Request+Day,Booking-Inform +bos yes , that would be great . can you reserve for me starting thursday ? eos O O O O O O O O O O O O B-Hotel-Inform+Day 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 need a place for 5 nights . and i need it for 8 people . eos O O O O O O O B-Hotel-Inform+Stay O O O O O O B-Hotel-Inform+People O O N/A +bos booking was successful . reference number is : tgfjkymx may i help you with anything else ? eos O O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O general-reqmore +bos i need some night life or places to go eos O O O O O O O O O O N/A +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 just want to find somewhere in the centre to visit eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos what type of attraction are you interested in ? there is lots to do in the centre eos 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 O Attraction-Request+Type +bos maybe a museum ? eos O O O B-Attraction-Inform+Type O N/A +bos there are 11. would you like to go to museum of archaelogy and anthropology ? the entrance fee is free . 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 I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Fee O O N/A +bos thanks , i will need a taxi to get inbetween those two places . eos O O O O O O O O O O O O O O O N/A +bos and what sized car will you need ? eos O O O O O O O O O N/A +bos i need to fit 8 people . thanks . eos O O O O O O O O O O general-thank +bos what time will you be traveling ? eos O O O O O O O O Taxi-Request+Leave +bos i want to leave the attraction by 07:45 eos O O O O O O O O O N/A +bos booking is successful . the tax is a yellow ford and the contact number is 07052781550. 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 general-reqmore +bos thank you much good bye . eos O O O O O O O general-bye +bos thank you for your inquiry . glad to be of service . eos O O O O O O O O O O O O O general-welcome,general-bye +bos we are visiting for a couple days and would like to see some boat attractions in town . what do you have available ? 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 N/A +bos depends on what area of town you 'll be visiting . eos O O O O O O O O O O O O Attraction-Request+Area +bos i have n't decided on what area of town i will be staying in , i would just like to know the boat attractions please . 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 N/A +bos there are only boat attractions in the east , north and centre so if i was you i would n't stay in the west or south . eos O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Type O O O O O O O O O O O O O O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O N/A +bos ok. i would like the name of a specific boat attraction please . eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos the camboats in the east side is highly suggested . would you like any information on them ? eos O O B-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O O O O O O O O O O general-reqmore +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos i 'm sorry , but i have checked all the boat attractions in the other areas of town and none have entrance fees listed . can i help with something else ? eos O O O O O O O O O B-Attraction-Inform+Type 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 O O O O O O O general-reqmore +bos yes , can you get me information about huntingdon marriot hotel ? eos O O O O O O O O O O O O O Hotel-Inform +bos it 's an expensive 4 star hotel at kingfisher way , hinchinbrook business park , huntingdon on the west side of town . phone number is 01480446000 and postcode is pe296fl . provides free internet/parking . eos O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Area O 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos can i book lodging for 7 people starting on saturday ? we 're staying for 4 nights . eos 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 O N/A +bos your booking was successful , your reference number is gol43a42 . what else can i 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 general-reqmore +bos i also need a taxi between the two places that leaves the hotel by 17:15 , 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 are all set . be expecting a blue audi . please call 07750823972 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 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 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 what are some places to go to ? eos O O O O O O O O O N/A +bos we have 79 attractions , do you have anything you 'd like to see ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Type +bos recommend something for me , as long as it is in the center . eos O O O O O O O O O O O O O O O N/A +bos the cambridge contemporary art museum is in the center . it has free admission . 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+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos that sounds perfect , thanks . can you also help me find a guesthouse to stay in ? i 'd like a 4 star location , 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 B-Hotel-Inform+Stay O O O O O O O O N/A +bos sure thing which area ? eos O O O O O O Hotel-Request+Area +bos the hotel should include free wifi it should be near the attractions eos O O O O O O O O O O O O O N/A +bos there is the alexander bed and breakfast in the centre of town . it is 4 starts and offers free internet and parking . would you like me to reserve ? 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 I-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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please make me a booking for 8 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 N/A +bos booking was successful.reference number is : ehm9n8kk . can i assist you further today ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos no that looks like everything i need today . thank you . eos O 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,general-bye +bos hi , i am planning a trip and could use your help finding a place to stay when i arrive . 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 would you like to stay in a specific area ? eos O O O O O O O O O O O Hotel-Request+Area +bos i do n't care where , but i want a 5 star rating . eos O O O O O O O O O O O O O O O N/A +bos there are no five star hotels in the area , but we do have several four star ones , would you like one of those ? eos O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type 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 N/A +bos yes i would like one of those . eos O O O O O O O O O N/A +bos sure ! how about a and b guest house ? it is located at 124 tenison road . 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 O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O general-greet +bos that sounds good . do they have free wifi ? also , can you provide me with 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 O Hotel-Request+Internet,Hotel-Request+Addr +bos yes they have free internet and the address is 124 tenison road . eos O O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr Hotel-Inform+Internet +bos thank you can you book that for me ? eos O O O O O O O O O O general-thank +bos i 'd be happy to book that for you . can you tell me what day you want to begin your stay ? and how many guests and 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 Booking-Request+Day,Booking-Request+People,general-greet +bos actually i can book it . can you tell me about parks to go to in the south ? eos 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 two parks in that area . there is sheep 's green and lammas land park and wandlebury country park . both offer free entrance . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos can i get the post code for lammas land park ? eos O O O O O O O O O O O O Attraction-Request+Post +bos they are at cb223ae , can i assist with anything else ? eos O O O O B-Attraction-Inform+Post 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 are very welcome . good-bye . eos O O O O O O O O general-welcome,general-bye +bos i wanted to go swimming later on today . i need some help finding a pool . eos 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 location preference ? eos O O O O O O O O Attraction-Request+Area +bos yes , i would prefer it to be in the west . eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos i 'm sorry . there are no swimming pools listed in that area . eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O O O N/A +bos ah okay . how about colleges ? are there any of those in the area ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A +bos yes there are 5 colleges in the area . do you have one in mind ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Name +bos please recommend a good one to me in that area . i need the address and phone number for it 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 Attraction-Request+Phone,Attraction-Request+Addr +bos i suggest magdalene college . it 's on magdalene street and phone number is 01223332138 eos 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 O O B-Attraction-Recommend+Phone O O N/A +bos thanks , i 'm also looking to stay at a guesthouse . eos O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos there are quite a few guesthouses , if you want to stay in the west finches b & b is an inexpensive choice in that area . would you like to book it ? eos 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+Area B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O O O O O O O O O O O O O O O Booking-Inform +bos yes please book that for 1 person for 4 nights starting friday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos there are no available bookings currently . would you like me to book 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 please choose another inexpensive guesthouse in the same area . eos O O O O O O O O O O O N/A +bos i 'm sorry but it looks like there are no hotels/ guesthouses matching that criteria in the west . do you have another area in mind ? eos O O O O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O B-Hotel-NoOffer+Area O O O O O O O O O O Hotel-Request+Area +bos okay , maybe i should begin again . i am looking for a guesthouse in the north . are there any available ? 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 O O O N/A +bos yes , there are 11 guesthouses in the north . all but 1 , have a moderate price range . one has a cheap range . most have free internet and free parking . eos O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos is there one with a star or 4 among them ? eos O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos kirkwood house has a moderate rate with 4 stars if you are interested . shall i book it for you ? eos O B-Hotel-Inform+Name I-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 O O O O O Booking-Inform +bos yes please just my lonely little self for 4 night starting on friday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos all set , the reference number is 17w8f55l , any other questions ? eos O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos no , that is all . you have been very helpful . thanks so much . bye . eos 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 hi , can you help me find a guesthouse to stay at ? eos O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos definitely - cambridge has many guesthouses . is there a particular area or price range you had in mind ? 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 Hotel-Request+Area,Hotel-Request+Price +bos i do not have a preference . eos O O O O O O O O N/A +bos do you have a price range ? eos O O O O O O O O Hotel-Request+Price +bos i do not have a price range in mind . eos O O O O O O O O O O O N/A +bos alexander bed and breakfast comes highly recommended . it is located in the centre area and has a cheap price range , shall i book there for you ? 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 B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O Booking-Inform +bos yes please for 2 nights starting from sunday for 4 people . i will need a reference number . eos 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 sure , i will work on booking that for you . eos O O O O O O O O O O O O Booking-Inform +bos did you get the reference number yet ? ? ? eos O O O O O O O O O O O Hotel-Request+Ref +bos your reservation for 4 at alexander bed and breakfast this sunday for 3 days 2 nights was successful . your reference number is : 1fdbjb3a . eos O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name I-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 O O O O O B-Booking-Book+Ref O O N/A +bos thank you . i 'm also looking for a place to go in the centre . i 'll need the postcode for the attraction . 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 Attraction-Request+Post +bos there are many places in the centre of town . do you have any further preferences or would you like me to recommend one ? eos 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 O O N/A +bos no preference . you pick . eos O O O O O O O N/A +bos old schools is my favourite . can i give you the details ? eos 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 need their postcode . eos O O O O O O O Attraction-Request+Post +bos old schools postcode is cb21tt . will there be anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O O O O general-reqmore +bos can you help me book a taxi ? eos O O O O O O O O O Taxi-Inform +bos what is your destination ? eos O O O O O O Taxi-Request+Dest +bos i need to leave the attraction by 15:15 and arrive at the hotel . eos O O O O O O O O B-Taxi-Inform+Arrive O O O O O O N/A +bos booking completed ! booked car type blue hondacontact number 07444279931 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone O O N/A +bos have a nice day . eos O O O O O O N/A +bos thanks you have a nice day as well . eos 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 ok , i have booked you a yellow volvo , contact number 07291792842 , is there anything else you need ? eos 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-welcome +bos that is all i needed thank you for your time . eos O O O O O O O O O O O O general-thank +bos i 'm sorry can i help you with anything else ? eos O O O O O O O O O O O O N/A +bos no thank you . that is all . 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 N/A +bos i 'm looking for a place to stay , can you help me out ? eos O O O O O O O O O O O O O O O O N/A +bos there are a total of 33 guesthouses and hotels in cambridge . what is your price range ? eos O O O 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 Hotel-Request+Price +bos price does n't matter to me , but i 'm looking for something in the east part of town . 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 N/A +bos there are seven hotels that are in the east part of town . do you need parking ? eos O O O B-Hotel-Inform+Choice B-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 Hotel-Request+Parking +bos i do n't need parking . eos O O O O O O O N/A +bos i would recommend the a and b guest house . 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 N/A +bos please book that for 6 people staying 3 nights from monday . eos 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+Stay O B-Hotel-Inform+Day O N/A +bos booking was successful.reference number is : gq8mef1l eos O O O O O O O B-Booking-Book+Ref N/A +bos thank you . i am also looking for museums to visit on the west side of town . eos O 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 i have 7 museums in that area . some have entrance fees and others are free . do you have a preference ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O Attraction-Request+Price +bos no , not really , thanks . anything is fine . eos O O O O O O O O O O O O general-thank +bos the cafe jello gallery meets your criteria . would you like their information ? 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 O general-reqmore +bos sure , please tell me the address , 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,Attraction-Request+Addr +bos the address is cafe jello gallery , 13 magdalene street , postcode cb30af and the phone number is 01223312112. eos 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 B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O N/A +bos great ! thank you so much for your help . eos 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 that 's all i needed thank you ! eos 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 im looking for a place to dine , it should be in the south serving morden global food eos 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 i do n't have anything that meets those specifications . can i try something else ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos it is ok provided that it is cheap eos O O O O O O O O B-Restaurant-Inform+Price N/A +bos i found a chinese restaurant and a portuguese restaurant . do you like either one of those ? 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 O O O N/A +bos portuguese should be fine . eos O B-Restaurant-Inform+Food O O O O N/A +bos okay , nandos serves protuguese in the south of town with cheap price range . would you like to book a table now ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food 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 O O O O O O O Booking-Inform +bos no , i 'm not ready to book today . can i just get a 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos nandos postcode is cb17dy and the phone is 01223327908. can i help with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O O O O O O O general-reqmore +bos i would also like to find a place to stay . eos O O O O O O O O O O O O N/A +bos what area would you prefer to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos the area does n't really matter too much . i would like something with 4 stars and free parking though . 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 N/A +bos there is acorn guest house located in the north it has 4 stars . 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 I-Hotel-Recommend+Area O O B-Hotel-Recommend+Stars O O O O O O O O O O O Booking-Inform +bos please book it for 3 nights starting on thursday . i want the booking to be for 8 people . eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O B-Hotel-Inform+People O O N/A +bos okay , your booking at the acorn guest house was successful . the reference number is mo3pc3qp . can i help you with anything else today ? eos O 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 that would be all . thank you for your time today . eos O O O O O O O O O O O O O general-thank +bos you are welcome . enjoy your stay in cambridge . bye . 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 attraction in the west . eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are 13 attractions in the west , mostly colleges and museums . is there a price range we need to keep in mind ? eos O O O O B-Attraction-Inform+Choice 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 Attraction-Request+Price +bos 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 ! eos O O O O O O O O O O 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 churchill college is located at storey 's way . it is free of charge . can i provide further assistance ? 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 O O O O O general-reqmore +bos please give me their phone number . eos O O O O O O O O Attraction-Request+Phone +bos sure , 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 i also need a train that leaves from broxbourne and goes to cambridge on monday , leaving after 12:15. eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A +bos tr0354 departs at 12:32. would you like to book a ticket on that one ? eos 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 actually , yes but i will need a total of 6 tickets please . eos O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos great ! booking was successful , the total fee is 107.4 gbp payable at the station .reference number is : dnod8r84 . 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 N/A +bos that is all i need , thank you . eos O O O O O O O O O O general-thank +bos isd there anything else ? eos O O O O O O general-reqmore +bos can you book me a taxi from avalon to de luca cucina and bar ? eos O O O O O O O O B-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 N/A +bos easy enough . what time would you like to leave by as well as arrive to ? 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 would like to arrive at de luca by 07:30. it does n't matter when i leave . eos 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 booked that for you . the car will be a white honda and the contact number is 07804995392. 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 very much for you help today . 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 finches bed and breakfast was recommended to me highly . could you help me find it ? eos O B-Restaurant-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 i have found it , it is in the west of town , and cheap . eos 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 great ! can you book a room there for 5 nights ? there will be 8 of us , and we 'll arrive on friday . eos O O O O O O O O O O B-Hotel-Inform+Stay 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 booking was successful . your reference number is pz9shtwa . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos i would also like to eat some austrian food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i am sorry , there are no austrian restaurants . can i 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 Restaurant-Request+Food +bos okay , then how about an expensive mediterranean food restaurant in the centre ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A +bos you have a choice of two restaurants : la mimosa or shiraz restaurant . eos O O 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 N/A +bos give me the phone number and address for la mimosa please eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number is 01223362525 and the address is thompsons lane fen ditton . 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 O N/A +bos i am also going to need a taxi . eos O O O O O O O O O O Taxi-Inform +bos where are you departing from and arriving at ? eos O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i will be departing from finches bed and breakfast to la mimosa restaurant . eos 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 I-Taxi-Inform+Dest O N/A +bos what time would you like the taxi ? eos O O O O O O O O O Taxi-Request+Leave +bos i want to leave the hotel by 03:15 , can never be too early . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O N/A +bos booking completed ! booked car type : blue audicontact number : 07871628908 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 for now . thanks for everything . 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 lovely day . eos O O O O O O O O O O O general-welcome +bos hi , i 'm looking for a train from cambridge please . eos O O O O O O O O B-Train-Inform+Depart O O O O N/A +bos where are you traveling to ? eos O O O O O O O Train-Request+Dest +bos i am leaving from cambridge going to london kings cross . 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 have several trains available . what day would like to leave and what are your preferred arrival and departure 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 O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive +bos i would like to leave on sunday and leave after 19:45. eos O O O O O O O B-Train-Inform+Day O O O O N/A +bos i have a train that leaves at 21:00 and arrives at 21:51. would you like me to book this for you ? eos O 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 O O O Train-OfferBook +bos sure , please book that for me , thanks . oh , and i 'm also looking for places in town to visit , particularly theatre venues . eos O O O O O 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 how many tickets did you need for the booking ? eos O O O O O O O O O O O Train-Request+People +bos 1 should be fine . also find me a theatre . i need the area , postcode , and phone number eos 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 Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Phone +bos booking was successful , the total fee is 18.88 gbp payable at the station . reference number is : 9usr2rcx . where would you like the theater to be ? 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 general-reqmore +bos it depends on what theatre you recommend . eos O O O O O B-Attraction-Inform+Type O O O N/A +bos how about the mumford theatre in the centre ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Area O N/A +bos that sounds great . can you get me the postcode and phone number for it ? 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 , mumford theatre is in the town centre at post code cb11pt . the phone number is 08451962320. can i help with anything else today ? 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 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 that is everything , thank you . eos O O O O O O O O general-thank +bos i am happy i could be of help . take care . goodbye . 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 portuguese restaurant in the south side . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A +bos nandos is a portuguese restaurant at cambridge leisure park clifton way cb17dy . their phone number is 01223327908. eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr B-Restaurant-Recommend+Post O O O O B-Restaurant-Inform+Phone O N/A +bos sounds good can i make a booking for 7 people at 14:00 on saturday ? 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 yes great ! your booking was successful and the reference number for your booking is akfp9f2b . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O O general-greet +bos beautiful , just need some info on the 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 O N/A +bos yes that hotel is in the expensive range on the east side and offers free wifi and parking . anything else ? eos O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O 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 O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos yeah i want to book that hotel too . for the same group of people . eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos for what day and time do you need ? eos O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i will need thursday at 17:00 please . eos O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O N/A +bos for how many days ? eos O O O O O O Booking-Request+Stay +bos 4 nights , please . reference number , please . eos O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos the booking with successful your reference number is uhtgvmdm . 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 great , that will do it , i appreciate your help today . 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 welcome ! i hope you enjoy your stay ! 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 3 star hotel in the north . eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos sorry , i have no results for that query . would you like to try a different 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 Hotel-NoOffer,Hotel-Request+Area +bos are there any moderate priced hotels in the north ? eos O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O N/A +bos yes i have two . would you like me to book one ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Booking-Inform +bos i need a hotel to include free parking ; does either have that ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos yes both of them have free parking . eos O O O O O O O O O Hotel-Inform+Parking +bos which one would you recommend ? eos O O 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 is the ashley hotel a 3 star hotel ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O N/A +bos the ashley is actually a 2 star hotel . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos that will be okay , can we book that . eos O O O O O O O O O O O N/A +bos please tell me how many people will be staying , starting on what day and for how many nights ? 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+Stay +bos i do not want to book it . i need the postcode and address only . 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 okay . the postcode for the ashley hotel is cb41er . the address is 74 chesterton road . can i help with anything else today ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 O general-reqmore +bos i 'd like a taxi to travel from the restaurant to the hotel . eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos you never actually mentioned a restaurant . are you needing help finding one ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos yes , need a chinese food restaurant in the same area and price range as the hotel . eos 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 how many people ? eos O O O O O Booking-Request+People +bos it will be just me today , thanks . eos O O O O O O O O O O general-thank +bos golden wok sounds suitable for you . do you want a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform +bos no . i just need the postcode and address eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos it is cb43hl 191 histon road chesterton eos O O O O B-Restaurant-Inform+Post O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos thanks . sorry about that . i 'd still like to request a taxi between the two . eos O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos i will need to know where you are leaving from and going to and what time you wish to arrive or 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 Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Dest,Taxi-Request+Leave +bos i will be commuting between the hotel and restaurant . eos O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos okay , let me work on booking that for you . eos O O O O O O O O O O O O N/A +bos i need to leave the restaurant by 3:30 , and i 'll be going to the hotel . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos booking completed ! booked car type yellow hondacontact number 07378282192 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A +bos thank you for your help . 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 i hope you have a pleasant stay ! eos O O O O O O O O O general-bye +bos hi , i am looking for a 4 star hotel to stay at . free parking is not necessary . 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 N/A +bos okay i can help you with that . there are many options to choose from . what is your price range ? 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 Hotel-Request+Price,general-greet +bos i would prefer to keep it in the moderate price range and i really need free wifi as well , please . 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 O O N/A +bos i have several indifferent areas of town . do you have a location preference ? 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 no , not really . just needs to be in the moderate price range . eos O O O O O O O O O O O O O O O O N/A +bos i 'd recommend the avalon hotel . would you like to book a room ? eos 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 . can you book it for 2 people for 5 nights starting saturday ? 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 O N/A +bos i successfully booked a room for 2 at the avalon for 5 nights starting saturday . your reference number is d5zo6zh1 eos O O O O O O O O B-Booking-Book+People O B-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 N/A +bos i am also looking for a resturant called nandos city centre . can you make a reservation there for 2 people at 17:00 on saturday ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Area 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 sure . your reference number is 6f6zhy2z . 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-greet,general-reqmore +bos i am going to need a taxi to go between the two places . i need to arrive by my 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 Taxi-Inform +bos here is a number for a reliable taxi eos O O O O O O O O O N/A +bos i am trying to find a jamaican restaurant eos O O O O O O O B-Restaurant-Inform+Food O N/A +bos we do n't have any jamaican restaurants here . would you like to try something else ? 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 N/A +bos how about a expensive mediterranean ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O N/A +bos there are two restaurants , la mimosa or shiraz eos O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name N/A +bos let 's book a table at shiraz . eos O O O O O O O O O N/A +bos can i get what day , time and how many people will be dining ? eos 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 monday at noon and five . eos O B-Restaurant-Inform+Day O O O O O N/A +bos your booking was successful . the table will be reserved for 15 minutes . reference number is : qji9u6c7 . 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore +bos also looking for a place to stay . the hotel should include free parking and should 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 i recommend acorn guest house on 154 chesterton road would you like me to book ? 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 Booking-NoBook,Booking-Inform +bos can i get the address , postcode and price range of that hotel ? eos 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 it is a moderate priced guesthouse . the address is 154 chesterton road and postcode is cb41da . can i book you any rooms ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O 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 Booking-Inform +bos sure , that would be great . one person for 2 nights please . eos O O O O O O O O O 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 the same day , i 'd also like a taxi to go between the hotel and restaurant . eos 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 to know the time you want to leave . eos O O O O O O O O O O O O Booking-Request+Stay +bos wednesday , i need to arrive to the restaurant by my booked time . eos O B-Restaurant-Inform+Day O O O O O O O O O O O O O N/A +bos 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 ! eos O O O O O O O O O O O O O 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 +bos what was i thinking ! i wanted to book a table for 1 person , myself , at 12:30 on wednesday . please change my booking at shiraz . 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 O O O O O O O O O N/A +bos so you would like to cancel the other booking ? eos O O O O O O O O O O O Booking-NoBook +bos i need to change it to wednesday at 12:30 for 1 person . the others ca n't make it . sorry . 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 N/A +bos no worries . your table for 1 is reserved and your reservation code is gkddpl1m . the table will be held for 15 minutes . will that be all 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 no , please find me a zero star hotel that offers free wifi and free parking eos O O O O O O O O O O O O O O O O O N/A +bos sorry i do n't have any 0 star hotels with that criteria . eos O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O N/A +bos any stars would be fine . eos O O O O O O O N/A +bos i 'm so sorry but i 'm confused . what would you like me to search for your 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 general-reqmore +bos i am looking for a hotel with a zero star rating with both free wifi and parking , 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 there are two cheap guesthouses meeting your needs : el shaddai in the centre and city centre north b and b in the north . which do you prefer ? eos O O O O B-Hotel-Select+Price B-Hotel-Select+Type O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name B-Hotel-Select+Area 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 N/A +bos i highly recommend el shaddai . it is cheap . can i book ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O N/A +bos el shaddai is a cheap , 0 star guesthouse in the centre . will that work for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price O O O O O O O O O O O O O O Booking-Inform +bos yes , can i get the postcode and address please . eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +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 Booking-Inform +bos i need a place to stay in the west part of the town ? some place with free wifi please . 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 N/A +bos sure , do you prefer hotels or guesthouses ? eos O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos it doesnt ' matter . i do n't care about parking either . eos O O O O O O O O O O O O O O N/A +bos i am showing 2 guesthouses and 2 hotels . which would you prefer ? eos O 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 Hotel-Select +bos pick one of the two hotels for us please . eos O O O O O O O O O O O Hotel-Inform +bos the the cambridge belfry is a 4 star hotel on the west side in the cheap price range . eos O O O B-Hotel-Recommend+Name I-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+Area I-Hotel-Recommend+Area O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O N/A +bos sounds good . let 's book it for 3 people on 2 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 O N/A +bos booking was successful.reference number is : 2t7nk2cg eos O O O O O O O B-Booking-Book+Ref N/A +bos thank you . i need to find an indian restaurant that is expensive and in the same area as my hotel . 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 N/A +bos there are five options to choose from . i can recommend the restaurant cocum to you if you 'd like eos O O O B-Restaurant-Inform+Choice I-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 N/A +bos that sounds good . can you reserve a table for 3 people at 16:45 on friday ? and tell me my 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 O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : u6m1ieow . 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 yes , i need a taxi to get us between both places , and i need it to arrive in time for my restaurant 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 Restaurant-Inform,Taxi-Inform +bos your all set ! a blue lexus will be picking you up and the contact number is 07598275631 , 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 B-Taxi-Inform+Phone 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 arr welcome , have a great night . eos O O O O O O O O O O general-welcome,general-bye +bos i 'd like recommendations for a restaurant that serves vietnamese food . eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos thanh binh is a cheap vietnamese restaurant located in the west part of town at 17 magdalene street city centre . you may contact them at 01223362456. would you like to book ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price 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+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 Booking-Inform +bos yes , please . i need a table for 8 on thursday at 16: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 O N/A +bos okay the booking was successful . the reference number is wjcua6mt . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos terrific . i am also looking for a train to cambridge . can you help me with that ? eos 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 sure thing , when will you be departing ? eos O O O O O O O O O O Train-Request+Leave +bos thursday and i 'll be leaving from birmingham new street . eos O B-Train-Inform+Day O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos there is a train leaving birmingham new street at 05:40 and arriving at 08:23 on thursday . would you like me to book that one ? 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+Arrive O B-Train-Inform+Day O O O O O O O O O O Train-OfferBook +bos yes i need a booking for 8 people please . eos O O O O O O O O B-Train-Inform+People O O N/A +bos i was able to book the train tr4235 . the reference number is : nir4z9cn . eos O O O O O O O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ref O N/A +bos that 's all i needed thanks ! eos O O O O O O O O general-thank +bos you are all set ? or would you like some help with something else ? eos O O O O O O O O O O O O O O O O general-reqmore +bos no that is all . cheers , bye . eos 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 general-bye +bos he , i am looking forward to trying some local restaurants in cambridge . can you tell me about some train schedules ? 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 N/A +bos 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 . eos O O O O O O 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 can you help me find a cheap restaurant in the north with indian food ? eos O O O 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 yes i have one restaurant matching your criteria called royal spice . would you like their telephone 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 no thanks , i need a train from cambridge to stevenage in tuesday . i want to arrive before 21:00 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 B-Train-Inform+Arrive O N/A +bos ok , tr6692 leaves cambridge at 19:21 and arrives in stevenage at 20:10. will this 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+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O N/A +bos could i get the price of that train please ? eos O O O O O O O O O O O Train-Request+Price +bos that ticket will be 12.80 pounds . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thanks . now i think you could help me with an expensive italian restaurant perhaps ? eos O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos how about caffe uno in the centre ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O N/A +bos sounds good . can you book a reservation for tuesday at 22:00 ? eos O O O O O O O O O O O O O O N/A +bos how many people will be dining at caffe uno ? eos O O O O O O O O O O O Booking-Request+People +bos i need the reservation for three . eos O O O O O O O O N/A +bos unfortunately i am unable to book at 22:00 at caffe uno , do you have another time ? eos O O O O O O O O B-Booking-NoBook+Time O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O Booking-Request+Time +bos um i meant 14:45 , my mind wandered , who wants dinner two hours before midnight , lol . same booking but 14:45 please . 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 O O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : mrkamzjm . 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 thanks alot.that is all i needed for today eos 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-welcome,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 were you interested in arriving or departing from cambridge , and on what day ? eos 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 need to arrive in broxbourne . i need to leave cambridge after 16:15 on monday . eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart O B-Train-Inform+Arrive O B-Train-Inform+Day 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 that should be after 16:15. book for 6 people and give me the reference number please eos O O O O O B-Train-Inform+Leave O O O O O O O O O O O Train-Request+Ref +bos you are booked to leave at 17:01 and your reference number is 73aggf1w . can i help you with anything else today ? eos O O O O O O O O B-Train-OfferBooked+Leave O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos im also looking for a restaurant in the centre that is moderately priced . eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos i would bet you 'd like restaurant one seven . want more information ? 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 N/A +bos yes adress and phone number please eos O O O O O O O Restaurant-Request+Phone +bos the address is de vere university arms regent street city centre and the phone number is 01223337766. 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 B-Restaurant-Inform+Phone N/A +bos thank you for the information . eos O O O O O O O general-thank +bos thank you for using the cambridge towninfo centre ! eos O O O O O O O O O O general-bye +bos i would like a mexican restaurant in west . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O N/A +bos unfortunately there are no mexican restaurants in the west . would you look to try a different 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 Restaurant-Request+Area +bos ok can we try to find a expensive singaporean restaurant in the east ? eos O 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 so sorry , there is nothing like that either . eos O O O O O O O O O O O O O Restaurant-NoOffer +bos ok. what about chinese ? eos O O O O B-Restaurant-Inform+Food O N/A +bos i have yu garden located in the east and is expensive . would you like to make reservations ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O Booking-Inform +bos yes that would be fine i need reservation sfor 5 people at 16:45 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 N/A +bos okay the booking was successful . the reference number is rqljfidq . eos O 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 leaving cambridge arriving by 13:45 at standsted airport . eos O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive O O O O N/A +bos the train on friday leaves at 9:40 from cambridge to stansted airport . it 's a 28 minute trip at 10.10 pounds . would you like me to book this ? eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest 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 Train-OfferBook +bos not at this time . but thank you for the informtion . eos O O O O O O O O O O O O O general-thank +bos glad i could help and goodbye eos O O O O O O O general-bye +bos can you please find a train that leaves on sunday from cabridge and goes to stansted airport . eos O O 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 O N/A +bos i have one that leaves at 12:40 and arrives at 13:08 on sunday . would like me to book this ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O Train-OfferBook +bos that would be great ! can you book 5 tickets on the 13:08 arrival train please ? and then i 'll 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 O O O O O O O O N/A +bos sure . it will cost you 40.4 gpb . your reference number is wb1jns4m . eos 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 N/A +bos thank you very much . that 's it now . bye eos O O O O O O O O O O O O general-bye +bos let us know if you need help anytime soon . 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 need to find a train to take to cambridge please . eos O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos there are over 1,400 results , can you provide me with more information ? such as departure site , day and time of travel . 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+Depart,Train-Request+Leave,Train-Request+Day +bos i need to go from broxbourne to cambridge on friday . i would like to leave after 19:15 , please . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O O O O O O O O O O O N/A +bos tr5056 leaves at 19:32 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 it may work ... what time does it arrive in cambridge ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos train tr5056 arrives in cambridge at approximately 20:32. shall i book that for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos no but i also need info on the parkside pools attraction . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos of course ! it 's a swimming pool in the centre at gonville place cb11ly and the phone number is 01223446100. may i help with anything else ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area 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 general-reqmore +bos can i please have the address to the swimming pool ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos the address is just `` gonville place '' , postcode cb11ly . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O N/A +bos thank you that is all the information i need today . eos O O O O O O O O O O O O general-thank +bos i 'm glad i was able to assist you . have a good day . eos O O O O O O O O O O O O O O O O general-bye +bos can you suggest any local restaurants in the centre that serve fusion food ? thanks . eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O N/A +bos unfortunately , there are no restaurants meeting your criteria . eos O O O O O O O O O O O N/A +bos okay , in that case , can you recommend something else in the centre that is moderately priced ? eos 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 N/A +bos i do n't see any restaurants matching your criteria . do you have any other criteria 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 Restaurant-NoOffer,general-reqmore +bos can you check for british food instead ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have 5 would you like m to recommend one ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O N/A +bos yes , that would be great ! eos O O O O O O O O N/A +bos you should try the the copper kettle at 4 kings parade city centre . would you like me to make a reservation for you there ? eos O 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 O O O O O O O O O O O Booking-Inform +bos yes please make a booking for 3 people at 19: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 booking was successful . the table will be reserved for 15 minutes . reference number is : jwerol3k . 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 yes , i need a train on the same day from ely to cambridge . eos O O O O O O O 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 or arrive in cambridge on friday ? eos O O O O O O O O O O O B-Train-Inform+Dest O O O Train-Request+Leave,Train-Request+Arrive +bos i need the train to arrive to arrive by 13:45. there will be 3 of us . can i get a 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 N/A +bos tr0212 leaves ely at 11:35 and arrives in cambridge at 11:52. will this work for you ? eos O B-Train-Inform+Id O 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 Train-OfferBook +bos yes and thank you that will be all 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 can you book the 3 of us tickets ? eos O O O O O O B-Train-Inform+People O O O N/A +bos i have successfully booked your train reservation . the total fee is 13.2 gbp , payable at the station . reference number is uhk3wfoa . 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+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 O general-reqmore +bos that is 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 hello ! i 'm looking for a restaurant that serves modern european food ? i 'd also like it to be located in the centre if possible . 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 B-Restaurant-Inform+Area O O O O O O O N/A +bos there 's four modern european restaurants in the centre of town . do you have a particular price range in mind ? eos 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 O O O O O O O O Restaurant-Request+Price +bos moderate would be fine . eos O B-Restaurant-Inform+Price O O O O N/A +bos there are two results . de luca cucina and bar and riverside brasserie , can i book one of these for you ? 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 O O O O O O Booking-Inform,Restaurant-Select +bos yes please . you can make a recommendation . book for 6 people at 12:30 on wednesday and please proved the reference number . 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 O O O O N/A +bos your table at de luca cucina and bar will be held for 15 minutes . your reference number is 5peq5b4u . can i be of further assistance ? 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 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 to find a train into cambridge for wednesday ? 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 ? eos O O O O O O O O Train-Request+Depart +bos i need to leave cambridge and get to london kings cross before 12:45. 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 B-Train-Inform+Arrive N/A +bos tr 9781 is the train closest to that time , gets you there at 11:51. that should give you time to check out the shops . shall i book you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice 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 general-greet,Train-OfferBook +bos yes , for 6 people . eos O O O O B-Train-Inform+People O O N/A +bos all set ! your reference number is 71lhaw0c . the total fee will be 141.6 gbp . 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 O O O general-greet +bos thank you . that is all that i need . eos O O O O O O O O O O O general-thank +bos no problem , i 'm glad i was able to assist you today . enjoy your trip , 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 would like a moderately priced restaurant that serves english food eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O N/A +bos there are no restaurants that fit your desired criteria . is there another cuisine type or 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+Food,Restaurant-Request+Price,Restaurant-NoOffer +bos european food that is moderately priced please . eos O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A +bos galleria serves european food and is in the moderate price range . would you like their location ? eos O B-Restaurant-Inform+Name 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 what is the address and postcode ? eos O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address for galleria is 33 bridge street and the postcode is c.b 2 , 1 u.w . can i help you with anything else ? 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 O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O 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 thank you good bye eos O O O O O general-greet +bos can you find a a restaurant by the name of pizza express fen ditton 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 I-Restaurant-Inform+Name O O O N/A +bos yes it is located in centre and it 's address is jesus lane fen dittion . phone 01223324033 eos O O O O 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 B-Restaurant-Inform+Phone O O N/A +bos thank you so much . eos 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 also need a train arriving in cambridge by 09:45. eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos there are several that have arrival times that fit your needs . where will you be leaving from and what 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 Train-Request+Depart,Train-Request+Leave +bos i 'll be coming in from stevenage on sunday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i think you 'll be most happy with tr5870 . it arrives in cambridge at 8:43. would you like me to book this for you ? eos O O O O O O O O B-Train-OfferBook+Id 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 O O N/A +bos no thank you , not at this time . could you tell me the price ? eos O O O O O O O O O O O O O O O O O Train-Request+Price +bos the price is 10.24 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 49 minutes . is there 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 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 thank you for using the cambridge towninfo centre . we 're here 24/7 if you need us . 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,general-greet +bos i 'm looking for information on trains leaving cambridge on saturday eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos okay . what is your destination ? eos O O O O O O O O Train-Request+Dest +bos i need to arrive in norwich by 8:45 eos O O O O O O B-Train-Inform+Dest O O N/A +bos i have a train that arrives by 07:55. would you like me to book that for you ? eos 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 not just yet . what is the travel time ? eos O O O O O O O O O O O Train-Request+Duration +bos the total travel time for tr0953 is 79 minutes and will cost 14.08 pounds per ticket . would you like to reserve a seat ? 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 B-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook +bos i am not ready to book seats quite yet thank you . i do need to find a place to visit while in town 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-thank +bos what type of attraction are you looking for ? eos O O O O O O O O O O Attraction-Select +bos a college please eos O O B-Attraction-Inform+Type O N/A +bos i 'm sorry but there are no colleges in norwich . are there any other areas or type of place i can look up for you ? 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 O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos you misunderstood , i 'm looking for a college to visit while i 'm in cambridge . eos O O O O O O O O O O O O O O O O O O N/A +bos there are 18 colleges in cambridge . what part of town 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 O O O O O Attraction-Request+Area +bos i do n't have a certain part of town . pick one that you recommend and i will need the 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 O Attraction-Request+Area,Attraction-Request+Fee +bos i have christ 's college in the centre part of town . the entrance fee is free . eos O O O B-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 B-Attraction-Inform+Fee O O O N/A +bos cam you tell me more about the place ? eos O O O O O O O O O O N/A +bos the college is on saint andrew 's street . can i help you with anything else today ? eos 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 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 please contact us if you need further assistance during your visit . eos O O O O O O O O O O O O O general-reqmore +bos i got injured and are looking for a hospital nearby eos O 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 could you also provide the phone number please ? eos O O O O O O O O O O Hospital-Request+Phone +bos i have the emergency department at 01223217118. eos 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-bye +bos i an injured and need medical attention . can you please tell me where the nearest hospital is ? eos O O O O O O O O O O O O O O O O O O O O Hospital-Inform +bos certainly . addenbrookes hospital is located at hills rd , cambridge . do you need any additional information ? 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 will be all . eos O O O O O O O O N/A +bos good luck with everything ! eos O O O O O O general-bye +bos i want to find a hotel to stay in located in the centre eos O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area N/A +bos how about cityroomz ? it is in the moderate price range . eos O O O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Price O O O O N/A +bos can you help me find a hotel in the cheap 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 N/A +bos there are no results for a cheap hotel with free wifi in the centre area . would you like to try a different area or guesthouse ? eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O B-Hotel-Select+Type O O Hotel-Request+Area +bos try a guesthouse please . eos O O O B-Hotel-Inform+Type O O N/A +bos how about alexander bed and breakfast ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos is it cheap ? i do n't have much money . and do they have 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 yes , it is cheap , do you need a booking , or just information ? eos O O O O B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform +bos just information for now , can you please give me the address ? eos O O O O O O O O O O O O O O Hotel-Request+Addr +bos the address for alexander bed and breakfast is 56 saint barnabas road . do you have any additional questions ? 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 you are very welcome . good day ! eos O O O O O O O O O general-bye +bos am looking for a place to dine it should be in the centre and should be 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 B-Restaurant-Inform+Price O O N/A +bos were you looking for a specific type of food ? eos O O O O O O O O O O O Restaurant-Request+Food +bos yes , i am looking for a restaurant that offers vegetarian options . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry but i do not have any vegetarian restaurants in the centre area . would you like me to search another area for you ? eos 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 Restaurant-Request+Area +bos yes , how about expensive turkish food in the centre 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 you would probably enjoy meze bar restaurant . would you like me to make a reservation ? 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 Booking-Inform +bos yes , please reserve a table for 4 on monday at 15: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 i 'm sorry booking was unsuccessful . could you try another time perhaps ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos okay , how about the same time for saturday ? eos O O O O O O O O O O O N/A +bos still not open then , shall i try another date or another place to eat ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos could you try another expensive turkish restaurant in the centre ? i 'd really like to dine on monday . eos 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 N/A +bos the meze bar restaurant is expensive and serves turkish food . what time on monday , and how many in your party ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time +bos for 4 people at 15:15 on either monday or saturday please . eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Day O O O O N/A +bos sorry , your booking was unsuccessful . would you like a different day or time slot ? 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 the meze bar restaurant available for saturday same time ? eos O O O O O O O O B-Restaurant-Inform+Day O O O N/A +bos good news , i was able to book saturday at 15:15. your reference number is uywxp4gd . eos 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 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 great ! enjoy your trip ! eos O O O O O O O general-bye +bos i would like to dine in an expensive chinese restaurant tonight eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i have several options for you . the yu garden is in the east area , i can book a reservation for you , how many people will be dining ? eos 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Inform +bos i do n't know . i also want to know about an attraction called churchill 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 N/A +bos churchill college is in the west and it 's free to enter . did you need any specific information about this college ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area 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 need the phone number please ? eos O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223336233. eos O O O O O B-Attraction-Inform+Phone N/A +bos thanks so much . now , i guess i will need to find a cheap place to eat 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 O O O O O N/A +bos there are a number of inexpensive options in that area . i can give you some information if you let me know what type of food you 'd 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 O O O O O Restaurant-Request+Food +bos i would like asian oriental food . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i would recommend the dojo noodle bar , located at 40210 millers yard city centre . eos 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 N/A +bos that sounds great ! can i get a reservation for 8 people at 17:00 on monday ? i 'll need a reference number to give everyone too . 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 O O O Restaurant-Request+Ref +bos your booking was successful . your reference number is pd3wtni4 . 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 i 'm good , you did great . thank you ! eos O O O O O O O O O O O O general-thank +bos well thank you . it has been a pleasure to assist you today . have a wonderful 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-bye +bos am looking for a place to to stay that has cheap price range it should be in a type of hotel 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 B-Hotel-Inform+Type N/A +bos okay , do you have a specific area you want to stay in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos no , i just need to make sure it 's cheap . oh , and i need parking eos O O O O O O O O O O O O O O O O O O O N/A +bos i found 1 cheap hotel for you that includes parking . do you like me to book it ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos yes , please . 6 people 3 nights starting on tuesday . eos 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 i am sorry but i was n't able to book that for you for tuesday . is there another day you would like to stay or perhaps a shorter stay ? eos 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 O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos how about only 2 nights . eos O O O O O B-Hotel-Inform+Stay O N/A +bos booking was successful.reference number is : 7gawk763 . 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 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 thank you for using our services . eos O O O O O O O O general-bye +bos please book a taxi for 1:15 to go to whale of a time . 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 N/A +bos i will need a pickup location first eos O O O O O O O O Taxi-Request+Depart +bos pick me up at the lucky star . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos great ! i was able to book a white lexus for you . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O N/A +bos thank you . may i have the contact number for the lexus , please ? eos O O O O O O O O O O O O O O O O general-thank +bos the contact number is 07253412910. eos O O O O O B-Taxi-Inform+Phone N/A +bos perfect . thanks so much for your help . bye ! eos 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 got injured and i am looking for a hospital nearby . the hospital should have the acute medical assessment unit department eos O O 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 O O N/A +bos addenbrookes hospital has an acute medical assessment unit . the hospital is at hills rd , cambridge , postcode 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 alright . thanks and that 's all i need for today . 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 can you find a moderate price restaurant in the centre ? eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos we have 21. what sort 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 would like to eat chinese food , please . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are three moderately priced chinese restaurants in the centre . would you like me to recommend one ? eos O O O B-Restaurant-Inform+Choice 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 general-reqmore +bos yes , please . just go ahead and make a booking with your recommendation . i 'll need a table on sunday at 11:45. it will be 8 people . 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 B-Restaurant-Inform+People O O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 9vdxyhih . 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 , could you maybe tell me which restaurant the reservation is at ? eos O O O O O O O O O O O O O O O Restaurant-Inform +bos jingling noodle bar and phone is 01223566188 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone N/A +bos i am also looking for some where fun to go in the centre of town as well . 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 thee are 5 places in the centre that people visit for their architecture - would that be fun for you ? for example , you could go to see holy trinity church for free . 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 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 N/A +bos that sounds great . could i get the phone number and post 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 yes , holy trinity church can be reached at 01223355397 and the postcode is cb23nz 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 B-Attraction-Inform+Post O N/A +bos no thank you . you have been a great help . eos O 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 general-reqmore +bos no that would be fine . thank you . 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 i would like 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 N/A +bos golden wok is a moderately priced restaurant in the north part of town eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O 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 N/A +bos is there anything else ? eos O O O O O O N/A +bos the nirala is moderately priced restaurant in the north of town as well . eos 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A +bos what kind of food does the nirala serve ? eos O O O O O O O O O O Restaurant-Request+Food +bos the nirala serves indian eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food N/A +bos what is their phone number ? eos O O O O O O O Restaurant-Request+Phone +bos the phone number for the nirala is 01223 360966. can i help you with anything else today ? 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 O O general-reqmore +bos no , thank you . i have all the information that i need 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 system . good bye eos O O O O O O O O O O general-bye +bos good bye eos O O O general-bye +bos goodbye . eos O O O general-bye +bos i want to book a train from stansted airport to cambridge please . 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 and time will you need this train ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i will need a train leaving on thursday and arriving in cambridge by 11:30. eos O 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 train number tr9937 leaves friday at 10:24 and would get you to your destination by 10:52. the cost would be 10.10 pounds per ticket . would you like for me to book this for you ? eos O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Day O B-Train-Inform+Leave O O O 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 O O O O O O O O Train-OfferBook +bos no , i need a train that leaves on thursday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos tr2635 will arrive thursday in cambridge by 10:52 , will this suit you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes , thank you . i 'm also looking for a hotel , is there any chance 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 O O O O O O Hotel-Inform +bos certainly . 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 Hotel-Request+Area,general-greet +bos i want to stay at rosa 's bed and breakfast in cambridge . 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 N/A +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 i am looking for their address , hotel type , and area please . eos O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type,Hotel-Request+Addr +bos they 're a guesthouse style hotel located at 53 roseford road located in the south . anything else i can help you with ? eos O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Area O O O O O O O O O O general-reqmore +bos no thank you , thank you for 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 no problem . thank you for contacting cambridge towninfo centre . eos O O O O O O O O O O O O general-welcome +bos is there any place serving cheap indian food ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i found three in the centre part of town and one in the north . which area do you prefer ? eos 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 Restaurant-Select +bos i do n't care . eos O O O O O O N/A +bos kohinoor is an indian restaurant , in the cheap price range and in the centre . do you want the address and phone number ? eos 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 O O O O O O O O O O O general-reqmore +bos of course ! eos O O O O N/A +bos kohinoor 's address is 74 mill road city centre and the phone number is 01223 323639. may i help you with anything else ? eos 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O N/A +bos no 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 you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos i 'd like to find out more about expensive restaurants in the city centre . eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A +bos they are many . what is your prefered food type ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos are there any restaurants that serve french food ? if so , i will need the phone number to the restaurant . 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 N/A +bos yes cote does . can i give you their contact ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O general-reqmore +bos yes please . i did state that i wanted the phone number . eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the number for cote is 01223311053. is there anything else i can do for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos can you give me some information on a hotel called holiday inn cambridge , please ? eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos the express by holiday inn cambridge is an expensive , 2-star hotel in the east . they 're located at 15-17 norman way , coldhams business park . 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 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 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 Booking-Inform +bos yes , please ! i 'll be traveling solo , and i need 3 nights starting monday . eos O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O N/A +bos ok. i 've booked a room with a queen sized bed for 3 nights starting monday at the holiday inn 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 B-Booking-Book+Stay 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 O O O O O O O O general-reqmore +bos can i get a taxi that will take me to the hotel from the restaurant ? 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 sure , what time should i set it up for the taxi to pick you up ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos well , i need the taxi to pick me up at the restaurant by 09:15. i need the contact number and car type 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 Taxi-Request+Car +bos alright , you 'll be picked up by a grey volvo , and the contact number is 07916701458. 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-reqmore +bos no , thank you . that is all . goodbye eos O O O O O O O O O O O general-bye +bos it was a pleasure helping you today . good-bye . eos O O O O O O O O O O O general-bye +bos can you help me find a british restaurant in the centre ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are 7 moderate and expensive restaurants in the centre ; do you have a price range you prefer ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Select+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O N/A +bos anything is fine . i need a reservation for 2 at 11:15 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 the reservation at the copper kettle on monday at 11:15 for 2 people was successful . your reference number is : plrlm5ii . eos 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 B-Booking-Book+People O O O O O O O B-Booking-Book+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 glad to be of assistance . 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 general-welcome,general-reqmore +bos can you please give me some information about downing college ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos that is located at the centre eos O O O O O O B-Attraction-Inform+Area N/A +bos yes , can you tell me how much is the entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos downing college has a free entrance fee . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee O O O N/A +bos sweet , i will head there now . thank you that is all i need , you have rocked my world . 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 any time more than happy to help . eos O O O O O O O O O general-welcome +bos no , that 's all i needed . thanks again . eos O O O O O O O O O O O O general-thank +bos no problem ! enjoy yourself . eos 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 B-Train-Inform+Dest O N/A +bos great . are you looking for a train , hotel or attractions to visit while in cambridge ? eos 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 that leaves cambridge on wednesday to arrive in leicester by 12:15 please . eos 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 O O N/A +bos the tr9366 train arrives at 12:06. eos O O B-Train-Inform+Id O O O B-Train-Inform+Arrive N/A +bos book for 5 people and get me the reference number eos O O O O B-Train-Inform+People O O O O O O N/A +bos congratulations , you are all booked ! the total fee is 189 gbp payable at the station.your reference number is : rr4bsbw5 . is there anything else i can do ? 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 general-reqmore +bos i need to find a place to stay that has 4 stars and has free wifi eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos what is your price range ? eos O O O O O O O Hotel-Request+Price +bos it should be expensive and a guesthouse . eos O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Type O N/A +bos sorry there is no guesthouse fitting the description you asked for eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O N/A +bos could you try the moderate price range to see if there are any available ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos yes there are 11. i recommend the acorn guest house . would you like a reservation ? eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O Booking-Inform +bos sure , for 5 people for four nights starting wednesday . eos O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O N/A +bos okay i have booked that and your reference number is huh8hh95 . 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 '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 no thank you , i appreciate your help today . eos 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,general-bye +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos i can help you find a hotel that you might like . eos O O O O O O O O O O O O O general-reqmore +bos thanks , i 'm looking for something in the east and have 4 stars . eos 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 there are several guesthouses in that area . is there a price range you would prefer , or maybe free wifi or parking ? 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 O O O O O O Hotel-Request+Internet,Hotel-Request+Area,Hotel-Request+Parking +bos actually , i would prefer a hotel rather than a guest house . eos O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos there are no hotels in that area , just guesthouses . would you like me to try a different area ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Area +bos no , i guess a guesthouse will be fine . can you book a room for me for thursday ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A +bos will the carolina bed and breakfast be alright ? eos 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 N/A +bos yes , sounds perfect . i want to book it for 4 nights . there will be 8 people and we will be arriving on thursday . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O O O N/A +bos okay , great . the booking was successful ! the reference number is lg0rkigf . 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 O O general-reqmore +bos i am also looking for a train . the train should depart from ely and should go 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 B-Train-Inform+Dest O N/A +bos i 'll need to get some additional information from you to narrow down the results . what day do you want to travel and 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 O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,general-reqmore +bos i was n't to arrive by 15:45. eos O O O O O O O O N/A +bos train leaves at 5:35 and cost 4.40 pounds eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos howdy , i 'm looking for a moderately priced place to stay . i 'd like a place with 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 O O N/A +bos there are many places that meet that criteria . do you have any other preferences ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O general-reqmore +bos i prefer a hotel rather than a guesthouse with a rating of at least 3 stars . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i have nothing with that exact criteria , perhaps something with a bit of a change in criteria ? eos 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 an expensive one ? eos O O O O B-Hotel-Inform+Price O O N/A +bos i have gonville hotel in the centre and the lensfield hotel in the south that both meet your needs . would you like to book one of these two ? eos 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 O O O O Booking-Inform +bos yes . either of those should work although i would prefer the lensfield hotel since its in the south . 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 N/A +bos ok ! i can book a room for you if you can tell me the day you 're arriving , how many nights you need , and 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 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 please book for 4 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 i 'm sorry , the lensfield hotel does not have anything available then . would you like me to try the gonville hotel 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 Booking-NoBook,Booking-Inform +bos yes , anything in the same price range will work . eos O O O O O O O O O O O O N/A +bos i was able to book a room at the gonville for you , ref # ae00vohe . 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 no 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 this service . enjoy your stay . good bye . eos O O O O O O O O O O O O O O O general-greet +bos hi , i 'm looking for a place to stay in the east with free wifi . 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 are you looking for a hotel or a guesthouse ? eos O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos i am looking for a 4 star guesthouse ? do you have any on the east side with free wifi ? eos 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+Area O O O O O N/A +bos i found 7 hotels that are in the cheap , moderate , and expensive range . what 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 O Hotel-Select +bos it does n't matter . let 's go with moderate . eos O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are 3 entries that meet your requirements . eos O O O O B-Hotel-Inform+Choice O O O O O N/A +bos perfect ! can you make a reservation for me for 3 people , 5 nights starting tuesday ? 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 you are booked into the carolina bed and breakfast . your reference number is wxn8w3mz . may 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 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 address please and thats all . eos O O O O O O O N/A +bos they are located at 138 perne road . eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 . enjoy your stay in cambridge . eos O O O O O O O O O O general-bye +bos i 'm looking for park in the east . can you help me ? 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 i would be happy to help . there is 1 park in the east , cherry hinton water play . would you like any additional information ? eos O O O O O O O O O O B-Attraction-Inform+Type O O B-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 O O general-reqmore +bos yes , can i have their phone number please ? eos O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223446100 , 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 O general-reqmore +bos yes i am looking for a restaurant that serves indian food in the east . eos 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 what price range ? i have expensive and moderately priced . eos O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O Restaurant-Request+Price +bos i do n't care , whichever one is supposed to have better food . i need a table for 1 at 12:30 on thursday . eos 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 O N/A +bos okay i went ahead and booked you at the curry prince , which is moderately priced and your reference number is ig75rogd . eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Booking-Book+Ref O O N/A +bos thank you . can you arrange taxi service to take me from the park to curry price by 12:30 please ? eos 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 of course ! your booking is complete . the car type is blue skoda . the contact number is 07574638307. 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 N/A +bos thank you so 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 can you help me get a taxi to the restaurant in time for the reservation ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos yes , it 's been booked . the booked car is blue skoda . the contact number is 07574638307. 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 N/A +bos great thanks . have a great day ! goodbye eos O O O O O O O O O O general-bye +bos will there be anything else ? eos O O O O O O O general-reqmore +bos can you find me a 4 star hotel with wi-fi ? eos O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos yes i have many options in different parts of town , mostly in the cheap to moderate price range do you have any preferences for where you stay ? eos 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 I-Hotel-Inform+Area B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Area +bos i would like it to be in the moderate price range please . eos O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are 11 options located in the east , north , and south . what location would you prefer ? eos O 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 Hotel-Select +bos the area does n't matter . i need one that can accommodate 6 people for 3 nights starting on wednesday . 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 N/A +bos okay i booked you at the acorn guest house . your reference number is z0322eq3 . 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 B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +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 . have a nice day ! eos O O O O O O O O O O general-welcome,general-bye +bos i am planning a trip in cambridge , looking for a train eos O O O O O O O B-Train-Inform+Dest O O O O O N/A +bos sure , what day will you be traveling ? eos O O O O O O O O O O Train-Request+Day +bos i need to leave on a saturday . eos O O O O O O O B-Train-Inform+Day O N/A +bos please tell me your destination and departure site so that i can narrow down the options 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 norwich and should leave at 10:30 eos O B-Train-Inform+Depart O O O O B-Train-Inform+Leave N/A +bos just to clarify , you want to leave norwich to head into cambridge on saturday , after 10:30 ? eos O O O O O O O O B-Train-Select+Depart O O O B-Train-Select+Dest I-Train-Select+Dest B-Train-Select+Day O B-Train-Select+Leave O O O N/A +bos yes , correct . i 'd like to make a booking on that train for 3 people . eos 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 sorry , there is no 10:30 train available , but i could book you on an 11:16 train instead . eos O O O O O B-Train-NoOffer+Leave O O O O O O O O O B-Train-OfferBook+Leave O O O O O N/A +bos yes , that would be fine . and i will need a 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 , the total fee is 42.24 gbp payable at the station .reference number is : 3ph9mfon . 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 general-reqmore +bos yes , i need somewhere to eat that day . are there any good italian restaurants on the south side of town ? 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 O O O O N/A +bos there are a couple of options . did you have a preference between moderately priced and expensive ? 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+Price I-Restaurant-Select+Price N/A +bos that does n't matter . could you recommend something ? eos O O O O O O O O O O O N/A +bos i would recommended frankie and bennys . do you need 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 Booking-Inform +bos sounds good . i need to book a reservation for 3 people . eos O O O O O O O O O O O O O O N/A +bos what time and day would you like to reserve it for ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i need to 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 O O B-Restaurant-Inform+Time O O O O O N/A +bos excellent . your booking was successful and your reference number is wcemvaag . your table will be held for 15 minutes . 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-greet +bos great ! thank you ! eos O O O O O O general-thank +bos can i assist you further , today ? eos O 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 i 'm glad we could be of assistance today . good-bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need information on a restaurant called panahar . eos O O O O O O O O B-Restaurant-Inform+Name O N/A +bos i 've pulled up their info , what would you like to know ? eos O O O O O O O O O O O O O O O Restaurant-Inform,general-greet +bos i need reservations for 5 people at 15:15 on sunday . i 'll need the reference number as well . 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 Restaurant-Request+Ref +bos your table at panahar has been reserved for 15 minutes starting at 15:15 on sunday . your reference number is tiye4f1y . can i help you with anything else ? eos O O O O B-Booking-Book+Name 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 general-reqmore +bos i 'm looking for things to do in the west . can you recommend anything ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A +bos the whale of a time entertainment venue is a fun choice . we also have museums and colleges to visit , if you 'd like something quieter . 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 O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O N/A +bos can you tell me the address for the whale of a time entertainment venue ? and is there an entrance fee to get in 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 Attraction-Request+Fee,Attraction-Request+Addr +bos i do not have any information on an entrance fee but i can give you the address which is unit 8 , viking way , bar hill . 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 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 N/A +bos thanks for that , that 's all 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 thank you , you as well . eos O O O O O O O O general-thank +bos thanks alot . it was great talking to you eos O O O O O O O O O O general-welcome,general-bye +bos i look forward to my visit . thanks , again . 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 hello , i am looking for a train to cambridge and need to arrive by 15:00. eos 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 where are you heading in 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 liverpool street on sunday 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 tr9835 arrives at 13:07 , would that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , and i need to book this for four people . eos O O O O O O O O O O O O O N/A +bos i was able to book 4 tickets your reference number is 9ebgt2iq . the price for the tickets is 53.12 gbp , is there anything else i can help with ? 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 B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O general-reqmore +bos i also need to find a moderate priced place to stay with a 3 star rating . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Stars O O N/A +bos there are four guesthouses that are moderately priced and have three stars . what area would you like to stay ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type 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 Hotel-Request+Area +bos i do n't have a preference . can you make a suggestion ? eos O O O O O O O O O O O O O O N/A +bos hamilton lodge is nice . would you like me to book it ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform +bos sure ! i need to get rooms for the same group as riding the train . eos O O O O O O O O O O O O O O O O O N/A +bos how many nights do you plan to stay ? eos O O O O O O O O O O Booking-Request+Stay +bos i would be there for 5 nights . eos O O O O O O O B-Hotel-Inform+Stay O N/A +bos okay . your booking was successful . your reference number is kgck4jk6 . 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 that is everything thank you . 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 +bos thank you . i appreciate your help . 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 am looking for a place to stay . the hotel should have a star of 4 and 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 B-Hotel-Inform+Stars O O O O O O N/A +bos i have several , when is your stay ? eos O O O B-Hotel-Inform+Choice O O O O O O Booking-Request+Day +bos do you have one that is a guesthouse ? eos O O O O O O O O B-Hotel-Inform+Type O N/A +bos a and b guest house is very nice 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 N/A +bos book for 6 people and three nights starting on thursday . eos O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos booking was successful.reference number is : zcrpolk8 . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos can you confirm a and b guest house is in the moderate price range , please ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes it is in the moderate price range , what help can i help with ? eos 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 okay , now i would like to find a restaurant in the centre that is also 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 N/A +bos there are 21 options . what type of food do you like ? our restaurants are quite diverse . 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 choose one and surprise me . and book it for 6 people on thursday at 13:15. i 'll need the reference number 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 O O N/A +bos it appears our booking system is down . 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 Booking-NoBook,general-reqmore +bos yes ! what do you mean it 's down ? i need a place to eat ! eos O O O O O O O O O O O O O O O O O O N/A +bos ah , it was just a temporary lapse , it is back up now . i have you booked . the reference number is k9pygg5a . 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 N/A +bos what is the name of the restaurant you booked the reservation at ? we will also need a taxi to get there 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 O O Restaurant-Inform,Taxi-Inform +bos it was restaurant one seven , what time would you like that taxi ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i 'll need it to pick me up from the hotel and arrive at the restaurant at least 10 min before 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 O O O N/A +bos a white bmw is booked for you . the contact number is 07793421858 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 ! i 'm all set now . bye ! eos O O O O O O O O O O O general-bye +bos you are welcome and good bye eos O O O O O O O general-welcome,general-bye +bos i need a train for thursday please . get me one that arrives by 13:45 eos 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 sure , what is your destination ? eos O O O O O O O O Train-Request+Dest +bos i 'll be heading to cambridge . leaving from stevenage . can you tell me about this ? eos O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart O O O O O O O O O N/A +bos sure ! tr1661 will leave at 11:54 and arrive by 12:43. do you require more information or do you want book now ? 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 O O O general-reqmore,Train-OfferBook +bos could you tell me the price for a ticket , and the typical 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+Price +bos the train ride is 49 minutes and it will cost 12.80 pounds . 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 N/A +bos thank you ! also , can you recommend a moderately-priced vegetarian 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 Train-Request+Price +bos i 'm sorry . i 'm not finding any vegetarian restaurants at all . would you like to choose a different 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 Restaurant-Request+Food +bos ok , try the asian oriental food then . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos ok the only one is yippee noodle bar . would you like for me to book a table ? eos 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 O O O O O O Booking-Inform +bos sure ! i 'll need a booking for 5 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 O O N/A +bos okay . your booking was successful . the reference number is mzzna6kz . 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 thank you for your help . eos O O O O O O O general-thank +bos any time . i was happy to help . eos O O O O O O O O O O general-welcome +bos you are doing a great job ! that 's all i needed . eos 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 i am looking for an attraction of architecture . eos O O O O O O O O B-Attraction-Inform+Type O N/A +bos all saints church has wonderful architectural interest . it is in the city centre . how does that sound ? eos 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 O O O O B-Attraction-Inform+Area O O O O O O Attraction-Select +bos pretty good . can you give me an address and postcode please ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos absolutely . they are located on jesus lane . their postcode is cb58bs . is there anything else i can answer for you ? eos O O O O 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 O O general-reqmore +bos please , also look for a restaurant in the north in the expensive price range . eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A +bos we have five expensive restaurants in the north . is there a type of cuisine you 'd prefer ? eos 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 Restaurant-Request+Food +bos no , i would just need a reservation for 3 at 13:00 on wednesday . 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 got you a reservation for city stop restaurant.the table will be reserved for 15 minutes.reference number is : 9wnt50dl . 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 B-Booking-Book+Ref 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 . enjoy your stay and call us if you need anything else . eos O O O O O O O O O O O O O O O O O general-welcome +bos can you recommend a good place to go in the centre ? eos O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos yes ! what type of attraction would you like to visit ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos can you suggest one for me please . i need the postcode , entrance fee if any 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+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos the fitzwilliam museum is a museum is free . postcode : cb21rb . phone : 01223332900. eos O O B-Attraction-Recommend+Name B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O B-Attraction-Recommend+Fee O B-Attraction-Recommend+Post O B-Attraction-Recommend+Phone O O O O N/A +bos also looking for a 4 star hotel in the same area as the museum . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos we have the university arms , which is an expensive hotel , or the alexander b & b , which is a charming , but inexpensive , guesthouse . 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 O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Type O O O O O O O N/A +bos can you book a room there for 2 people and two nights ? i 'll 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 O O O O N/A +bos what day will you be staying ? eos O O O O O O O O Booking-Request+Day +bos i will be staying for 5 days eos O O O O O O O O N/A +bos 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 ? eos O O O O O O 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 never mind the booking . i need a taxi . eos O O O O O O O O O O O Taxi-Inform +bos okay what time do you need the taxi ? eos O O O O O O O O O O Taxi-Request+Leave +bos i want to leave the hotel by 20:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos what is your destination ? eos O O O O O O Taxi-Request+Dest +bos the fitzwilliam museum is my destination . eos O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos the taxi is all set , look for a grey toyota , they can be reached at 07596698267 if there are any issues . any other questions ? 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 I-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos thank you that 's all i needed today . eos 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 great , that 's all i need ... 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 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 hot nightclub around the centre . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos there are five nightclubs in the centre . is there another way i can narrow it down ? 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 N/A +bos please recommend one that sounds interesting , and give me the entrance fee , 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+Fee,Attraction-Request+Addr +bos the club salsa is located on 1 station road . the postcode is cb12jb and the entrance fee is 5 pounds . is there anything else i could 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 O B-Attraction-Inform+Post 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 general-reqmore +bos i 'd like to find somewhere to eat , preferably on the cheap side and serving eritrean . 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 N/A +bos i am unable to find anything that matches is there something else you would like to eat 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 how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are a few to choose from . charlie chan could be good , it 's also in the centre . would you like me to book you a table ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Booking-Inform +bos yes please . book it for 6 people on monday at 15:15. 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 i 'm so sorry , but they were unable to accommodate that day and time . would you like to try for a different time slot 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 O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos yes , what is another good time available for tuesday night ? eos O O O O O O O O O O O O O N/A +bos i have tried different restaurants and different times for monday , but there does n't seem to be availability . would you like another day or maybe a different food type ? eos 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 O O O O O O O O Restaurant-Request+Food,Booking-Request+Day +bos could you try it for 14:15 ? any cheap chinese place will do , it does n't have to be in the centre . eos O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O O O O O N/A +bos no problem , i have you booked for 6 people at the lucky star on monday , at 14:15. your reference number is vu6vn1x4 . anything more ? 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 B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i would also like to book a taxi to go from the nightclub to the restaurant , arriving 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 Restaurant-Inform,Taxi-Inform +bos alright , i have booked your taxi to go between the two destinations . you will be riding in a black toyota . 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 B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O O general-reqmore +bos could i get the contact number for the taxi company as well please ? eos O O O O O O O O O O O O O O O Taxi-Inform +bos the contact number of the taxi is 07791994031. anything else i can help with ? eos O O O O O O O O B-Taxi-Inform+Phone 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 are very 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 tell me the different museums please eos O O O O O O O B-Attraction-Inform+Type O N/A +bos sure there are 23 museums . are you interested in one with free entry ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Price +bos entrance fee does n't really matter to me . pick your favorite and let me know the postcard , area , 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 Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Phone +bos i 'd recommend the cafe jello gallery . it 's on cafe jello gallery , 13 magdalene street , postcode cb30af . their phone number is 01223312112. eos 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 I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O O O N/A +bos what area can i find cafe jello gallery ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Area +bos cafe jello gallery is in the west . the address is 13 magdalene street . 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos ok , just gathering information for now , thank you . eos O O O O O O O O O O O O general-thank +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-reqmore +bos thank you , have a good one . eos O O O O O O O O O general-thank +bos you as well . have a great trip , 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 general-greet +bos thanks again . bye ! eos O O O O O O general-bye +bos you are welcome . goodbye . eos O O O O O O O general-welcome +bos i am looking for a entertainment in the south area . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos nusha is an entertainment attraction in the south . would you like more information ? eos O B-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos yes , what 's their postcode ? and while you 're at it , maybe their phone 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 Attraction-Request+Post,Attraction-Request+Phone +bos the postcode is cb17dy and the phone number is 01223902158. is there anything else i can help you with ? eos 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 general-reqmore +bos i was also wondering if you can help me find a restaurant called tandoori palace . eos 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 yes . it 's an indian restaurant in the west part of town at 68 histon road chesterton . would you like to book a table ? eos O O O O B-Restaurant-Inform+Food 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 O O O O O O O O O O Booking-Inform +bos can you give me the postal code for tandoori palace ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O Restaurant-Request+Post +bos the post code for tandoori palace is cb43le . can i book a table , if so for how many on what date ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post 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 no need to book a table at this time . thank you for 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 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 'm looking for an attraction called cambridge book and print gallery . eos 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 the cambridge book and print gallery is in the west , it is located at 49 newnham road . the best part is the addmission is free 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Price O O N/A +bos can i have the phone number please ? eos O O O O O O O O O Attraction-Request+Phone +bos yes , the phone number is 01223694264. 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 need a moderately priced restaurant in the centre area . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O Attraction-Request+Area +bos would you prefer british , indian or italian ? eos O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos british cuisine would be great . eos O B-Restaurant-Inform+Food O O O O O N/A +bos saint john 's chop house is a moderately priced british restaurant in the west part of town . would you like me to book a table for you ? 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 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 O O O Booking-Inform +bos no thank you but i do need to get their phone number please . eos O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223353110. 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 that was all i needed today , 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 general-welcome,general-bye +bos i am looking for an attraction in the centre , preferable a boat eos O O O O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Type O N/A +bos ok , there are two options for you . there is scudamores punting co and the cambridge punter . eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 which one of those two is located in the centre ? eos O O O O O O O O O O O O N/A +bos both are located in the centre . scudamores is at granta place and the cambridge punter is on chesterton road . eos O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos can i get the address , entrance fee and phone numbers for both ? eos 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 scudamores punting co is at granta place , mill lane phone number is 01223359750. the cambridge punter is at 251a chesterton road phone number 07807718591. no entrance fee information listed . 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone I-Attraction-Inform+Phone B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos i am also looking for an expensive place to eat around there . can you offer a recommendation ? 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 the bedouin is an delicious expensive restaurant in the centre serving african cuisine ! eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O N/A +bos i would prefer european food . is there one in the area ? please book a table for 2 at 15.15. i need the phone number and postcode please . 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 O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos i have three that match your criteria . would you like to try eraina ? the phone number is 01223368786 and the postcode is cb23rh . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Recommend+Name O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O N/A +bos sure . first i need to know where the taxi should pick you up . eos O O O O O O O O O O O O O O O O Taxi-Inform +bos when would you like to arrive by or leave at ? 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 24:00. and i need a 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 Taxi-Request+Car +bos to clarify , you want a taxi from the scudamores punting co to the bedouin , leaving the scudamores by 24: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 Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Leave +bos yes , that is correct . which is odd , because i wo n't make my reservation , but that is 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 N/A +bos i was able to book that taxi for you . be looking for a yellow toyota . should you need to reach them , please call 07805205510. 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 that is it thank you 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-greet +bos ok , that is everything , enjoy the rest of your day eos O O O O O O O O O O O O O N/A +bos take care , have fun ! eos O O O O O O O general-bye +bos i need to find a place to eat and would prefer indian food . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos 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 ? eos O O O O 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 i would love for it to be in the east and be moderately priced . eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos there are two indian restaurants in the east , curry price and rajmahal . would you like me to book you a table at one ? 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 O O O O O O O O O O O O O Booking-Inform +bos yes please . could you make a reservation for 8 at 18:15 on wednesday ? 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 sir , neither restaurant is available at that moment . do you want 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos how about 17:15. get me a reference number for that . eos O O O B-Restaurant-Inform+Time O O O O O O O O Restaurant-Request+Ref +bos i have booked you at the curry prince . reference number is mrqellg2 . may i help you with anything else 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 general-reqmore +bos yes , i could use a suggestion on a great museum to visit after we eat at the restaurant . 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 N/A +bos i recommend cambridge artworks , which is a free museum in the same part of town as your restaurant . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee B-Attraction-Recommend+Type O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O N/A +bos could i get 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 cambridge artworks is located at 5 greens road in postcode cb13ef , and it 's free to enter . eos 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 B-Attraction-Inform+Post O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos cool . can you help me book a taxi ? i need it to get to the restaurant from the museum by my 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 O Restaurant-Inform,Taxi-Inform +bos booking is complete , look for a grey ford , the phone number is 07959689504 , may i assist with anything else ? 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 N/A +bos that 's all , you 've been a great help ! eos O O O O O O O O O O O O N/A +bos happy to help ! enjoy your stay . eos O O O O O O O O O general-bye +bos i 'm looking for boats to look at . can you look in the south ? eos O O O O B-Attraction-Inform+Type O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos i 'm afraid we do n't have any boats in the south . would you like to try another area ? 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 are there any boats in the park ? eos O O O O O O O O O N/A +bos there are only 4 boat attractions in town . camboats in the east . riverboat georgina is in the north . scudamores punting company and the cambridge punter are in the centre of town . 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 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 I-Attraction-Inform+Area O O O N/A +bos thank you . are there any parks in the south ? eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos there are 2 , both free . they are sheep 's green and lammas land park fen causeway , and other is wandlebury country park . would you like information on either one ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Fee 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 general-reqmore +bos could i get the entrance fee for wandlebury country park please ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos the park is free . there is no entrance fee . eos O O O O B-Attraction-Inform+Fee O O O O O O O N/A +bos could you help me find a restaurant in that area ? eos O O O O O O O O O O O O N/A +bos there are nine places in the south any preference on restaurant type or price range ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i 'd like a moderately priced italian place . eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos the pizza hut cherry hinton is located in the south and has a moderate price range . would you like more information ? eos 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 O O O B-Restaurant-Inform+Price O O O O O O O O O general-reqmore +bos yes , i need to get their 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 their phone number is 01223323737 , and they are located at g4 cambridge leisure park clifton way cherry hinton . eos O O O O O B-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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos thanks , could you also book me a taxi between the two locations please ? eos O O O O O O O O O O O O O O O O Taxi-Inform +bos 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 . eos O O O O O O O O O O O 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+Depart +bos i need to leave the park by 16:15. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos booking was successful . expect a grey lexus . their number is 07386542982. anything else ? eos 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 thank you for all your help . that should be everything today . eos 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-bye +bos can you help me book a table at a chinese restaurant that 's in the centre of town ? eos O O O 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 great choice ! i have 10 chinese restaurants . what is your price range and we can narrow them down . 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+Price +bos i need some cheap chop suey , please . eos O O O O B-Restaurant-Inform+Price O O O O O N/A +bos how does the charlie chan sound ? it is a cheap chinese restaurant in the centre . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O N/A +bos that sounds like they 'll have some awesome chop suey . please book me a table for 2 on tuesday at 12:45. 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+Day O B-Restaurant-Inform+Time O O N/A +bos i am sorry but charlie chan is booked for that time . do you want to pick an earlier or later time , 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+Time,Booking-Request+Day +bos can we try the same day for 11:45 please ? and can i have the reference number as well , thanks . 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 O O Restaurant-Request+Ref +bos great news ! i was able to reserve your table for 2 at the 11:45 time . they will hold the table for 15 minutes . reference number is : gfil3ug5 . eos O 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 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 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 O O O N/A +bos there are dozens of attractions in the centre . what type of activities are you interested in ? museums ? architecture ? boat rides ? something else ? 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 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 Attraction-Request+Type +bos i am looking for some type of entertainment in the same area as the restaurant , please . 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 all kinds of entertainment choices . did you have something in mind ? eos O O O O O O O O O O O O O O O O Attraction-Request+Type +bos no , just an entertainment attraction in the same area as the restaurant . can you make a suggestion ? eos 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 what about a museum ? the cambridge contemporary art is a nice one . eos O O O O B-Attraction-Recommend+Type O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O N/A +bos that sounds nice can i get their phone number , entrance fee , and address please ? 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 01223324222 , the address is 6 trinity street , and it is free admittance . eos 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 O B-Attraction-Inform+Fee 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 will that be everything for you today then ? eos O 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 glad to be of assistance , have a great day ! eos O O O O O O O O O O O O general-welcome +bos thanks , take care buddy ! eos O O O O O O O general-thank +bos thank you goodbye eos O O O O general-bye +bos hello , i am looking for an expensive restaurant that serves fusion food . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , there are no fusion restaurants listed in the cheap price range . 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 Restaurant-NoOffer,general-reqmore +bos how about mediterranean food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are two restaurants serving mediterranean food in the expensive price range . your options are la mimosa or shiraz restaurant . eos O O O O B-Restaurant-Inform+Choice 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 I-Restaurant-Inform+Name 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 la mimosa 's address is thompsons lane fen ditton , phone number 01223362525. 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 O O B-Restaurant-Inform+Phone 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 hello ! i 'm looking for a place to stay on the south side of cambridge . 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 we have three cheap and moderately priced guesthouses on the south end , or one expensive hotel . eos 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+Type I-Hotel-Inform+Price O N/A +bos i would like a moderately priced place to stay , please . also , i absolutely need free parking wherever i am staying . 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 N/A +bos could i recommend aylesbray lodge guest house or bridge guest house ? 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 N/A +bos bridge guest house sounds great . i would like to book it for seven people and two nights starting friday 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 booking was successful.reference number is : 3d2yxaff . what else can i assist 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 looking for a train departing stevenage 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 there are several trains that depart from stevenage on friday . what time of the day would you prefer to travel ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O 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 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 there are 5 trains . the earliest matching your request leaves at 15:54 and arrives in cambridge by 16:43. do you want to book ? eos O O O O B-Train-Inform+Choice 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 Train-OfferBook +bos yes , please book tickets for 7 people on that train and absolutely do remember to send me the reference number too 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 O N/A +bos okay i have booked that for you and the reference number is 9bt7493g . 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 O O O O O O O general-reqmore +bos that 's 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 not a problem . have a nice day ! eos O O O O O O O O O O general-greet +bos i was hoping to see local places while in cambridge . some entertainment would be great . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i got 5 options . which side is okay for you ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Area +bos it does n't matter . can i have the address of a good one ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos how about funky fun house , they are located at 8 mercers row , mercers row industrial estate . eos 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 N/A +bos could i also get the phone number and postcode ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure . the phone number is 01223304705 , and the postcode is cb58hy . is there anything else i can assist you with ? eos 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-greet,general-reqmore +bos yes , i need a restuarant . i want something on the south side . expensive . eos O O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O N/A +bos trer are many . what kind of food would you like ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food +bos indian food is my favorite ! what 's the address for the best one ? eos O B-Restaurant-Inform+Name O O O O O O O O O O O O O O N/A +bos unfortunately , there are n't any indian restaurants in the south side of town , would you like me to look in other areas ? 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 I-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Area +bos could you check one more time ? restaurant in the south part of town , expensive , that serves indian food ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O N/A +bos i 'm sorry there does n't seem to be any expensive indian restaurants to the south . eos O O 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 N/A +bos can you check again for a 3rd time ? i really want to eat indian food . 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 please stop asking to check for the same thing . i have said there is none in the south try a different area . eos O O O O O O O O O O O O O O O B-Restaurant-NoOffer+Choice I-Restaurant-NoOffer+Choice O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O Restaurant-Request+Area +bos do you have any indian restaurants in the south in a different price range ? eos 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 hi this is the supervisor . i apologize for the attitude of our staff . we do have taj tandoori , and expensive indian restaurant in the south . 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price 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 Booking-Inform,general-greet +bos thank you . may i have the address ? eos O O O O O O O O O O Restaurant-Request+Addr +bos the address is 64 cherry hinton road cherry hinton . 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 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 you are welcome eos O O O O general-welcome +bos also , thanks for the apology . i do n't need anything else 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 have a great day . good bye . eos O O O O O O O O O general-bye,general-greet +bos i need to find a nightclub in cambridge eos O O O O O O B-Attraction-Inform+Type O O N/A +bos the ballare , located in the city centre is quite popular . eos 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 Attraction-Inform +bos could i get the entrance fee for the ballare please ? eos O O O O O O O O O B-Attraction-Inform+Name O O Attraction-Request+Fee +bos admission will cost you 5 pounds , anything else ? eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O general-reqmore +bos yes , please . i 'm looking for a place to dine in the centre of town that is 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 O B-Restaurant-Inform+Price O O O O O O N/A +bos the oak bistro is in the centre of town the address is 6 lensfield road the price range is moderate 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 O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Price N/A +bos does it serve modern european ? that is really what i am in the mood for . 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 N/A +bos it is not . it serves british food . there are 2 modern european restaurants in the centre . would you prefer one of those ? eos 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 B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Select +bos yes please pick a moderate one and book me a table for 5 people on tuesday at 14:45. eos O O O O O B-Restaurant-Inform+Price 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 okay , reservation made at de luca cucina and bar . reference number is : 0xfpi4ib . 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 N/A +bos thank you for your help ! eos O O O O O O O general-thank +bos you 're welcome . can i further assist you ? eos O O O O O O O O O O O general-welcome,general-reqmore +bos yes . i would like a taxi from the nightclub to the restaurant 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 Restaurant-Inform,Taxi-Inform +bos booking completed ! booked car type : white bmwcontact number : 07893432264 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 and booking that taxi for me ! eos O O O O O O O O O O O O O Taxi-Inform +bos you are very welcome . eos O O O O O O general-welcome +bos have a nice evening . eos O O O O O O N/A +bos thanks very much , you , too ! eos O O O O O O O O O general-bye +bos 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 ? eos O O O O O 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 do you have a price range preference ? eos O O O O O O O O O Hotel-Request+Price +bos i do n't really mind about price , but i would like a 4 star guesthouse with wifi located on the east side . eos 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+Area O O O O N/A +bos okay , i recommend autumn house . would you like me to make a reservation ? 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 i would . i need it for 3 nights & 3 people starting on monday . 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 booking was successful . reference number is : dke7156l . 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 tell me about the restaurants neat the hotel ? eos O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos sure i have chinese , indian , gastropub and british food to name a few . some expensive . some moderate . eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O N/A +bos i am looking for indian food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos do you have a price range ? eos O O O O O O O O Restaurant-Request+Price +bos no price range but i would need the postcode and phone number eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the curry prince would be a good choice . the postcode is cb58jj . the phone number is 01223566388. do you need a reservation ? 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+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O Booking-Inform +bos no thanks , just gethering info for the real boos , my wife . i have no further questions . 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 ok great . have a wonderful day ! eos O O O O O O O O O general-bye +bos can you let me know if a place called the gonville hotel is still around ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos yes and it is as popular as ever . it is 3 stars and quite expensive . would you like me to book a room for you ? 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 O O O O Booking-Inform +bos what area of town is it in ? eos O O O O O O O O O Hotel-Request+Area +bos it 's in town centre . eos O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A +bos ok , thanks . also , are there any indian 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 O O N/A +bos there are several with various price ranges . eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price O O O N/A +bos whatever you recommend . give me your best recommendation and go ahead and book me for a table for 6 people . i want to go on saturday at 15:30. eos 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 O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos saffron brasserie has your reservation . it will be held for 15 minutes . the reference number is , pryp175n . can i get you the address or phone number ? eos O B-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 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 O general-thank +bos thank you for using our service ! eos O O O O O O O O general-bye +bos please find a restaurant that serves latin american food . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i 'm sorry i could n't find a latin american restaurant is there another type of food you 'd 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 Restaurant-Request+Food,Restaurant-NoOffer +bos is there a british restaurant in the center of town ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A +bos there is n't , i 'm sorry , could there be anything else ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos oh no , my friend told me there was a really great british place in the centre . can you double check ? 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 O O N/A +bos we have wonderful british restaurants in the center of town ! my favorite is the cambridge chop house , but it 's a little expensive . 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Price O O O O N/A +bos sounds great . i want to book for 7 people on friday at 17:15. 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 N/A +bos done ! your table will be reserved for 15 minutes . your reference number is bmz45shv . 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 thanks for the booking . will you help me find an attraction in the centre near the restaurant ? a swimmingpool would be ideal . eos 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 O O O N/A +bos parkside pools is in that area . their phone number is 01223446400. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O B-Attraction-Inform+Phone O N/A +bos thanks , what is the address along with 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 Attraction-Request+Post,Attraction-Request+Fee +bos my computer is not showing anything regarding an entrance fee , i 'm sorry about that . the address is gonville place , and the postcode is cb11ly . anything else i can help you with ? eos 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 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 O O general-reqmore +bos 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 eos O O O O O O O O O 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 white tesla for you . contact number : 07825756363. does that take care of everything for you today , or did you want more help ? eos 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 O O general-reqmore +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 you 're 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 general-welcome,general-bye +bos hello , i 'm looking for a gueshouse on the northside . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos there are 11 guesthouses in the north , do you need free parking or free internet ? 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 Hotel-Request+Parking,Hotel-Request+Internet +bos yes , i am looking for free parking . internet is not important . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O N/A +bos is there a price range you 'd like to stay in ? eos O O O O O O O O O O O O O Hotel-Request+Price +bos not particularly considered about price range , just as long as it 's a 4 star hotel eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O Train-Request+Price +bos i recommend the acorn guest house . 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 O O O O O O O Booking-Inform +bos okay book it for 2 people for 3 nights and let me have the reference number . also find me a train departing from london liverpool street to arrive cambridge by 08:15. 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 B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Arrive O Hotel-Request+Ref +bos london liverpool street to arrive cambridge by 08:15 the tr536 leaves at 8:00 , would you like me to book it for you ? eos O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Arrive 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 is there anything fun to see or do on the west end ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos cambridge offers many museums on the west end . the cafe jello gallery is one that looks fun . would you like to know about more of them ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 O O O O O O O N/A +bos i just need the phone number , please . eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number for cafe jello gallery is 01223312112. 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 O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos can i get a train arriving by 09:30 on wednesday ? eos O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos where will you be traveling to and from ? 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 , please . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A +bos i have a train that arrives by 08:10. eos O O O O O O O O B-Train-Inform+Arrive N/A +bos okay that will work . i need to book it for 7 people . eos O O O O O O O O O O O O B-Train-Inform+People O O N/A +bos you have 7 tickets for the train , your reference # is : 9veqhoif . the fee is 89.6 , pay at the station . is there anything else i can help you with ? eos O O O O B-Train-OfferBooked+People O O O 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 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 general-thank +bos great ! have a nice night ! eos O O O O O O O O general-welcome,general-bye +bos can you help me find a 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 sure , what type of food are you hoping for ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos it 's our anniversary and my wife loves british food . i want it to be special , so maybe something expensive . 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 you have two choices : the graffiti or the travellers rest . shall i book a table at one of them for you ? 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 O O O O O O O O O O O O O Booking-Inform +bos yeah , could you get me a table for 4 on friday at 13:30 at the travellers rest ? 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : 183ed5p0 . 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore +bos i 'm also looking for a museum near the restaurant . eos O O O O O O O O O O O O Restaurant-Inform +bos do you have a preference ? eos O O O O O O O Attraction-Request+Type +bos no . can you recommend one and give me their address ? eos O O O O O O O O O O O O O Attraction-Request+Addr +bos i recommend going to the cambridge book and print gallery , in the west . the address is 49 newnham road , and there is no entrance fee . 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 I-Attraction-Recommend+Name O B-Attraction-Recommend+Area 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 N/A +bos that sounds great ! what is the postcode ? eos O O O O O O O O O O N/A +bos the postcode is cb39ey . will there be anything else today ? eos O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos could i also have the phone number to the museum ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos certainly , the phone number is 01223694264. is there something else i can assist with ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos not at this time . i think i have everything i need . thank you . eos O O O O O O O O O O O O O O O O O general-thank +bos alright great have a nice day ! eos O O O O O O O O general-bye +bos hi , i 'm traveling to cambridge soon and am looking forward to seeing some local tourist 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 there are many to see ! are you going to be traveling within a certain area of town ? 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+Area +bos actually , yes . we are traveling into the northern part of town . eos O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos if you 're heading north , i recommend taking a ride on the riverboat georgina . eos 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 that sounds nice but i would like to see about a guesthouse with free wifi . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos there at 10 guest houses in the north offering free wifi . are you looking for a particular price range ? eos O O O O B-Hotel-Inform+Choice I-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 Hotel-Request+Price,Hotel-Inform+Internet +bos no , i do n't really care about price . just something in the north that includes 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 acorn guest house is located in the north , has free wifi and is moderately priced . eos 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 O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O Hotel-Recommend+Internet +bos groovy ! ! let get a booking for 2 people and 2 nights starting sunday . eos 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 your booking has been made and your reference number is o0fg9ykt . acorn guest house is located at 154 chesterton road . 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 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 O O O O O O O general-reqmore +bos yes , i am looking to visit the cherry hinton hall and grounds . can i please have more information on that ? 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 N/A +bos sure , that 's a great entertainment venue in the east . their phone number is 01223446104. is there anything else you need to know ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos no , taht will be all . thanks , goodbye . eos 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 am looking for an entertainment attraction in the centre 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 unfortunately , i was unable to find something in entertainment in the centre of town . can i help you in finding something in a different area or category ? eos O 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 O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos could you tell me about the types of museums in the centre ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are 11 museums in the centre , all of which are free . there are art galleries , an archaeology museum , and a history of science museum . eos O O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Inform+Fee 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 I-Attraction-Inform+Type O O O O N/A +bos the history of science museum sounds interesting . could you please send 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 O Attraction-Request+Phone,Attraction-Request+Addr +bos their phone number is : 01223330906. their address is : free school lane . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Phone 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 'm also like to get away from it all and stay at a place in the centre with no internet . 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 B-Hotel-Inform+Internet O O O N/A +bos i 'm sorry , there is nothing in the centre without internet . would you like to try the north side of town perhaps ? eos O O O O O O 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 Hotel-NoOffer+Internet +bos 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 expensive and with 3 stars . eos O O 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 B-Hotel-Inform+Stars O O O O N/A +bos then the gonville hotel is the place for you . would you like a room reserved for you ? 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 O O O O O Booking-Inform +bos yes , if you could do that . eos O O O O O O O O O N/A +bos how many nights and starting when ? eos O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos 4 nights starting friday for just myself . if you could book that and provide me a reference number that would be great ! eos 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 Hotel-Request+Ref +bos okay , your room is reserved . the reference number is 7ob0ymgo . 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 please book me a taxi leaving the history of science museum back to the gonville hotel . i need to leave the museum by 17: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 O O O O O O O O B-Taxi-Inform+Leave N/A +bos of course . a blue volvo will be picking you up at the museum . the contact number is 07883239708. will there be anything further ? eos 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 O general-reqmore +bos no , you have been very helpful . goodbye . eos 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 i want a place i can watch multiple sports 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 did not find any places in the centre of town . would you like to try another area ? eos O O O O O 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 Attraction-Request+Area +bos are there any nightclubs that i could visit , instead ? eos O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos sure ! i recommend the fez club . their address is 8 market passage 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 N/A +bos i need to have the phone number , entrance fee , 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+Fee +bos those would be 01223519224 , 5 pounds , and cb23hx in that order . anything else i can do for you ? eos O O O O B-Attraction-Inform+Phone O B-Attraction-Inform+Fee I-Attraction-Inform+Fee B-Attraction-Inform+Post O O O O O O O O O O O O O O general-reqmore +bos yes please , i would love if you could help me find an expensive hotel located in the centre eos O O O 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 N/A +bos there are two hotels in the centre . gonville hotel has 3 stars . university arms hotel has 4 stars . both have wifi and parking . eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area 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 O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos are they both expensive ? eos O O O O O O N/A +bos both are expensive . eos O O O B-Hotel-Inform+Price O N/A +bos can you book either one for 8 people on tuesday for 4 nights . eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O N/A +bos i am sorry , 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 O O O Booking-NoBook,general-reqmore +bos if the expensive is n't available , let 's try something in a moderate 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 was able to book you rooms for 8 people at the gonville hotel . your reference number is y28c0smo . how else may i assist you today ? eos O O O O 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 O general-reqmore +bos i guess that is all i need . thanks ! eos O O O O O O O O O O O general-thank +bos have a great stay . enjoy your time . eos O O O O O O O O O O general-bye +bos i will . thanks . eos O O O O O O general-thank +bos i was able to reserve the gonville hotel for 4 nights , you confrimation number is y28c0smo . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O N/A +bos i 'd really like to get some middle eastern food . can you find a cheap place for me to grab some dinner ? eos O O 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 O O O O O O O N/A +bos i see that there are none , maybe i should reconsider the cuisine . thank you eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos okay , thank you . goodbye eos O O O O O O O general-bye +bos there is no middle east food in that area , another place or type perhaps ? eos 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,Restaurant-Request+Area +bos are there any that serve italian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 5 italian restaurant options available . is there a particular area of town you prefer ? 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 +bos in the centre of town . eos O O O B-Restaurant-Inform+Area O O O N/A +bos there are 3 available . which do you prefer : pizza hut city centre , ask , or zizzi cambridge ? eos O O O O B-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 N/A +bos book one for 8 people at 18:45 on wednesday . eos 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 pizza hut city centre . the rederence number is xddr16ej . is there anything else you need 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 O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos we will also need lodging , preferably a 4 star guesthouse eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos there are 18 guesthouses with 4 stars . what part of town do you prefer ? or do you have a price range ? 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 O O O Hotel-Request+Area,Hotel-Request+Price +bos it should be in the same price range as the restaurant , please . eos O O O O O O O O O O O O O O O N/A +bos how about the alexander bed and breakfast ? it is in the same part of town and price range as the restaurant . 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 O O O O O O O N/A +bos do they have rooms available for the same day as dinner ? eos O O O O O O O O O O O O O N/A +bos i 'm sure they do , would it be for the same amount of people ? and how many days are you 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,Booking-Request+Stay +bos yes , it would be for the same group of people , and we will be staying 4 nights . 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 what day will you be staying ? eos O O O O O O O O Booking-Request+Day +bos starting on wednesday please . eos O O O B-Hotel-Inform+Day O O N/A +bos booking was successful . your reference number is uscl95yh . 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 will need a hotel between the two . eos O O O O O O O O O O Hotel-Inform +bos you would like a second hotel , for which night and location ? eos O O O O O O O O O O O O O O Booking-Request+Day,Hotel-Request+Area +bos i 'm sorry , i do n't want a second hotel . i need a taxi between the b & b and the restaurant that arrives to 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 O O O O O N/A +bos perfect i have booked you a yellow lexus . the contact number is 07350800727. is there anything else i can help you with 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 O general-reqmore +bos no that is all i needed . thank you . eos 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 help me find a german 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 i did not find any german restaurant in the west . would you like to change location/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 Restaurant-Request+Area,Restaurant-Request+Food +bos can you find me something cheap ? eos O O O O O O B-Restaurant-Inform+Price O N/A +bos i 've found two in that area that fit that criteria . an italian restaurant and a vietnamese restaurant . which of those would you prefer ? eos 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Select +bos i prefer the italian but will go to the vietnamese if the booking does not work . eos 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 italian restaurant is called la margherita . what day would you like a reservation ? 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 O O O O Booking-Request+Day +bos you know what , i 've changed my mind . i 'd prefer international to italian . are there any like that in the east part of town ? 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+Area O O O O O O O O O N/A +bos yes , in the east part of town the missing sock serves international food and their prices are quite low . shall i book you a table ? eos O O O O B-Restaurant-Inform+Area I-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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos that sounds good . could i get a reservation on thursday at 15:15 for 1 with a reference number ? also looking for a place to stay in the area with free parking 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 O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O Restaurant-Request+Ref +bos i am sorry but that time is not available to book . 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 i guess a reservation at 15:30 would be alright . do you have any ? eos O O O O O O B-Restaurant-Inform+Time O O O O O O O O O N/A +bos i am sorry , that still does not work , any other time you could do ? 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 perhaps another restaurant in the east that serves international food and can be booked at that time ? eos 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 N/A +bos i do apologize , but that is the only international restaurant in the area . perhaps pick another cuisine type ? 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 Restaurant-Request+Food +bos you stated earlier there was no german restaurant in the west , but i was looking for one in the east . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos my apologies about the miscommunication . there is no german restaurant in the east area . eos 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 O N/A +bos okay , but given the mistake regarding the area of town , could you check again for a table for 1 at a cheap international restaurant on the east side ? 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+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A +bos there is one restaurant for international on the east side the missing sock , i attempted booking but it was unsuccessful . can we try another time for booking ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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-NoBook,Booking-Request+Time +bos can you try again to book the missing sock for 1 person at 15:15 ? 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+People O B-Restaurant-Inform+Time O N/A +bos that too was unsuccessful . maybe you 'd like to try for another day ? eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos is there a way you can contact the restaurant and try the booking again for 15:15 on thursday for 1 person ? 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 N/A +bos unfortunately , that time is also unavailable . eos O O O O O O O O O Booking-NoBook +bos i need a restaurant serving international food in the east thursday at 15:15 for one person . can you do that for me ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O O O N/A +bos the only restaurant that fits that criteria is the missing sock . can i try a different reservation time for you ? 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 Booking-Request+Time,Booking-Inform +bos that restaurant will be fine , lets book it . eos O O O O O O O O O O O N/A +bos perfect , your booking was successful , the reference number is t5bj4xd0 . is there anything else that 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 O general-reqmore +bos thanks ! i need a hotel on the east side , please . eos O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos of course , would a guesthouse be ok ? eos O O O O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O N/A +bos yes , as long as it is in the same general area and price range as the missing sock restaurant . 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 carolina bed and breakfast is in the east part of town . how many people should i book for 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Booking-Request+People +bos hi , i 'll be visiting soon and ca n't wait to try local restaurants . i need a cheap place to stay and would like to try a guesthouse . any recommendations ? 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 B-Hotel-Inform+Type O O O O O O O O N/A +bos great ! there are 9 guesthouses in cambridge that are cheap . is there a certain area you prefer ? eos O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Price O O O O O O O O O O Hotel-Request+Area +bos i would prefer to stay on the east side , with free parking available . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos that narrows it down to three : the allenbell , autumn house , and leverton house . do any of these sound good to you ? eos O 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 O O O O O O O O Hotel-Select +bos yes i will take the first choice can you book it for 4 people for 2 nights starting wednesday and i need a reference number 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 is all set ! the reference number is 7tt8fo52 . is there anything else you need ? 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 yes , i am also looking for a restaurant in the same area as the hotel within the same 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 O O O O O N/A +bos we have the missing sock , they serve international cuisine . would you like me to reserve a table for you ? 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 O O O O O O O O O O Booking-Inform +bos that sounds great ! can i get a table for 4 at 13:15 wednesday ? eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O N/A +bos your booking is all set . the reference number is mnols7en . can i help 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 general-reqmore +bos that 's all . thanks for the 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 'm looking for a place to stay , i would need wifi , and would prefer moderate pricing ? 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 N/A +bos we have acorn guest house that should fit your needs . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A +bos no , i 'm looking for a hotel . it has to have 0 stars eos 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 cityroomz hotel , is the centre of town an okay area ? eos O O O B-Hotel-Inform+Name B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O Hotel-Select +bos is that a zero star place ? eos O O O O O O O O N/A +bos that is indeed a 0 star hotel . would you 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 Booking-Inform +bos no , i am also looking for a chinese restaurant in the same price range as the hotel . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O B-Hotel-Inform+Type O O N/A +bos the yu garden is a good place . may i reserve a table 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 O Booking-Inform +bos what area is it ? eos O O O O O O N/A +bos 529 newmarket road fen ditton eos O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos what side of town is the restaurant on . is it in the centre ? eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos yu garden is an expensive place on the east side of town . 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 O N/A +bos thank you . that should be all of the information i need . eos O O O O O O O O O O O O O O general-thank +bos thank you , please contact us again if you need any other information . 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-welcome,general-bye +bos need a cheap place to eat at at the centre . eos O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O N/A +bos dojo noodle bar seems nice . would you like me to make you 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 i would prefer italian food . do you show something cheap in the center ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O N/A +bos how about pizza hut city centre ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O Restaurant-Inform +bos that sounds good . can you set aside a table for 4 at 14:45 on thursday ? 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 certainly . i have made that reservation for 4 and the reference number is p79a65w8 . 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 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 information on autumn house . i believe it is a hotel . 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 N/A +bos the autumn house is a guest house it 's in the cheap price range however has a 4 star rating . it also offers internet and parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos what is their phone number ? eos O O O O O O O Hotel-Request+Phone +bos 01223575122. would you like me to book a room for you ? eos O B-Hotel-Inform+Phone O O O O O O O O O O O Booking-Inform +bos yes please , that would be great . eos O O O O O O O O O N/A +bos what day will you be arriving , and how many people will be staying for how many nights ? 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 i 'd like thursday for 4 people , please . eos O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O 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 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 . eos O O O O O O O O O O O O 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 . please call back when i can assist you . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos find me expensive restaurant that serves international food . eos O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos my apologies . i could not find any restaurants that serve international food 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 Restaurant-NoOffer +bos british . eos O B-Restaurant-Inform+Food O N/A +bos fitzbillies restaurant serves british food , is located in the centre of town and is in the expensive price range . 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 I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O N/A +bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone +bos it 's 01223352500. would you like the address ? eos O O B-Restaurant-Inform+Phone O O O O O O O general-reqmore +bos no , you 've covered it all , i believe . 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 you 're welcome . eos O O O O O general-welcome +bos hello . i 'd like to find a hotel to stay in for the weekend . i 'd like one with restaurants and entertainment within 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 O O O O N/A +bos would it be possible for you to book another day ? eos O O O O O O O O O O O O Booking-Request+Day +bos i would like to find a guesthouse with a 4 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 the alexander bed and breakfast would fit your needs 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 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 need it for 3 people for 2 night starting monday and i need the reference number 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 N/A +bos ok , i was able to get the reservation for you . the reference number is i36djxlt . 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 O general-reqmore +bos find a restaurant in the centre that 's the same price range as the hotel , please . eos 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 i found over 20 choices . is there a certain type of food you 're 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 O O O Restaurant-Request+Food +bos i 'd like italian food , please . eos O O O B-Restaurant-Inform+Food O O O O O N/A +bos there is a pizza express in the centre that is moderately priced . would you like to book there ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos yes , for the same group of people on monday at 17:15 , please . eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A +bos i have a table reserved for you , they 'll hold it for 15 minutes . the reference number is wu3rycer . 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 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 very welcome , have a great day ! enjoy cambridge ! eos O O O O O O O O O O O O O O general-bye +bos hello ! i 'm looking for a moderately priced place to stay in cambridge . i 'll need 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 O N/A +bos i have 14 results for moderately priced places to stay , is there a particular area you 'd like to stay in ? eos 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 O O O O O O O Hotel-Request+Area +bos yes i would like to stay in cambridge eos O O O O O O O O B-Hotel-Inform+Area N/A +bos i 'm not showing any places to stay with your requirements . is there another area i can lookup 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 Hotel-NoOffer,Hotel-Request+Area +bos i would like something in the north . eos O O O O O O O B-Hotel-Inform+Area O N/A +bos great . there are 9 places to stay in the north . are there any other requirements you want me to look for ? eos O 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 general-greet,general-reqmore +bos you pick . give me the postcode , internet availability , and address to the one that stands out 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 Hotel-Request+Post,Hotel-Request+Internet,Hotel-Request+Addr +bos then how about acorn guest house . their address is 154 chesterton road and postcode is cb41da . they also have internet . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O O O O O Hotel-Inform+Internet +bos thanks . my friends told me about a restaurant called golden house . do you know what area its in and food type ? 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 Restaurant-Request+Area,Restaurant-Request+Food +bos the golden house serves chinese food and is in the centre of town . the price range is cheap . may i help you with anything else ? eos O 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 I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O O O O O O general-reqmore +bos nope , that 's all , thank you . 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 good day ! 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 i need to take a train to cambridge , i will be arriving on saturday . eos O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O N/A +bos okay . where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart,general-greet +bos i will be leaving from london kings cross . eos O O O O O O O O O O N/A +bos what time do you need to arrive ? eos O O O O O O O O O Train-Request+Arrive +bos i need to be there by 11:15 and i need a reservation for 5 people . can you send me the reference number when you have made the reservations ? eos 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 O O O O O O O O O O O O N/A +bos ok , i 've successfully booked your trip , on train tr4824 , arriving in cambridge at 10:08 , the fee is 94.4 gbp and your reference number is tvt0t8vj . eos O O O O O O O O O B-Train-OfferBooked+Id O O B-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 B-Train-OfferBooked+Ref O O O O O O N/A +bos awesome ! now please get me some information on the limehouse hotel eos O O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos limhouse is a guesthouse in the north . it is in the moderate price range and has a 4 star rating . was there anything else you needed to know ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars 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 do you need information on any attractions ? 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 O O O O O general-reqmore +bos you know what ? i would like to book the limehouse for 2 nights on saturday . eos O 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 and for how many people ? eos O O O O O O O Booking-Request+People +bos oh sorry , 5 people please . eos O O O O B-Hotel-Inform+People O O O N/A +bos your booking was a success ! your reference number is : rj56sn8k . 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 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 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 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 it should be in the town center eos O O O O O O O O N/A +bos i 'm afraid there are n't any in the centre part of town . would you like to try a different part of town ? eos O O O O O 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 O O Hotel-Request+Area +bos ok then i will go ahead and take any of the moderately priced ones with free parking and wifi . please recommend one of the 12. any area is fine . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos limehouse is 4 star guesthouse in the north area with free internet and parking . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O B-Hotel-Recommend+Area O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos that sounds good , can you book it for 7 people for 5 nights ? we 're checking in on tuesday . eos O O 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 booking was successful . reference number is : qf7qded6 . 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 also need a train . it should leave cambridge on wednes and arrive in london kings cross by 10:15 eos O O 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 B-Train-Inform+Arrive O N/A +bos tr6583 leaves cambridge at 09:00 and arrives at london kings cross at 09:51.do you want me to book this ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id B-Train-OfferBook+Depart O B-Train-OfferBook+Leave O 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 Train-Inform +bos yes , please . i will need tickets for 7 people , please . 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 set ! your reference number is axbh3mc7 . eos O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos great ! thank you ! that 's all i need . eos O O O O O O O O O O O O general-thank +bos are you certain there is n't 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 was 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 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 O N/A +bos can you be more specific please ? eos O O O O O O O O general-reqmore +bos oops , sorry . i should have given you more info . i am wanting to find a train to get me to bishops stortford . 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 O N/A +bos could you tell me what day and time you are wanting to leave ? eos O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos me and 6 of my friends want to leave sometime after 8:30. eos O O O O O O O O O O O O B-Train-Inform+Leave N/A +bos please tell me what place you want to depart from ? eos O O O O O O O O O O O O Train-Request+Depart +bos i 'll be leaving cambridge on tuesday and need a booking . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O N/A +bos ok , the first train after 8:30 is tr1562 and it leaves at 09:29 , shall i book you ? eos O O O O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos yes , for 7. please give me the reference number . eos O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos alright , you 're all booked up . it will cost 70.7 gbp at the station , and your reference number is uxglg4vf . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos can i get an expensive place to stay ? a hotel more specifcally , 2 stars please . eos O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O N/A +bos there is only one in that price range . it is express by holiday inn cambridge . eos O O O B-Hotel-Inform+Choice I-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 I-Hotel-Inform+Name O O N/A +bos can you book a room for me ? eos O O O O O O O O O N/A +bos of course ! what day , how many people , and how many nights ? eos 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 i 'm looking just for the phone number , address , and area of the hotel . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O Hotel-Request+Area,Hotel-Request+Phone,Hotel-Request+Addr +bos would you like express by holiday inn ? eos O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O N/A +bos yes , that one would be perfect . i need the address , phone number and area please . 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+Phone,Hotel-Request+Addr +bos it is located in the east area at 15-17 norman way , coldhams business park . the phone number is 01223866800. eos O O O O O O B-Hotel-Inform+Area 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 N/A +bos that is all i wanted to know for 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 i 'm looking for a cheap restaurant in the west area . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A +bos you have your choice of la margherita , which serves italian food , or thanh binh , which offers vietnamese cuisine . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos let 's go with la margherita . could you book a table for 2 people at 13:30 on saturday ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 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 as long as its in the same area and price range . i need a reference number too then please 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+Ref +bos i was able to get you into thanh binh . your reference number is clibol1q . 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 okay that is all i need for now . eos 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 i am in desperate need of a getaway . can you help me find a cheap 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 N/A +bos do you have a price preference , or a particular 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 Hotel-Request+Area,Hotel-Request+Price +bos i like staying on the north side of town and i do need free wifi . eos 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 two guesthouse style locations that are both in the price range and located in the north . worth house has a 4-star rating . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O N/A +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 +bos the worth house sounds fine . i would need the postcode . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O Hotel-Request+Post +bos the postcode is cb41da . would you like me to book that for you ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O O Booking-Inform +bos yes please . i 'm also looking for a train that leaves on friday that departs from leicester and goes to 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 O B-Train-Inform+Dest O O O N/A +bos i have 19 trains that meet that criteria . do you have a 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 Train-Request+Arrive +bos i 'd like to leave after 11:45 , please . eos O O O O O O B-Train-Inform+Leave O O O O N/A +bos okay , i think tr4170 would be most suitable for you , leaving leicester on friday at 09:09 and arriving in cambridge by 10:54. shall i book you a ticket ? eos O O O O B-Train-Inform+Id 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 O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos yes please . i need 8 tickets . and i 'm sorry , i did n't need you to book the hotel , hope it 's not too late . 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 O O O O O O O O O N/A +bos your booking was successful . your confirmation number is olyqosdv . the total is 302.39gbp and is 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 B-Train-OfferBooked+Ticket O O O O O 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 thank you and have a great day . eos O O O O O O O O O general-bye +bos thanks one more time . lets end this conversation please 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 general-bye +bos i 'm looking for a particular hotel eos O O O O O O O O Hotel-Inform +bos i 'll be happy to find information on the hotel . what hotel would you like me to look up 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-Request+Name,general-greet +bos finches bed and breakfast . i would like to book it for 1 person and 4 nights , start date on wednesday . can you also provide me with reference number ? 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 B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day 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 97ryhjtp . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos im also looking for a place to go in the south eos O O O O O O O O O O O B-Attraction-Inform+Area N/A +bos there are many things to do . what would you like ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Type +bos it should be a theatre . get me the entrance number eos O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos the junction fits your description . can i give you their address ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O N/A +bos actually i 'll be taking a taxi between the two . but before i do that , is there an entrance fee ? eos 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 Attraction-Request+Fee +bos the junction does not have their entrance fee available . would you like their phone number to call them ? eos O O B-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 I-Attraction-Inform+Fee O O O O O O O O O O O N/A +bos no thank you . i would like a taxi , leaving the junction by 17:30. eos 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 all set , look for a yellow bmw , if there are issues , they can be reached at 07689463937 , any other questions ? 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 general-reqmore +bos no , you have taken care of everything . thanks 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 your welcome good bye eos O O O O O general-welcome,general-bye +bos i 'm looking for some lodging . are there any 3-star accommodations where you do n't have to pay for 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 N/A +bos there are ! 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 O Hotel-Request+Area,general-greet +bos in the west please . also , i 'd like it to be expensive . eos O O O O O O O O O O O O O O O O N/A +bos there are no lodging in the expensive price range that is in the west side of town . would you like somewhere else ? eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price 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 Hotel-Request+Area +bos yes , let 's check the south please ? eos O O O O O B-Hotel-Inform+Area O O O O N/A +bos the lensfield hotel fits your description . can i book ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O Booking-Inform +bos what is the hotel type , phone number and address ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Hotel-Request+Phone,Hotel-Request+Type,Hotel-Request+Addr +bos it is a hotel located at 52-57 lensfield road and the phone number is 01223355017. eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone N/A +bos cool , i also need a train eos O O O O O O O O Train-Inform +bos where are you travelling to and from and on what day and time please ? eos O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day,Train-Request+Leave +bos i am going to cambridge from stansted on thursday and arriving by 15:30. eos O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos there is a 14:24 that would get you there are 14:52. does that sound good ? eos O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos great what is the price and id of the train ? eos O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos the train id is tr2473 and the cost is 10.10 pounds . eos 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 N/A +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 O general-welcome,general-bye +bos can you help me find a place to eat that serves unusual 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 there are no restaurants that serve unusual food in the centre . would you like to search a different 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 O O Restaurant-Request+Area,Restaurant-NoOffer +bos how about british ? eos O O O B-Restaurant-Inform+Food O N/A +bos there are seven british restaurants in the center . four are moderately priced and three are expensive . what is your preference , please ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Select +bos moderate sounds good . can you book a table at any one of the 4 for 8 people on monday at 18:00 ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos i got a table for you at cotto . your reference number is ga03mu3u . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Name O O O O B-Restaurant-Inform+Ref O O O O O O O O O O O O general-reqmore +bos great ! thank you for the reference number ga03mu3u . goodbye . eos O O O O O O O O O O O O O Restaurant-Request+Ref +bos you 're very welcome . goodbye ! eos O O O O O O O O general-welcome,general-bye +bos i am looking for a cheap asian oriental restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos great ! there are 2 cheap asian oriental restaurants in the city centre . would you like me to book you a reservation at one of them ? eos O O 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 O O O O O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos yes . i need a reservation for 2 people , saturday night at 6:00pm . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O O O N/A +bos i am sorry , but there is not a table available at that time . would you like 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 O O Booking-NoBook,general-reqmore +bos i 'm sorry , i was actually looking for a reservation for monday at 6:15. are there any tables available at that time ? eos O O O O O 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 i have you at j restaurant , 16:15 , reference number is : enozr5ha . anything else ? eos O O O O O O B-Booking-Book+Name B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos great thank you for 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 yes , i actually need a table for 6 people not 2 @ 18:15 on monday . eos O O O O O O O O O B-Restaurant-Inform+People O O O O O O O O N/A +bos okay i have amended that reservation and your reference number is nmjit3av . eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you so much and i apologize for the confusion on my part . that is all i need for 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 O general-bye +bos okay . no worries . enjoy your dinner ! eos O O O O O O O O O O general-bye +bos i need an expensive restaurant . eos O O O O B-Restaurant-Inform+Price O O N/A +bos there are 57 expensive restaurants in the city . is there a particular area you would prefer 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 O O O Restaurant-Request+Area +bos i would like chinese food in the centre please . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos there are 4. can i make a reservation at one of them ? possibly tang chinese ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name N/A +bos i need a table for 7 at 19:45 on sunday eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos i was able to book you at hk fusion on sunday . reference number 5up22ra . 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 B-Booking-Book+Day O O B-Booking-Book+Ref 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 general-thank +bos okay . enjoy your dinner . eos O O O O O O O general-bye +bos i am looking for a place to dine located in the centre and in the moderate price range . can you help me ? eos O O O 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 N/A +bos you 're in luck , we have many moderately priced restaurants in the centre . cuisine offerings vary from asian oriental to european . what sounds good to you today ? eos O O O 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Select +bos is there chinese available ? eos O O O B-Restaurant-Inform+Food O O N/A +bos yes , there are 3. can i make a dinner reservation for you at one of them ? eos O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos yes please make it for sunday at 14:00 , for 4 people . and can i also get the reference number ? 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 Restaurant-Request+Ref +bos i was able to book ian hong house , reference number is e8v1xgoa . 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 O O N/A +bos thanks so much ! eos 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 thank you . that will be all . eos O O O O O O O O O O general-thank +bos great ! please contact us again if you need anything else . eos O O O O O O O O O O O O O general-bye +bos i need a place to stay in cambridge thats 4 star with free wifi eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos the a and b guest house is a great place 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 N/A +bos do this hotel offer free parking also ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos unfortunately this guest house does n't offer parking , would you like me to search for similar hotels that offer 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 Hotel-Request+Parking,Hotel-Inform+Parking,general-reqmore +bos yes i do . when you find it , i need 3 nights for 5 people starting on wednesday . i 'll take the reference number too . eos O O B-Hotel-Inform+Parking 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 Hotel-Request+Ref +bos i 'm sorry , there are no hotels that meet your criteria . would you like to try searching for 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 O O general-reqmore +bos there are seriously no 4 star hotels with free wifi and free parking in all of cambridge ? i 'm pretty sure there should be . 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 the arbury lodge guesthouse is 4 stars , it has internet it is in the moderate price range eos 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+Price I-Hotel-Recommend+Price O O Hotel-Recommend+Internet +bos great ! could you book it for 5 people and 3 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 O N/A +bos sorry for the confusion , i have that booked for you , your reference # is : hqsozlwh . 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 O O general-reqmore +bos how about one that is in the type of nightclub . eos O O O O O O O O O O O B-Attraction-Inform+Type N/A +bos there 's the club ballare which is rather nice . would you like some more information about it ? 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 general-reqmore +bos yes . may i have the phone number ? eos O O O O O O O O O O Attraction-Request+Phone +bos sure its 01223364222 eos O O O B-Attraction-Inform+Phone N/A +bos ok. thanks . all set . eos O O O O O O O general-thank +bos is there anything more i can help you with ? eos O O O O O O O O O O O general-reqmore +bos that is all i need . 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 would you happen to know if there are any cheap restaurants with scottish cuisine ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , there are n't any . is there anything else you could prefer ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos no , not at this time . i was really only hunting a restaurant with scottish cuisine . thank you for your 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 +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 is there one available that serves chinese food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes there are 4. when would you like me to reserve the table for you ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Booking-Request+Day +bos yes , monday , 12:15 for four . eos O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O O O O N/A +bos i managed to successfully book a table in the rice house that is in the centre . your reservation number is onc1aejc . 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 B-Booking-Book+Ref O O N/A +bos that 's wonderful . thank you for your assistance , bye ! eos O O O O O O O O O O O O O general-bye +bos no problem . i 'm here to help . goodbye ! eos O O O O O O O O O O O O general-welcome,general-bye +bos hi , i am looking for a north indian restaurant in the town centre ? eos 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 i 've found 9 restaurants that match what you 're looking for . would you like me to go through them ? 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 general-reqmore +bos one in the moderate price range would be good . can you find one for me ? 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 there are non in the moderate price range , i have a few in the cheap price range , would that be okay ? eos 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 O O O O Booking-Inform,Restaurant-NoOffer +bos no , in that case i think i would prefer to try a place that serves international 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 i have 2 restaurants that meet your needs : the varsity restaurant on saint andrews st. and bloomsbury restaurant on downing street . 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos okay , how about the varsity .. i 'd like a table for four on thursday at 12:30. eos 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 N/A +bos booking was unsuccessful , want to try another restaurant ? ? eos O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes . i 'd like the same area and price range . eos O O O O O O O O O O O O O N/A +bos okay i was able to get you into the bloomsbury and your reference number is 6bohrouh . eos 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 N/A +bos thank you , that will be just fine . eos O O O O O O O O O O general-thank +bos you 're very welcome ! do n't hesitate to call if you would like help finding other attractions . 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 , can you give me some information on a train ? eos O O O O O O O O O O O O O Train-Inform +bos i absolutely can . where are you looking to go ? eos O O O O O O O O O O O O Train-Request+Dest +bos i plan to go to cambridge and will be departing from norwich on saturday and plan to ride a train that should arrive cambridge by 16:00. eos O O O O O O B-Train-Inform+Dest 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 B-Train-Inform+Arrive N/A +bos okay , there are several departure times that fit what you 're looking for . the earliest is 5:16. 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 O O O O B-Train-Inform+Leave O O O O O O O O O O O O O Train-Select,Train-OfferBook +bos can you give me the travel time , departure time and train id for the one arriving closest to 16:00 please ? 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 Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave +bos train id is tr2602 , travel time is 79 minutes and the price is 14.08 pounds . is there anything else you need ? eos O O O O B-Train-Inform+Id 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 yes , i need a 4 star hotel in the expensive price range . eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O N/A +bos we have huntingdon marriott hotel in the west and university arms hotel in the centre , any preference ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O Hotel-Select +bos it needs to have free parking . eos O O O O O O O O N/A +bos they both have free parking . i 'd recommend the university arms hotel in the centre . can i book this for you ? eos 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 O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos i 'm sorry , i actually need a guesthouse . eos O O O O O O O B-Hotel-Inform+Type O O O N/A +bos unfortunately , i do n't have any matches in my system . is there something 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 Hotel-NoOffer,general-reqmore +bos how about one in the cheap price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are several guesthouses in the cheap range all over town . what area do you prefer ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O Hotel-Request+Area +bos can you help me find a cheap 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 sure ! there are 15 cheap restaurants in the centre . is there a certain type of food you 're looking for ? eos O 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 Restaurant-Request+Food +bos oh , yes ! italian , please . eos O O O B-Restaurant-Inform+Food O O O O O N/A +bos i can recommend ask restaurant . would you like me to make a reservation ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos no , let 's try italian on the cheap side located in the centre . book for 7 people on wednesday at 11:45 please . eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price 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 O O O N/A +bos i was able to book your party at ask . your reservation will hold for 15 minutes . is there anything else i can help you with today ? eos O 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 O O O O O O general-reqmore +bos could i get the reference number please ? eos O O O O O O O O O Restaurant-Request+Ref +bos reference number is : v0pvdpbc . need anything else ? eos O O O O O B-Restaurant-Inform+Ref O O O O O general-reqmore +bos no thank you ! goodbye . eos O O O O O O O general-bye +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 'm trying to find a restaurant called the slug and lettuce . do you know where that is ? 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 O O O O O O N/A +bos yes it is in the centre area . eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos i 'd like to book it for 3 people at 16:45 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 O N/A +bos certainly . i have booked you for saturday at 16:45 for 3 people the slug and lettuce . will there be anything else i can assist you with today ? eos O O O O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+People 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-greet,general-reqmore +bos could i get a reference number please ? eos O O O O O O O O O Restaurant-Request+Ref +bos i am sorry . i went to get the reference number and now the system is not providing a reference number . i can 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 O O O O O O O O O Booking-NoBook,general-reqmore +bos i was hoping to book lodging in the cambridge belfry . 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 what a great choice ! they are 4-star rated and offer free wifi and parking . to get your booking done , can you tell me what day you want to start your stay ? 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 O O O O O O O O O O Booking-Request+Day,Hotel-Inform+Internet,Hotel-Inform+Parking,general-greet +bos yes , beginning on monday , for 5 people and four nights . thanks ! eos O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O O O O N/A +bos alright ! i have your stay booked . the reference number is : sr4s164v . 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 general-reqmore +bos i also need a train going to stevenage the train needs to arrive by 13:30 eos 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 what day are you going ? how many tickets would you like ? eos O O O O O O O O O O O O O O Train-Request+People,Train-Request+Day +bos friday , going to cambridge . 5 tickets , please . eos O B-Train-Inform+Day O O B-Train-Inform+Depart O O O O O O O N/A +bos train tr3043 leaves at 11:21 and arrives at 12:10 would you like me to book it 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 yes that would do . can you also tell me the travel time ? eos O O O O O O O O O O O O O O O Train-Request+Duration +bos travel time is 49 minutes . you have a booking for 5 on tr3043 . total fee is 64 gbp payable at the station . ref # 9pacw4o . anything else you need ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O B-Train-OfferBooked+People 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 general-reqmore +bos no . that 's all i need for now . thanks . eos O O O O O O O O O O O O O general-thank +bos thank you ! have a great day and good bye ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i need a taxi to come to curry garden and take me to nandos . 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 O N/A +bos okay ! what time do you need it for ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i need to arrive by 04:45 eos O O O O O O B-Taxi-Inform+Arrive N/A +bos i have booked you a white volvo , contact number is 07985113779. is there anything else ? eos 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 general-reqmore +bos that is all i need today thank you . eos 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 . good bye . eos O O O O O O O O general-bye +bos have a wonderful day ! it was a pleasure to serve you . eos O O O O O O O O O O O O O O general-bye +bos i would like to visit an attraction 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 N/A +bos sure , it is a concert hall located at 2 norfolk street , postcode cb12lf . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 very 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 O general-reqmore +bos yes , i am also looking for an expensive halal restaurant to dine at . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos could you help me narrow that down by choosing an area and type of food ? 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 would like halal food 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 it looks like there is not any in the centre of town . would you like me to try a different section of the city ? eos 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 O O O O Restaurant-Request+Area +bos is there an african restaurant in the center ? eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there 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 Booking-Inform +bos yes , please . i 'll need a table on saturday . it will be at 13:30 . 6 people will be dining . eos O O O O O O O O B-Restaurant-Inform+Day O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+People O O O O O O O O O N/A +bos great . i made a booking for six people . the reference number is midbiufe . 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 so much . that was all i needed . eos 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 your trip ? eos O O O O O O O O O O O O O O general-reqmore +bos nope that was it for today , thanks ! eos O O O O O O O O O O general-thank +bos may i book you a taxi ? eos O O O O O O O O general-reqmore +bos no thank you . i have to go . thanks for all of 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 fun trip ! eos O O O O O O O O general-greet +bos hi , i 'd like to find some place to go in the east . what 's good to visit ? 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 there are several places would you like an entertainment attraction or a museum ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type N/A +bos ca n't you suggest something please ? i need the address , attraction type and postcode when you find 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 Attraction-Request+Post,Attraction-Request+Type,Attraction-Request+Addr +bos how about cambridge artworks ? it 's a museum on the east side of town , and they have no entrance fee . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Area O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O 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 their located at 5 greens road and postcode cb13ef . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O N/A +bos thank you . can you book a train for me ? i 'm leaving on monday and i would like something that arrives by 12:15. eos O O 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+Arrive O O O N/A +bos could you tell me where you are leaving from and want to arrive at ? thank you . 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+Depart +bos i 'm leaving from kings lynn and going to cambridge . eos O O O O O O O O O O O O N/A +bos i 'm sorry there are no trains matching that description . would you like me to 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 Train-NoOffer,general-reqmore +bos can you check again please for anything arriving before 12:15 eos O O O O O O O O O O B-Train-Inform+Arrive N/A +bos train tr0942 leaves kings lynn at 09:11 and arrives in cambridge at 9:58. would you like me to book this 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 B-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 , thank you . eos O O O O O O O general-thank +bos your booking was successful . the reference number is fkl4zcp9 . is there anything 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 general-reqmore +bos yes , how much is that train ride going to cost me , in both time and money ? 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 will take 47 minutes and cost 9.8 gbp eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket N/A +bos ok , thank you very much . that is everything i need . eos O O O O O O O O O O O O O O general-thank +bos i 'm glad to hear that , please enjoy your trip . eos O O O O O O O O O O O O O general-bye +bos i am looking for a train that leaves for bishops stortford on wednesday eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day N/A +bos i 'd love to help ! what is your destination ? eos O O O O O O O O O O O O Train-Request+Dest +bos the train should depart from cambridge and should arrive by 13:30 eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A +bos tr8224 arrives in bishops stortford by 12:07. can i book a seat for you ? eos O B-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 O Train-OfferBook +bos yes , please . for one eos O O O O O O O N/A +bos you are booked . the fee is 10.1 gbp . your reference number is 73z0fehf . is there anything else i can help with ? eos 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 O O general-reqmore +bos yes , i also need to find a place to stay in the north . 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 many options for a place to stay in the north ? do you have a price range or any specific needs ? eos O O O B-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 O O Hotel-Request+Price +bos yes , i would like free wifi and the hotel should have a star of 4. eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos there is an acorn guest house 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 Booking-Inform +bos yes i would like to book that for the same day for 4 nights please starting from saturday . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O N/A +bos i 'm sorry , are you wanting to book the room for wednesday or saturday ? you 're train is booked for wednesday . eos O O O O O O O O O O O B-Train-OfferBooked+Day O B-Booking-Inform+Day I-Booking-Inform+Day O O O O O O O O O O Train-Inform +bos i 'd like to stay four nights starting from saturday , please , for just me . eos O O O O O O O O O O O O O O O O O O N/A +bos your stay at the acorn guest house has been booked . your reference number is 3sxcm6mr . 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 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 . thanks but that is all i need . take care . bye . eos O O O O O O O O O O O O O O O O general-bye +bos it was a pleasure . take care . goodbye . eos O O O O O O O O O O O general-welcome,general-bye +bos 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 centre most of 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 B-Attraction-Inform+Area O O O O O O O O O O N/A +bos there are plenty of things to do , are you interested in museums or architecture ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Type +bos either or would be fine ! eos O O O O O O O N/A +bos i would suggest architecture as there are several churches in the area . do you prefer something with free entry ? eos O O O O B-Attraction-Recommend+Type O O O O O O O O O O O O O O O O O Attraction-Request+Price +bos i am open to anything . can you just pick a church and give 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 sure . holy trinity church is free and is located on market street . the postcode is cb23nz . can i get you any other information today ? 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+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 that 's all i need . 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 i want a train going to cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A +bos you 're in luck , i have quite a few trains coming into cambridge ! where will you be departing from ? eos O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O O O O O Train-Request+Depart +bos stansted airport , please . eos O B-Train-Inform+Depart I-Train-Inform+Depart O O O N/A +bos ok , and what day and time are you traveling ? eos 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 and i need to arrive by 12:15. eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive N/A +bos tr9445 departs at 11:24 and arrives by 11:52. 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 yes , please . i need a booking for 7 people . eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos okay , the booking was successful and the total fee is 56.56 gbp payable at the station . the reference number is d2k69pnc . 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 B-Train-OfferBooked+Ref O O O N/A +bos thanks so much for the train booking . i also need lodging with free wifi . i do n't need free 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 N/A +bos i have a few places available , in which area would you like to stay ? 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+Area +bos do have anything expensive ? i do n't care what area . eos O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos would you like 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 either one is fine . if you can recommend for me , that would be great . oh and if there 's one you like that 's moderately priced , that would be fine 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 B-Hotel-Inform+Price O O O O O O O O O O O O O N/A +bos i have three , is there a star range you prefer ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Stars +bos oh , i do n't really care about that . which place would you recommend ? eos O O O O O O O O O O O O O O O O O N/A +bos i would suggest avalon . eos O O O O B-Hotel-Recommend+Name O N/A +bos great ! can i get the phone number ? eos O O O O O O O O O O Hotel-Request+Phone +bos their phone number is 01223353071. would you like me to reserve a room for you ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O Booking-Inform +bos no that wo n't be necessary . i 'd just like the postcode and address 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+Addr +bos they are at 62 gilbert road postal cb43pd , may i assist with anything else ? 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 general-reqmore +bos that 's all for me . thanks for your help . bye ! eos 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 'm looking for a 4 star hotel , and it does n't need to have free parking . eos 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 N/A +bos i have three hotels that meet your criteria . are you looking for a specific part of town ? 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 , but price is important- anything moderately priced on your list ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos i have a cheap 4 star in west , and two expensive ones - one in west and one centre . which one 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 O O O O O O O O O N/A +bos i 'd like a hotel that is in the moderate price range . could you recommend that for me ? 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 i 'm sorry , but i do n't have any hotels in the moderate price range that are 4 stars . if you 're interested in a guesthouse , though , we do have options for you . 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 I-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O B-Hotel-NoOffer+Stars 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 what are those options ? eos O O O O O O N/A +bos you could try the allenbell . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos all right , let 's try that . may i get a reservation for friday and saturday night , 8 people each night ? eos O O O O 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 O N/A +bos thank you for waiting . your reservation has been made . your reference number is g9ewb5nn . 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 general-reqmore +bos i also need a train on sunday from cambridge to peterborough leaving after 14:15. eos 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 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 , i just need to leave after 14:15 please . eos O O O O O O O O O O O O N/A +bos okay the tr3577 leaves at 14:34. eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave 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 too , enjoy your stay . eos O O O O O O O O general-bye +bos hi , what trains do you have on saturday from kings cross ? eos O O O O O O O O B-Train-Inform+Day O O O O O N/A +bos we have a total of 10 trains departing from london kings cross every two hours beginning at 5:17 am . eos O O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Leave O O O O O N/A +bos i need a train that will arrive in cambridge by 21:45. eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos for how many people ? eos O O O O O O Train-Request+People +bos just for me please . eos O O O O O O N/A +bos i was able to book tr7223 , reference number is ui4ftgqm . eos O O O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ref O O N/A +bos i am looking for places to go in town in the centre . what do you recommend ? 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 the cambridge punter is a good attraction to goto in the centre 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 O B-Attraction-Inform+Area O O O O O general-reqmore +bos i do n't need the address , but could you provide the postcode , entrance fee , and phone number please ? 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 O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos it does n't specify an entrance fee , but the post code is cb41as . the phone number is 07807718591. 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 that 's all i need thanks . eos 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 places to go in the centre area . eos O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos i have 44 places to go in centre . what type of place are you looking for ? 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 i am looking for a college with free admission . eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos i would recommend christ 's college . it is a wonderful campus . they do offer free entrance also . any other info i can provide you with ? eos O O O O B-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 O O O O general-reqmore +bos can i get the phone number and address for the college ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos yes , the address is saint andrew 's street and the phone number is 01223334900. is there anything else i can assist you with today ? 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+Phone O O O O O O O O O O O O O general-reqmore +bos yes actually . i need to find a place to dine in the same area as the college is in hopefully . are there italian places near 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 B-Restaurant-Inform+Food O O O O N/A +bos yes , there are 9 restaurants . what is your price range ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Price +bos i need a cheap price range for three people eos O O O O B-Restaurant-Inform+Price O O O O O N/A +bos i recommend zizzi cambridge . would you like to book 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 what day and time would you like for your reservation ? eos O O O O O O O O O O O O N/A +bos i need to meet my friends there by 5 pm eos O O O O O O O O O O O N/A +bos i would like to find an architectural attraction to go to in the centre . can you help me ? 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 yes ! i found 5 attractions matching your requirements . would you like to know more ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O N/A +bos i would like to get the entrance fee and address of them please eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos great saint mary 's church is 2 pounds and the other 4 are free . would you like the address for great saint mary 's church ? 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 B-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O N/A +bos yes , that would be great . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos the church is located in market square postcode cb23pq . i do not have access to the full address . 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 O O O O O O N/A +bos okay thank you . that is all i needed . eos O O O O O O O O O O O general-thank +bos ok , can i help with any other travel plans ? eos O O O O O O O O O O O O general-reqmore +bos we are looking for a place to dine , preferably expensive italian food in the same area as the attraction . what do you suggest ? i need an address and postcode please . eos 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 O O O O O O O O O O O O O O Restaurant-Request+Post +bos okay , i recommend the clown 's cafe . would you like me to make 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 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 yes i can if you let me know how many people the reservation will be for an date and time 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Time +bos i do not need a reservation . i need a postcode and address only . eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the postcode for clowns cafe is cb11ln . the address is 54 king street city centre . can i help you with anything else today ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O O O O O O O general-reqmore +bos nope that 's it , you have been oh so wonderful , thank you ! eos O O O O O O O O O O O O O O O O general-thank +bos thank you so much ! i hope you have an excellent time on your 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 can you help me locate a swimming pool ? eos O O O O O O O O O O N/A +bos yes , there are 4 pools , 1 in the east , 2 in the north and 1 in the centre . which area would you like ? eos O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Choice I-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 Attraction-Request+Area +bos could you give me the address and postcode of one in the north 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 the jesus green outdoor pool is between victoria road and the river , and their postcode is cb43px . 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 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+Post O O O O O O O O O O O O O general-reqmore +bos no thanks . i think that should do it . 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 . goodbye ! eos O O O O O O O general-bye +bos i 'm looking for a great european restaurant . can you help with that ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos there are quite a few european restaurants , what price range are you interested in ? eos 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 Restaurant-Request+Price +bos can you find me one that is in the moderate price range ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , i can help you with that . what area are you interested in ? eos O O O O O O O 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 2 restaurants listed as european , and 3 listed as modern european . are you more interested in one group ? eos O O O 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 O Restaurant-Select +bos i apologize , are any of those in the centre area ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos yes , two modern european and two european are listed in centre . do you have a preference ? eos O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Select +bos either is good . pick the best and 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos how about galleria ? it 's a european restaurant at 33 bridge street , cb21uw . their phone number is 01223362054. can i help you with anything else ? eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-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 yes i 'm 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 O N/A +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 it does n't matter , anywhere in town that 's in the same area as the restaurant . i 'd like the postcode 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 O O Attraction-Request+Post +bos i recommend the primavera museum at 10 king 's parade , postcode cb21sj . eos O O O O B-Attraction-Recommend+Name B-Attraction-Recommend+Type O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O N/A +bos thanks so much for your help , i have all the info i need for 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 thank you for calling ! goodbye . eos O O O O O O O O general-welcome,general-bye +bos i am looking for a gastropub in the centre of town . what do you have ? eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O N/A +bos i see there are 3 restaurants serving gastropub in the centre . do you have a specific pricerange you 'd rather ? eos O O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Price +bos it 's a special occasion , so let 's go with something expensive . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos okay , i recommend the backstreet bistro . it 's located at 2 sturton street city in the centre . would you like me to book a reservation ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 O O O O O O O O O O Booking-Inform +bos i need a table for 5 people . eos O O O O O O O O O N/A +bos 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 ? eos O O O O 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 for 5 , at 17:15 on friday . eos O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos booking was a success ! your reference number is : 0wly58qy and the table will be reserved for 15 minutes . 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 N/A +bos awesome , i 'm also looking for a swimming pool to go to after the restaurant . can you find one in the same 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 N/A +bos parkside pools is in that same area . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos that sounds great . could you give me their number please ? eos O O O O O O O O O O O O O N/A +bos yes , it is 01223446100. can i do anything else for you today ? eos O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos that takes care of all my needs . thanks a bunch ! eos O O O O O O O O O O O O O general-thank +bos great , you are very welcome ! take care now ! eos O O O O O O O O O O O O general-welcome,general-bye +bos hi , i am trying to plan my trip and could use some help with a particular restaurant . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos do you have any restaurant name in mind , choice of food and location , price range so we narrow down our 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 O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price +bos it 's called cambridge lodge restaurant . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos would you like me to book you a reservation ? eos O O O O O O O O O O O Booking-Inform +bos yes i would like reservations for 2 people at 13:45 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 N/A +bos i made the reservation , and here is your reference number : 8kult1f8 . thank you for calling our help desk ! 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 general-greet +bos i am also looking for places to visit on the north 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 the attractions in that area are boat , a park , and swimming pool . would you like more information on any of these ? eos 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 general-reqmore +bos would you just recommend one and let me know what type it is please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Type +bos i would recommend milton country park . would you like the information ? eos O 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 just tell me the attraction type please eos O O O O O O O O Attraction-Request+Type +bos it is a country park , suitable for walking and such . is there anything else i can assist you with ? 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 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 you are welcome , have a great day ! eos O O O O O O O O O O general-welcome +bos hello , i am looking for a restaurant called hotel du vin bistro . eos O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos i have the hotel du vin and bistro located at 15 - 19 trumpington street . their phone number is 01223227330. is there anything else you 'd like to know ? 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 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+Phone O O O O O O O O O O O general-reqmore +bos yes , do you happen to know what their price range is ? eos O O O O O O O O O O O O O O Restaurant-Request+Price +bos it is a moderately priced restaurant . eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos thank you , i am also looking for colleges in the west area , can you give me more info on those ? 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 O O O O N/A +bos sure , there are five in that area . eos O O O O B-Attraction-Inform+Choice O O O O O N/A +bos okay can you please give me the address and phone number to one that you recommend ? 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 churchill college is in the west . it is free . their address is storey 's way and their phone number is 01223336233. is there something else i can help you with ? eos 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 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 O O general-reqmore +bos i 'll need a taxi to get to the restaurant from the college eos O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos when would you like to depart 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 the college by 17:45. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos look out for blue audi and the contact is 07704105675 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O N/A +bos thanks so much for all of your help today . i wo n't be needing anything else . 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 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 am 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 N/A +bos hobsons house is a guesthouse found in the west side of town . it is in the moderate price range and is rated 3 stars . 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 O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O N/A +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes hobsons house has both free internet and parking . 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 O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos can i please get their postcode ? eos O O O O O O O O Hotel-Request+Post +bos yes , of course ! it is cb39lh . eos O O O O O O B-Hotel-Inform+Post O O O N/A +bos i also need a train that should depart from kings lynn and should go to cambridge . eos 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+Dest O N/A +bos what day will you travel ? eos O O O O O O O Train-Request+Day +bos i 'll be traveling on monday and need to arrive by 10:00. eos O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A +bos the tr0942 leaves kings lynn at 9:11 and arrives in cambridge at 9:58. would you like to book a reservation ? 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 O O O Train-OfferBook +bos yes can i book it for 8 people ? eos O O O O O O O O B-Train-Inform+People O N/A +bos you 're all set ! your reference # is 2pffj67j . total cost is 78.40 gbp , payable at the station . 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 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 . i have everything i need . eos O O O O O O O O O O O O general-thank +bos you have a wonderful day . goodbye . eos O O O O O O O O O general-welcome,general-bye +bos hi i am looking for an entertainment venue in the centre of town . 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 unfortunately , there is no such place in town . could you like to consider other areas of town ? 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 Attraction-Request+Area +bos how about one that is in the type of cinema ? eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos vue cinema is available , they are at the grafton centre , east road , postal cb11ps , they can be reached at 08712240240 , can i assist with anything else ? eos O 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 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 general-reqmore +bos yes , is there a restaurant also in that same area ? eos O O O O O O O O O O O O O Restaurant-Inform +bos what price range do you want your restaurant . eos O O O O O O O O O O Restaurant-Request+Price +bos i 'd like to save some money for other things , so let 's find one that 's on the cheap , please . 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 N/A +bos there are 15 cheap restaurants in the centre . what type of food do you want to eat ? 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 . what do you recommend out of those options ? eos O O O O O O O O O O O O O O O N/A +bos the dojo noodle bar is available , should i book it 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 Booking-Inform +bos yes . it 'll be just me dining . i want to reserve thursday at 18:00 there . 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 O O O O Restaurant-Request+Ref +bos i am unable to book at this time . eos O O O O O O O O O O Booking-NoBook +bos oh , that 's too bad . how about monday ? eos O O O O O O O O O O O O N/A +bos i am unable to make that booking for you . would you like to make a reservation at another restaurant for monday ? 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 general-reqmore +bos try once more in case they fixed the system glitch , if not ill try any other place 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 N/A +bos i am still unable to make that booking for you . would you like to make a reservation at another restaurant for monday ? 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-NoBook+Day O O general-reqmore +bos yes please that would be okay i guess . eos O O O O O O O O O O N/A +bos how many people will be dining ? eos O O O O O O O O Booking-Request+People +bos 1 person at 18:00 on monday , please . eos 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 : xl39zcsj . 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 can you have a taxi pick me up at vue cinema and bring me to the restaurant , arriving by 18:00 ? 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 B-Taxi-Inform+Arrive O O N/A +bos a black toyota has been booked , and you can call 07409806592 to reach the driver if you need . anything else today ? eos 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 O O O O O O O O O O O O general-reqmore +bos that 's everything ! thanks a bunch ! bye ! eos O O O O O O O O O O O general-bye +bos i want to confirm your restaurant reservation is for dojo noodle bar . sorry for the previous delay . i am glad i was able to help you . goodbye . 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 O O O O O O general-bye +bos i 'd like some help finding a park on the south side . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos my favorite park is wandlebury country park located at wandlebury ring , gog magog hills , babraham . 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 O O N/A +bos great ! could you give me the postcode for that address please ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the address is wandlebury ring , gog magog hills , babraham and the postcode is cb223ae . eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O N/A +bos thanks ! is there also a restaurant called curry king ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos curry king is an indian restaurant located in the centre . would you like me to book you a table ? eos O B-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 O O O O Booking-Inform +bos yes , that would be great . i 'll need a table on thursday , 6 people , at 18:15. eos O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People 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 : 6culx9yn . 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 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 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 thank you for using cambridge towninfo . have a great day ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos you too , good bye now . eos 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 are there any sports related entertainment venues on the west side of cambridge ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos i have no entries for that area , would you like me to check another ? eos 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 museum in that area ? eos O O O O O O O O O O O N/A +bos sorrry i could not find a searching matching the same eos O O O O O O O O O O O N/A +bos you could n't find a museum in the west area ? eos O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos sorry yes i did , would you prefer free or is a entrance fee okay ? eos 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 N/A +bos either a fee or not is fine it woes not matter . eos O O O O O O O O O O O O O N/A +bos i have the lynne strover gallery or kettle 's yard in the west that is free . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O N/A +bos what is the address for lynne strover ? eos O O O O O O O O O Attraction-Request+Addr +bos the address is 23 high street , fen ditton . eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos thank you , we will try there ! now i need help finding a restaurant that serves african food that is in the same location as the museum . 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 O O O O O O O O O N/A +bos there are no results for that . is there a different type of food you 'd like to try in that 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 Restaurant-NoOffer +bos is there a restaurant with my criteria that serves british food ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 3. two are expensive and one is moderately priced . which would you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O general-reqmore +bos it does not matter . just make a recommendation and book a table for 4 people at 13:45 on friday . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : vagmwr8s . 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 okay thanks . that 's all for now . bye . eos 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 need a hotel , north side of town , and i want free wifi please . eos O O O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A +bos there are a dozen to choose from ; maybe we can narrow that down a little . 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 O O O O O O O O O O O Hotel-Request+Type +bos let 's go with a hotel . i would actually like it to have free internet and parking , if possible . 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 N/A +bos okay , that leaves two : ashley hotel or lovell lodge , both of which are moderately priced . would you like to book at one of these ? 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 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 please give me the star of the hotel , address , and phone number of ashley hotel eos 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 ashley hotel is rated 2 stars and is in the moderate price range . their phone number is 01223350059 and address is 74 chesterton road . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos thank you , can you book me for that ? eos O O O O O O O O O O O N/A +bos what dates are you interested in me booking ? and how many people will be staying at the ashley ? 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 +bos actually , lets hold off on booking the room for now . but i do need to find a restaurant in the same area that is 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 B-Hotel-Inform+Price O O O N/A +bos there are two resturants in the area moderately priced , the golden wok and the nirala . one is chinese and one is indian . eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos either one is fine . i 'll have 8 people on saturday at 19: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 i was unable to book at either place , can i try anything else ? eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Inform +bos how about 18:45 ? eos O O O B-Restaurant-Inform+Time O N/A +bos good news , i was able to successfully book you at golden wok at 18:45 on saturday for 8. your confirmation is t3vzi5tf . eos O O O O O O O O O O O O O O B-Booking-Book+Time O B-Booking-Book+Day I-Booking-Book+Day O O O O O B-Booking-Book+Ref O N/A +bos thank you so much for the restaurant reservation and the confirmation code . eos O O O O O O O O O O O O O O Restaurant-Inform +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 is all ! thank you so much for all of 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 enjoy your stay ! eos O O O O O general-bye +bos do you have information about the warkworth house ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos yes i do ! the warkworth house is a 4 star guesthouse that is located in the east section of town . would you like for me to book you a room ? eos O O O O O B-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 B-Hotel-Inform+Area O O O O O O O O O O O O O O O O Booking-Inform +bos no , but can you give me that phone number please ? eos O O O O O O O O O O O O O Hotel-Request+Phone +bos most definitely . the warkworth house 's phone number is 01223363682. can i help you with anything else ? eos O O O O B-Hotel-Inform+Name I-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 i need to find an expensive place to eat serving indian food . eos 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 over a dozen expensive indian restaurants in the city . do you have an area of town in mind ? eos O O O B-Restaurant-Inform+Choice I-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 O Restaurant-Request+Area +bos actually , can you suggest one of them . i 'm willing to try something new . i want to reserve a table at 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 O O O O O O O O O O N/A +bos how about the curry garden ? how many people for your reservation ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Request+People +bos there will be 8 people at 15:00 on sunday . eos 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 for 15:00. would you be willing to try a different time ? eos O O O O O O O O B-Booking-NoBook+Time O O O O O O O O O O Booking-Request+Time +bos is 14:00 available ? i also want to take a taxi to get there . can you give me a car type and their number ? eos O 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 Hotel-Request+Type,Taxi-Request+Car +bos yes , i booked you a table for 14:00. your reference number is vq46rae2 . where will you be departing from ? eos 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 Taxi-Request+Depart +bos i 'll be leaving from the warkworth house to the curry garden for my reservation . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O N/A +bos booking was successful . booking completed ! booked car type : grey hondacontact number : 07025426721 is there anything else i can assist you with ? 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 O O O O O O O O N/A +bos no thank you . that was all i needed . eos 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 can you find information about nightclubs ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos yes , would you like to find a nightclub in the centre or south part of town ? most of them are in the centre . eos O O O O O O O O O O O B-Attraction-Inform+Area O B-Attraction-Select+Area I-Attraction-Select+Area O O O O O O O O O O O O N/A +bos location does n't really matter . is there an entrance fee ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos yes , all of the listed entrance fees are 5 pounds . the club salsa is nice . eos 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 O O O O N/A +bos club salsa sounds right up my alley . can i get 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 Attraction-Request+Phone,Attraction-Request+Addr +bos club salsa 's address is 1 station road and their phone number is 07782218745. 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 B-Attraction-Inform+Phone O N/A +bos okay , great ! thanks for your help ! eos 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-reqmore +bos no thanks . that 's it . eos O O O O O O O O general-thank +bos have fun ! goodbye ! eos O O O O O O general-bye +bos i want to eat gastropub food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos do you prefer an expensive or a moderate priced restaurant ? eos 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 'd prefer moderately priced please . eos O O O B-Restaurant-Inform+Price O O O O N/A +bos i have one available . it 's called the cow pizza kitchen and bar . it 's located in the center of town . can i offer to book you a table ? eos 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 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 Booking-Inform +bos no , thank you . can i have the postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post +bos their postcode is cb23qf eos O O O O B-Restaurant-Inform+Post N/A +bos thanks . that 's all i need to today . goodbye ! eos O O O O O O O O O O O O O general-bye +bos have a nice day . bye . eos O O O O O O O O general-bye +bos could you recommend a chinese restaurant for me to try ? eos O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos sure i have them in all price ranges all over the city . do you have an area you prefer ? eos O O O O 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 Restaurant-Request+Area +bos the centre of the city , with a moderate price range , please . eos O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos okay , i was able to find 3 restaurants for your preference . i have jinling noodle bar , ian hong house , and shanghai family restaurant ... is there any preference on one of these ? 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 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 Restaurant-Select +bos no , i do n't have a preference , i would like a reservation on sunday at 11:15 for three people . 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 N/A +bos unfortunately i was not able to book that restaurant . eos O O O O O O O O O O O Booking-NoBook +bos how about for 10:15 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos i was able to get you a table for 3 on sunday at 10:15 at the shanghai family restaurant . your reference number is sfwtqub7 . is there anything else ? 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos no , thank you . that is 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 , goodbye . eos O O O O O O O O O O O general-bye +bos i need somewhere to go . eos O O O O O O O N/A +bos there are a number of things to do in the area ! did you have an idea of the type of place you 'd like to go ? eos 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 O O O O O O O O Attraction-Request+Type +bos i 'm looking for attractions in the west area . eos O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are many colleges and museums east of cambridge , as well as one entertainment venue , `` whale of a time '' . eos O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos i 'll take the `` whale of a time '' , what type of attraction is that , and can i get 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 O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Type +bos whale of a time is labeled only as entertainment and the postcode is cb238el . unfortunately the entrance fee is not known . is there anything else i can help you with ? 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+Type 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 O O O O O O O general-reqmore +bos could you please double check then ? if the entrance fee is not known i need to switch eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos yes their entrance fee is not known by our system currently . eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos i need to change the venue then . can you please select another venue for me 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 N/A +bos cafe jello gallery is free as is kettle 's yard . they are both museums . eos O O O O O B-Attraction-Inform+Fee O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O N/A +bos excellent . what is the postcode for both museums ? eos O O O O O O O O O O O Attraction-Request+Post +bos cafe jello postcode is cb30af . kettle 's yard is cb30aq . eos O O 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 N/A +bos i will need to know the entrance fee as well . once i get that i also need help finding a train leaving cambridge to kings lynn 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 O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Leave Attraction-Request+Fee +bos the entrance is free for both attractions . i have found you a train that departs from cambridge at 17:11 and arrives in kings lynn at 17:58. eos O O O O B-Attraction-Inform+Fee O O 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 I-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos great , i 'd like to book that for 1 on wednesday . may i have a booking number ? eos O O O O O O O O O B-Train-Inform+People B-Train-Inform+Day O O O O O O O O O O N/A +bos i have booked your train , your reference number is dyzvfy15 . is there anything else i can do for you ? 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 that 's all i needed for today , thanks ! eos 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 need a train from london kings cross to cambridge please . 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 N/A +bos there are 70 trains leaving from london kings cross to cambridge . is there a particular time slot you would like ? 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 O Train-Request+Arrive,Train-Request+Leave +bos i need a train that leaves after 10:15 on tuesday . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos i 've got a train leaving 11:17 and arriving at 12:08 , will that work 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 O Train-Select +bos yes , that would be perfect , please book that for 6 people please . eos O O O O O O O O O O O B-Train-Inform+People O O O O N/A +bos your total fee is 141.6 gbp payable at the station and your reference number is uq49pb37 . eos 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 N/A +bos i 'm also looking for a museum in town . can you recommend something ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos there are 23 options . would you like to search by area ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Area +bos how about the centre ? eos O O O O O O N/A +bos broughton house gallery is always lovely . that 's located right in the centre and it 's free to visit . does that work ? 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+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O Attraction-Select +bos yes . may i have their postcode please ? eos O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb11ln . anything else ? eos O O O O B-Attraction-Inform+Post O O O O N/A +bos no , that 's all ! thank 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 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 ! eos O O O O O O O O O O O O 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 places to go in cambridge , a type of a boat . eos 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 4 boats in the area . what part of the city 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 O O O O Attraction-Request+Area +bos i 'll take what ever you have first , but i 'll need the 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 +bos the system is not saying whether there is an entrance fee for the boats . i can provide phone numbers if you would like to call them . 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 B-Attraction-Inform+Type O O O O O O O O O O O O O O N/A +bos thank you , i also need a train going to stevenage and arrive by 11: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 21 trains heading to stevenage what town will you be 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 Train-Request+Depart +bos i will be departing from 3 towns over . eos O O O O O O O O O O N/A +bos you can depart from cambridge , what day would you like to travel ? eos O O O O O O O O O O O O O O O Train-Request+Day +bos i would like to go on monday please . eos O O O O O O O B-Train-Inform+Day O O N/A +bos you can depart on monday at 05:21 , how does that sound ? eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O N/A +bos pets on the gray please make the booking for one person 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 Train-Request+Ref +bos booking was successful , the total fee is 12.8 gbp payable at the station .reference number is : u108ypri . 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 awesome . that will be everything ! eos O O O O O O O O N/A +bos great ! thank you for using our service today . have a nice day . eos O O O O O O O O O O O O O O O O general-bye +bos you too , thanks . eos O O O O O O general-thank +bos we hope to see you again . eos O O O O O O O O general-bye +bos i 'm looking for a restaurant in cambridge 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 nandos city centre is located at 33-34 saint andrews street . eos O B-Restaurant-Inform+Name 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 N/A +bos i want to book a table for 4 people at 15:00 on wednesday . please give me a 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 Restaurant-Request+Ref +bos sure thing ! your reference number is lyienp77 . 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 O general-reqmore +bos i need to find a guesthouse style hotel please . eos O O O O O O B-Hotel-Inform+Type O O O O N/A +bos the a and b is a guesthouse style hotel in the east area . eos 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 I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos what is its star rating ? i am looking for a place with a star of 0. 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 i have results for 2 guesthouses with 0 star ratings , one is in the north and one is in the centre . which area do you prefer ? eos O O O O O O B-Hotel-Select+Type O O B-Hotel-Select+Stars O O O O O O O O O O O B-Hotel-Select+Area O O O O O O O O N/A +bos which one has free parking and wifi ? i will need a phone number , price range and area 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 Hotel-Request+Area,Hotel-Request+Phone,Hotel-Request+Price +bos the city centre north b and b has parking and wifi . it is in the north area . would you like to book this hotel ? 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 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 want a booking . just give me 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 Hotel-Request+Phone,Hotel-Request+Price +bos the city centre north b and b has a cheap price range . it 's phone number is 01223312843. 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 O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Phone 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 welcome . are you sure i ca n't help you with transportation between sites ? 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 sure . thank you so much . 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 general-welcome,general-bye +bos can you give me information about museums 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 found 11 museums in the centre . what would you like to know ? eos 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 which is your favorite , and how much is the entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos i enjoy visiting the whipple museum of the history of science , and best of all it 's free to get in . would you like the address ? 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 I-Attraction-Recommend+Name I-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 O N/A +bos no that is n't necessary . could you help me find a train going 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 we have any trains going to cambridge . where will you be departing from ? what day 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 O O Train-Request+Depart,Train-Request+Day +bos i need a train from leicester to cambridge on sunday arriving by 20:00. eos 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+Arrive N/A +bos there are 14 trains , tr9320 will get you there at 19:54 would that work ? eos O O O O B-Train-Inform+Choice B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O N/A +bos i think that will work . before i book a ticket , though , could you give me the travel 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 +bos yes the total travel time would be 105 minutes . eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos i have everything i need , can i book ? eos O O O O O O O O O O O N/A +bos i will be happy to assist you in booking for this train . 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 O O Train-Request+People,Train-OfferBook +bos we need 4 please . we have 2 children under 12. do they get a special rate ? eos 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 unfortunately , i do not have that information . however , i was able to successfully book your train . the total is 120.96 gbp payable at the station . here is your reference number : fmyxqv28 . eos O O O 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 O B-Train-OfferBooked+Ref O O O O O O O N/A +bos great thank you that 's all i need . eos 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-welcome,general-bye +bos i 'm looking for hotels in the center . eos O O O O B-Hotel-Inform+Type O O O O O N/A +bos the alexdander bed and breakfast is a good recommendation . it has four stars and affordable pricing . the gonville hotal is also a good choice . would you like the address to either ? eos O O O O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 Hotel-Select,general-reqmore +bos i would like for the hotel to have a 4 star rating and include free wifi . eos O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos there are two , one in the expensive price range , one in the cheap price range . which do you prefer ? eos O O O B-Hotel-Select+Choice 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 N/A +bos i do n't have a preference . eos O O O O O O O O N/A +bos the university arms hotel fits all of your criteria , 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 O O O O O O O O O O O O O O Booking-Inform +bos yes , please book a room for 3 people and 5 nights . eos O O O 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 start your reservation ? eos O O O O O O O O O O O Booking-Request+Day +bos please start the reservation on monday . what is the reference number ? i also need a restaurant that serves australasian food at a moderate price in the same area as the hotel eos O O O O O O B-Hotel-Inform+Day 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 B-Hotel-Inform+Type O O N/A +bos i am sorry but there are no restaurants in that area which meet your criteria . would you like me to search for another 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 Restaurant-Request+Food,Restaurant-NoOffer +bos could you see if there is a restaurant that serves british food in the same area as the hotel ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O B-Hotel-Inform+Type O N/A +bos certainly , we have either restaurant one seven , the oak bistro , the copper kettle , cotto . can i book a table at one , if so how many will be dining ? eos O O O O O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O O O O O O O O O O O O O O Booking-Inform,Booking-Request+People +bos three people please , on monday at 18:30. eos O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos booked you a table at the oak bistro . your reference number is ssutw528 . 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 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 welcome . eos O O O O O general-welcome +bos i 'd really like to take my client out to a nice restaurant that serves indian food . eos 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 show many restaurants that serve indian food in that price range . what area would you like to travel to ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food 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+Area +bos i am looking for an expensive indian restaurant in the area of centre . eos 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 might i recommend saffron brasserie ? that is an expensive indian restaurant in the center of town . i can book a table for you , if you like . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food 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 O O O Booking-Inform +bos sure thing , please book for 6 people at 19:30 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 booking was successful . the table will be reserved for 15 minutes . your reference number is : rf00jufq . 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 okay great ! thank you so much . could you also help me find a 3 star hotel in the area . i do n't need wifi either . 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 N/A +bos the alpha-milton guest house is in the north and is moderately priced . it has 3 stars and no internet or parking . 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 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds great . please book that now . eos O O O O O O O O O O N/A +bos may i ask how many people are in your group ? eos O O O O O O O O O O O O Booking-Request+People +bos i have 6 people in my group . eos O O O O O O O O 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 2 nights , starting the same day as the reservation . eos O O B-Hotel-Inform+Stay O O O O O O O O O N/A +bos i 'm sorry . it looks like they 're full . 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 Booking-NoBook +bos yes please . is there something else available in that area ? eos O O O O O O O O O O O O O N/A +bos i 'm sorry , it looks like that is the only 3 star hotel in that area , would you like me to look somewhere else ? eos O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Request+Area +bos can we try for 1 night instead of 2 ? i 'll need the reference number please . eos 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 was able to get one night , the reference number is 9xvt8m5t . eos O O O O O O O B-Booking-Book+Stay 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 i 'm glad to help , you 're welcome ! eos O O O O O O O O O O O general-welcome +bos i am looking for a place to eat in the moderate price range serving indian 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 N/A +bos there are 4 places serving indian food in the moderate price range . do you have a preferred area to dine at ? eos O O O O B-Restaurant-Inform+Choice 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-Request+Area +bos the west . eos O O B-Restaurant-Inform+Area O N/A +bos i have narrowed it down to meghna which serves indian food . would you like me to book this for you ? eos O O O O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O O O O O O O O Booking-Inform +bos yes . could you please make a reservation for saturday for 7 people at 15:00 ? 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 sorry , that time slot does n't work for what you would like . would you like to change the 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos how about 14:00 then ? 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 : nr6vpa82 . 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 excellent , 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 so much have a great day ! eos O O O O O O O O O O general-bye +bos could you repeat the reference number please . eos O O O O O O O O O Restaurant-Request+Ref +bos reference number is : nr6vpa82 . eos O O O O O B-Booking-Book+Ref O N/A +bos thanks again for all your help . eos O O O O O O O O general-thank +bos you are very welcome . feel free to call again in the future . have a great morning . 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 a place to stay . it needs to be a guesthouse and include free wifi . 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 N/A +bos there are 23 hotels that meet your needs . would you like to narrow your search by area and/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 i would like for it to be cheap and include free parking . eos O O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are nine guesthouse hotels in various areas . what part of town are you hoping for ? 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 O Hotel-Request+Area +bos nothing in particular . i just need it booked for 6 people for a total of 4 nights starting from sunday . i 'd also like the reference number , please . 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 O B-Hotel-Inform+Day O O O O O O O O O O O O N/A +bos sure ! we will book you in a hotel with 4 stars . the reservation will be for 6 people for 4 nights . how many rooms would you like to reserve ? eos O O O O O O O O B-Hotel-Inform+Type O O B-Booking-Inform+Stay O O O O O O O B-Booking-Inform+People O O O O O O O O O O O O O O Booking-Request+People +bos well , for six people i suppose i will be needing three rooms , for four nights , starting sunday . eos 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 N/A +bos you 're booked at the alexander bed and breakfast , 517a coldham lane , for 6 people for four nights tarting sunday . your reference number is jxvkz7kv . eos O O O O O O O O O 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 'm also looking for a restaurant . ideally an italian place in the same price range 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 O O B-Restaurant-Inform+Area O O O O N/A +bos i found ask restaurant would you like to book that ? eos O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O N/A +bos is the name of the restaurant ask restaurant ? eos O O O O O O O O O O Restaurant-Inform +bos yes , the restaurant is called ask restaurant . would you like to book a table there ? 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 Booking-Inform +bos yes . book it for the same group of people on the same day at 18:45. can i get the reference number please ? 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 O O N/A +bos great ! your booking for 6 people at the restaurant ask on sunday at 18:45 was successful ! your reference number is y2y8qyby . eos O O O O O O B-Booking-Book+People O O O O B-Booking-Book+Name B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O O O B-Booking-Book+Ref O O O N/A +bos i am all set . thank you . eos O O O O O O O O O general-thank +bos thank you for using the cambridge towneinfo help desk ! eos O O O O O O O O O O O general-bye +bos i 'm looking for a train departing from cambridge . eos O O O O O O O O B-Train-Inform+Depart O O N/A +bos what is your destination and when would you like to leave ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i 'm leaving cambridge and would like to leave after 11:00. eos O O O O O O O O O O O O N/A +bos we have many trains that leave after 11:00. where would you like to go and on what day ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Leave O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i would like to go to stansted airport on wednesday please 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 there is a train departing from cambridge to stansted airport on wednesday at 11:40. eos O O 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+Day I-Train-Inform+Day B-Train-Inform+Leave N/A +bos please book two seats on that train , 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 booked ! your reference number is 89q51fjw . the fee is 20.2 gbp and paid at the station . eos 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 N/A +bos awesome . i 'm also looking for places to go in the centre of town . any 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 N/A +bos the cambridge contemporary art museum is free and located in the centre . eos 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 B-Attraction-Inform+Area O N/A +bos thanks , that 's very helpful . oh , right , what postcode is it in ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode for the cambridge contemporary art museum is cb21su . is there anything else i can assist 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+Post O O O O O O O O O O O O general-reqmore +bos that is everything i needed for now . thank you ! eos O O O O O O O O O O O O general-thank +bos have a good day and enjoy the museum ! eos O O O O O O O O O O general-bye +bos i am looking for sports facilities in the town centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos i 'm sorry , there are no sports in the centre . 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 O general-reqmore,Attraction-NoOffer +bos what about colleges ? eos O O O B-Attraction-Inform+Type O N/A +bos there are 13 colleges in centre . are you look for free entrance or paid ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type B-Attraction-Inform+Area O O O O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee O N/A +bos please tell me one of the free ones , please . eos O O O O O O O O O O O O N/A +bos emmanuel college is free and located in the centre . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O B-Attraction-Recommend+Area O N/A +bos ok , great , i 'll look that up . that is all i need for now . thanks , and 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 you are welcome . bye . eos O O O O O O O general-welcome,general-bye +bos i am needed to find a cheap place to dine that serves indian food . eos O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 4 restaurants that meet your needs - 3 in the center of town and 1 in the north . are you interested in any of these ? 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Select +bos i am interested in the one in the north . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos that would be royal spice then . would you like me to book it ? eos 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 for 19:00 on saturday . eos O O O O O O O O O N/A +bos for how many people is this booking ? eos O O O O O O O O O Booking-Request+People +bos book a table for 1 person please . eos O O O O O O B-Restaurant-Inform+People O O N/A +bos i have confirmed your reservation at royal spice for one on saturday at 19:00. your reference number is 3rfa2t98 . 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+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 general-reqmore +bos i am looking for a place to stay . eos O O O O O O O O O O N/A +bos there are many hotels in the area , did you have a price range or area you wanted to stay in ? 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 O O O Hotel-Request+Area,Hotel-Request+Price +bos i am looking for an expensive hotel with free parking in the north part of town that is a guesthouse . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos i was not able to find any hotels that met those requirements . eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O N/A +bos how about a guesthouse that is in the cheap price range ? eos O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O N/A +bos may i suggest the worth house ? it 's a 4-star guesthouse located in the north . alternately , the city centre north b and b is a 0 star-option . do you have a preference ? eos O O O O O O O O O O B-Hotel-Recommend+Type O O O B-Hotel-Recommend+Area 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 I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars I-Hotel-Recommend+Stars O O O O O O O O O O N/A +bos worth house sounds much nicer . that is cheap correct ? if so could you please try and book it for me for 3 nights ? same day and 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 B-Hotel-Inform+Stay O O O O O O O O N/A +bos you are booked for worth house for 3 days starting on saturday . is there anything else i can help you with ? eos 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 O O O O O O O O O O O general-reqmore +bos i need the reference number eos O O O O O O Hotel-Request+Ref +bos your reference number for the worth house room is ra8upyy3 . is there anything else i can help you with ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Ref 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 alright , no problem . have a nice day ! eos O 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 india house and should arrive by 24:00. 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 B-Taxi-Inform+Arrive O N/A +bos what is the destination ? eos O O O O O O Taxi-Request+Dest +bos whale of a time is where i want to get to . eos 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 N/A +bos ok , i have booked you a taxi . it will be a grey honda , contact number is 07502484881. is there anything else i can help with 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 B-Taxi-Inform+Phone O 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 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 a guesthouse type room that includes free wifi . eos O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos i have many guesthouse to choose from . is there a specific area of town you are looking to stay in ? 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 O O Hotel-Request+Area +bos i do n't care about that . i would like it to have 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 the acorn guest house fits your criteria . 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 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 , the acorn guest house offers free parking . 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 O Booking-Inform,Hotel-Inform+Parking +bos no thanks just needed a recommendation on a place to stay . eos O O O O O O O O O O O O O general-thank +bos is there anything else we can help you with ? eos O O O O O O O O O O O general-reqmore +bos just the postcode for the acorn , please . eos O O O O O O O O O O Hotel-Request+Post +bos the postal code is cb41da . eos O O O O O B-Hotel-Inform+Post O N/A +bos great . thanks for all your help . eos O O O O O O O O O general-thank +bos i hope you have a wonderful day . goodbye ! eos O O O O O O O O O O O general-bye +bos hello , i would like to find a hotel that includes free parking . eos O O O O O O O O O O O O O O O N/A +bos most of the hotels in town offer free parking . is there a certain area you 'd like to stay in , or do you have a price range in mind ? 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 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 . the centre would be nice and also free wifi . eos O B-Hotel-Inform+Internet O B-Hotel-Inform+Area O O O O O O O O O N/A +bos the university arms is an expensive , 4 star hotel with free wifi . comparatively , the alexander bed and breakfast is a cheaply priced guesthouse , also 4 stars . eos O O O O O O O O B-Hotel-Inform+Stars I-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 O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O Hotel-Inform+Internet +bos please book me some rooms for the university arms to accommodate 8 people for 3 nights starting on wednesday . can you also provide me the reference number after you book ? 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 O O O O O O O O O O O Hotel-Request+Ref +bos your reference number is x5ny66zv . eos O O O O O B-Booking-Book+Ref O N/A +bos thank you . can you please help me find a place to go in town in the same area as the hotel ? preferably a college . eos 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 I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Name O O O N/A +bos there are no colleges close to the area you are requesting , would you like to chose another destination ? eos 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 N/A +bos i believe there are some colleges in the centre of town . can you please check again ? 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 but i rechecked and there are no colleges in that area . is there anything else that i can do for you ? eos O O O O 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 O O O general-reqmore +bos hmmm , i was looking for the phone number and postcode of a college in the centre area . could you help me with that ? 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 O Attraction-Request+Post,Attraction-Request+Phone +bos i have 5 colleges in the centre area . what specific college are you looking for ? 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 Attraction-Select +bos i 'm looking for cambridge . eos O O O O B-Attraction-Inform+Name O O N/A +bos i 'm sorry , there are no listings for cambridge college in the centre area . is there another college you would like me to look for ? eos O O O O O O O O B-Attraction-NoOffer+Name I-Attraction-NoOffer+Name 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 general-reqmore +bos oh , it could be anyone then . just a college . eos O O O O O O O O O O O O O N/A +bos how about corpus christi college , they have a free entrance fee . 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 N/A +bos could you give me their phone number , postcode , and entrance fee ? 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 the phone number is 01223334900 , the postcode is cb23bu , and the entrance fee , as mentioned earlier , is free . can i help with anything else ? eos O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post 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 thank you very much . 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 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-greet +bos hi , i 'm looking for a guesthouse that 's in the expensive range . eos O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O O O N/A +bos i am sorry but there are no guesthouses in the expensive price range . do you want me to check hotels or a different price range for a guesthouse ? 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 O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Type +bos i need the place i 'd like to stay to also include wifi , is there anything ? eos 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 looks like it is in the moderate price range with internet , 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+Price O O O O O O O O O O O Hotel-Select,Hotel-Inform+Internet +bos i 'd prefer a cheap guesthouse instead ( that still offers wifi ) . eos O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos allenbell looks like a good fit . would you like me to make a reservation ? 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 +bos yes , please . i would like to book a room starting wednesday for 5 people , 2 nights . eos 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 have booked you into the allenbell on wednesday for 2 nights with accommodations for 5 people . your reference number is ajsqzy8r . eos O O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay O O O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O N/A +bos i also am looking for a train . eos O O O O O O O O O Train-Inform +bos ok , would you please give me some information ? what day and time are you traveling ? where are you 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 Train-Request+Dest,Train-Request+Leave +bos i will be travelling from ely to cambridge on wednesday and need to leave after . eos 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 N/A +bos there are 10 trains that day starting at 05:35 and then every 2 hours . what time do you want to leave and how many tickets would you like to book ? eos O O O O B-Train-Inform+Choice 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 O O O O O O Train-Request+People,Train-Request+Leave,Train-OfferBook +bos i 'd like to leave after 16:30 , please . eos O O O O O O O O O O O N/A +bos tr8610 leaves at 17:35. can i help you book ? if so , how many tickets do you need ? 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 O O O O O Train-Request+People,Train-OfferBook +bos thank you , i will not need the booking quite yet but i would like to have the price of the train 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 Train-Request+Price +bos not a problem , the train tickets cost 4.40 pounds each . can i assist you with 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 O O O O general-reqmore +bos and what time does the train arrive ? eos O O O O O O O O O Train-Request+Arrive +bos it arrives by 17:52. would you like me to book it ? eos O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +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 general-bye +bos you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome +bos yes , hi . can you help me locate a cinema . eos O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are two cinemas . one is in the centre of town . the other is on the south side . is there anything else i can help you with today ? eos O O O O B-Attraction-Inform+Type O O O O O 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 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 okay . have a nice day . eos O O O O O O O O general-bye +bos good bye . eos O O O O general-bye +bos goodbye and thanks for contacting us eos O O O O O O O general-bye +bos i 'm looking for an expensive restaurant in the centre . can you help me find one ? 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 N/A +bos there are several expensive places in centre what type of food do you want eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O Restaurant-Request+Food +bos can you please try european food ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos darrys cookhouse and wine shop is a favorite of mine . can i book a table for you ? 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 Booking-Inform +bos that would be great . can you book it for 5 people at 18:15 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 N/A +bos okay , i 've booked you a reservation and your reference number is bns85603 . your 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 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 general-reqmore +bos thanks for the help that 's all i need . 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 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 general-bye,general-greet +bos i 'm looking for a decently priced guesthouse i can stay at for the day . eos 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 quite a few guesthouses to choose from , do you have an area of preference and a star rating you 'd like to look at ? 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 O O O O O O O Hotel-Request+Stars,Hotel-Request+Area +bos how about a moderately priced , 4 star guesthouse ? eos O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos the avalon is in the north area and moderately priced . i has 4 stars and internet . would you like to book a room ? eos O O B-Hotel-Inform+Name 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 O Booking-Inform,Hotel-Inform+Internet +bos yes please . i need it for 3 nights starting on wednesday . there will be 7 people . eos 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 N/A +bos i reserved a room at the avalon for 7 people arriving wednesday for 3 nights . your reference number is lxmfrzlr . is there anything else i can help you with ? eos O O O O O O O B-Booking-Book+Name O O B-Booking-Book+People O B-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 general-reqmore +bos i 'm looking for an attraction called riverboat georgina . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos the riverboat georgina is a boat located in the north . their phone number is 01223902091. is there anything else i can help with ? eos O O B-Attraction-Inform+Type I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos could you tell me what the entrance fee is ? eos O O O O O O O O O O O Attraction-Request+Fee +bos i apologize but the entrance fee for riverboat georgina is unlisted . their phone number is 01223902091. is there anything else i can do to help you ? eos O O O O O O O O B-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 O O O general-reqmore +bos i thought someone provided the entrance fee for me before but i just ca n't remember . are you sure it 's not listed ? eos O O 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 just double-checked , and it 's not listed here . i 'm terribly sorry . eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O N/A +bos well , okay then , i guess there 's nothing else . have a good day . eos O 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 service . 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-greet +bos yes you have . thank you . goodbye . eos 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 am going to be on the north side of town and would like a recommendation to a high end restaurant for dinner . 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 N/A +bos i have several high end options available . did you have a preference on the type of cuisine ? 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 Restaurant-Request+Food +bos no , i do n't have a preference . eos O O O O O O O O O O N/A +bos then may i recommend restaurant two two . it is french and tre manufique ! would you like to make reservations ? eos 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 Booking-Inform +bos have you eaten there ? eos 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 sure , can you please book a table for four in the evening eos O O O O O O O O O O O O O O N/A +bos i would be happy to make you a reservation , first i will need to know what day and time you 'd like to reserve 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 Booking-Request+Time,Booking-Request+Day,Booking-Inform +bos for 4 people at 13:45 on saturday . i 'd also like the booking reference number , please . eos 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 booked your reservation . the reference number is rbbhgyrv . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great , thanks a lot ! eos 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 , that 's all . thank you . 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 'm looking for an expensive indian restaurant . can you help me with that ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos sure , i can help you with that . there are 14 choices . did you have a certain area in mind ? eos O O O O O O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Area +bos i need the town centre . eos O O O O O B-Restaurant-Inform+Area O N/A +bos i have 6 different indian food restaurants available . might i suggest curry queen . it is the most highly rated in the area . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food 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 N/A +bos certainly , sounds good . could you just get 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 the curry queen is located at 5 jordans yard bridge street city centre , and the postcode is cb21ug , would you like me to book this restaurant ? 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 I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O O O O O Booking-Inform +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 with us for future reservations . eos O O O O O O O O O O O O general-bye +bos hi , i am looking for a 4 star guesthouse . eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos i have 18 results . what price range would you like ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Price +bos money is no object , but i 'd like it to be a 4 star location please . and i 'd only like to stay on the north side of town . 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 B-Hotel-Inform+Area O O O O O O O O N/A +bos i have about 8 different options . most are moderately priced . there is one that is cheap . do you have a preference as to which ? eos 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+Price I-Hotel-Inform+Price O O O O O O O O O O O Hotel-Select +bos i need a place that has enough beds for 7 persons for 3 nights starting this 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 N/A +bos i 'm afraid that wont work . can we try a different day or shorter length of 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 yeah , how about for one day ? please get me the reference number if that works eos O O O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos which hotel would you like of the available choices ? eos O O O O O O O O O O O Hotel-Select +bos whatever is available . but i would prefer 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 arbury lodge guesthouse is able to accommodate your party of 7 for thursday night . your reference number is 7plmhrex . is there anything else you need ? eos O O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O O O O O O N/A +bos no , that about covers everything . thanks for your help . eos O O O O O O O O O O O O O general-thank +bos excellent . take care ! eos O O O O O O general-greet +bos hey ! i 'm coming into town and i need a guesthouse style of lodging on the south of town . 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 N/A +bos i have 3 for you to choose from . two of them are moderately priced , and one is cheap . all offer free wifi and parking . do you have a preference on price ? 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 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+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos not at this time . i 'll talk it over with my wife . can you just give me the name of the moderate 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 B-Hotel-Inform+Price O O O N/A +bos there are two moderately-priced guesthouses to choose from . one is the aylesbray lodge and the other is the bridge . 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos okay , how many stars do they have ? eos O O O O O O O O O O Hotel-Request+Stars +bos aylesbray lodge has 4 stars , and the bridge guest house has 3. 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+Stars I-Hotel-Inform+Stars N/A +bos that sounds good . thank you . eos O O O O O O O O general-thank +bos would you like me to book either of them ? eos O O O O O O O O O O O Booking-Inform +bos no , we 're going to talk it over and reserve at a later date . thanks for your help 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 general-thank +bos ok , the bridge house is only 3 stars , and the aylesbray is 4 , if that makes a difference to your wife . can i help with anything else ? eos 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 O O O O O O O O O O O O O general-reqmore +bos no , that 's all . eos O O O O O O O N/A +bos have a nice day , goodbye . eos O O O O O O O O general-bye +bos i 'd like to know of some places to go in cambridge . eos O O O O O O O O O O O O O O N/A +bos there are several places to go in the cambridge area . what type do you prefer ? eos 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 i prefer the architecture type . eos O O O O B-Attraction-Inform+Type O O N/A +bos i have located five locations relating to architecture . four of the five locations are a church and the other is a school . which type of location do you prefer 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 O O O O O O O O O O O O N/A +bos how about the school ? can i have the postcode and address of it please ? 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 the address is trinity lane and the postcode is cb21tt . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O N/A +bos i 'm also looking for a train from cambridge to bishops stortford eos 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 is your departure day and time ? eos O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i am looking to depart on monday and arrive by 20:00. hoping to not leave hours and hours before that though . 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 N/A +bos the closest arrival time to 20:00 is 18:07 , is that suitable ? eos O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O N/A +bos that 's fine as long as you can book it for four people eos O O O O O O O O O O O O O O N/A +bos indeed i can book that for 4 people . your booking was successful , the total fee is 40.4 gbp payable at the station . reference number is : 2i1yowd4 eos O O O O O O O O B-Train-OfferBook+People 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 that i need , thank you ! eos O O O O O O O O O O O O general-thank +bos you are welcome . i am glad i could help and i 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 general-welcome,general-bye +bos i am from out of the area and would love some help finding a room somewhere in the city . 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 'd be happy to help . do have a price range or particular area of town you 're 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 Hotel-Request+Area,Hotel-Request+Price,general-greet +bos i 'd like it to include free parking and be in the north please . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i have several options for you with prices ranging from cheap to moderate . i recommend the archway house . eos O O O B-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos is that a guesthouse ? i would really like that . eos O O O O O O O O O O O O N/A +bos yes , the archway house is a guesthouse in the north . it 's moderately priced , has 4 stars and includes free wifi and internet . can i book you a room there ? eos O 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 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 +bos you certainly can , thank you . i will be the only guest and i 'd like to check in for 2 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 B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A +bos i 'm sorry . they are booked up through those days . would you like to try for one 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,general-reqmore +bos yes , 1 night would be fine . eos O O O B-Hotel-Inform+Stay O O O O O N/A +bos i have booked you for wednesday night at the archway house . your reference number is 1mwp83e1 . is there anything else i can help you with ? eos O O O O O O B-Booking-Book+Day 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 great ! that 's all , thanks ! eos O O O O O O O O O general-thank +bos welcome , hope you enjoy your day . eos O O O O O O O O O general-bye +bos can you help me in finding a suitable guesthouse please ? eos O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos there are 24 guest houses available . is there a particular area of the city you 'd prefer 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 Hotel-Request+Area +bos yes , i 'd 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 O O N/A +bos i have two options for you . both offer free wifi and parking . the el shaddai has no star rating or the alexander b & b has a 4-star rating . eos 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+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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'll take the el shaddai please . eos O O O O O O O O O N/A +bos sure thing . do you want me to book it for you ? eos O O O O O O O O O O O O O O Booking-Inform +bos yes . i want to book it for 2 nights , 5 people starting on friday . eos O 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 , your reference code is 8090x905 . do you want 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 no that 's all . good bye ! eos O O O O O O O O O general-bye +bos thank you goodbye ! eos O O O O O general-bye +bos can you help me find a restaurant that serves african food with a moderate price range please 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 am sorry , there are n't any options available . may i ask if there is another type of restaurant 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 O O Restaurant-NoOffer +bos yes how about asian food in the same price range ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A +bos yes i have the yippee noodle bar in the center of town on king street in the moderate price range . they serve asian cuisine . is there anything else i can do for you ? eos O O O 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 O O general-reqmore +bos will you please book a table for 6 at 13:45 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 3gllhsnn . 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 i needed . thanks a lot for the help ! eos O O O O O O O O O O O O O O general-thank +bos great ! enjoy eos O O O O general-bye +bos will do . eos O O O O N/A +bos come back for any future help you may need . eos O O O O O O O O O O O general-bye +bos i 'd like to find some information about the allenbell hotel . eos O O O O O O O O O B-Hotel-Inform+Name O O O N/A +bos absolutely ! the allenbell is a guesthouse in the east . it has 4 stars and is relatively cheap . they offer their guests free wifi and parking . would you like any other info ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type 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 O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos perfect ! can you book it for 6 people and 4 nights starting from 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 O O N/A +bos your booking is successful ! your reference number is vls0wvd3 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great ! that works out perfect . that 's all for today . thanks a lot . 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 're very welcome . goodbye . eos O O O O O O O O general-bye +bos can you give me some information on the avalon hotel ? eos O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos i 'd be happy to . the avalon is a guesthouse located on the north side . it 's moderately priced , has 4-stars and offers free wifi . would you like to book a room ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 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 +bos not at the moment , can i have their phone number ? eos O O O O O O O O O O O O O Hotel-Request+Phone +bos certainly , the phone number is 01223353071. 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 general-reqmore +bos no , that covers it . thanks ! eos O O O O O O O O O general-thank +bos great ! have a wonderful day ! goodbye ! eos O O O O O O O O O O general-bye,general-greet +bos i 'm looking for a college to visit in the centre of cambridge . eos O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O N/A +bos i was able to find 13 colleges would you like to go to downing college ? eos O O O O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos yes that would be great can you give me the postcode entrance for you and address to it ? 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+Addr +bos sure , the address is regent street , the postcode is cb21dq , and the entrance fee is free . can i help you with anything else ? eos O O 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+Fee O O O O O O O O O O O O general-reqmore +bos thank you . i also need to find a train leaving on monday . eos O O O O O O O O O O O O B-Train-Inform+Day O O N/A +bos certainly , where are you 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+Depart,Train-Request+Dest +bos i 'm departing 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 there are a number of trains running from 5:39 to 23:39. did you have a departure or arrival time in mind ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Leave O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i 'd like to leave after 08:45. which train leaves closest to that time ? eos O O O O O O B-Train-Inform+Leave O O O O O O O O O N/A +bos unfortunately , the closest leaves at 09:39 , which leaves almost an hour later . that train is the tr7256 , do you still want to book it ? eos O O O O O O B-Train-Inform+Leave O O O O O O O O O O B-Train-Inform+Id O O O O O O O O O O O O Train-OfferBook +bos 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 . eos O O O O O O O O O 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 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 +bos i need a place to stay that does n't have to have internet 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 B-Hotel-Inform+Price O O O O O N/A +bos i have 5 different ones all around town . did you prefer to stay in a certain 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 yes , on the east side please . eos O O O O B-Hotel-Inform+Area O O O O N/A +bos the express by holiday inn cambridge meets your needs , 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 I-Hotel-Inform+Name I-Hotel-Inform+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 yes , it does . eos O O O O O O Hotel-Inform+Parking +bos i 'm not ready to book . can you just tell me what the address is ? oh , and how many stars is 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 Hotel-Request+Stars,Hotel-Request+Addr +bos sure . it 's a two star hotel and the address is 15-17 norman way , coldhams business park . anything else ? eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 general-reqmore +bos no , that 's all . thanks . eos O O O O O O O O O general-thank +bos you 're welcome ! please contact us if you would like to make a reservation in the future . 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 a place to stay . i want to make sure it is 4 stars and includes free parking . can you help with this ? 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 of course ! there are 19 places that fit that description . is there an area or price range that you prefer ? 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 Hotel-Request+Price +bos i would prefer something moderately priced in the centre of town eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O N/A +bos unfortunately , i do n't see anything that fits your needs . would you like me to try 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 hmm , yes i suppose i could try one on the north side of town . are there any ? 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 N/A +bos yes , there is a total of 6 places to stay in the north side of town . would you like me to book you into one ? eos O O O O 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 Booking-Inform +bos yes please , whichever you prefer . eos O O O O O O O O N/A +bos ok. i can do that for you . i need number of people , length of stay , and day of 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 O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day +bos 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 4 stars , free parking , and moderate prices ? eos 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 O N/A +bos yes , there are 6 places that will meet your needs . i suggest the kirkwood house . would you like any more information about it ? eos O O O O O B-Hotel-Inform+Choice 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 general-reqmore +bos just the postcode please . eos O O O O O O Hotel-Request+Post +bos the postcode for kirkwood house is cb41da . 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+Post 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 ok , have a nice day . bye . eos O O O O O O O O O O general-bye +bos i am looking for a restaurant in the moderate price range serving modern european 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 O N/A +bos i have at least three choices would you like a recommendation ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O N/A +bos i 'd like a restaurant on the south end of town , please . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O N/A +bos how does restaurant alimentum sound ? they are on the south side of town . eos O 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 I-Restaurant-Recommend+Area O O N/A +bos that sounds good , can i book a table there for 1 person at 12:30 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 your reservation at restaurant alimentum has been made for 12:30 on wednesday and your reference number is x08rcbwh . is there anything else i can help you with ? eos O O O O O O O O O O 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 no , 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 i 'm glad we could help , and enjoy your luncheon at alimentum . 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 want to book the el shaddai hotel . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos no problem . just give me a date , how many days , and how many people to accommodate please ! 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+People,Booking-Request+Day +bos i am looking to book it for 4 nights for 5 people starting tuesday . eos 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 N/A +bos i have made that booking for you . your reference number is e31yxtp1 . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos that will be it . thank you very much for your time . eos O O 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-bye +bos i 'm wanting information about museums 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 there are 11 museums in the centre of town . a few are the regency gallery , the fitzwilliam museum , castle galleries , and primavera . 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 O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A +bos the fitzwilliam sounds good . could i get the phone number ? eos O O B-Attraction-Inform+Name O O O O O O O O O O Attraction-Request+Phone +bos absolutely , the fitzwilliam museum 's phone number is 01223332900. is there anything else i can help you with today ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 also looking for a hotel that is cheap and includes free parking . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O N/A +bos i found the cambridge belfry . it is located in the west of town . would you like me to book that for you ? eos O O O O B-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 O O O O Booking-Inform +bos no , thanks . that will be all . 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 , again , that is all , thank you . 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 i 'm hoping to find a restaurant in the centre that serves british food . eos 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 how about the oak bistro on lensfield road ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos what is the price range ? it needs to be moderate . eos O O O O O O O O O O O O O N/A +bos the oak bistros price range is moderate would you like more information on it or to book a table ? eos 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 O O O Booking-Inform,general-reqmore +bos i 'd like a table for 3 people at 11:00 on friday , 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 O N/A +bos the oak bistro is fully booked . do you want me to try another restaurant in the centre serving moderate british food ? 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 general-reqmore +bos yes , please try another restaurant in the center serving moderate british food . eos O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i was able to book restaurant one seven , reference number is xxz4d253 . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O N/A +bos sounds wonderful , thank you 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 O general-bye +bos thank you for calling 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 'm looking for information about a restaurant named the golden wok . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos golden wok is a moderately priced chinese restaurant in the north part of cambridge . would you like more information ? 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 O O O general-reqmore +bos could you book me a table for 5 on saturday at 12: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 N/A +bos a table has been booked and will be held for 15 minutes . the reference number is 67ii8018 . 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 B-Booking-Book+Ref 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 general-thank +bos thank you for using our system ! eos O O O O O O O O general-bye +bos can you tell me if there are any restuarants in the west side that have singaporean food ? eos O O O O 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 singaporean 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 yes , how about thai food ? , thanks for checking . eos O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos sala thong is a thai restaurant on the west side at 35 newnham road . eos O B-Restaurant-Inform+Name I-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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos can i get the price range , postcode , and phone number for them ? 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 it is expensive . postcode is cb39ey and phone number is 01223323178. eos O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O N/A +bos thank you . i need to book a expensive hotel that has free wifi , can you help me ? 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 N/A +bos i 've got 5 hotels that meet those criteria . is there a particular part of town you were interested in staying 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 +bos i am looking for a guesthouse 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 N/A +bos there are no guesthouses that meet that criteria , would you like information about the hotel options ? 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 N/A +bos is there one that is moderately priced in the same area ? eos O O O O O O B-Hotel-Inform+Price O O O O O O Restaurant-Request+Price +bos there is ! hobsons house is a 3-star , moderately-priced guesthouse with free internet and parking . would you like me to book it for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos no , i just need the phone number and postcode , please . eos O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode for hobsons house is cb39lh , phone 01223304906. is there anything else i can 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 O O O O general-reqmore +bos no , i think that covers it , thank you for your time . eos O O O O O O 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 i want to get a place to eat in the north . eos O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos saigon city , which is asian oriental cuisine and is expensively priced , golden wok is chinese and moderately priced . and royal spice is indian food and cheap . 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 B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos i would like one in the moderate price range . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have the golden wok , which is chinese or the nirala which serves indian . would you like to make a booking at one ? eos O O O O O O O O O O O B-Restaurant-Select+Name O O B-Restaurant-Select+Food O O O O O O O O O O O O Booking-Inform +bos no . just get me the golden wok 's phone number and address please and i 'll take it from there 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos okay , their address is 191 histon road chesterton and their phone number is 01223350688. 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 O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos thank you . i also need a train that will leave cambridge on saturday . i want it to arrive at 12:30 to ely . 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 B-Train-Inform+Arrive O B-Train-Inform+Dest O O O N/A +bos okay , the tr0721 leaves at 11:50 and arrives at 12:07. 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 , please ! i will need a booking for 6 people . eos O O O O O O O O O O O O O O N/A +bos i will work on getting this 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 thank you . can i please get the refrence number ? eos O O O O O O O O O O O O Train-Request+Ref +bos you 're all set . tr0721 leaves cambridge on saturday at 11:50 and arrives in ely at 12:07. your total is 21.12 gbp and your reference number is : 9si6a16e . eos O O O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive 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 thank you very much . this is all i need for now . eos O O 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,general-bye +bos i 'm looking for an expensive restaurant that serves european food while i 'm in cambridge . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos darry 's cookhouse and wine shop is located at 40270 king street at the city centre . would you like their phone number ? 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 B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O general-reqmore +bos yes , please , and their postcode as well . eos O O O O O O O O O O O Restaurant-Request+Post +bos phone is 01223505015 and postcode cb11ln . would you like me to get you a table ? eos O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O B-Restaurant-Inform+Post O O O O O O O O O O O Booking-Inform +bos no . but i need a train going to ely . eos O O O O O O O O O B-Train-Inform+Dest O O N/A +bos where are you travelling from and what time ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i am departing from cambridge on monday and i need to arrive to ely by 11:15. eos O 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 N/A +bos i have 3 trains available leaving at 06:07 , 08:07 , and 10:07. 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+Leave I-Train-Inform+Leave O O O O O O O O O Train-Select +bos you choose one please . i need it for 4 people . eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos i booked you on tr8399 arriving at 10:07. booking was successful , the total fee is 17.6 gbp payable at the station .reference number is : avbknmxq . eos O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Arrive 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 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 all . thanks so much ! eos 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 danish restaurant with 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 there are no matches , can i try something else ? eos O O O O O O O O O O O O Restaurant-NoOffer +bos no , that 's fine . eos O O O O O O O N/A +bos can i help you find another place to dine ? eos O O O O O O O O O O O general-reqmore +bos yeah , how about something that serves european food ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos sure , i can find that for you . is there a particular section of town that 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 Restaurant-Request+Area +bos i definitely would like it to be in the centre , please . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos i would suggest galleria . eos O O O O B-Restaurant-Recommend+Name O N/A +bos okay . i 'd like to reserve a table . eos O O O O O O O O O O O N/A +bos for when and how many ? eos O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos a table for 7 at 12:15 on wednesday . after booking please provide the reference number . also need a train departing from liverpool on wednesday and arrive by 09:30 going to cambridge . eos O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Train-Inform+Day 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 B-Train-Inform+Dest O O O N/A +bos you are booked at galleria for 12:15 on wednesday . your reference number is : roez39jr . eos O O O O O B-Booking-Book+Name O B-Booking-Book+Time O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O N/A +bos i also need to get a train on wednesday from london liverpool street . eos 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 N/A +bos there are 10 trains departing london liverpool street on wednesday ? do you have a departure time in mind ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O O O O O O O O O O Train-Request+Leave +bos i need a train that arrives in cambridge by 09:30 , please . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A +bos tr8813 arrives in cambridge at 09:07. the cost is 16.60 pounds . would you like me to book it for you ? eos O B-Train-Inform+Id 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 O O Train-OfferBook +bos yes please ! could you book me seats for 7 people ? eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos you are booked on tr8813 with the reference number nfc67u5i . the total fee is 116.2 gbp payable at the station . it departs london liverpool street at 07:39. eos 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 B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave 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 great ! glad i could be of help . eos O O O O O O O O O O general-welcome,general-bye +bos are there any good polish restaurants in the city ? eos O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i 'm sorry , i do n't have any polish restaurants in the area . is there anything else you 'd be interested in ? 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 O O O general-reqmore +bos hm , how about we try the centre area for the polish food . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O N/A +bos there are no polish restaurants in the city . would you like to try something else ? eos 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 general-reqmore +bos i will try british food eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food N/A +bos there are 7 british restaurants in the centre to choose from . would you prefer a moderate or an expensive 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 O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A +bos i 'd like an expensive , please . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos i have 3 listings for fitzbillies restaurant , the cambridge chop house and midsummer house restaurant . 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 O O N/A +bos can i get a table for 8 at fitzbillies ? thursday at 12: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 O N/A +bos your booking was successful . the table will be reserved for 15 minutes.the reference number is : yontchwd . 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 general-reqmore +bos i also need a train from peterborough on thursday . i 'd like to arrive in cambridge 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 B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A +bos there are 7 trains that can get you there , the earliest is levaing at 05:19 , the latest at 08:19. do you have a time you 'd like to leave the station ? 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 O O O Train-Request+Leave +bos no , i do not care what time it leaves as long as it arrives in cambridge by 9:30. eos O 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 let 's get you on the tr9303 , it leaves peterborough at 8:19 and gets to cambridge at 9:09. would you like a reservation ? eos O O 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 O O O O O O O Train-OfferBook +bos yes , i 'll need tickets for my entire party . eos O O O O O O O O O O O O N/A +bos if i remember right , i had you as a party of 8 , i booked 8 tickets for tr9303 . cost is a total of 132 , total reference # 011fpabg . eos O O O O O O O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ticket O O O B-Train-OfferBooked+Ref O O O O N/A +bos yes , that was correct . thanks for all your help . my ride is here . i 've got to go . 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 nice day . eos O O O O O O general-bye +bos i need a train on monday . eos O O O O O O B-Train-Inform+Day O N/A +bos sure thing , got a destination or time you 'd like to travel ? eos O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i would like to arrive by 8:30 in cambridge . eos 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 Train-Request+Depart +bos oh , sorry . departing from broxbourne . eos O O O O O O B-Train-Inform+Depart O O N/A +bos i have two trains available leaving at 05:32 and 06:32. what time would like to leave ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O Train-Select +bos is the travel time and price the same for both of them ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos yes they both have a travel time of 60 minutes and cost 17.90 pounds per ticket . eos 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 O O N/A +bos okay ... i 'll keep that in mind . oh , i also need to find a restaurant , preferably in the east area and serving indian 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 B-Restaurant-Inform+Food O O O O O O N/A +bos we have 4 matches . do you have a price preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Price +bos no preference on price , please recommend any indian restaurant in the east 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 O Train-Request+Price +bos the curry prince is a good choice . it is in the east and the price range is moderate . would you like me to 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 B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform +bos yes please , for 3 people at 17:30. eos O O O O O O O O O N/A +bos what day would you like the reservations ? eos O O O O O O O O O Booking-Request+Day +bos same day , monday . eos O O O B-Restaurant-Inform+Day O O N/A +bos table for 3 at the curry prince on monday at 17:30. they will hold your table for 15 minutes after your reservation time . your confirmation number is p7zbbm9k . eos 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 O O O O O O O O O B-Booking-Book+Ref O O N/A +bos perfect , that 's all i needed . thanks 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 general-thank +bos have a nice day . eos O O O O O O general-bye +bos i am trying to plan my trip in cambridge and need a place to dine . i need something kind of moderate for price and 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 B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O Train-Request+Price +bos we have three restaurants . do you prefer british , indian or italian cuisine ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos how about thai ? are there any thai restaurants in the west of the moderate price range ? eos O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O Train-Request+Price +bos i 'm sorry , there are n't any moderately priced thai restaurants in the west . eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O N/A +bos that is okay . an indian restaurant would be great , which place do you recommend ? 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 we still cant find any of that criteria . can we change location ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos yes try a different location . eos O O O O O O O N/A +bos i ca n't find any indian places in the moderately priced range . can i try something else ? 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 general-reqmore +bos maybe you could check any price range . eos O O O O O O O O O Train-Request+Price +bos kohinoor is a cheap indian restaurant located in the centre . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A +bos may i have the phone number for that place ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 012233236939. eos O O O O O B-Restaurant-Inform+Phone N/A +bos what is the departure time ? eos O O O O O O O Train-Request+Leave +bos 7:00 , dop you need anything else ? eos O B-Train-Inform+Leave O O O O O O O general-reqmore +bos are there any swedish restaurants in cambridge ? eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry , i do not show any swedish restaurants . is there another type of restaurant i could find for you ? 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 O Restaurant-Request+Food +bos yes an you search for christmas food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i am sorry i do not have anything listed matching that request . any 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 what about a moderately priced european restaurant ? i need a reservation for 3 people at 14:30 on thursday . could you provide the reference number after making the reservation ? eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food 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 there are 11 different restaurants serving european food . what area of town would you like ? 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+Area +bos i do n't have a preference on the area . if you could recommend on 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 N/A +bos if i may , might i suggest the michaelhouse cafe . they are located at st. michae 's church trinity street city centre . they have amazing food . eos O O O O O O O O B-Restaurant-Recommend+Name I-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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O N/A +bos sounds like an excellent choice . please proceed with making a reservation . thanks ! eos O O O O O O O O O O O O O O O O general-thank +bos you 're all booked . reference number is obl5nimy . eos O O O O O O O B-Booking-Book+Ref O O O N/A +bos i also need a train to leave friday and arrive by 08:15 from bishop stortford by cambridge . can you give me the depart time ? eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Dest O O O O O O O O O N/A +bos tr3450 leaves at 7:29. can i help you with anything else today ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O general-reqmore +bos i actually need the train to arrive at bishops stortford , not depart from . so sorry for the confusion . 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 O O O O N/A +bos train tr2061 should fit you . eos O O B-Train-Inform+Id O O O O N/A +bos great , can you tell me the departure time of the train from cambridge to bishops stortford ? eos O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest O O Train-Request+Leave +bos the departure time is still the same , 7:29. eos O O O O O O O O B-Train-Inform+Leave O N/A +bos alright . that is all i needed . thank you very much . eos O O 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 am looking for a train from stevenage . it should arrive by 10:30. eos O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive O N/A +bos i 'm happy to help . can you tell me what day you are traveling ? eos 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 to cambridge on monday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos tr2494 will leave at 7:54 and arrive by 8:43. would you be interested in booking this train ? 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 Train-OfferBook +bos no thank you . i 'd like to know the travel time , please ? 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 49 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos great i 'm also looking to get some restaurant information on one named for charlie chan eos 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 okay . charlie chan is a cheaply-priced chinese restaurant located in the centre area of town . would you like to make a reservation ? eos 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 I-Restaurant-Inform+Area O O O O O O O O Booking-Inform +bos yes please . kindly book for a table for 2 people for same monday by 20:30. eos O O 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 booking was successful . the table will be reserved for 15 minutes . reference number is : 1nt8az1z . 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 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 that is all , have a good day . eos O O O O O O O O O O N/A +bos welcome and gooday too eos O O O O O general-welcome,general-bye +bos thank you , you as well ! eos O O O O O O O O general-thank +bos enjoy your visit eos O O O O general-bye +bos i want to find somewhere to go in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos 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 . eos O O O O O O 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 , attractions to visit . eos O O O O O O O Attraction-Inform +bos may i know the type of attraction you will prefer . we have architecture , boat , cinema , college , nightclub , museum and much more ? eos 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 O O O O O O Attraction-Request+Type +bos i do n't know . can you recommend your favorite thing to do ? eos O O O O O O O O O O O O O O O N/A +bos i enjoy the cambridge university botanic gardens this time of year . they have an entrance fee of 4 pounds . 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 O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A +bos okay , great . i 'll also need to know the postcode , if possible ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos cambridge university botanic gardens post code is cb21jf . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Post O N/A +bos i also need to find restaurant serving modern european food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos assuming you have no further criteria , the galleria is a great restaurant on 33 bridge street . 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos ok , please also book me a taxi from the restaurant at 05:30 and can i have a description and contact information for the taxi ? thanks . 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 N/A +bos yellow lexus , 07263691151. is there anything else ? eos O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone 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 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 'm looking for a chinese restaurant . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there is a moderately priced one in the city centre , a noodle bar . eos O O 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos are there any in the north side of town ? eos O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos i have three can i get you price range ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Price +bos any price range is fine with me . please book for mea table for 8 peopleat 13:45 on friday . please get me the reference number 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 O O O O O O N/A +bos okay , i 've booked a table for you and your guests at haaka on milton road in chesterton . your reference number is u47769kh . eos O O 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 B-Booking-Book+Ref O O O O N/A +bos thank you ! i also need a train going to broxbourne . eos O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos sure , i can help you with that . where were you wanting to depart 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 'm leaving from cambridge eos O O O O B-Train-Inform+Depart O N/A +bos a train leaves every hour from cambridge to broxbourne . is there a particular day and time you need ? eos O O O O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O O O O O O O O O O O Train-Request+Arrive,Train-Request+Day,Train-Request+Leave +bos i need to leave on saturday . eos O O O O O O B-Train-Inform+Day O N/A +bos what time do you need to arrive at your destination or depart ? 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 at broxbourne by 16:45 eos 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 there are french restaurants in cambridge , right ? eos O O O B-Restaurant-Inform+Food O O O O O O N/A +bos yes , there are 2 french restaurants . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos can you try booking one of them for 8 people at 13: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 N/A +bos you are all booked at cote . your reference number is ojful39u . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos was that restaurant in the north ? i needed one in the north . eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O N/A +bos restaurant two two is in the north . would you like me to book there instead ? eos 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 O O Booking-Inform +bos yes , please for 8 people at 13:45 on wednesday eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos sure your reservation number ojful39u . eos O O O O O B-Booking-Book+Ref O N/A +bos i am also looking for places to go in town . the attraction should be in the same area as the restaurant and should be in the type of boat . eos O O O O O 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 O O N/A +bos riverboat georgina meets your criteria . would you like more information ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O general-reqmore +bos can you give me the address and entrance fee to this attraction ? 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 Attraction-Request+Fee,Attraction-Request+Addr +bos the address is cambridge passenger cruisers , jubilee house . i do n't have the entrance fee available to me , but you can contact them at 01223902091 for more information . eos O 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 I-Attraction-Inform+Fee I-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 N/A +bos ok great , thank you . that is all i need . eos 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 planning a trip in cambridge eos O O O O O O O O N/A +bos great ! what can i help you find ? eos O O O O O O O O O O general-reqmore +bos place to stay a hotel should have a star of 4 in the west and cheap eos O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Area O B-Hotel-Inform+Price N/A +bos the cambridge belfry is the only place that matches all of your criteria . would you like to reserve a room ? 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 Booking-Inform +bos i 'm not sure yet . does it have free parking ? eos O O O O O O O O O O O O O N/A +bos it does have free parking and wifi . eos O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos ok , let 's get rooms for 7 people for 5 nights . i 'll need it from monday please . eos 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 O O N/A +bos your booking was successful and the reference number is c505yx1i . 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 general-reqmore +bos yes , i need a train on tuesday going to birmingham new street . can you find me one ? 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 O N/A +bos absolutely , what time would you like to leave ? and , i assume you will be leaving from cambridge ? 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+Depart +bos the train should arrive by 14:15 eos O O O O O O B-Train-Inform+Arrive N/A +bos ok there is one leaving earlier i will book it for and send you the infomation eos O O O O O O O O O O O O O O O O O Train-OfferBook +bos can you help me find information on a hotel called allenbell ? eos O O O O O O O O O O O B-Hotel-Inform+Name O N/A +bos the allenbell hotel is a 4 star guesthouse hotel , the price range is cheap . internet and parking are available . 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 B-Hotel-Inform+Type I-Hotel-Inform+Type O 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+Internet,Hotel-Inform+Parking +bos i need a room there for 8 on saturday , and staying two nights , i 'll need the reference number too please eos O O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Day O O O O O O O O O O O O O O N/A +bos i 've scheduled your booking at the allenbell on saturday for 2 nights for 8 people . the reference number is : wbd98wja . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O N/A +bos i also need a train from stansted airport and go to cambridge . eos 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 all trains leave on friday , what time is the depature and arrival ? eos O O O O O B-Train-Inform+Day O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos 18:15 is the departure . 19:30 is the arrival . eos O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O N/A +bos train tr5921 departs from stansted airport at 18:24 and arrives at cambridge at 19:30 on friday . is there anything else i can help you with ? 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 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 O general-reqmore +bos that will work . please book 8 tickets . 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 N/A +bos booking was successful , the total fee is 80.8 gbp payable at the station .reference number is : 2d2l9tyi . 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 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 service ! eos O O O O O O O O general-greet +bos i am looking for a museum to visit ? i 'm pretty excited to be coming in a few weeks . eos 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 N/A +bos we have several including the museum of technology . would you like to purchase tickets ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 Attraction-Request+Area +bos cambridge museum of technology is in the east side 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 B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos great ! can i get the address and phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos their address is the old pumping station , cheddars lane , cb58ld . their phone number is 01223368650. will that be all for today ? eos O O O 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 O O O general-reqmore +bos i 'm also looking for a cheap guesthouse with free parking and free wifi . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O N/A +bos is there a certain area you prefer ? eos O O O O O O O O O Hotel-Request+Area +bos let 's stick with the east eos O O O O O B-Hotel-Inform+Area O N/A +bos allenbell is cheap and 4 stars with internet and parking located at 517a coldham lane , cb13js . phone number is 01223210353. can i book a room for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , please book it for 4 people and 3 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 O N/A +bos you are booked , the reference number is x3yrqrdq , 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 thank you , that is all . goodbye . eos O O O O O O O O O O general-bye +bos thank you for using the service today . eos O O O O O O O O O general-greet +bos i need a hotel with wifi in the north part of town eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i can help with that . what kind of price range do you have in mind ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos i am open as far as price range , but i would love a 4 star place . 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 does n't appear to be a 4 star hotel with wifi in the north . can i interest you in a lower star rating ? eos O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O B-Hotel-NoOffer+Area O O O O O O O O O O O O Hotel-NoOffer+Internet,Hotel-Request+Stars +bos no , the hotel needs to have a 4 star rating . can you please check your system again ? thanks 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 am sorry . i have double checked and still do not find anything matching your criteria . would you like 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 O Hotel-NoOffer,Hotel-Request+Stars +bos perhaps there is a guestroom ? eos O O O O O O O N/A +bos no but would you like to try another location ? eos O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos just something in the north , 4 star and free wifi ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos okay , there are 8 guesthouse listings fitting your requirements . what pricerange are you looking for , may i ask ? 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 Hotel-Request+Price +bos do you have anything moderately priced ? i need it for 6 people , for 3 nights , starting 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 O N/A +bos they 're all moderately priced . i recommend the avalon . eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Recommend+Name O O O N/A +bos sounds great . can you book it and provide me a reference number please ? eos O O O O O O O O O O O O O O O O N/A +bos i am not successful with this booking . do you want to modify the days ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay +bos no , i will need to keep the days the same . eos O O O O O O O O O O O O O N/A +bos your all set at arbury lodge guesthouse . your ref number is 593eoj4k , is there anything else today ? 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 general-reqmore +bos i need to check on a train leaving cambridge . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos can you give me what time you want to leave at ? there are multiple trains leaving cambridge . eos O O O O O O O O O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O O Train-Request+Leave +bos the train should leave after 08:45 and should leave on tuesday . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O N/A +bos and what is your destination ? eos O O O O O O O Train-Request+Dest +bos i will be leaving from cambridge and arrive at leicester on tuesday . eos O O O O O O O O O O O O O O N/A +bos the earliest train we have leaving is at 9:00. 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 O O O O O O O Train-OfferBook +bos yes , please . that would be great . eos O O O O O O O O O O N/A +bos how many tickets will you be needing for the train ? eos O O O O O O O O O O O O Train-Request+People +bos i will need 6 train tickets . eos O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 141.6 gbp payable at the station eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O N/A +bos great ! ! can i get the reference number ? eos O O O O O O O O O O O N/A +bos your reference number is kwh3j4wg . can i help with anything else ? eos O O O O O B-Train-OfferBooked+Ref 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 you are welcome , have a good 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 is there a certain area in town you would like to stay ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos no area but i need moderate prices and wifi . eos O O O O O O B-Hotel-Inform+Price O O O O N/A +bos okay ! there are 17 places to stay . would you like to stay in a guesthouse , or in 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 B-Hotel-Select+Type I-Hotel-Select+Type O O O N/A +bos get me a 4 star hotel and whether they have free parking and give me their phone number eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Parking +bos okay the telephone number of the acorn house is 01223353888. eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Phone N/A +bos great ! thank you 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 ? eos O O O O O O O O O O O general-reqmore +bos yes i am looking for entertainment venues in the city center . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i 'm sorry there 's no entertainment in the centre . eos O O O O O O O O B-Attraction-NoOffer+Area O O O N/A +bos is there some sort of concert hall in the centre ? eos O O O O O O O O O O O O N/A +bos yes , the man on the moon . would you like more info 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 O O O O O O O general-reqmore +bos i would need phone number , entrance fee , and address eos 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 01223474144. the entrance fee is not listed and the address is 2 norfolk street . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Phone 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 O O O O O O O O general-reqmore +bos no thank you , that will be all for now . eos O O O O O O O O O O O O general-thank +bos thank you for calling . please call again if we can help with anything else . 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 O general-bye +bos where is this saffron brasserie located ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos it 's located in the centre . eos O O O O O B-Restaurant-Inform+Area O O N/A +bos great i would like to book a table . eos O O O O O O O O O O N/A +bos ok , i can handle that for you . how many people will 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 +bos well ... i do n't have any friends ... i 'll be going in on thursday at 12:30. 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 O N/A +bos okay , i was able to book a table for you . reference number is : 1793ce4c . 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 thank you ! i also need a guesthouse to stay in in the east . it does n't have to have free parking , but i would like a 4 star place . eos 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 O O O B-Hotel-Inform+Stars O O O O O O N/A +bos there are several guest houses with 4 stars in the east . they are in the cheap and moderate price ranges . do you have a preference ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Select +bos no preference . could you pick one for me ? eos O O O O O O O O O O O N/A +bos sure , i recommend autumn house . it is on 710 newmarket road and is very popular . eos O 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 O O O O O N/A +bos could you book it for the same group of people and 2 nights starting from the same day . eos 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+Stay O O O O O O N/A +bos autumn house is booked for you . 1 person staying 2 nights starting on thursday . your reference number is : 8ygnka7f . can i assist you with anything else ? eos O B-Booking-Book+Name I-Booking-Book+Name 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 B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos could you please also find a taxi to commute 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 what time frame would you like it to be in ? eos O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i would to book a taxi that will arrive at the restaurant by 12:30. eos O O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos okay . your booking is completed . the car type is red honda . the contact number is 07940318761. 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+Phone O O O N/A +bos thank you very 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 O general-reqmore +bos no that 's all ! thanks for the help . eos O O O O O O O O O O O general-thank +bos you are very welcome , enjoy . eos O O O O O O O O general-welcome,general-bye +bos i 'm sure i will . 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,general-bye +bos can you tell me about the cote restaurant ? eos O O O O O O O B-Restaurant-Inform+Name O O N/A +bos cote is an expensive french restaurant in the centre . do you want the address and phone number or for me to book you a table ? eos O B-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 O O O O O O O O O O Booking-Inform,general-reqmore +bos yes , i need a table for two people at 13:00 on tuesday . 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 i was able to book you a table please be on time they can only hold it for 15 minutes . your reference number is idpgs1jz . do you need anymore 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 B-Booking-Book+Ref O O O 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 lots of attractions to go to in the city . in the center of town there are 44 results alone . what or where do you have in mind ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos is there a theatre in the city centre ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A +bos there are 4 : adc theatre , cambridge arts theatre , mumford theatre , and the cambridge corn exchange . which would you like to visit ? eos O O O O B-Attraction-Inform+Choice 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 Attraction-Select +bos what 's the phone number and address for the adc theatre ? 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 01223300085 and the address is park street . is there anything else i can help you with ? eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone 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 yes please , i 'd like to book a taxi between the restaurant and theatre . eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos i can help you with that . what time would you like to leave the restaurant ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos i need a cab for the commute , it needs to get to the restaurant by my reservation time . contact # 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 O O Taxi-Request+Car +bos okay , i got you a red tesla and the contact number for that is 07646733511. 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 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 thats all i need today . thanks so much ! eos O O O O O O O O O O O general-thank +bos you are welcome . have a nice time in cambridge . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos what fun places can i visit in the east ? eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos we have five spots which include boating , museums and entertainment . any preferences that you have ? eos 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 i do n't have a preference . which place would you recommend ? eos O O O O O O O O O O O O O O N/A +bos i 'm fond of the cambridge museum of technology . would you like more information on it ? 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 N/A +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos it is 5 pounds to get in . eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos great , thanks ! can you help me find a train going into cambridge as well ? eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O O N/A +bos i certainly can ! where would you be coming from and what day and time ? eos 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 am leaving birmingham new street and going to cambridge ; i need to travel on friday and arrive by 13:15. eos 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+Day O O O B-Train-Inform+Arrive O N/A +bos tr0497 arrives by 12:23. would you like a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes please . book the train for 2 people . please include 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 reference number is : pypbsaxi . is there anything else ? eos O O O O O B-Train-Inform+Ref O O O O O O general-reqmore +bos that 's everything . thanks again and have a great day ! eos O O O O O O O O O O O O O general-thank +bos enjoy your trip ! have a great time ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'd like to find somewhere to eat in the centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos we have many restaurants in the center of town . do you have a certain 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 O O O Restaurant-Request+Food,Restaurant-Request+Price +bos yes , i was hoping for modern global food . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos iam sorry but i have nothing matching your needs right now . eos O O O O O O O O O O O O O Restaurant-NoOffer +bos how about a spanish one ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos i have two- la tasca , which is moderate , and la raza , which is cheap . eos 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos pick one for me and book a table for 8 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 N/A +bos okay . your booking was successful . your reference number is vj7pevyv . 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 O N/A +bos could you also tell me if there are any trains available arriving in cambridge that day ? 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 trains arriving in cambridge daily ! where are you coming from , on what day , 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 Train-Request+Arrive,Train-Request+Day +bos i am coming for birmingham new street , would like to arrive on wednesday at 10: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+Day O B-Train-Inform+Arrive O N/A +bos i can put you on the tr7329 , it will get you there by 10:23 , how many tickets ? eos O O O O O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Arrive O O O O O O Train-Request+People +bos can i have the departure time and price of train tr7329 ? eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos tr7329 leaves at 07:40 and costs 75.10 pounds eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos thank you , that 's all i need . eos O O O O O O O O O O general-thank +bos awesome . we 're here if you need anything else . 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 general-bye +bos i need a place to stay eos O O O O O O O N/A +bos okay ! 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 'd prefer something in the north , a 4 star hotel with free wifi if possible . eos O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O N/A +bos there are no 4 start hotels in the north with free wifi . 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 O O Hotel-NoOffer+Internet +bos would you like to book something without free wifi , or in another area . eos 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 in the north are with free internet . is there anything else i can help you with ? 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 O O O O O O O O O O O O O Hotel-NoOffer+Internet,general-reqmore +bos what about a guesthouse with 4 stars in the north ? eos O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O N/A +bos yes , i see several guesthouses available ! they are all in the moderate price range ; does parking matter to you ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Parking +bos the parking does not matter . eos O O O O O O O N/A +bos yes , i would recommend avalon . it is at 62 gilbert road , postcode cb43pd . eos O O O O O B-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr B-Hotel-Recommend+Post O O O N/A +bos can you tell me the phone number ? eos O O O O O O O O O Hotel-Request+Phone +bos sure , the phone number is 01223353071. eos O O O O O O B-Hotel-Inform+Phone O N/A +bos can you also help me find an indian place to eat . eos O O O O O O O O O O O O O N/A +bos is there a certain area or price range you would like ? eos O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos i 'm sorry , i meant to ask for help finding something fun to do in town in the north side of town . i do n't need a restaurant after all . 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 N/A +bos do you have a type in mind ? eos O O O O O O O O O Attraction-Request+Type +bos can i get a boat ? eos O O O O O B-Attraction-Inform+Type O N/A +bos riverboat georgina is in the north . would this work ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O N/A +bos find me its entrance fee eos O O O O O O Attraction-Request+Fee +bos yes , i would have to give them a quick call . how many people and what day ? 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 i 'm not ready to book it . i would just like to know the entrance fee . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry . the entrance fee for the riverboat georgina is unknown . would you like the phone number ? eos O O O 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 no thanks that will be all then eos O O O O O O O O general-thank +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-bye +bos can you help me find a train leaving after 12:15 on friday ? eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos sure , what 's the departure and destination . eos 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 N/A +bos the tr3158 meets your description . would you like to make a booking ? 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 arrival time ? i 'll also need the travel time and 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+Arrive,Train-Request+TrainID +bos the arrival time is 13:32. the train id is tr3158 . and the travel time for this route is 60 minutes . anything else i can do for you ? eos O O O O O B-Train-Inform+Arrive O 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 general-reqmore +bos i also need to find a hotel with free parking and wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos there are 8 hotels available with internet and parking . what price range and area of the city are you 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 O O O O Hotel-Request+Price,Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i want to to have a 4 star rating & be a guesthouse . it can be in any area of the town . eos O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A +bos there are 16 options available . can i narrow it down for you by 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 the price does n't matter . is there one that you would recommend ? eos O O O O O O O O O O O O O O O N/A +bos i would recommend the allenbell which is in the center and cheap . would you like to make a reservation there ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area O B-Hotel-Recommend+Price O O O O O O O O O O Booking-Inform +bos yes please , for 3 people . we 'll need 3 nights starting friday . can you please give me the reference number once it 's booked ? eos O O O O O B-Hotel-Inform+People 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 Hotel-Request+Ref +bos your room has been booked . reference number is 77bqdd6i . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great , you have been very helpful today . thanks . that is 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 general-bye +bos it 's my pleasure . have a good day . eos O O O O O O O O O O O general-bye +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 Train-Select +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 i need a train to cambridge , leaving after 17:00. eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O N/A +bos there are quite a few . what station will you be leaving from ? 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 Train-Request+Depart +bos i 'll be leaving from norwich on wednesday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos how about the tr2379 train ? it leaves norwich at 17:16 and arrives in cambridge at 18:35. 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 can you give me the price and travel time of tr2379 , please ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos tr2379 is 17.60 pounds per ticket , and the travel time is 79 minutes . eos O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos great , please book that . i would also like to book a hotel , called kirkwood house 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 O N/A +bos trains all booked for you and your reference number is zlrl98vp . what nights would you need me to book at kirkwood house for you ? 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 B-Booking-Inform+Name I-Booking-Inform+Name O O O O Booking-Request+Stay,Booking-Request+Day +bos can you book the hotel for 4 people starting wednesday night for 4 nights ? eos O O O O O O O O B-Hotel-Inform+People O B-Train-Inform+Day O O O O O N/A +bos alright , i got your room at the kirkwood booked . the reference number is : 90epn6vx . 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 O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos no , that looks good to me . you 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 service , have a wonderful day . if you need any assistance , 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 O O O O O O general-welcome,general-bye +bos i need to book a place to crash please . eos O O O O O O O O O O O N/A +bos i will recommend acorn guest house for you with free internet , parking and breakfast and it is available tonight or do you plan to stay more than a night . 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 O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Request+Stay +bos is it expensive ? i really want to treat myself to a luxurious hotel . eos O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos it is not in the expensive range but in the moderate price range . would you like to choose another hotel ? 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 general-reqmore +bos yes book an expensive hotel for 4 nights for 3 people if you can find one . please provide the reference number also . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O O O O O O O O O N/A +bos i have 33 expensive hotels for you to choose from . do you know what area you want 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 west please . and it should include free wifi . book for 3 people 4 nights starting thurs . eos O O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O O N/A +bos i have booked your stay at the luxurious huntingdon marriott hotel on the west side . your reference # is zhuglexu . is there anything else i can assist you with ? eos O O O O O O O O O B-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 B-Hotel-Inform+Ref O O O O O O O O O O O O general-reqmore +bos yes , i need to find a train to get to the hotel . i 'll be traveling from kings lynn . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O N/A +bos there is no train from that route . can i find you a taxi ? eos O O O O O O O O O O O O O O O O Train-NoOffer,general-reqmore +bos no , i really rather travel by train . can you double-check for me again . i 'm trying to get to cambridge from kings lynn on thursday . 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 B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O N/A +bos i have 19 trains traveling from kings lynn to cambridge on thursday . do you have an arrival or departure time preference ? eos O O O O B-Train-Inform+Choice 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 O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need to leave after 16:45 on thursday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos okay ! how about the 17:11 train ? eos O O O O O B-Train-Inform+Leave O O O N/A +bos that is perfect . please book it for 3 tickets . eos O O O O O O O O O O B-Train-Inform+People O N/A +bos alright i booked the train for you ! your reference number is jow0h42w . anything else i can do for you ? 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 thank you , that 'll be all . eos O O O O O O O O O general-thank +bos great . i hope you have a great trip ! goodbye . eos O O O O O O O O O O O O O general-bye +bos would you help me book a train today ? eos O O O O O O O O O O Train-Inform +bos i would be happy to . where are you traveling ? eos O O O O O O O O O O O O Train-Request+Dest,general-greet +bos to broxbourne on wednesday . i would like to leave after 13:30. eos 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 tr5164 departs cambridge wednesday at 14:01 and arrives in broxbourne by 15:01. would you like to book a ticket ? eos 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 O O O Train-OfferBook +bos that sounds just perfect . can you book us 5 seats on that train ? eos O O O O O O O O O O O O O O O O Train-Inform +bos yes , i will book 5 tickets for you . eos O O O O O O B-Train-OfferBook+People O O O O N/A +bos can you give me the reference number please ? eos O O O O O O O O O O Train-Request+Ref +bos reference number is : 2grqx8n4 . anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O general-reqmore +bos yes , i need a place to stay in , preferably something moderately priced . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos sure , do you have a preference in the area of town ? eos 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 . i prefer a hotel , if possible . 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 there are no hotels that meet that criteria in the east but we do have 3 moderately priced guesthouses available . would one of those work ? 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 O O B-Hotel-Inform+Choice I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O N/A +bos yes . could you provide the postcode and star of the hotel . eos O O O O O O O O O O O O O O Hotel-Request+Post +bos okay , the carolina bed and breakfast is a 4 star rated guesthouse and its postal code is cb13nx . 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+Stars O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Post O O N/A +bos thanks . i 've got all i need . take care . bye . eos O O O O O O O O O O O O O O O general-bye +bos glad to be of help . please contact us again if you need any other information about cambridge ! 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 4 star hotel in the north . eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A +bos are you looking for a specific hotel ? also what type of hotel are you looking for ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Name,Hotel-Request+Type +bos hm , maybe something moderately priced ? with free wifi ? eos O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos the avolon would feet your needs . would you like a reservation ? eos 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 it to start monday and be for 5 nights for 4 people . can i get the reference number ? eos O O O 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 O O O O O Hotel-Request+Ref +bos i have booked you a room here is the information-booking was successful.reference number is : czq8ccgz . any thing 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 general-reqmore +bos i also need a train heading to cambridge on monday as well eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos i 'll be leaving kings lynn after 13:15. eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos i have train tr2257 leaving at 14:11 and arriving at 14:58. would you like to make a reservation ? 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 no , that is all i needed . thank you ! eos O O O O O O O O O O O O general-thank +bos okay , thank you ! enjoy your trip . eos O O O O O O O O O O general-bye,general-greet +bos thank you too ! eos O O O O O general-thank +bos bye bye . eos O O O O general-bye +bos i 'm looking for a train that leaves on monday after 16:15. any suggestions ? eos 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 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 leaving cambridge and headed to ely . eos O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A +bos there is a train to ely that leaves at 17:50 on monday . would you like me to book it ? eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O Train-OfferBook +bos no , i just need the train id and arrival time . eos O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID +bos sure the train id is tr4294 and the arrival time is 18:07. eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive N/A +bos i am also looking for a guesthouse with a rating of 4 stars . eos O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O N/A +bos i have several guesthouses with 4 star ratings . is there a particular area you 'd like to be in ? eos O O 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 O Hotel-Request+Area +bos it does not matter but i would like free parking . eos 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 price range is not important , just the four stars . eos O O O O O O O O O O O O N/A +bos what area of town would you like ? eos O O O O O O O O O Hotel-Request+Area +bos as long as it has free parking , that 's all i really need . can you recommend one and tell me a little 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 O O N/A +bos i have 5 guesthouses with free parking . i recommend the acorn guest house in 154 chesterton road , postcode cb41da . 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 O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr B-Hotel-Recommend+Post O O O Hotel-Inform+Parking +bos does it have free internet ? eos O O O O O O O Hotel-Request+Internet +bos yes , it has free 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 O Booking-Inform,Hotel-Inform+Internet +bos no , just the area and postcode please . eos O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Post +bos it is in the north area and the post code is cb41da . would you like to make a booking ? eos O O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Post O O O O O O O O O Booking-Inform +bos no , thanks . i 'm not ready to book at this time . eos 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 nope . that 's all . goodbye . eos O O O O O O O O O general-bye +bos thank for calling today . goodbye ! eos O O O O O O O O general-bye +bos could 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 N/A +bos is there 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 Hotel-Request+Area,Hotel-Inform +bos no . however i would like for the hotel to be 4 star and include free wifi . 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 i only have guesthouses matching that criteria . would you like me to book one 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 Booking-Inform +bos could you check one more time . moderate , free parking , free wifi , and 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 O N/A +bos i am only finding guesthouses . there are no hotels in that range . can i assist you with something else ? eos O O O O O B-Hotel-Inform+Type 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 well , i really need a hotel , i will have 7 people including myself . the location does n't matter . 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 N/A +bos i 'm sorry , but i ca n't conjure up hotels that do n't exist . would you like to stay in a guesthouse instead ? 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 B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O N/A +bos yes , that would be fine as long as it meets the criteria . it needs to be for 7 people , 5 nights , and start on monday . 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 B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O O O O N/A +bos okay , shall i book this for you ? eos O O O O O O O O O O Booking-Inform +bos yes i would like to make these reservations . eos O O O O O O O O O O N/A +bos done ! your reference number is ygwrzx9d . 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 'd also like to book a train departing from cambridge on saturday . 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 where would you like to travel to ? eos O O O O O O O O O Train-Request+Dest +bos i am going to peterborough and need to arrive by 18:15. eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive N/A +bos tr5194 would suit your needs . can i book it for you ? eos O B-Train-Inform+Id O O O O O O O O O O O O Train-OfferBook +bos book for 7 people and give me the reference number eos O O O O B-Train-Inform+People O O O O O O N/A +bos your total is 92.4 gbp , which you can pay at the station . your reference number is : s55essew . 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 , 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 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 need to take a train to bishops stortford on thursday . 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 i can definitely help you with that . do you have a particular time of day you want 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 Train-Request+Leave,general-greet +bos my schedule is somewhat flexible but i need to arrive by 14:00. eos O O O O O O O O O O O O O N/A +bos the tr2929 can get you there by 12:07 , it departs at 11:29 , can i book you for tickets ? eos O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos yes i would like a booking for 5 people . eos O O O O O O O O O B-Train-Inform+People O N/A +bos okay , the booking was successful . the total cost is 50.5 gbp and it can be paid at the station . the reference number is ooghnzgw . 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 O O O B-Train-OfferBooked+Ref O O O O N/A +bos thank you . i also need information on the gonville hotel . can you look at that for me ? 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 N/A +bos yes , of course . 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 that hotel for four nights . eos O O O O O O O O O O O N/A +bos ok , i am getting the info up now , how many people , and what will be the first 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 Booking-Request+Day,Booking-Request+People +bos the hotel will also be for 5 people starting sunday eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day N/A +bos you 're hotel reservations have been made . your reference number is hkbn4zxy . is there anything else i can assist 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 thank you that was all i needed . eos O O O O O O O O O general-thank +bos thank you for using the cambridge towninfo centre ! eos O O O O O O O O O O general-bye +bos i am looking to stay in a guesthouse with a 4 star rating . eos O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O N/A +bos there are many moderately priced guesthouses . in which area of town would you like to stay ? 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 Hotel-Request+Area +bos i will trust you to pick me a great one anywhere in the city as long as it is a 4 star guesthouse that includes 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+Stars O O O O O N/A +bos my preference would be arbury lodge guesthouse . they 're in the north , moderately priced , with a 4 star rating and free internet . 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 B-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 Booking-Inform,Hotel-Inform+Internet +bos that would be great thank you . eos O O O O O O O O general-thank +bos which day and for how long will you be staying ? eos O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos there will be 2 of us , and we 're hoping to arrive on thursday and stay for 3 nights . eos 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 me to make a booking for you ? eos 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 okay your booking is confirmed and your reservation number is vvjwu2mq . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a train to bishops stortford on friday . 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 alright and where are you departing from and do you have specific arrival or departure times 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+Leave,Train-Request+Depart,Train-Request+Arrive +bos i 'm departing from cambridge and want to leave after 17:45. eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Leave O N/A +bos tr5965 leaves at 19:29 and costs 10.10 pounds per seat . can i buy a ticket for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave I-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 no thanks . i just needed the information . thanks . bye . eos 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 hello ! can you give me information about trains going to cambridge and leaving on wednesday ? eos O O O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O N/A +bos there are over 200 trains leaving . do you have a specific time you 'd like to 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 Train-Request+Arrive +bos i am looking to depart from steveage and leave after 11:15 please . eos O O O O O O O O O O O B-Train-Inform+Leave O O N/A +bos the first train after 11:15 is the tr6473 , leaving stevenage 11:54 , arriving cambridge 12:43. would this be to your liking ? eos O O O O O O O O B-Train-Inform+Id O B-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 N/A +bos yes please can you book seats for 4 people and give 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 Train-Request+Ref +bos your booking was completed and the total fee is 51.2 gbp payable at the station .reference number is : hhbt7e2n . 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 N/A +bos i also need a place to stay . can you recommend an expensive hotel in the north ? eos 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 N/A +bos unfortunately there are no expensive hotels in the north . i could check another area if you would like . eos O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O O O O O Hotel-Request+Area +bos are there any expensive places to stay in the north ? it does n't need to be a hotel , but i would like free parking . 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 O O O O O O O N/A +bos unfortunately , there are no hotels available with your preferences . would you like me to find you one in a different price range or 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 O O O Hotel-Request+Area,Hotel-Request+Price +bos how about one in the east ? eos O O O O O O B-Hotel-Inform+Area O N/A +bos i have the express by holiday inn cambridge that is expensive . would you like to book a stay ? 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 B-Hotel-Inform+Price O O O O O O O O O Booking-Inform +bos yes please , book the hotel and give the address with the postcode . thanks . eos O O O O O O O O O O O O O O O O O Hotel-Request+Post +bos the addres is 15-17 norman way , coldhams business park , cb13lh . when would you like to stay ? 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 Booking-Request+Day +bos i 'd like you to book it for wednesday night for 4 people . eos O O O O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O N/A +bos how many nights would you like to stay ? eos O O O O O O O O O O Booking-Request+Stay +bos just one night please . eos O O O O O O N/A +bos i 'm sorry , my system is not allowing me to book that location for some reason . 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 O O O O O O Booking-NoBook,Booking-Inform +bos please try one in the east . eos O O O O O O O O N/A +bos express by holiday inn cambridge is the only expensive hotel in the east . would you like to try a different price range ? 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 B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O Hotel-Request+Price +bos yes , can you try one in the moderate price range please ? eos O O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are two moderately price hotels there , would you like to try the wankworth house ? 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 B-Hotel-Select+Name I-Hotel-Select+Name O O N/A +bos yes , can i get the post code please ? eos O O O O O O O O O O O Hotel-Request+Post +bos certainly ! the post code is cb11ee . eos O O O O O O O B-Hotel-Inform+Post O N/A +bos alright that 's 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 thank you for contacting cambridge towninfo centre . enjoy your trip ! eos O O O O O O O O O O O O O general-bye +bos yes , i am looking for a place to stay . i would prefer to stay in the north at a 3 star location . 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 B-Hotel-Inform+Stars O O O O N/A +bos i show 2 option , both in the moderate price range . do you need parking or internet ? 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 Hotel-Request+Parking,Hotel-Request+Internet +bos neither of those matter , but i would like it to be a guesthouse . do one of those match ? 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 N/A +bos alpha-milton guest house is 3 stars with no internet or parking . would you like to book a room there ? 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 O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'd like to book it for 4 people and 2 nights starting monday . i need the reference number as well . 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 O Hotel-Request+Ref +bos fantastic , your reference number is t2augq7s . is there anything else you need today ? eos 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 need a train to get me to cambridge on monday . 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 where did you want to get on the train ? eos O O O O O O O O O O O Train-Request+Depart +bos i will be departing from peterborough . eos O O O O O O B-Train-Inform+Depart O N/A +bos okay , there are lots of choices . what time of 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 Train-Request+Arrive,Train-Request+Leave +bos i need to get there by 20:45. eos O O O O O O O B-Train-Inform+Arrive N/A +bos tr7940 will get you there by 20:38 , would you like me to book it you some tickets ? 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 O O Train-OfferBook +bos no , i do n't need assistance with the booking . can you tell me the cost of the 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 O N/A +bos the cost per ticket is 16.50 pounds . can i assist you with anything more ? eos 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 's everything . thank you . eos O O O O O O O O O O general-thank +bos you 're welcome ! i hope that you enjoy your stay in cambridge . 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-welcome,general-bye +bos hello , i 'm looking for a train departing from norwich on friday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos of course what day would you like travel ? eos O O O O O O O O O O Train-Request+Day +bos i 'm looking for a train departing from norwich to cambridge on friday , i 'm hoping to leave by 12:00. 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 N/A +bos tr8662 runs norwich to cambridge and leaves at 11:16 that day . should i book it for you ? eos O B-Train-Inform+Id O B-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 Train-OfferBook +bos could i have the price please ? eos O O O O O O O O Train-Request+Price +bos the price of the tr8662 is 17.60 pounds per ticket . is there anything more 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 I-Train-Inform+Ticket O O O O O O O O O O O O O general-reqmore +bos i would like to find a lovely hotel to stay in cambridge that has free wifi , so i can watch netflix . can you help me with that as well ? 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 O O N/A +bos we have lots of accommodations that include free wifi . what type of place would you like to stay in , and what area of the city do 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 O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Area,Hotel-Inform+Internet +bos i 'd like a 4 star hotel but it does n't matter which area it 's in . 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 N/A +bos i 'm showing 3 different ones . one is located in the centre & the other 2 are west . would you like me to book one of these for you ? eos O O O O B-Hotel-Inform+Choice 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 O O O Booking-Inform +bos oh i 'm sorry , i forgot i need to know what time my train will arrive in cambridge . can you please help me with that first ? eos 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 O O O O O Train-Request+Arrive +bos the tr8662 train arrives in cambridge at 12:35. do you want me to book a hotel now ? eos 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 O O Booking-Inform +bos yes , i 'll need a hotel for 7 people for 4 nights starting friday . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Train-Inform+Day O O O N/A +bos the booking at huntingdon marriott hotel was successful . your reference number is 5zcwd20p . eos 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 B-Booking-Book+Ref O O N/A +bos thank you . that will be all . eos O O O O O O O O O general-thank +bos welcome . have a nice day . eos O O O O O O O O general-welcome,general-bye +bos i am looking for a train to stansted airport from cambridge . eos 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 and time would you like to head to stansted airport ? eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos i need to leave on saturday and be there by 13:45 eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A +bos any specifics on departure time ? eos O O O O O O O Train-Request+Leave +bos i need to arrive by 1:45 on saturday and i need a reference number . eos O O O O O O O O O O O O O O O O N/A +bos train tr8476 leaves saturday at 12:40 and will arrive by 13:08 shall i book this for you ? eos O O B-Train-Inform+Id 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 Train-OfferBook +bos yes please . book it for 6 people . eos O O O O O O O O B-Train-Inform+People O N/A +bos ok , you 're booked with reference number vz6l0u8d . the fee will be 48.48 , payable at the station . is there anything else i can help you with ? eos O O O 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 O O O O general-reqmore +bos thank you ! i will also need a place to stay . can you recommend a guesthouse with 4 stars and free parking ? eos 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 N/A +bos i have 16 options here . do you have a preference for area or pricerange ? 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 not really , once you find the hotel you want to book it for the same group of people and 5 nights starting from monday . send the reference number . 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 B-Hotel-Inform+Day O O O O O O O O N/A +bos i 've booked you into allenbell hotel . you reference number is 1iypilk0 . 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 N/A +bos thanks , that 's all i need today ! eos O O O O O O O O O O general-thank +bos thanks for contacting cambridge towninfo centre , 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 place to stay in the north of the city . i would prefer a 4 star hotel please . 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 B-Hotel-Inform+Stars O O O N/A +bos there are several guesthouses available . do you have a price reference ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O Hotel-Request+Price +bos no price preference needed eos O O O O O N/A +bos the home from home guesthouse hotel is located in the north , has a 4 star rating , and 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 I-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+Price I-Hotel-Inform+Price 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 how about the avalon guesthouse ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos i think that would be fine . eos O O O O O O O O N/A +bos what day would you like to stay ? how many days ? eos O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos i would like it book for sunday for 5 people and 3 nights . can i have the booking number please . eos 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 O O O O O O N/A +bos the hotel is booked and your reference number is 0dju3c37 . 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 also need a train that departs from cambridge . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos what is your desired destination ? eos O O O O O O O Train-Request+Depart +bos i would like to visit leicester on wednesday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are 19 trains to leicester on that day . do you know what time you 'd like to leave or arrive by ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Dest I-Train-Inform+Dest 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 to be in leicester by 19:15. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos train tr1745 will get you there by 19:06. do you want tickets for that ? eos 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 Train-OfferBook +bos i need the departure time for that train . eos O O O O O O O O O O Train-Request+Leave +bos no problem ! the departure time for tr1745 is 17:21. will that work ? eos O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O O O O Train-Select +bos what is the price for that train ? eos O O O O O O O O O Train-Inform +bos it is 37.80 pounds per person . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos thank you , i think 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 great ! hope you enjoy your trip ! eos O O O O O O O O O general-greet +bos i need a tuesday train to from peterbourough . eos O O O O B-Train-Inform+Day O O O O O N/A +bos if your are going to cambridge the first train leaves at 05:19 and the last at 07:19 , any particular time and how many tickets please ? eos O O O O O O B-Train-Inform+Dest 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-Request+People,Train-Request+Leave +bos i need one ticket please and for leaving at 16:15 , thank you . eos O O O O O O O O O O B-Train-Inform+Leave O O O O N/A +bos let me confirm this information : are you leaving from peterborough at around 16:15 and going to cambridge on tuesday ? eos O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos yes , that 's mostly right , but it should be after 16:15 , please . eos O O O O O O O O O O O O O O O O O N/A +bos there 's a train , tr5267 , which leaves peterborough at 16:19 , arr . cambridge 17:09. it 's 16.50 pounds per ticket . would you like to book it ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Dest 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 O O O O Train-OfferBook +bos yes , please book it for one person and provide the reference number . eos O O O O O O O O O O O O O O O Train-Request+Ref +bos all booked . your reference number is lbuhu6m3 . is there anything else i can help you with ? 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 could you help me book a hotel called el shaddai ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos what day would you like to stay at the el shaddai ? eos O O O O O O O O O O O O O Booking-Request+Day +bos right now i just need their phone number and to know if they have internet or not please . 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+Internet +bos sure they do have internet and their phone number is 01223327978. eos O O O O O O O O O O O B-Hotel-Inform+Phone Hotel-Inform+Internet +bos thank you ! that 's all for me . goodbye ! eos O O O O O O O O O O O O general-bye +bos glad i could help . let me know if there 's ever anything else you need . 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 that departs from cambridge and arrives at london liverpool street . 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 I-Train-Inform+Dest O O O O O O N/A +bos i 'd be happy to . do you have a specific date and time for your departure ? 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 want to leave on saturday and should arrive by 18:00 , i have a doctors appointment to see to . eos O O O 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 N/A +bos the tr4466 arrives in london liverpool street at 15:27 , would that be acceptable ? eos O O B-Train-Inform+Id I-Train-Inform+Id 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 yes what is the price , departure time , and travel time ? eos 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 13.28 pounds , will arrive 15:27 , and the travel time will be 88 minutes . can i help you with anything else ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 general-reqmore +bos yes , i 'll also need a place to stay in the south and would prefer a guesthouse . eos O 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 N/A +bos ok i have a few options . is there a price range you would like to stay at ? 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 Hotel-Request+Price +bos no specific price range , but i do need free parking . eos O O O O O O O O O O O O O Train-Request+Price +bos rosa 's bed and breakfast is a great one in that area and cheap . it includes free parking and wifi . would you like me to book you 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 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+Internet,Hotel-Inform+Parking +bos yes , please . i would like to book for two nights and two people starting saturday . 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 unfortunately there is no space for your request . would you like to check another hotel or change the 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 Booking-NoBook,Booking-Request+Stay +bos how about for just two nights 4 people at rosa 's bed and breakfast ? eos O O O O O O O O B-Hotel-Inform+People O O O O O O O N/A +bos are you trying to shorten your stay ? and , may i confirm the stay is for 2 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+People,Booking-Request+Stay +bos i would like to try for 2 nights since there is no space and i want it for 4 people please . eos O O O O O O O O B-Hotel-Inform+People O O O O O O O O O O O O O O N/A +bos im sorry i was unable to book that . is there another hotel 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 Booking-NoBook,Hotel-Select +bos let 's try a different guesthouse in the south , then . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos we have 2 other choices - both of which are moderately priced guesthouses in the south . the guesthouses are bridge guest house and aylesbray lodge guest house . do you have a preference ? eos 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 B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area 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 Hotel-Select +bos do either of them offer free parking ? eos O O O O O O O O O N/A +bos yes , they all offer free parking . eos O O O O O O O O O Hotel-Inform+Parking +bos can you book one for 4 people for 4 nights starting tuesday please . 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 unfortunately , none are available for that stay . would you like me to check availability 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 yes , can you try 2 nights please ? eos O O O O O O B-Hotel-Inform+Stay O O O N/A +bos i was able to book aylesbray lodge guest house for 2 days with 4 people . reference number is auli4nvqq . 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 B-Booking-Book+Stay O O B-Booking-Book+People O O O B-Booking-Book+Ref O O N/A +bos thank you , that is everything i need . eos 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-greet +bos you are welcome , enjoy your trip . eos O O O O O O O O O N/A +bos thank you for using our services . 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 general-reqmore +bos nope that is thanks eos O O O O O general-thank +bos glad to be of service ! so long . eos O O O O O O O O O O general-greet +bos i am trying to book a train . eos O O O O O O O O O Train-Inform +bos what an excellent way to see the beautiful countryside . what other information can you give me ? eos O O O O O O O O O O O O O O O O O O O general-greet +bos i want to travel from cambridge to london liverpool street on thursday after 09:45. 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 B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos i see that there are 8 trains available . what about tr2715 that leaves at 09:59 ? 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 N/A +bos i would like price , please eos O O O O O O O Train-Request+Price +bos certainly . any ticket on that route is going to cost 16.60 pounds . eos O O O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos i 'm also looking for a hotel to stay that has a star of 0 in the expensive price range . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O Train-Request+Price +bos there are no hotels in cambridge that are expensive with a 0 star rating . would you like to change either the price range or the star rating ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O B-Hotel-NoOffer+Stars O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price +bos there 's nothing in the north ? eos O O O O O B-Hotel-Inform+Area O O N/A +bos i do have city centre north b and b in the north . it 's in the cheap price range with 0 stars . might 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 I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 N/A +bos yeah , i think that would be all right . eos O O O O O O O O O O O N/A +bos can i assist you with making a reservation there ? eos O O O O O O O O O O O Booking-Inform +bos yes please for 8 people , 5 nights starting saturday . eos O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos unfortunately this b & b is booked for those dates , is there another day or shorter time that would work ? or should we search 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 O Booking-NoBook,Hotel-Request+Area,Booking-Request+Stay,Booking-Request+Day +bos are there in hotels in the north with a 2 star rating ? eos O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O N/A +bos there are no cheap hotels in that area with 2 stars . can i check for a guesthouse for you or would you like another area ? eos O O O O B-Hotel-NoOffer+Price I-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 N/A +bos i would prefer you to check another area , please . eos O O O O O O O O O O O O N/A +bos i can not find anything that meets that criteria . we can change the price range or the star rating and search again 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 Hotel-NoOffer,Hotel-Request+Price,Hotel-Request+Stars +bos can you search for one that is cheap in price then ? eos O O O O O O O O O O O O O Train-Request+Price +bos nothing is rated 2 stars in any part of the city , what specifically would you like ? eos O O O O O B-Hotel-NoOffer+Stars O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O N/A +bos i need something in the cheap price range with other restrictions retained . eos O O O O O O O O O O O O O O Train-Request+Price +bos no matching records for that . how about we change the star rating ? eos O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Stars +bos are there any cheap 0 star hotels in the north ? eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O N/A +bos yes , there is city centre north b and b , would you like me to book 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 can you book that for 8 people for 1 night since 5 nights did not work earlier ? eos 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 city centre north b and b was available for saturday night for your party of 8. your reference number is d5q373d5 . is there anything else i can help you with ? eos 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 B-Booking-Book+Day 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 that would be it . thank you 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,general-bye +bos i need a restaurant that serves indian food in the moderate price range eos 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 two indian restaurants in the east , and one each in the north and west . where do you want to dine ? 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 O O O O Restaurant-Request+Area +bos i would like the one in the west . eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos meghan is in that area and serves indian food would you like to make a reservation eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Booking-Inform +bos yes . i would like a reservation for 1 person at 13: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 N/A +bos i 've successfully booked your table . the reference number is gk41eysd . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos i would like to go to a nice nightclub eos O O O O O O O O O B-Attraction-Inform+Type N/A +bos we have ballare that 's night , it 's in the city centre . eos O O 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 N/A +bos okay , what is the address and entrance fee for it ? eos O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos ballare is heidelberg gardens , lion yard , postcode cb23na and the entrance fee is 5 pounds . is there anything else i can help you with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos i am also going to need a taxi that goes from ballare to meghan and gets me to meghan by 13:15 for my reservation . eos O O O O O O O O O O O O B-Taxi-Inform+Depart O O O O O O O O B-Taxi-Inform+Arrive O O O O N/A +bos ok , i have a grey skoda taxi booked for you . the contact number is 07058412849. is there anything else i can help with 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 O O O general-reqmore +bos no thank you , that is everything that i need . eos 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-greet +bos i am looking for a place to dine ! i would prefer chinese food located in the north . eos 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 there are 3 chinese restaurants in the north . one is in the moderate price range and two are in the expensive price range . do you have a preference ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Select +bos i would like one in the expensive range please eos O O O O O O O B-Restaurant-Inform+Price O O N/A +bos i can recommend the hotpot . would you like help making a reservation ? eos O O O O O B-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos not at this time . can i have the address , phone number , and postcode ? 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is 66 chesterton road chesterton , the post code is cb41ep and the phone number is 01223366552. 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 O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos yeah i 'd like to go somewhere in town , like a boat or something . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos if you are interested in boating , i have 4 different venues available . i have some in the north , east and centre of town . which do you prefer ? eos O O O O O O B-Attraction-Select+Type O O O B-Attraction-Select+Choice I-Attraction-Select+Choice I-Attraction-Select+Choice I-Attraction-Select+Choice O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-Select+Area O O O O O O O O N/A +bos how about one in the north ? eos O O O O O O O O N/A +bos the riverboat georgina may interest you then it is located at cambridge passenger cruisers , jubilee house in the north with a phone number of 01223902091. can i help you more ? eos O O B-Attraction-Recommend+Name I-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 O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Phone O O O O O O O general-reqmore +bos i will also need a taxi to get to the boat from the restaurant . eos 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 arrive by ? eos O O O O O O O O O Taxi-Request+Arrive +bos i need to arrive by 14:15 eos O O O O O O B-Taxi-Inform+Arrive N/A +bos i was able to book you a black volkswagen , phone number is 07123207292 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 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 thank you for using our system ! eos O O O O O O O O general-welcome +bos i am traveling to cambridge and am super excited to see some of the local tourist attractions and i am looking for a restaurant call the varsity 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos the varsity restaurant serves international food at moderate prices . they are located in the centre . would you like help in making a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food 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 Booking-Inform +bos yes please . can you make it for 7 people on sunday at 15:00 ? 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 N/A +bos i am sorry but i was unable to book you at that time . would you like to try a different time ? eos O O O O O O 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 Booking-Request+Time +bos could we make it for 14:00. eos O O O O O O B-Restaurant-Inform+Time N/A +bos yes that time is available , would you like me to book that for you ? eos O O B-Booking-Inform+Time I-Booking-Inform+Time O O O O O O O O O O O O O N/A +bos i sure would , thanks . eos O O O O O O O general-thank +bos great , you 're booked with reference number ezawt5og . may 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 O O general-reqmore +bos i 'm also looking for places to go in town . can you assist me with that also ? 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 , i can . how about scudamore 's punting co. ? it is located in the centre of town so it would be close to your restaurant . eos 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 B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O O O O N/A +bos sounds great , but i actually would prefer to maybe visit a college campus . can you recommend one ? 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 i have five places . jesus college is a good one , what would you like to know ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 Attraction-Request+Post +bos the postcode is cb58bl . is there anything else i can assist 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 need a taxi to take me from the college to the restaurant . i want to make sure it arrives by my reserved 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 N/A +bos booking completed ! booked car type : red audicontact number : 07727861490is 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos i am looking for a attraction in the east part of town eos O O O O O O O O O B-Attraction-Inform+Area 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 i am not overly particular , what type do you have in the east ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos we have a boat , two entertainment venues , and two museums here in the east . can i get you more information on any of those ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 O O O O general-reqmore +bos which one would you suggest ? please give me the phone number , entrance fee , and the postcode . 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 Attraction-Request+Post,Attraction-Request+Fee +bos how about the funky fun house ? it is in the east at 8 mercers row , mercers row industrial estate . the post code is cb13ef . eos 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 O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Post O O O O N/A +bos that will work . i 'm also looking for a restaurant in the same area that is expensive . 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 there are a few to choose from . the royal standard is a gastropub . does that sound good ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 N/A +bos sounds good , i need a taxi and i need to leave by 4:00 so i need a reservation for 3:00 or earlier if possible . 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 N/A +bos sure , i can make your reservation first what day and for how many people please ? eos 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 i need the taxi to commute between the two places on the same day . eos O O O O O O O O O O O O O O O O Taxi-Inform +bos the taxi has been booked as requested . eos O O O O O O O O O Taxi-Inform +bos can you let me know the contact number and what kind of car ? eos O O O O O O O O O O O O O O O N/A +bos yes , the contact number is 07511049377 and it is a blue lexus . eos O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos alright ! thanks so much for your help ! eos O O O O O O O O O O general-thank +bos it was my pleasure . thanks for using our service . goodbye . eos O O O O O O O O O O O O O O general-bye +bos i need a restaurant in the west at a moderate price range . eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A +bos okay i have an italian , a british and an indian restaurant . do you have a preference ? eos 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 O O O O Restaurant-Select +bos the cuisine does n't really matter , but i guess i should try some british food while i 'm there ? 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 O N/A +bos i found the saint johns chop house . would you like more information ? 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 general-reqmore +bos can you book it for 7 people this monday at 13:30 please ? 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 i 'm sorry , it does n't look like they can accommodate that time slot . would you like 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 can you try 12:30 please ? eos O O O O B-Restaurant-Inform+Time O O N/A +bos booking was successful . the table will be reserved for 15 minutes . your reference number is : lvt4ttlk . 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 any interesting attractions in that part of town ? eos O O O O O O O O O O Attraction-Inform +bos there are 13 attractions , ranging from colleges , to entertainment , to museums . do you have a type preference ? 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 O O O Attraction-Select +bos 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 . eos O O O O O O O O O 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 that 's no problem , i can look that up for you . their postcode is cb30ad . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Post O O O general-greet +bos 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 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 B-Attraction-Inform+Area O O O O N/A +bos i have 13 places in the west . what type are you looking for ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Type +bos what would you recommend ? eos O O O O O O N/A +bos the cambridge book and print gallery is interesting , and offers free admission . how does that sound ? 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 B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O general-reqmore +bos that sounds wonderful , could i get your contact number and the model of car for the 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 they are located at 40 newham road and the phone number is 01223694264. where would you like the taxi to pick you up at ? 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 O O O O O O O O Taxi-Request+Depart +bos i would like for the taxi to go from the attraction to the restaurant and i would like to make sure i 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 O O O O O O O O O N/A +bos okay , i can do that for you . eos O O O O O O O O O O general-greet +bos can i get the contact number and car type , please ? eos O O O O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Type +bos your contact number is 07138378718 and the car type is a white volkswagen . can i assist you with anything else ? eos 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 O O O O O O O O general-reqmore +bos you have been a great help ! thank you ! goodbye . eos O O O O O O O O O O O O O general-bye +bos my pleasure ! enjoy your stay ! eos O O O O O O O O general-welcome,general-bye +bos find me a caribbean restaurant in the centre , please ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A +bos unfortunately , there is not located in the centre of town . do you have another food preference , or location that may work ? eos 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 O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos how about one that serves turkish ? eos O O O O O O B-Restaurant-Inform+Food O N/A +bos why yes i found 3 as a matter of fact . all located in the centre of town . can i reserve a table for you ? eos O O 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 O O O O O O O O O O Booking-Inform +bos what is the address of the first one ? eos O O O O O O O O O O Restaurant-Request+Addr +bos that would be meze bar restaurant . the address is 196 mill road city centre . 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 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 would you please book it for me on wednesday at 12:00 eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos i sure can . will you be dining alone or with a group ? eos O O O O O O O O O O O O O O O Booking-Request+People,general-greet +bos let 's hold off on the reservation for now . can you tell me the price range for meze bar ? 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 +bos it 's an expensive restaurant , is there anything else you need ? eos O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O general-reqmore +bos yeah , i 'd like to find a museum attraction to go to 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 recommend broughton house gallery . it 's the only museum in the center and it 's free to enter . does that sound good to you ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 B-Attraction-Inform+Fee O O O O O O O O O O O O Booking-Inform +bos could you please provide me the address for that gallery ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos the gallery is located at 98 king street with a postcode of cb11ln . can i help you with anything else ? eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Addr I-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 general-reqmore +bos yes , please . i need a taxi from the restaurant to the gallery , please . i 'd like to leave the restaurant by 07:00. i guess i 'm staying there all night or something ! eos O O O O O O O O O O O O O O O O O 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 is booked and will pick you up at the restaurant at 0700. it is a grey skoda , contact number 07802610885. anything i can help you with today ? 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 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 no , thank you . 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 general-thank +bos it was a pleasure . have a wonderful day . goodbye . eos 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 a portuguese restaurant in the south of cambridge . 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 i can recommend nandos , a cheap portuguese place in the south . i can help you book a table if you 'd like . eos O O O O B-Restaurant-Recommend+Name 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 O O O Booking-Inform +bos yes please . a table for 2 at 15:30 on thursday would be great . 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 great i was able to get that booked for you . reservation # is id2vgnb7 . is there 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 general-reqmore +bos yes . i 'd also like to go to a museum 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 byard art is in the south . they 're at 14 king 's parade . would that suit you ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O Booking-Inform +bos yes , can i purchase the tickets now or do i need to buy them at the door ? eos O O O O O O O O O O O O O O O O O O O O N/A +bos for the museum the admission is free of charge , so you do not have to have a ticket . 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+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 general-reqmore +bos can i please get a phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos the phone number for byard art is 01223464646. is that all you needed help with ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos yeah , that should be all , thank you . eos O O O O O O O O O O O general-thank +bos great , enjoy the trip ! eos O O O O O O O general-bye,general-greet +bos i 'm looking for somewhere to eat , that 's moderately priced and in the city centre . 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 i have 21 different choices- did you have a type of food in mind ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Food +bos no , i do n't , actually . surprise me with the type of food and give me the restaurant 's 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 Restaurant-Request+Food,Restaurant-Request+Addr +bos the oak bistro is an excellent choice for british food . the address is 6 lensfield road . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O N/A +bos can you also tell me 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 O N/A +bos i have lots of attractions in the centre of town . can you tell me what type of attraction you would be interested in ? 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 O O O O O O O O O Attraction-Request+Type +bos it does n't matter , anywhere will do . and 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 N/A +bos the cambridge arts theatre is a popular attraction in the city centre . does that sound good to you ? 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+Area I-Attraction-Inform+Area O O O O O O O O N/A +bos yes can i get their address please ? eos O O O O O O O O O Attraction-Request+Addr +bos the address of the cambridge arts theatre is 6 saint edward 's passage , postcode cb23pj . 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O N/A +bos i also need a taxi . eos O O O O O O O Taxi-Inform +bos where would you like to go 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 Taxi-Request+Leave,Taxi-Request+Dest +bos i want to leave the restaurant by 09:15. please get me 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 O O O O Taxi-Request+Car +bos booking completed ! the booked car type is a blue ford , and your contact number is 07629102425. 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 O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos thank you for everything , that is all that i need . eos 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 hello , i am looking for a restaurant . the restaurant should be in the centre and should serve modern eclectic food . eos 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 I-Restaurant-Inform+Food O O O O N/A +bos there are no restaurants in that are 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 Restaurant-Request+Area,Restaurant-NoOffer +bos are there any other expensive restaurants in that area that may be nice to visit ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O Attraction-Request+Area +bos there are 33 entries for expensive restaurants in the centre . would you like to hear some options ? eos O 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 general-reqmore +bos are any of them modern eclectic food ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos no , there does n't seem to be any modern eclectic places at all . would you like a different type of cuisine ? 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 O Restaurant-Request+Food +bos dang ... how about some thai food instead eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos as far as thai food goes , i happen to have one place . good thing is they are very highly recommended . it is called bangkok city . would you like a reservation ? eos O O O O O O O O O O O O B-Restaurant-Recommend+Choice O O O 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 Booking-Inform +bos yes , i 'd like to book for 2 people at 16: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 O N/A +bos i 'm sorry , but they seem to be all booked up 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+Stay +bos can you try booking at 15:45 ? eos 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 : 1ny7qjky . 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 fantastic , can you also find me a museum attraction ? eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are several wonderful museums in town . is there a specific area you prefer ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Area +bos any type would be fine i just need to know the area and entrance fee of one you would recommend . 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+Fee +bos cambridge contemporary art is very nice . it 's in the centre part of town , like the restaurant , and it 's free to get in . can i help you with anything else ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Area O O O O O O O O B-Attraction-Recommend+Fee O O O O 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 O O general-bye +bos okay . have a lovely day then . eos O O O O O O O O O general-bye +bos i am looking for places to go in town like a college in the centre . eos O O O 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 several colleges in the centre area , they range in entrance fees from free to 2 pounds , is there a particular price range you 're looking for ? 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 Attraction-Request+Price +bos not really . surprise me ! i 'll need the phone number , address , and postcode of your favorite , 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos well , the downing college is located on regent street cb21dq . their phone number is 01223334860 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 B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O N/A +bos great . are there any restaurants that serve african food ? something high-end , of course . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos you are in luck ! i have just the place . bedouin is in the centre of town . shall i book you a table ? eos O O O O O O O O O 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 O O O O O Booking-Inform +bos that does sound like just the place . eos O O O O O O O O O N/A +bos do you want me to go ahead an make reservations for you ? eos 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 2 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 O O O N/A +bos i booked in the bedouin african restaurant , the reference number is gdybqqs2 . 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 B-Booking-Book+Ref O O N/A +bos thanks . i also need a taxi . eos O O O O O O O O O Taxi-Inform +bos would you like to leave from bedouin ? eos O O O O O O O O O Taxi-Request+Depart +bos i would like to lease form the college and arrive at the restaurant at the booked time 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 arranged for a white volvo to drive you . the contact number is 07898395762. is there something else i can assist with ? 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 O O O O O O O O O O general-reqmore +bos no , you have tremendously helpful . thank you ! eos O O O O O O O O O O O general-thank +bos no problem at all , enjoy your meal . eos O O O O O O O O O O general-welcome,general-bye +bos i need a train leaving on tuesday 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 where are you coming from ? eos O O O O O O O Train-Request+Depart +bos leaving birmingham new st going back to cambridge i would let to get there by 11:30 if possible eos 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 tr4987 gets there 10:08 and will cost 23.60 pounds . can i book it ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O Train-OfferBook +bos yes , can you book it for 2 people and could i get 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 N/A +bos i actually booked you on tr0254 , arriving in cambridge at 08:23. reference number is : oev193os . 150.19 gbp payable at the station eos O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Ref B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O N/A +bos thank you so much . i also need a place to stay while in cambridge . could you help me find a 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 O O O O general-thank +bos i can help you with that . is there a certain price range you are 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 Hotel-Request+Price,general-greet +bos no , but could it have a 4 star rating ? eos O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos we have lots of those ! any features that you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O general-reqmore +bos any that has free wifi eos O O O O O O N/A +bos you have 21 options to choose from . 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 O O Hotel-Request+Area +bos whatever is open and available , please book me for 2 people on 4 night starting tuesday . 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 N/A +bos i booked a and b guest house , reference number is : k0fkufnp . 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 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 i am glad to be of service to you . i wish a nice trip and wonderful stay at 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-welcome,general-bye,general-greet +bos i 'm looking for a place to stay in cambridge , please . eos O O O O O O O O O O O O O O N/A +bos there are 33 places to stay in cambridge . do you have a preferred area of cambridge ? 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 the location is n't really important . it does need to be cheap though , and preferably a guesthouse . eos 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 O N/A +bos i have nine places . do you need free parking or any other restrictions ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Parking +bos i need internet in the west . eos O O O O O O B-Hotel-Inform+Area O N/A +bos there is one available would you like me to book it ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O Booking-Inform +bos what is the name of the place ? eos O O O O O O O O O N/A +bos the name is finches bed and breakfast . would you like to book a room there ? 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 yes can you please ? eos O O O O O O N/A +bos how many people in the room and how many nights would you like to stay ? 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 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 . eos O O O O O O O O O O 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+Addr +bos finches bed and breakfast is a guesthouse in the west . it 's cheap , and four stars . 144 thornton road , cb30nd . phone is 01223276653. 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 B-Hotel-Inform+Type O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O B-Hotel-Inform+Phone O O O O O O O O O O O O general-reqmore +bos i 'm also looking for a cheap italian place in the center of town . 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 i can recommend a restaurant called ask , would you like me to make reservations for you ? eos 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 no , thanks ! i just need their 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 01223364917 is the phone number . 12 bridge street city centre , cb21uf is the address . eos 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 O O O O O O N/A +bos thanks . i will also need a taxi from the hotel to the restaurant . will you handle this ? eos 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 can help you with that . when would you like to leave the hotel ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos i 'll need to leave the hotel by 3:00. eos O O O O O O O O O O Hotel-Inform +bos booking completed ! booked car type grey volvocontact number 07477541353 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A +bos thanks for all of your help . i am all set now . bye . eos O O O O O 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 planning a trip to cambridge and need a place to dine . can you find something that serves jamaican food in the centre ? 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 B-Restaurant-Inform+Area O O O N/A +bos there are no jamaican restaurants in the centre . would you like to try another area or another food type ? 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+Area,Restaurant-Request+Food +bos are you sure ? it should be expensive . eos O O O O O O O B-Restaurant-Inform+Price O O N/A +bos i 'm sorry , there does n't seem to be a jamaican restaurant in centre . would you like me to look for something else ? eos O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O O general-reqmore +bos i really want jamaican food . can you check another area ? if you find one it should be expensive . if not i 'll try thai 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-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O N/A +bos that should be bangkok city . its address is 24 green street city centre , cb23jx . you need the phone number ? eos 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore +bos no thanks . just go ahead and book a table for 3 people at 14:30 on thursday . 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 have made reservations at bangkok city for you . your reference # is g8tqwl1a . is there anything else i can assist you with ? eos 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 general-reqmore +bos i 'm sorry to be a bother . instead of that reservation , i would be ok with british food . is there a british place in the centre ? 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 O O O O O O N/A +bos i cancelled the previous booking for bangkok city . i found 3 british restaurants in the centre . fitzbillies restaurant , the cambridge chop house , and midsummer house restaurant . any preference ? 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O N/A +bos okay , can i please have a reservation for midsummer house restaurant ? thank you so much for your patience with me ! 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 ok , i was able to change the booking . your new reference number is : flg9zmc2 . can i help 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 i am also looking for a place to stay in the centre that offers 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 do 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 would like a guesthouse in the expensive price range , please . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O N/A +bos i 'm sorry i did n't pull up any matches . eos O O O O O O O O O O O O Hotel-NoOffer +bos are there any other options in the type of hotel , please ? eos O O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos i have two expensive hotels in the center offering wi-fi . gonville is a 3-star hotel , and university arms is listed as a four-star property . both offer free parking as well . 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 O O O O B-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 O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos please book university arms for 3 people 4 nights on thursday . send the reference number too ok ? eos 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 you got it . your reference number is yut2vzir . eos O O O O O O O O B-Booking-Book+Ref O O general-greet +bos great . thank you so much . eos 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 guesthouse to stay at that has a 4 star rating . can you help me ? eos O 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 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 no . but i would like a cheap guesthouse . eos O O O O O O O O B-Hotel-Inform+Price O O N/A +bos would you like to try alexander bed and breakfast ? eos 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 , can you book it please ? eos O O O O O O O O O N/A +bos i would be happy to ! which day , how many people , and how many days ? 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,Booking-Request+People,Booking-Inform +bos i would like to check in on thursday and stay for 3 nights . i need to book a room for 6 people . eos 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 O O O O B-Hotel-Inform+People O N/A +bos i 've booked it ! you 'll be at alexander b & b starting thursday for 6 people for 3 nights . 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 B-Booking-Book+Day O O B-Booking-Book+People O O B-Booking-Book+Stay O O O O O O O O O O O O O O O general-reqmore +bos may i have the reference number for that booking ? eos O O O O O O O O O O O N/A +bos your reference number is 4ng5rgoi . 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 please , can you help me me find an italian restaurant in the west that is cheap ? eos O O O O 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 la margherita fits those specifications . would you like to book a table ? eos 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 , i need a table for 6 on thursday . we 'd like it at 14:15 , please eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O B-Restaurant-Inform+Time O O O O O N/A +bos i was able to book that for you . here is your reference number 5jj8331t . eos 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 will need a taxi . eos O O O O O O O O O O Taxi-Inform +bos where would you like to be picked up and drop off ? eos O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart +bos i will need picked up from the hotel and go to the restaurant . eos O O O O O O O O O O O O O O O N/A +bos you are all booked with a taxi . eos O O O O O O O O O Taxi-Inform +bos thank you may i have the contact number and car type please . eos O O O O O O O O O O O O O O Taxi-Request+Car +bos booked car type : red lexuscontact number : 07350632245 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone N/A +bos that 'll aboutdo it , thanks a bunch . eos O O O O O O O O O O general-thank +bos you are welcome , have a great night . eos O O O O O O O O O O general-welcome +bos hello i am looking for a hotel on the west side of town . i 'm not picky about wi-fi . eos 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 i have two hotel that match your criteria . do you have a 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+Price +bos i do n't have a price range at this time , but i am wanting to stay in a guesthouse . 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 N/A +bos hobsons house may suit your needs , it is a guesthouse located in the west with a moderate price point . would you like more information ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 I-Hotel-Inform+Price O O O O O O O O general-reqmore +bos yes please i would welcome that . eos O O O O O O O O N/A +bos would you like me to book it ? eos O O O O O O O O O Booking-Inform +bos does the hosons offer free wifi ? if so i would like to book it eos O O O O O O O O O O O O O O O O N/A +bos yes it got wifi . how many people do i book for ? eos O O O O O O O O O O O O O O Booking-Request+People,Hotel-Inform+Internet +bos book for 2 people , 5 nights , and we will arrive on thursday . eos 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 booked ! reference number : mp53r6qp . eos O O O O B-Booking-Book+Ref O O O N/A +bos we are looking for an expensive panasian restaurant and prefer it to be in the same area as the hotel . any suggestions ? eos O 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 O N/A +bos i 'm sorry but there does not seem to be any expensive panasian restaurants located on the west side . would you like to try to search for something else ? eos O O O O O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price 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 general-reqmore +bos yes , could you see if there are any restaurants that serve french food ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have two french restaurants in town . both are expensive . one is in the north , and the other is in the centre of town . which 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 N/A +bos either one is fine i need a reservation for 2 on thursday at 12: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 N/A +bos i booked the one in the north . reference number is : wsigr4pk . eos O O O O O O O B-Restaurant-Inform+Area O O O O B-Booking-Book+Ref O O N/A +bos thank you , that 's all i needed . 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 hello , i would love to try a few local restaurants and am looking for a hotel with free parking and 0 stars . 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 B-Hotel-Inform+Stars O O N/A +bos there are n't any 0 star hotels in cambridge . would you be interested in a different place to stay ? eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O O N/A +bos are there any 0 star ratings in the west ? i 'm looking for a cheap hotel basically ! eos 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 N/A +bos i have the cambridge belfry in west . it is a 4 star but cheap price . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O N/A +bos yes , i think that might be a good choice . can you make a booking 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 yes can i get your booking information please . eos O O O O O O O O O O Booking-Inform +bos i am wanting either a hotel or guesthouse with a 0 star rating that has free parking . and i want it to be cheap in the west . can you check that ? 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 O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O O O O O N/A +bos we got none in that class . maybe you should look up the 4 star one . eos O O O O O O O O O O O O O O B-Hotel-Recommend+Stars O O O Hotel-NoOffer +bos i am sorry . i would not mind one that is in the centre , cheap , and 0 star . can we try that ? eos O 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 O O O N/A +bos there is a guesthouse in the centre which has 0 stars and in the cheap price range . it is called el shaddai . would you like me to book that for you ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price 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 can you book for 2 nights , 6 people starting tuesday ? i need a reference number . looking to get modern american food in same area and price range . eos O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+People 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 your room has been booked . the reference number is k4clw7qt . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i also need a restaurant . same area as the hotel please . eos O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos what type of food would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos is there any modern american restaurant ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos im not showing any restaurants that meet that criteria . would you like to try another 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 Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos can you check for an italian restaurant instead ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos we have nine choices , any preferences on price ? eos O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Price +bos i 'm looking for a cheap place . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos i can recommend ask . eos O O O O B-Restaurant-Recommend+Name O N/A +bos then i would like to make a reservation for 6 people for tuesday at 16:00. 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 N/A +bos great ! your reservation was successful and your reference number is sy7c0rh7 . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos hi , i 'm trying to find a restaurant called sala thong . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos sala thong is a great thai restaurant in the west . would you like me to book a table for you ? eos 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 O O O O O O O O Booking-Inform +bos sure . i need a table for friday at 14:15 for 5 people . eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : v6lxvbdj . 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 rad , thanks for your help . eos O O O O O O O O general-thank +bos can i help with anything else today ? eos O O O O O O O O O general-reqmore +bos i am also 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 O N/A +bos do you want to stay in a particular area of town ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos yes , i want to stay on the north side of town . eos O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos how about kirkwood house ? ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos is that in the expensive price range and do they have free internet and parking ? eos O O O O O O O O O O O O O O O O O N/A +bos they do have free internet and parking but the price is in the moderate range . eos O O O O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O Hotel-Inform+Parking,Hotel-Inform+Internet +bos i definitely want to stay in the expensive range , so how about we change the area to the centre of town . what do you have there with wifi and parking ? eos 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+Area O O O O O O O O O O O O O O N/A +bos we have gonville hotel with 3 stars and university arms hotel with 4 stars . which would you like more information on ? 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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O Hotel-Select,general-reqmore +bos i will take the university arms hotel , please . i would like it booked for 4 nights on friday . there are 5 people in my group . 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 B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O O O O O N/A +bos you are all set the reference number is cz52qg8n , anything else today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos not at this time thank you . eos 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-welcome,general-bye +bos hello , i 'm looking for a guesthouse to stay in during my visit . i do n't want to stay anywhere cheap , more like the moderate price range 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 B-Hotel-Inform+Price O O O O O O O O O N/A +bos do you have a preference for a location ? eos O O O O O O O O O O Hotel-Request+Area +bos no , but i would like it to have a 4 star rating . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i recommend avalon . it is a wonderful place located in 62 gilbert road , cb43pb . you want the phone number ? eos O O O B-Hotel-Recommend+Name 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 general-reqmore +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos no , they do n't have free parking but they have free wifi . can i book that 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 O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos not at the moment but thank you . could you recommend a good restaurant on the west side of town , preferably 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+Area O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos prezzo is a great italian restaurant in the west in the moderate price range . would you like to make a reservation ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos i am looking for indian food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos in that case , i recommend meghna . it serves indian cuisine at a moderate price , and is in the west part of town . eos O O O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Inform+Food O O O B-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 O O O N/A +bos sounds great ! can you please book me a table for 1 on saturday at 15:30 ? 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 N/A +bos your booking was successful . the table will be reserved for fifteen minutes and your reference number is 4mlspe1h . 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 ! that is all i needed . eos O O O O O O O O O N/A +bos great , i hope you enjoy your stay ! eos O O O O O O O O O O general-bye +bos i 'm looking for a place that offers free parking to it 's guests . got any hotels that offer 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 almost every hotel and guesthouse in cambridge has free parking ! what area and/or price range are you looking for ? eos O B-Hotel-Inform+Choice I-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 O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos i want to be in the centre . eos O O O O O O O B-Hotel-Inform+Area O N/A +bos here are the two choices of hotels in the centre area that meet your criteria : gonville hotel and university arms hotel . do either of these interest you ? eos 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 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 do they have free wifi ? eos O O O O O O O N/A +bos yes actually they both do . would yu like to book one of them ? eos 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 postcode for gonville hotel ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Request+Post +bos sure ! the post code for the gonville hotel is cb11ly . let me know if there is 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 B-Hotel-Inform+Post O O O O O O O O O O O O O O O general-reqmore +bos i also need a restaurant near the hotel . eos O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos do you have a price range in mind or type ? eos O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i would like it in the centre , moderate range in price . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos how about the yippee noodle bar ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos that would be fine . please make reservations for 1 on monday at 15:30. eos O O O O O O O O O O O O O O O N/A +bos i will do that for you now . eos O O O O O O O O O N/A +bos thank you for helping me . eos O O O O O O O general-thank +bos your welcome . i am glad i could be of help . eos O O O O O O O O O O O O O general-welcome +bos hi , can you recommend an inexpensive seafood restaurant ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos unfortunately , i was unable to find any restaurants that matched your request . would you like me to look for 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about chinese restaurants ? eos O O O B-Restaurant-Inform+Food O O N/A +bos rice house is really good , you should try that one . it is located in centre and is inexpensive in price as well . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O B-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O N/A +bos could i get the address and phone number for that restaurant ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos yes of course . the rice house 's address is 88 mill road city centre and their telephone number is 01223367755. eos O 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 O O N/A +bos great , thanks . can you also recommend a hotel in the north ? i do n't need anything specific . 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 N/A +bos i have 13 hotels in the north . do you have a price range in mind ? 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 Hotel-Request+Price +bos the price does n't matter . eos O O O O O O O N/A +bos all guesthouses in the moderate price range , when would you like the room for eos O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Booking-Request+Day +bos i 'm actually not ready to book just yet , but could i find one 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 N/A +bos yes , i would suggest acorn guest house eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos can i book it for 8 people for 3 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 N/A +bos your booking was successful . your reference number is bbxvmit8 . 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 'm not sure ... let me check with my wife . eos O O O O O O O O O O O O O N/A +bos 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 . eos O O O O O 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 looking for a train that leaves on wednesday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos i have trains all leaving cambridge going to london kings cross on wednesday . first one leaves at 05:00 last at 13:00 and its a 51 minute ride eos O O O O O O B-Train-Inform+Depart 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 O B-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time N/A +bos i would liek to arrive by 13:00 , can i book the one that leaves at 12:00 eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O N/A +bos sorry , but i do n't have anything leaving at 12:00 but i have train tr9781 that leaves at 11:00 and will get you there by 11:51. how does that sound ? eos O O O O O O O O O B-Train-NoOffer+Leave O O O O B-Train-Inform+Id I-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 N/A +bos that sounds fine . what 's the price ? eos O O O O O O O O O O Train-Request+Price +bos the ticket price is 23.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 one ticket will work . eos O O O O O O N/A +bos booked ! you 'll pay at the station . your reference number is : 0140z2o7 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O N/A +bos thanks . i 'm also looking for a concerthall to visit . are their any in the west ? eos O 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 N/A +bos unfortunately there are n't any . could you like to try other areas ? eos O O O O O O O O O O O O O O O N/A +bos how about one that is in the type of museum . eos O O O O O O O O O O O B-Attraction-Inform+Type N/A +bos i have the cafe jello , which has free admission . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos that 's awesome ! what 's their phone number ? eos O O O O O O O O O O O Attraction-Request+Phone +bos the phone number for cafe jello gallery is 01223312112. can i help you find anything else ? 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 general-reqmore +bos that 's everything . thanks for the help . eos O O O O O O O O O O general-thank +bos we hope you enjoy your trip . eos O O O O O O O O general-bye +bos thanks so much again ! goodbye ! 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,general-bye +bos i would like to find a taxi to the centre of cambridge to an american modern restaurant . what would 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 Restaurant-Inform,Taxi-Inform +bos with so few details , i ca n't book you a taxi quite yet . eos O O O O O O O O O O O O O O O O general-reqmore +bos i would like to book a train from peterborough to cambridge on tuesday leaving after 14: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 B-Train-Inform+Leave N/A +bos how about the 14:19 train ? it 's a 50 minute trip , so you 'll arrive at 15:09. eos O O 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 B-Train-Inform+Arrive O O O O N/A +bos i think i asked for that wrong ... i 'm sorry . i 'd like to go to peterborough from cambridge on tuesday after 14:00. eos O O 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 B-Train-Inform+Leave O O O O O N/A +bos the first available train that leaves after 14:00 from cambridge to peterborough on tuesday is the tr7727 . would you like to go ahead and book a seat ? eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Id O O O O O O O O O O O O Train-OfferBook +bos yes , i need it for two people and i need the reference number . i also need a guesthouse that includes 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 O O O N/A +bos i 've booked that for you . the reference number is f5te3q1h . as for the hotel , where in the city would you like to stay ? 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 O O O O O Hotel-Request+Area +bos in the north , please . i 'm looking for a guesthouse with free wifi , it can be 0 star . eos O O O B-Hotel-Inform+Area 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 city centre north b and b is a cheap , 0 star guesthouse located in the north with internet access . would you like me to book this location 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 B-Hotel-Inform+Price 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 Booking-Inform,Hotel-Inform+Internet +bos yes please . can you book it for 2 people ? we 'd like to arrive thursday and stay for 5 nights please . 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 O O O O O O N/A +bos i 'm not able to secure 5 nights . i can book you for 4 nights 2 people starting on thursday . will that work for you ? eos O O O O O O O B-Booking-NoBook+Stay O O O O O O B-Booking-Inform+Stay O B-Booking-Inform+People O O B-Booking-Inform+Day O O O O O O O O O N/A +bos yes 4 nights will work , can you book that and give me the reference number ? eos O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O N/A +bos i have confirmed your reservation at city centre north b and b for 4 nights starting thursday . your reference number is gkz1z5ll . is there anything else you need ? 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 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 general-reqmore +bos no that is all . thank you so much ! eos 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 . eos O O O O O O O O O O O O O O general-bye +bos hi , i 'm looking for a guesthouse in cambridge . eos O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i have found 24 guesthouses in cambridge . is there a particular area you are wanting 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 Hotel-Request+Area +bos i do n't care but it needs to be cheap . eos O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos okay , the allenbell is a cheap guesthouse , would you like me to make a booking ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O O Booking-Inform +bos does it have free parking and internet ? also , i 'd like to be 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 N/A +bos yes it does and it in the east though , is that going to be problem ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , i need one that is in the centre . please give me the postcode , price range and star of the hotel . 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 Hotel-Request+Post,Hotel-Request+Price +bos i have the alexander bed and breakfast guesthouse available in the centre . it 's cheap , 4 stars , with free wifi and parking . it 's in postcode cb12de . 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 I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O B-Hotel-Inform+Stars 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes thank you . i also needs a train on tuesday that arrives by 16: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 what is your departure and destination locations ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i would like to depart from kings lynn and go to cambridge . eos 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 we have 11 trains matching your request . was there a specific time you wanted 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 Train-Request+Leave +bos whichever one gets me to cambridge closest to 16:15. eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive N/A +bos tr8932 will arrive at 15:58 would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O N/A +bos wonderful , could i just have the price for now ? i may book myself later . eos O O O O O O O O O O O O O O O O O O N/A +bos the price per ticket on tr8932 is 9.8 gbp . will that be all ? eos O O O O O O B-Train-Inform+Id O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O general-reqmore +bos yes , thank you so much ! goodbye ! 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 planning a trip in cambridge . eos O O O O O O O O O N/A +bos what part of your trip may i be of assistance with ? eos O O O O O O O O O O O O O general-reqmore +bos i am looking for a hotel that includes free wifi . eos O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i have several options available . do you prefer a cheap , moderate or expensive price range ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O O N/A +bos i prefer the hotel has at least a two star rating . eos O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos the ashley hotel and the lovell lodge in the north are both moderately priced , two star hotels . there is also a more expensive option in the east . all have internet . 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O 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 Hotel-Inform+Internet +bos which of those have free parking ? eos O O O O O O O O N/A +bos both the ashley hotel and the lovell lodge have free parking . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Inform+Parking +bos thank you . i believe i 'll try the lovell . could you give me 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 Hotel-Request+Phone +bos certainly . that phone number is 01223425478. eos O O O O O O B-Hotel-Inform+Phone O N/A +bos thanks very much . can you also help me find a train ? i 'd like to travel from london liverpool street to cambridge on thursday and i 'd like to get there by 08:45. 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+Dest O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos there are two trains within that time frame . the train that will get you to cambridge closest to 08:45 is the tr3839 , which leaves at 5:39 and arrives by 07:07. eos O O O O B-Train-Inform+Choice O O O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O N/A +bos could you book 2 tickets on that train please ? also , what is the reference number ? eos 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 alright , you have booked two tickets on tr3839 , leaving at 05:39. your reference number is xdxe55ly . eos O O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O 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 O general-thank +bos thank you for contacting cambridge towninfo center . have a great day . eos O O O O O O O O O O O O O O general-bye +bos hi , i am planning a trip and need some help finding 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 certainly , do you have any special requests or preferences ? eos O O O O O O O O O O O O general-reqmore +bos i would love a guesthouse but i do need wifi . do you have any 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 N/A +bos we have 23 guesthouses that have free wifi , is there a particular area you want 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 Hotel-Request+Area,Hotel-Inform+Internet +bos no the area does n't matter , and i know this sounds strange but i 'm looking for a guesthouse with a 1 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 those are all booked for the year due to events is a hotel okay ? eos O O O O O O O O O O O O O O O O Booking-NoBook +bos could you possible check in the surrounding areas ? i might as well also get a list of 2 star rated hotels . do you mind ? 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 B-Hotel-Inform+Type O O O O O O N/A +bos i have 3 hotels that have a 2 star rating . two are located in the north and one in the east , do you have a preference of area ? 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 B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Area +bos okay , how about the one in the est please ? eos O O O O O O O O O O O O N/A +bos the express by holiday inn cambridge is the one in the east . do you need any info on it ? 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 B-Hotel-Inform+Area O O O O O O O O O N/A +bos yes i would like to book it for 4 nights for 1 person from saturday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos okay , i will work on booking this for you and be right back with you . eos O O O O O O O O O O O O O O O O O O Booking-Inform +bos may i get the reference number ? eos O O O O O O O O Hotel-Request+Ref +bos i have made those reservations and your reference number is hf0mer2o . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos great thanks i also need a taxi leaving the hotel by 05:00 eos O O O O O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave N/A +bos ok , where are we taking the taxi to ? did we also need to book a restaurant or find 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 O Taxi-Request+Dest,Booking-Inform,general-reqmore +bos i want to leave the hotel by 05:00. going to the attraction . eos O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave O O O O O N/A +bos first we need to find you a attraction then we could book your taxi i think . eos O O O O O O O O O O O O O O O O O O general-reqmore +bos somewhere in the south , sorry need the phone # and admission fee eos O O O O B-Attraction-Inform+Area O O O O O O O O O N/A +bos the south has cinema , entertainment , museum , nightclub , park and theatre . which do you prefer ? 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 general-reqmore +bos can you make a recommendation ? eos O O O O O O O N/A +bos i would recommend tenpin , which is an entertainment venue in the south . it 's a lot of fun . eos O O O O B-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Area O O O O O O O O O N/A +bos great , can i have the phone number and reference fee . eos O O O O O O O O O O O O O Hotel-Request+Ref +bos just so i can get you the right information , are you interested in byard art or tenpin ? eos O O O O O O O O O O O O O O O O O B-Attraction-Select+Name I-Attraction-Select+Name O N/A +bos please send info on tenpin . thanks for the help . eos O O O O O B-Attraction-Inform+Name O O O O O O N/A +bos unfortunately i do n't have any information about their entrance fee but if you call them at 08715501010 , they 'll tell you . will that be all today ? 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 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 O O O O O O O N/A +bos thank you for the help . that 's all for now . eos O 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 . goodbye . eos O O O O O O O O O O O O O O O O N/A +bos i want to find a place to eat british food in the west part of the city 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 found three restaurants that serve british food in the west part of town . what price range are you looking for ? 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 O Restaurant-Request+Price +bos in the west and prefer expensive price range eos O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos we have two restaurants that meet your specifications , would you like me to book you a table ? 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 Booking-Inform +bos yes , please do that for me . i would like to book a table for 8 people at 16:30 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 O O O O N/A +bos i have booked you a table for graffiti . your reference number is 7p63q15q . is there anything else i can help you with ? eos O O O O O O O O B-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 yes , are there any boat in the area of the restaurant ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos i apologize , there is n't any boating activities in the west part of town . is there another part of town you might be interested in ? 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 O O O O Attraction-Request+Area +bos ok , well how about something educational -- like a museum maybe ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos okay , cambridge artworks is in the west and is something i recommend . would you like their information ? eos 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 O O O O O O O N/A +bos great , could you give me the entrance fee , 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,Attraction-Request+Fee +bos they have free entrance . their phone number is 01223902168. their postcode is cb13ef . eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O N/A +bos great that 's all i needed . 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 O O O O general-thank +bos you 're very welcome ! you too ! bye ! eos O O O O O O O O O O O general-welcome,general-bye +bos hello , i 'm looking for local tourist attractions located in the west . may i please have that information ? 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 yes , in the west , i have colleges and museums . some are free and some cost several pounds . would you like information for a college ? eos O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Choice O O O O O O O O O O O O O O O O O O general-reqmore +bos yes tell me about the colleges . eos O O O O O O B-Attraction-Inform+Type O N/A +bos there are five colleges in the west but the most prestigous one is churchill college , would you like more information ? 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 O O O O O O O general-reqmore +bos could you pick the best on and give me the address ? eos O O O O O O O O O O O O O Attraction-Request+Addr +bos clare hall is the best the address is herschel road . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos thank you . could yo also find a polish restaurant in the expensive range in the same area ? eos 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 N/A +bos there are no expensive polish restaurants in the west , are there any other sorts of restaurants you would like ? eos O 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 N/A +bos how about something that serves british food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos graffiti is very popular and suits all your needs . can i book it for you ? eos 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 yes please for 4 people on saturday at 17:00. eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos your table is booked , ref # u8t6lqej . 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 . you 're the best . have a great day . goodbye eos O O O O O O O O O O O O O O general-bye +bos you have a great day as well ! goodbye ! eos O O O O O O O O O O O general-bye,general-greet +bos i am looking for an expensive restaurant in the centre 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 are 33 different options to choose from . what type of cuisine are you looking to try ? 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 i am looking for an indian restaurant . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have 6 options available to you that meet that criteria , would you like a recommendation for 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 general-reqmore +bos i 'm actually thinking i should find something on the west side . do you have any expensive indian restaurants there ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos i have 5 results for an expensive indian restaurant in the west area . tandoori palace , cocum , riche boat , maharajah tandoori , and india house . would you like information for any of these ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Area 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 general-reqmore +bos could i get the address , phone and postcode for the tandoori palace 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 tandoori palace is located at 68 histon road chesterton . the postcode is cb43le and the phone is 01223506055. shall i book a table ? 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 B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O Booking-Inform +bos thank you , before i let you go , i need information on the cambridge corn exchange . 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 N/A +bos the cambridge corn exchange is a theatre in the centre of town . it 's located on wheeler street and the phone is 01223357851. is there anythign else i can do ? 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 O B-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 B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , do you know if there is an entrance free for the cambridge corn exchange ? 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 but that information is only available in person at the cambridge corn exchange . 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 thank you for the phone number of the cambridge corn exchange . i 'll call them . 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 that is everything , thanks again . eos 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 i 'm looking to stay at a 4 star place with free wifi . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos i have 21 options like that . would you prefer a certain area of town 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 Hotel-Request+Area,Hotel-Request+Price +bos are any in the north ? eos O O O O O B-Hotel-Inform+Area O N/A +bos there are 5 options in the north . eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O N/A +bos ok , can you book a room for me at your favorite place ? 4 of us will arrive on tuesday , and we need to stay for 3 nights . eos 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 B-Hotel-Inform+Stay O O O O N/A +bos reference number is : nbaudv7y . 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 i am also looking for an attraction called the cherry hinton village centre . do you have any information about this place ? 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 O O O O O O O N/A +bos here is the address colville road , cherry hinton . eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos great , can i also have the postcode and phone number ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos phone number is:01223576412 and the postcode is cb19ej . can i help you with anything else ? eos 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 general-reqmore +bos thank you , i am also looking to book a taxi to commute between these places . i will be leaving the attraction around 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+Leave O O N/A +bos booking completed ! booked car type : blue teslacontact number : 07305330660 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 awesome . thanks so much for your help today ! 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 can you tell what there is to do in the centre area ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are many fun things to do in the center of town . do you have a specific type of attraction in mind ? eos O O O B-Attraction-Inform+Choice 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 O O O O O Attraction-Request+Type +bos hmm , well ... me and my friends like to go to nightclubs . are there any in that area 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 O O O O O N/A +bos there are 5 in that area . if i may , might i suggest the fez club . they have amazing music and a great atmosphere . the entrance fee is 5 pounds . eos O O O O B-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 O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos thank you can you find me a place to eat as well . eos O O O O O O O O O O O O O O general-thank +bos unfortunately , my information for restaurants is not coming up . 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 Restaurant-NoOffer,general-reqmore +bos i 'm sorry , i forgot we already made reservations at a restaurant . can you give me the postcode and phone number to the fez club that you found ? 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+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure the phone is 01223519224 and the post code is cb23hx eos O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Post N/A +bos great , thanks . now i 'd also like to find a hotel to stay at with free wifi and a star rating of 0. 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+Stars O O N/A +bos i have three options for you ; one hotel and two guesthouses . does location or price range matter ? eos O O 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 Hotel-Request+Area,Hotel-Request+Price +bos not really and i do n't need parking either . eos O O B-Hotel-Inform+Parking O O O O O O O O N/A +bos would you prefer a hotel or guesthouse ? eos 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 B-Hotel-Inform+Type O O N/A +bos i have one matching your criteria called cityroomz located in the city center . would you like me to book that for you ? eos O O O O B-Hotel-Inform+Choice O O O B-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 Booking-Inform +bos no , but i do need the phone number of the hotel . eos O O O O O O O O O O O B-Hotel-Inform+Type O O Hotel-Request+Phone +bos the phone number is 01223304050. 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 yes i need a taxi to leave the hotel by 5:00 and the attraction . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos okay i have booked a car for you and it will be a white lexus and the driver 's contact number is 07610272474. 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 N/A +bos thank you that is all i needed . eos 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 need a place to grab a bite to eat today in cambridge . eos O O O O O O O O O O O O O O O N/A +bos kindly specify what bite you want eos O O O O O O O Restaurant-Request+Food +bos i would like a `` chinese bite '' . eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are many chinese restaurants in cambridge . do you have a price preference or an area of town that suits you ? 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 O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos yes , i am looking for expensive chinese food 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 O N/A +bos i have found two great restaurants that meet your needs . they are the good luck chinese food takeaway and the peking restaurant . eos O 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 N/A +bos can you book me a table at the peking restaurant for 4 people at 11:30 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 i have booked your table and it will be reserved for 15 minutes . your reference number is n3jr257p . 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 O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos i 'm also interested in visiting sidney sussex college . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O N/A +bos okay . their address is sidney street . their phone number is 01223338800 and the admission is free . is there anythinng else i could help you with ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 O general-reqmore +bos no , that is all i needed to know . thank you . eos O O 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 am looking for a place to dine in the south it needs to be cheap as well . 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 N/A +bos i have 2 different options that are cheap and in the south . the lucky star has great chinese food . or , there is nando 's that offers wonderful portuguese food . eos O O O O B-Restaurant-Inform+Choice O O 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O N/A +bos i 'll go with nando 's . thanks . eos O O O O O O O O O O general-thank +bos what day and time would you like a reservation and for 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+Time,Booking-Request+People +bos please book for 6 people on sunday at 13:15. eos 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 booked . your reference number is kadpmucr . 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 yes , i am also looking for a cinema near the restaurant . eos O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos cineworld cinema is also in the south , close to the restaurant . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A +bos great ! can i get the adress ? eos O O O O O O O O O N/A +bos the address is cambridge leisure park , clifton way . can i do 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 O general-reqmore +bos 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 eos O O O O O O O O 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 that booked for you in a grey honda and the contact number is 07797257618. 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 N/A +bos thank you . my visit is all set . thanks for the bookings . 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 and enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos can you find me a spot to stay with free parking and a 4 star rating ? 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 archway house is a four star hotel with free parking . will that work ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O O O O O O Hotel-Inform+Parking +bos is it a guesthouse and in the moderate price range ? eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O N/A +bos yes it 's a moderately priced guesthouse located in the north . would you like me to book you a room ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform +bos no but i do need the phone number and address . eos O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos sure , the address is 52 gilbert road and the phone number is 01223575314. can i help you with 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 B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos i also need the name of a swimmingpool in town . eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos i have 4 different swimming pools in town . is there an area of town you 'd like one in ? eos 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 O O O O O O Attraction-Request+Area +bos i have no preference . can you pick one for me ? i 'll need the 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 Attraction-Request+Post,Attraction-Request+Phone +bos parkside pools is located in the centre . the phone number is 01223446100 and the postcode is cb11ly . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O N/A +bos thanks . can you get me a taxi between the guesthouse and the swimming pool please ? eos 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 the taxi ? eos O O O O O O O O O Taxi-Request+Leave +bos i want to leave the hotel at 23:15 , a midnight swim would hit the spot . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O N/A +bos booking completed ! booked car type : black volvocontact number : 07411725780 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 i need . eos O O O O O O O N/A +bos can i look up anything else for you ? 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 have a nice day . eos O O O O O O general-bye +bos i 'm interested in finding some things to do in the centre area of town . specifically i am interested in multiple sports attractions . can i get more information ? 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 O O O N/A +bos unfortunately , the only multiple sports option i have is in the east . is there another type of attraction you would like to visit ? eos O O O O B-Attraction-Inform+Type I-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 Attraction-Request+Type +bos can you look for a college ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos i have 13 in the centre area of town . the emmanuel college is nice and it is free . eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Fee O O N/A +bos that sounds great , could you give me their address , phone 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+Phone,Attraction-Request+Addr +bos they are located at saint andrew 's street , cb23ap and the phone number is 01223334200. eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O N/A +bos okay , i 'm also looking for a place to dine . i 'd like to eat italian food in the same area as the attraction please . 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 O O O N/A +bos sure , there are a number of options . were you looking for a specific price range ? 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 Restaurant-Request+Price +bos no , there is no specific price range . i need to book a table for 8 people at 13:15 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 N/A +bos let 's choose a place first . stazione restaurant and coffee bar is one of the options available eos O O O O O O B-Restaurant-Recommend+Name 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 N/A +bos sounds great ! can you please book me a table for 8 on thursday at 13:15. 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 N/A +bos i have made those reservations and your reference number is rh2680gw . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos thank you . can you also book me a taxi to take me from emmanuel college to get me to the stazione restaurant by 13:15 please ? eos 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 O O O B-Taxi-Inform+Arrive O O O N/A +bos your taxi is booked . be expecting a grey lexus . please call 07002476636 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 I-Taxi-Inform+Phone O O O O O O O O N/A +bos great . thank you ! eos O O O O O O general-thank +bos okay i 'm glad i could help today . eos O O O O O O O O O O general-bye +bos hello , i 'm looking for a hotel to stay in during my visit to cambridge . i 'm looking for a cheap room and the only amenity i care about is free wifi . 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 O O N/A +bos the allenbell guesthouse is fairly new and is located on the east side of town . can i book 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 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 Booking-Inform +bos yes please book it for this weelkend eos O O O O O O O O N/A +bos will you be arriving at the hotel on friday ? how many days and 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+Stay,Booking-Request+Day,Booking-Request+People +bos actually , i just realized the allenbell wo n't work as it is in the east . i need a gueshouse that is located in the centre . do you have anything in that 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 B-Hotel-Inform+Area O O O O O O O O O O O O Attraction-Request+Area +bos i am sorry i have no guesthouses in the centre . 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 N/A +bos well that all i need thank you eos O O O O O O O O general-thank +bos are you sure you do n't need assistance in finding a hotel ? i have many options to consider ! eos O O 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 general-reqmore +bos you can just end the convo . it 's an option . you do n't have to keep going read the directions . makes it hard for other workers eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos if that is all you need today then have a good 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 , i am looking for something to do in the west part of town . it sould involve multiple sports . 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 N/A +bos unfortunately none of those places exist here . any other preferences ? eos O O O O O O O O O O O O O general-reqmore,Attraction-NoOffer +bos hm , can you tell me about what entertainment venues might be on the west side of town instead ? 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 there 's a fun place called whale of a time at unit 8 , viking way , bar hill . 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos thank you , can i please get an address and postal code . is there an entrance fee that will be charged . eos 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 unit 8 , viking way , bar hill in postcode cb238el . i 'm sorry , i do not know if there is an entrance fee . do you need anything else ? 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+Post 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 O O O O O general-reqmore +bos nope , that 's all i needed today . i appreciate your help ! eos O O O O O O O O O O O O O O O N/A +bos you are welcome ! have fun ! goodbye ! eos O O O O O O O O O O general-bye +bos i 'm looking for a place to go in town to have fun . are there any nightclubs in the west ? 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 no nightclubs in the west , would another area work for you ? eos O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O Attraction-Request+Area +bos how about a college in the west ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos sure , there are 5 colleges in the west part of town . how about clare college ? eos O 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos what 's the address of that college ? eos O O O O O O O O O Attraction-Request+Addr +bos clare college is located on trinity lane . anything else ? 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 general-reqmore +bos no , that would be it . thanks . eos O O O O O O O O O O general-thank +bos you 're quite welcome ! thanks for contacting 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-bye +bos hi there , i need to know where i can find the parkside police station . eos O O O O O O 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 do you have the phone number for that police station ? eos O O O O O O O O O O O O Police-Request+Phone +bos sure thing ! their phone number is 01223358966. eos 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 any time . that 's why we are here . need anything else ? eos O O O O O O O O O O O O O O O general-reqmore +bos no , that 's it . 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-bye +bos can you help ? i 'm in need of a taxi . i 'm trying to get from hobsons house to royal spice . 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O N/A +bos when would you like to leave by ? eos O O O O O O O O O Taxi-Request+Leave +bos i want to leave after 18:30 please eos O O O O O O B-Taxi-Inform+Leave O N/A +bos 07821922219 is the number for your blue ford taxi . eos O B-Taxi-Inform+Phone O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos great , 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 have a great day . eos 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+Depart O N/A +bos when will you be travelling ? eos O O O O O O O Train-Request+Day +bos i 'll be leaving friday after 20:45. eos O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos i have several options for you depending on your departure site . where will you be leaving from ? 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+Depart +bos i need to depart from cabridge and go to bishops stortford . eos O O O O O O O O O O O O O N/A +bos there are few options to choose from . how many people are traveling ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+People +bos i will have 2 people traveling . eos O O O O O O O O N/A +bos okay , would you like me to book tr4664 ? eos O O O O O O O O B-Train-OfferBook+Id O O N/A +bos yes , please . i need the reference number . eos O O O O O O O O O O O Train-Request+Ref +bos the reference number is 0ji02qot . can i help you with anything else ? eos O O O O O O B-Train-OfferBooked+Ref 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 thank you have a nice day . eos O O O O O O O O general-bye +bos i 'm looking somewhere to stay with free wifi and free parking eos O O O O O O O O O O O O O N/A +bos archway house is a good choice ! eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O N/A +bos does archway house have two stars ? i require that rating . eos O O O O O O O O O O O O O N/A +bos no , i think ashley hotel might be more in your range . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O N/A +bos is it in the east ? i need a hotel in the east . eos O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A +bos express by holiday inn cambridge is in the eastern part of town . would you like me to book you a room ? eos 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 O O N/A +bos yes , please . for 1 person for 3 nights starting on monday . 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 ok , i have you booked at holiday inn cambridge . your reference number is 0cb7cvt7 . 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 O general-reqmore +bos 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 ! eos O O O O O O 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 the full name of your hotel is express by holiday inn cambridge . do you need further assistance ? 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 O O general-reqmore +bos no , you have been very helpful , thank you so much ! bye now . 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 our services . eos O O O O O O O O general-bye +bos hey there . i am hoping you might be able to tell me what kind of entertainment is happening tonight in town near where i am staying . 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 O O N/A +bos not a problem . where are you staying ? eos O O O O O O O O O O Attraction-Request+Area +bos i am in the northern part of town . eos O O O O O B-Attraction-Inform+Area O O O O N/A +bos sorry , i do n't see any attractions in the north . perhaps another area ? eos O O O O O O O O O B-Attraction-NoOffer+Area O O O O O O O Attraction-Request+Area +bos would you happen to know if there is 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 there 's actually two . would you like more information on them ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O general-reqmore +bos yes , please ! eos O O O O O N/A +bos the jesus green outdoor pool is between victoria road and the river . the kings hedges learner pool is on jedburgh court , kings hedges . would you like their phone numbers ? 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 I-Attraction-Inform+Name O O O O O O O O O O O O O O O general-reqmore +bos yes , please give me the phone number for jesus green outdoor pool . eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223302579. 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 can you also give me the address and entrance fee for the jesus green pool ? 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 pool is located between victoria rd and the river . i do n't have the information for the entrance fee , but you can give them a call at 01223302579. 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 O O O O O O O O O O O O O O O O O B-Attraction-Inform+Phone 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 general-bye +bos great . have a great day ! eos O O O O O O O O general-bye +bos i 'm looking for boating activities in town . eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos certainly , we have several interesting boats . is there an area of town that you prefer ? 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 do not have a preference . eos O O O O O O O O N/A +bos there 's camboats , riverboat georgina , scudamores punting co. , and the cambridge punter . would you like more information on any of these ? 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 O O O general-reqmore +bos yes , can you tell me the postcode for the riverboat georgina , please ? eos 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 +bos sure . it is cb43ax . 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 no , that 'll do it for 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 general-thank +bos you 're very 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 want 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 N/A +bos castle galleries is a museum in the center of town , entry is free , would you like more details ? 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 I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O O N/A +bos yes , please . may have i have 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 , the phone number is 01223307402 and the postcode is cb23bj . can i help with anything else today ? eos 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 general-reqmore +bos nope , that 's it . 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 'd like to find some place to go on the east side 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 i can certainly suggest something for you . i have 10 options . do you prefer an entertainment venue , or perhaps a museum or park , etc ? eos 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 O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O N/A +bos i would prefer just anything in the east , can you give me the address and attraction type of one ? 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 Attraction-Request+Type,Attraction-Request+Addr +bos no problem . how does the funky fun house sound ? it is standard entertainment and it is located at 8 mercers row , mercers row industrial estate . 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+Type I-Attraction-Inform+Type 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 O N/A +bos sounds 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 thank you . have a good day , goodbye . eos O O O O O O O O O O O general-bye +bos i want to visit a college 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 you 're in luck . we have 13. do you have any preferences ? for example , downing college over on regent street offers free entry . eos O O O O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O N/A +bos that would be great , can you please give 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 number is 01223334860. anything else i can do for you ? eos O O O O B-Attraction-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 thank you , enjoy the college , goodbye . eos O O O O O O O O O O general-bye +bos do you have any details for jesus green outdoor 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 yes , which details would you like to have ? eos O O O O O O O O O O O general-reqmore +bos i 'd like the attraction type , 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+Type +bos the jesus green outdoor pool is a swimmingpool on the north end of the city . we do n't have any information regarding their entrance fee , but their phone number if 01223302579. 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 O O B-Attraction-Inform+Area 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 N/A +bos alright , that 's 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 O O general-bye +bos i would like a taxi to curry king please . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos sure , first i 'll 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 Taxi-Request+Depart +bos i 'm departing from sheep 's green and lammas land park fen causeway . 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 I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O 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 just need to be sure to arrive by 07:15. eos O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos i have a black bmw with contact number 07975360345. eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone N/A +bos when will the taxi pick me up ? eos O O O O O O O O O Taxi-Inform +bos would 6:45 be a convenient time for you to leave ? eos O O B-Booking-Book+Time O O O O O O O O O N/A +bos will that get me to my destination on time ? eos O O O O O O O O O O O N/A +bos yes , the trip takes about fifteen minutes so you will arrive in time even if there is a little traffic . 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 goodbye eos O O O O general-bye +bos goodbye , please call us if we can help you again ! eos O O O O O O O O O O O O O general-bye +bos where is the parkside police station located ? eos O O O O O O O O O Police-Inform +bos in parkside , cambridge , cb11jg eos O O O O O O O N/A +bos thanks , what is their number ? eos O O O O O O O O general-thank +bos their phone number is 01223358966. eos O O O O O O N/A +bos thank you goodbye . eos O O O O O general-bye +bos thank you goodbye eos O O O O general-bye +bos i was just caught up in a disagreement with another motorist about a road accident and i am in need of some 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 N/A +bos the parkside police station telephone number is 01223358966 and the address is 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 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 you are very 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 O general-welcome,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 contact the police at parkside , cambridge , cb11jg eos O O O O O O O O O O N/A +bos ok , thank you for your help . eos O O O O O O O O O general-thank +bos i hope your day gets better ! eos O O O O O O O O general-bye +bos i need a taxi to leave at 3 45 and get me from the cambridge belfry eos O O O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos where will you be going to ? eos O O O O O O O O Taxi-Request+Dest +bos i will be going to the cow pizza kitchen and bar . 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 I-Taxi-Inform+Dest N/A +bos ok i have a red bmw with contact number 07932775805 booked for you . 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 N/A +bos ok thank you for your assistance . eos O O O O O O O O general-thank +bos no problem . are you finished ? eos O O O O O O O O general-reqmore +bos i want to dine in a place in the west . eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos there are many restaurant options available to you . what type of food would you like to eat and what is your 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 O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i would like a restaurant that serves eritrean food and in the expensive price range . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos would you like european food ? eos O O O O B-Restaurant-Select+Food O O N/A +bos no . i said eritrean food . do yo have something ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos i do n't have anything that meets those requirements . eos O O O O O O O O O O O Restaurant-NoOffer +bos how about british food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos yes i have three . when would you like the table reserved for and for how many ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos is one of those expensive ? if so , book me a table there for thursday for 8 people at 13:30 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 there 's actually two expensive places , graffiti and travellers rest . which would you prefer ? 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 O O O O O O Restaurant-Select +bos travellers rest sounds good . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos ok the address is huntingdon road in city centre , the phone # is 01223276182 , and the postcode is cb30df . will there be 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 O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos i am also looking for a train from cambridge on wednesday . eos 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 ? eos O O O O O O Train-Request+Dest +bos before i continue with the train details , was travellers rest booked ? i did n't get 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 Train-Inform +bos my sincerest apologies for that . yes , your booking is completed and the reference number is 64uq7m3g 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 that is all i needed thank you . eos O O 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-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 O N/A +bos there are several trains leaving for cambridge . the next one leaves at 5:17 , would you like for me to book a ticket ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook +bos i need it to leave from birmingham new street . eos 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 will you be traveling ? eos O O O O O O O O Train-Request+Day +bos on a wednesday eos O O O B-Train-Inform+Day 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 i would like to arrive by 13:15. eos O O O O O O O B-Train-Inform+Arrive N/A +bos there is a 9:40 that would arrive by 12:23. how does that sound ? eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos sounds great . please book it for 8 peoople . 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 600.79 gbp payable at the station . reference number is : hl9k5t9v . 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 thanks so much ! can you also help me find a restaurant in the centre that 's mid-priced ? 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 there are 21 restaurants that fit that criteria . is there a specific type of food you 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 Restaurant-Request+Food +bos yes please - i 'm craving british food . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i recommend cotto , they 're found on eos O O O B-Restaurant-Recommend+Name O O O O O N/A +bos you seem to have cut off ? anyway , can you book a table on wednesday ? it 'll be 8 of us and we 'll be coming in at 18:15. eos O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+People O O O O O O O B-Restaurant-Inform+Time O O O O O N/A +bos your reservation for cotto is all set ! your reference number is dxadbu6q . is there anything else i can help you with ? 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 general-reqmore +bos thank you that 's all i needed today . good bye . eos O O O O O O O O O O O O O general-bye +bos your welcome , i am glad i was able to help . eos O O O O O O O O O O O O O general-welcome +bos is there any chinese food around me right now ? eos O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos yes . there 's a total of 17 chinese restaurants in town . are you looking for a particular price range or specific part of town ? 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 O O Restaurant-Request+Area,Restaurant-Request+Price +bos i 'd like something in the centre of town for a moderate price . eos O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A +bos we have jinling noodle bar , lan long house and shanghai family restaurant , any preferences ? 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 O O O Restaurant-Select +bos let 's go with shanghai family . what is the address , phone number and postcode ? 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address and postcode are 39 burleigh street city centre , cb11dg . the phone number is 01223301761. do you need anything else ? eos 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 O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos yes , i 'm also looking for a train to london kings cross on thursday . 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+Day O O O N/A +bos okay , what time are you going to depart ? eos O O O O O O O O O O O Train-Request+Leave +bos i can depart anytime , but need to arrive by 08:15 please eos O O O O 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 Train-OfferBook +bos what is the arrival time and the train id for a train arriving closest to 08:15 in london kings cross from cambridge on thursday ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O Train-Request+TrainID +bos tr8335 arrives at 7:51.will this one work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O N/A +bos yes , that will work . thats 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 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 looking for a train that arrives by 16:00 and leaves on monday . eos O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Day O O N/A +bos there are multiple trains available to you . where are you departing from and what 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 Train-Request+Depart,Train-Request+Dest +bos i want to broxbourne from cambridge . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos we have trains leaving from 05:01 every hour until 14:01 that will get you to broxbourne by 16:00. what time would be more acceptable to 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 B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos once you find the train you want to make a booking for 1 people.make sure you get the reference number 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 N/A +bos the tr0796 train leaves cambridge at 05:01 and arrives in broxbourne 06:01. the cost in 17.90 pounds . is this a good train for you ? eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos yes please . please book a ticket for one person . eos O O O O O O O O O O O O N/A +bos the booking was successful your reference number is xuksdfw4 . is there anything i can help 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 general-reqmore +bos yes . i would like a restaurant for the same day . the name is travellers rest . 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 N/A +bos travellers restaurant is an expensive british restaurant in the west part of town . is there anything else i can do for you ? eos O B-Restaurant-Inform+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 O O O O O O O general-reqmore +bos can you book that restaurant for me , for one person at 13:00 ? eos O O O O O O 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 . your reference number is : rye38vwc . can i do anything else for you 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 general-reqmore +bos that is all that i need . thank you . eos O O O O O O O O O O O general-thank +bos thank you so much for calling cambridge towninfo centre ! we hope you enjoy your time in our city ! 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 want to dine at a chinese food place in the centre area . 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 what is your price range for this restaurant ? eos O O O O O O O O O O Restaurant-Request+Price +bos i do not have a price preference . eos O O O O O O O O O N/A +bos how about the rice house it is cheap and located at 88 mill road city centre ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 that sounds perfect . i would like to book a table for sunday . eos O O O O O O O O O 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 Booking-Inform +bos i am looking for a restaurant that is cheap and in the south 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 N/A +bos nandos is a nice restaurant in the south part of town . it is in the cheap price range and serves portuguese food . eos O B-Restaurant-Inform+Name 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 B-Restaurant-Inform+Food O O O N/A +bos is there anything else ? and what is 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 there is the lucky star serves chinese food in the cheap price range and in the south part of town , its address is cambridge leisure park clifton way cherry hinton and the phone number is 01223 327908. eos O O O 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 B-Restaurant-Inform+Area 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +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 hello , can you help me find a four star place to stay in the west ? 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 the cambridge belfry is located in the west and has 4 star rating . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O N/A +bos does this include free parking ? eos O O O O O O O N/A +bos yes , it does . eos O O O O O O Hotel-Inform+Parking +bos please book it for 6 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 the cambridge belfry hotel was unable to accommodate 4 days for 6 people . would you like to choose another day or shorten your stay ? eos O O O O O O O O O O B-Booking-NoBook+Stay O O B-Booking-NoBook+People O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos yes , could you try just for one night starting on friday ? please let me know the reference number as well . 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 O N/A +bos it was successful your reference number is 0lh6u2y7 . eos O O O O O O O O B-Booking-Book+Ref O N/A +bos i need an expensive restaurant . something that is impressive in the same area of the hotel . can you find one for me ? 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 N/A +bos are you looking for a certain type of food ? eos O O O O O O O O O O O Restaurant-Request+Food +bos no , i do n't have a preference . but i want something in the west and is expensive . can you suggest one ? 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 O O N/A +bos i have 9 different restaurants . they offer british , european , indian food and thai . which would you like ? eos O O O O B-Restaurant-Inform+Choice 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 do n't have a preference but i need the reservation at 15:15 for 6 people on friday . can you find one to meet those requirements ? eos O O O O O O O O O O O O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O O O O O O O O O N/A +bos thank you , i was able to book you for sala thong thai food . the table will be held for 15 minutes . the reference number is w1yd01td . 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 O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos that is great . thank you . 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 no , thank you ! goodbye . eos O O O O O O O O general-bye +bos thank you for using the help desk . eos 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 okay ! what would you like to know ? eos O O O O O O O O O O general-greet,general-reqmore +bos i should have already told you that , how rude of me . can you please tell me what museums are in cambridge ? 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 there are 79 museums is there a particular type or area you would prefer ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos i really do n't have a preference . do you have one that you could recommend that would be interesting for a few different age groups ? eos O O O O O O O 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 cambridge artworks . it is in the east side . can i give you the address ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O O general-reqmore +bos yes thank you . i 'd love to get the address there . eos O O O O O O O O O O O O O O Attraction-Request+Addr +bos okay the address is 5 greens road . eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos i also need to find a train for wednesday between cambridge sand stansted airport to arrive by 16:15. eos 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 B-Train-Inform+Arrive N/A +bos okay , sure . train tr0678 leaves cambridge on wednesday and arrives at stansted airport by 16:08. would you like to book that ? eos O O O 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 B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O general-greet,Train-OfferBook +bos what is the price ? eos O O O O O O Train-Request+Price +bos 37 pounds , i can book it for you and get a reference number ? eos 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 i need to find a moderately priced north indian restaurant . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i 'm sorry , i did n't have any luck with those requirements . 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 Restaurant-NoOffer,general-reqmore +bos how about an italian restaurant , then ? eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos is there a particular area of town that you would like to dine in ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos any would be fine . eos O O O O O O N/A +bos i recommend pizza express fen ditton in the centre area , would you like more info or a booking ? eos O O O B-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 O O O O O O O O O O Booking-Inform,general-reqmore +bos that sounds good to me . can you please book a table for 8 at 12:15 on saturday ? 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 N/A +bos you are booked for a table for 8 on saturday at 12:15. your reference number is 9veg3psd . can i help you with anything else ? eos 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 O O O O O O O O general-reqmore +bos i also will need a train . eos O O O O O O O O Train-Inform +bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos i will depart 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 what day are you traveling and what is your destination ? eos O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest +bos i 'll be leaving birmingham new street and going to cambridge . i need to arrive by 09:30. eos O O O 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 what day are you wanting to travel ? eos O O O O O O O O O Train-Request+Day +bos the same day as the restaurant booking and should arrive by 09:30. eos O O O O O O O O O O O O O N/A +bos tr4463 will get you there by 09:23 , would you like more info or a booking ? 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 O O general-reqmore,Train-OfferBook +bos awesome ! you were a huge help . thanks . eos 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 hello ! can you recommend a 4-star hotel in the centre of town , please ? eos 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 N/A +bos i heaar university arms hotel is nice . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos what 's the price ? i need something in cheap range . eos O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos yes it is very affordable and has 4 stars . would you like me to make reservations for you ? eos O 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 O O O Booking-Inform +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 this saturday , i need to take a train from ely to cambridge . can you assist me ? eos O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O O O O O N/A +bos sure , do you know what time you want to arrive ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos i want to arrive by 11:30. eos O O O O O O B-Train-Inform+Arrive N/A +bos i have a train that arrives at 9:52. may i book it 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 please . i 'll need 8 tickets . eos O O O O O B-Train-Inform+People O O O N/A +bos your booking was successful , the total fee is 28.16 gbp payable at the station . reference number is : x3koq6z3 . anything else i can help 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos yes , i need a place to dine , preferably in the centre and i would like it to have modern european food . eos 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 O N/A +bos there are several options . is there a certain price range you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Price +bos the price does n't matter whatever you recommend is fine . as long as they have 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 O O O O O N/A +bos how does the galleria sound , moderate price ? eos O O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price O O O N/A +bos that sounds good ! could you book it for me ? eos O O O O O O O O O O O O N/A +bos i waqs unable to book that for you , are there any other interest you may have ? 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 would thursday work better for the booking ? eos O O B-Restaurant-Inform+Day O O O O O O N/A +bos i 'm not able to book that either ? eos O O O O O O O O O O Booking-NoBook +bos hmm could you try again maybe ? 8 people at 15:30 on saturday . and if that does n't work , then 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 O N/A +bos sorry , it looks like my system is still down . you may want to contact the restaurant directly . eos 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 again please ? eos O O O O O O O N/A +bos for how many ? eos O O O O O Booking-Request+People +bos there are eight of us . eos O O O O O O O N/A +bos sorry the system is down . please contact the restaurant directly at 01223362054. anything else ? eos O O O O O O O O O O O O B-Restaurant-Inform+Phone O O O O Booking-NoBook,general-reqmore +bos thank you very much . goodbye eos O O O O O O O general-bye +bos thank you for your inquiry . i hope i was helpful . eos O O O O O O O O O O O O O general-bye +bos i would like to know if there is an italian restaurant nearby me . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos we have 15 italian restaurants . let me find one close to you , what area are you in ? 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 Restaurant-Request+Area +bos 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 college instead . 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 O O N/A +bos there are many colleges to choose from , which area of town are you interested in ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Area +bos i would like to find one in the west . are there any in that area ? 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 are five colleges in the west . would you like to visit a free one or one with an entrance fee ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type 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 I-Attraction-Select+Fee N/A +bos i do n't care , just need the postcode , phone number , and address . 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 okay churchill college is free and their address is storey 's way , their postcode is cb30ds and their phone number is 01223336233. eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Post I-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O N/A +bos i am also looking for a restaurant . the restaurant should be in the moderate price range and should be in the same area as the attraction . 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 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 how about you suggest one and book a table for 4 at 15:15 on wednesday , and i 'll need the reference number too 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 O O O O O O Restaurant-Request+Ref +bos ok , i 've booked you a table for 4 at prezzo . reference number is yxvrl9yk , and the table will be reserved for 15 minutes . do you need anything else ? eos O O O O O O O O O B-Booking-Book+People B-Booking-Book+Name 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 'll also be needing a taxi to get me from the 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 when and where would you like to be picked up ? eos O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave +bos from churchill , and i want to get there by the time you booked my table . eos O O 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 i have a red audi and the contact number is 07674679354. is there anything else i can assist you with today ? eos 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 thats everything i needed thanks for the 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 i would like to find a restaurant called pipasha . eos O O O O O O O O O O O Restaurant-Inform +bos pipasha is an expensive indian restaurant . it is located in the east area of town . can i help you with more information or a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 O O O O O Booking-Inform,general-reqmore +bos yes please . i need a table for 3 on tuesday at 14:00. eos O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos okay i have done that and your reference number is wr87hhpj . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos i would also like to check out a concerthall . eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos great ! the man on the moon is a concerthall in the centre at 2 norfolk street . 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 B-Attraction-Recommend+Type O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr general-greet +bos thanks . can you also tell me their postcode ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb12lf . what else would you like assistance with today ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos do you happen to have their phone number also ? eos O O O O O O O O O O O Attraction-Request+Phone +bos yes , the phone number is 01223474144 eos O O O O O O B-Attraction-Inform+Phone O N/A +bos i also need a taxi between them to get to the restaurant in time . eos O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos ok , i have booked you a black skoda to get you to the restaurant in time . you can contact them at 07461245991. 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 O O O O O B-Taxi-Inform+Phone O O O O O O O O N/A +bos no thank you , that 's it . eos 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 general-welcome,general-bye +bos i am coming to visit and will be in the centre area . i would like an attraction to visit . 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 sure , how about cambridge contemporary art ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos sounds interesting ! what is the address ? eos O O O O O O O O O Attraction-Request+Addr +bos located at 6 trinity street . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos now i need a place to eat in the centre eos O O O O O O O O O O B-Restaurant-Inform+Area N/A +bos we have many restaurants available . 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 Restaurant-Request+Food +bos i am really craving chinese if you have something in that area . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos yes , ten chinese places are in that area . any preference on price range ? eos O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Price +bos yeah , i want an expensive place . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are 4. could i recommend tang chinese . eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos i will need a reservation for 4 at 17:30 on monday . 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 your table for 4 is reserved for monday at 17:30. your reference number is 1kluae2j . 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 B-Booking-Book+Ref O N/A +bos that is all i need . bye , thanks . eos O O O O O O O O O O O general-bye +bos ok. take care . goodbye 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 N/A +bos what would you like to see while there ? eos O O O O O O O O O O general-reqmore +bos i would like to go to an entertainment venue in the centre 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 N/A +bos unfortunately , i have many in other area but nothing in the centre . can i look up something else 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 N/A +bos how about a college then . i will need the address and phone number . eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos there are 13 churches in the centre . how about christi 's college ? the address is saint andrew 's street . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O B-Attraction-Inform+Area O O B-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 N/A +bos ok that will work . can i get their phone number please ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos okay the phone number is 01223334900. eos O O O O O O B-Attraction-Inform+Phone N/A +bos thank you . i also need information on a train . eos O O O O O O O O O O O O Train-Inform +bos i 'd be happy to help , where are you leaving from ? eos O O O O O O O O O O O O O O Train-Request+Depart +bos i need to leave london liverpool street on thursday and get to cambridge by 11:30. 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+Dest O B-Train-Inform+Arrive N/A +bos there are four trains that match your request . what time would you like 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 Train-Request+Leave +bos i do not care about departure time . i would like you to get me one ticket . eos O O O O O O O O O O O O O O O O O O O N/A +bos you have been booked for the tr3839 . it leaves thursday at 05:39 and cost 16.60 lbs . can i do anything else for you ? eos O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Day I-Train-OfferBooked+Day B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket 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 ok great , have a wonderful day ! eos O O O O O O O O O general-greet +bos i am looking for a restaurant called cocum . eos O O O O O O O O B-Restaurant-Inform+Name O N/A +bos that 's a very nice indian restaurant on the west side of town . would you like the phone number or a reservation ? eos 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 O O O O O O O O O O O O general-reqmore +bos i 'd like a reservation , please . i 'd need it for monday , 14:00 , and for one person . i 'll need the reference number . eos O O O O O O O O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O O O O O O O O O O O O O O O O O N/A +bos your reservation at cocum at 14:00 for 1 person was successful . your reference number is : pd01zla3 . eos O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Time 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 particular hotel . it 's called home from home . 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 O O O O N/A +bos home from home is a 4 star guesthouse in the north area with wifi and parking . would you like to make a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O 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 O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , please . just me , same day as the restaurant , and i 'll be staying 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 booking was successful.reference number is : tfwxyhtg . anything else today ? eos O O O O O O O B-Booking-Book+Ref 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 great . if you ever need anything else do n't hesitate to ask . eos O O O O O O O O O O O O O O O general-bye,general-reqmore +bos my friends and i are into the club scene , what nightclubs are in cambridge ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are five nightclubs in the centre of town and one nightclub on the south side . do you have a preference on location ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O 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 O O O O O O O O Attraction-Request+Area +bos you can chose for me but i need a entrance fee . eos O O O O O O O O O O O O O Attraction-Request+Fee +bos in the centre , 4 of the nightclubs have a fee of 5 pounds and one has an entrance fee of 4 pounds . 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 O O O O O O O O O O O O O O O O N/A +bos i am also looking for a train to go between ely and cambridge . eos O O O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O N/A +bos there are several trains leaving what day do you want to leave eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Day +bos on monday , please and i 'd like to arrive by 15:00 , please . eos O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O O O O N/A +bos i still have 5 entries . arriving every two hours starting at 05:52 and the last at 13:52. which arrival time would you like ? eos O 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 I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O Train-Request+Arrive +bos i like to arrive at 15:00. thanks eos O O O O O O O O general-thank +bos ok. well tr4849 sounds like your best bet then . it will arrive by 13:52. would you like me to book it for you ? eos O O O O B-Train-Inform+Id 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-OfferBook +bos yes , please . i need to book train tickets for five people , please . may i have the reference number 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 O O Train-Request+Ref +bos your all set ! your reference # is nku3lcm7 . anything else i can help you 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 general-reqmore +bos no thanks . you did everything and were so helpful . i appreciate it . have a good 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-bye +bos you are welcome . let us know if you need anything else . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos are there any museums you can recommend ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos well , there are 23 museums to choose from . if you give me a specific area i can narrow down the choices . 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 Attraction-Request+Area +bos no how about you pick on and give me the entrance fee if any 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 Attraction-Request+Phone,Attraction-Request+Fee +bos the museum of classical archaeology has free admission and its phone number is 01223335153. do you need 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O O O O general-reqmore +bos great i 'm also looking to travel to london kings cross on monday by train eos 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 O O O N/A +bos did you have any 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 as early as possible in the morning . eos O O O O O O O O O N/A +bos the tr7075 meets your criteria . it leaves at 5:00. would you like to make a booking ? 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 O Train-OfferBook +bos does that train depart from cambridge ? eos O O O O O O B-Train-Inform+Depart O N/A +bos yes , it departs from cambridge eos O O O O O B-Train-Inform+Depart O N/A +bos why did i ask this ? of course it would be cambridge sorry , my mistake . please book me for 1 person and i need 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 B-Train-Inform+People O O O O O O O Train-Request+Ref +bos your total is 23.6 gbp , which you will pay at the station . your reference number is : pq7pvoti . 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 wonderful , thanks for your help today . eos O O O O O O O O O general-thank +bos you are very welcome ! safe travels ! eos O O O O O O O O O general-welcome,general-bye +bos are there any entertainment attractions in town ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos yes ! 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 i need to find something in the center . eos O O O O O O O O O O N/A +bos i 'm mean , i ca n't find anything specifically under `` entertainment '' in the towns centre . would you like to try another area or a different type of attraction ? eos O O O O O O O O O B-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 O O O O Attraction-Request+Type,Attraction-Request+Area +bos can you find me a museum ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos we have quite a few . i quite like the primavera , which is free . would you liek the information for it ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 general-reqmore +bos sure , get me the address please eos O O O O O O O O Attraction-Request+Addr +bos primavera 's address is 10 king s parade . what else can i help with ? eos O B-Attraction-Inform+Name 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 general-reqmore +bos okay , great . i 'm also looking for a steakhouse restaurant in the same area . i 'd like it to be cheap . eos O O O O 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 O N/A +bos no i am sorry no steakhouses , something else perhaps ? eos O O O O O O B-Restaurant-NoOffer+Food O O O O O N/A +bos are there any portuguese restaurants in the area ? eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos you 're in luck there is one portuguese restaurant in the centre . the nandos city centre is a great place to eat . would you like more information or book a table ? eos O O O 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 O O O O O O O Booking-Inform,general-reqmore +bos yes please make reservations for 1 person at 13:00 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 N/A +bos your booking was successful ! the reference number is wvd19d0m . your 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 thank you very 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 O general-reqmore +bos i would also like a taxi from the museum to the restaurant , please . eos O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos at what time do you want to be picked up ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i do not know the time to be picked up , i just need to be at the restaurant by 13:00 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+Arrive O O O N/A +bos you 're all set ! the car will be a yellow volvo , contact # 07669038434. can i help you with anything else today ? 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 O O O O O O O general-reqmore +bos that will be all i need . thanks . eos 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,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 what city will you be departing from ? eos O O O O O O O O O Train-Request+Depart +bos i will be leaving from ely . eos O O O O O O B-Train-Inform+Depart 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 i would like to leave after 15:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos what about train tr8176 that leaves at 15:35 ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that sounds perfect . can you also help me to find a 2 star hotel ? 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 there are three 2-star hotels ; two are moderately priced and one is expensive . do you have a price preference ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars 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 O Hotel-Request+Price +bos i would like it to be in the moderate range in price . eos O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos i have ashley hotel and lovell lodge . both in the north with internet and parking . do you have a preference ? eos 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 O O O O O O O O O O Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would prefer ashley hotel . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos sure , would you like me to book it ? eos O O O O O O O O O O O Booking-Inform +bos yes please book it for 8 people for 5 nights eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay N/A +bos booking was successful and the reference number is 9h9z3qnc . 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 N/A +bos that is all i needed . eos O O O O O O O N/A +bos i am glad i could help you with your trip . 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 O O general-bye +bos find me an italian place in the north eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area N/A +bos i have da vinci pizzeria . it is in the cheap price range . would you like a booking ? eos O O O 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 O O O Booking-Inform +bos yes . can you book a table for 3 at 16:00 hours on saturday ? eos 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 N/A +bos done . your reference number is 7lj1oe8l . eos 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 is there anything else you need today ? eos O O O O O O O O O general-reqmore +bos im also looking for a train that arrives by 08:15 and leaves on tuesday eos O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Day N/A +bos certainly , where would you like to depart from , and what is your destination ? 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 will depart from cambridge and arrive in leicester . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos tr2950 arrives at 08:06. do you need a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos sure , can you book this for 3 people . i 'll need a 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 O N/A +bos okay , i have booked 3 tickets for tr2950 . the reference number is rcs04itk and the total fee will be 113.4 gbp . eos O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O N/A +bos perfect thats all i needed thanks eos O O O O O O O general-thank +bos you 're 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 i am all set , thanks . eos 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 can you tell me about any modern european places in the expensive 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 N/A +bos there is one place , darrys cookhouse and wine shop in the centre . would you like me to book that for you ? eos O O O O B-Restaurant-Inform+Choice 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 O O O O O O O O O O O O Booking-Inform +bos i 'd rather have some place in the south eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry , but there are no restaurants in the south that match your criteria . would you like to try a different type of food ? eos O O O O O O O O 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 Restaurant-Request+Food +bos suggest any and find me their address , postcode and phone number eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos there 's a great mexican place called the chiquito restaurant bar . their address is 2g cambridge leisure park cherry hinton road . post code is cb17dy . phone number is 01223400170. eos 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 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 B-Restaurant-Recommend+Post O O O B-Restaurant-Recommend+Phone O O O O N/A +bos i also need a train for sunday that leaves after 17:00. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos certainly , where would you like to depart from ? and what is your destination ? 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 leave after 17:00 eos O O O O O O O O N/A +bos how about tr9039 ? it leaves at 19:00 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that 's perfect , thanks . i have everything i need for today . eos O O O O O O O O O O O O O O O general-thank +bos so happy to have been 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 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-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+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 i am planning a trip in cambridge eos O O O O O O O O N/A +bos that sounds like fun ! what information can i help you find ? eos O O O O O O O O O O O O O O general-reqmore +bos i need to first find out what train will take me away after i am done . i need to get to peterborough on sunday 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 B-Train-Inform+Dest O B-Train-Inform+Day 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 departing from cambridge . i need the departure time , train id and price . eos O O O B-Train-Inform+Depart O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave +bos okay , we 've got a few options . the best looks like train tr6958 that leaves cambridge at 20:34 and arrived in peterborough at 21:24. the price is 13.2 pounds . eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O 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 B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos thanks ! i 'm also looking for a place to stay in the east . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i found the express by holiday inn cambridge . it is a 2 star expensive hotel free parking and internet . the address is15-17 norman way , coldhams business park . 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+Stars O B-Hotel-Inform+Price B-Hotel-Inform+Type 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos hello , can you help me with my plans as far as finding a place to stay ? eos O O O O O O O O O O O O O O O O O O O general-greet +bos of course , do you need anything specific ? eos O O O O O O O O O O general-reqmore +bos yes . the hotel should be 4 stars and located in the west with free parking please . eos O B-Hotel-Inform+Parking O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O O O O O N/A +bos we have three choices , any other preferences ? eos O O O B-Hotel-Inform+Choice O O O O O O general-reqmore +bos as long as it is a hotel , i would like to book it . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos how many nights and for how many people ? eos O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos i would like it starting thursday for 8 people for 5 nights . eos 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 need the day you want to arrive . eos O O O O O O O O O O O Booking-Request+Day +bos can you help me find a train departing cambridge going to bishops stortford ? eos O O O 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 am happy to assist you , what date and time will you need ? eos O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos tuesday and i would like to get there by 13:15 eos O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Arrive N/A +bos the closest i can get you to 13:15 is 12:07 and that will be tr4041 . does that work for you ? eos O O O 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 O general-reqmore +bos yes , that would be great . i 'll need to know the price 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 Train-Request+Price,Train-Request+Leave +bos that train departs at 11:29. the cost is 10.10 pounds . would you like me to book it for you ? eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Booking-Inform +bos no thank you , i do need a place to stay though , i want a nice 4 star place with free wifi , please . 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 O O O N/A +bos these are several selections available to you . let me know which choice you have made and i will make the required booking for you . i can recommend marriott but the cambridge belfry is cheaper . all three close to all of our attractions and all the main restaurants . 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 O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price O O O O O O O O O O O O O O O O general-reqmore +bos i need to book a train from cambridge and norwich on wednesday and i need to be there at 15:30. 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 B-Train-Inform+Arrive N/A +bos when would you like to leave by ? eos O O O O O O O O O Train-Request+Leave +bos i do n't care when i leave as long as i get there by 15:30. eos O O O O O O O O O O O O O O O O Train-Request+Leave +bos there are 9 trains matching your query . shall i book one ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-OfferBook +bos can i get the departure and travel time of the train arriving closest to 15:30 ? eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O Train-Request+Duration +bos the travel time is 79 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos and the departure time please ? for the train that arrives closest to 15:30 ? eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O Train-Request+Leave +bos the departure time is 13:38 and it arrives at 14:55. would you like me to book it for you ? eos O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos no , thank you and that is all i needed . eos O 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 yes , please help me book a train to stansted airport . eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos of course , from where will you be departing ? eos O O O O O O O O O O O Train-Request+Depart +bos cambridge , any time after 15:45 on monday eos O B-Train-Inform+Depart O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos the first train in the time frame you mentioned is the tr1088 from cambridge to stansted airport on monday at 16:40. shall i book that for you ? eos O O O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos can you tell me the arrival time of that train ? eos O O O O O O O O O O O O Train-Request+Arrive +bos the arrival time is 17:08. eos O O O O O B-Train-Inform+Arrive N/A +bos that works for me . thank you for your help . eos O O O O O O O O O O O O general-thank +bos is there anything else i can help you with ? do you need a reservation for that train ? eos 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 no that would be all thank you very much . eos O O O O O O O O O O O general-thank +bos thank you . have an enjoyable trip . eos O O O O O O O O O general-bye +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 O O B-Train-Inform+Day O O O O B-Train-Inform+Depart N/A +bos i can help with that ! where will you be traveling to ? eos O O O O O O O O O O O O O O Train-Request+Dest,general-greet +bos make that tuesday . and i need to go to stansted airport . eos O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos okay , i changed the day of travel to tuesday for you . do you know what time you might want to leave after or arrive by ? 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 O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i want to arrive by 19:30 please eos O O O O O O B-Train-Inform+Arrive O N/A +bos train tr9495 arrives at 19:08. would you like to purchase tickets ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos no thanks , that 's actually all the info i needed from you today . 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 okay , great . call us back if you need anything else . goodbye . eos O O O O O O O O O O O O O O O O general-bye,general-greet,general-reqmore +bos are there trains arriving in cambridge before 16:30 on thursday ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos yes their are a total of 229 trains arriving by the time you specified eos O O O O O O O O B-Train-Inform+Choice O O O O O O N/A +bos ok i need a train that goes to kings lynn eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A +bos there are 11 total trains , do you have a more specific time you 'd 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 Train-Request+Leave +bos could you tell me how long that trip usually takes , by train ? eos O O O O O O O O O O O O O O O Train-Inform +bos yes , the trip to kings lynn is 47 minutes long . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O N/A +bos can you find me an expensive italian restaurant ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i found you five . would you like frankie and bennys ? 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 O N/A +bos that would be perfect . i 'd like to book a table for 4 people at 12:15 eos O O 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 and what day would you like to eat at frankie and bennys ? eos O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O Booking-Request+Day +bos thursday as well . can i have a reference number please ? eos O B-Restaurant-Inform+Day O O O O O O O O O O O Restaurant-Request+Ref +bos i booked your table for 4 at frankie and bennys on thursday at 12:15. your reference is 63dsfccm . is there anything else i can help with today ? eos O O O O O O O B-Booking-Book+People 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 B-Booking-Book+Ref O O O O O O O O O O O N/A +bos thank you so much have a good day ! eos O O O O O O O O O O general-thank +bos you 're very welcome , take care ! eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for an indian restaurant in the west end of cambridge . 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 6 results for indian restaurants in the west , what price range are you looking for ? 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 i do not have a preference , so surprise me ! eos O O O O O O O O O O O O N/A +bos i recommend cocum as they are good . eos O O O B-Restaurant-Recommend+Name O O O O O N/A +bos nice ! i would like to make a reservation for 3 on thursday 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 booking was successful . the table will be reserved for 15 minutes . reference number is : fgm5wp19 . 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 can i also book a train please ? eos O O O O O O O O O Train-Inform +bos what time would you like the train to leave ? eos O O O O O O O O O O O Train-Request+Leave +bos the train needs to leave from peterborough and arrive at cambridge by 08:30. eos O 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 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 , just thursday is the day i need it . eos O O O B-Train-Inform+Day O O O O O O O O N/A +bos there are five trains leaving peterborough and going to cambridge on thursday . the last one leaves at 7:19 and arrives at 8:09. is this one you 'd like to book ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day 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 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 ? eos O O O O O O O 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 tr7094 . it takes 50 minutes to get from peterborough to cambridge . the price is 16.50 pounds . is there anything else ? eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 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 i really hope you can help . i need a place to stay in the south with free wifi . do you have any recommendations . 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 there are four options available , do you have a preference for the 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 Hotel-Request+Price +bos no , but i do need a place with free parking . eos O O O O O O O O O O O O O N/A +bos we have ones with free parking in the south in the cheap , moderate and expensive range . do you have a preference for hotel or guesthouse ? eos O O 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 I-Hotel-Inform+Price O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O Hotel-Inform+Parking +bos i do n't have a preference for the price range or the type of lodging . could you recommend one of them 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 Hotel-Request+Type +bos how about the bridge guest house ? it is moderately priced and has both internet and parking ? eos O 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 O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos i think that is good eos O O O O O O N/A +bos would you like me to book a room for you ? eos O O O O O O O O O O O O Booking-Inform +bos no , i just need an address and postcode . is it a guesthouse or hotel ? eos 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 its a guesthouse and its located at 151 hills road . the postcode there is cb28rj . would you like me to book a room there for you ? eos O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 O O O Booking-Inform +bos no that wo n't be necessary , thank you . eos O O O O 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 that is all for today . thank you . eos O O O O O O O O O O general-thank +bos you 're welcome have a wonderful day and thank you as well . 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 that leaves on friday and arrives by 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 what location will you be departing from and what location will you be arriving at ? 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 i need to go from broxbourne to cambridge by 19:30. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos tr4322 will depart broxbourne at 17:32 and arrive in cambridge at 18:32. would you like tickets for that train ? 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 O Train-OfferBook +bos can you give me the price and travel time on that ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos the price is 17.90 and the travel time is 90 minutes eos O O O O B-Train-Inform+Ticket O O O O O O B-Train-Inform+Time N/A +bos i also need a suggestion for a cheap restaurant in the centre 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 N/A +bos there are several cheap restaurants what type of food do you prefer ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O O O O O O O Restaurant-Request+Food +bos can you give me the reference number for the train ? i would like cheap italian food in the center . 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 Restaurant-Request+Ref +bos how many passengers should i book on the train ? there are three cheap italian places . i could suggest zizzi cambridge . would you like to book a table ? eos O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O Train-Request+People,Booking-Inform +bos do n't worry about booking the train . i just need a reservation for zizzi cambridge for 8 people at 10:45. 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 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 : gafy4umt . 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 O general-reqmore +bos no , i 'm good , thanks . eos O O O O O O O O O general-thank +bos i 'm glad i could be of assistance . enjoy your meal ! eos O O O O O O O O O O O O O O general-bye +bos can you find me a train leaving from london liverpool street ? 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 of course ! when would you like to travel ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'd like to leave cambridge after 18:15 on wednesday . eos O O O O O O O O O O O O N/A +bos no train at that time do you want to change the time to 09:39 ? eos O O O O O O O O O O O O O O B-Train-Select+Leave O Train-NoOffer +bos that is fine . eos O O O O O N/A +bos tr2823 is leaving london liverpool street to cambridge at 19:39 , would you like me to book you passage ? eos 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+Leave O O O O O O O O O O Train-OfferBook +bos yes , please . i 'll be needing tickets for 3 people . eos O O O O O O O O O B-Train-Inform+People O O O O N/A +bos i have booked 3 tickets for you at on tr2823 . the total fee will be 49.8gbp . eos O O O O O O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ticket O O N/A +bos i also need the reference number . eos O O O O O O O O N/A +bos ah , yes . your reference number is d7rn1kyw . is there anything else i can do for you ? eos O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O N/A +bos there is a restaurant called eraina , i would like to book a table for 3 at 21:00 ? eos O O O O O O B-Restaurant-Inform+Name O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O N/A +bos which day would you like the reservation for ? eos O O O O O O O O O O Booking-Request+Day +bos for wednesday , please . eos O O B-Restaurant-Inform+Day O O O N/A +bos it is booked up then , another time perhaps ? eos O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos how about 20:00 ? eos O O O B-Restaurant-Inform+Time O N/A +bos you are booked . remember the restaurant will only hold the table for 15 minutes . your reference number is kfypo6nq . can 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 B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos no , that 's all . thank you very much . eos O O O 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 O general-bye +bos hi , i need a train from ely to cambridge . can you help me with that ? eos 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 N/A +bos sure . which day would like to travel ? eos O O O O O O O O O O Train-Request+Day +bos i would like to leave on wednesday after 13:45. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos there are 5 trains . train tr5050 arrives at 21:52 and departs at 21:35. would that work ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave O O O O O Train-OfferBook +bos yes . can you book for 1 person ? eos O O O O O O O B-Train-Inform+People O O N/A +bos sure thing booking was successful , the total fee is 4.4 gbp payable at the station . reference number is kc9u39nr . 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 B-Train-OfferBooked+Ref O O O N/A +bos yes , i am looking for a restaurant . the restaurant should be in the centre and should serve european food . eos 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 N/A +bos sure , i recommend eraina . it 's expensive , but excellent . does this interest you ? eos O O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price O O O O O O O O O O O O N/A +bos yes please book a table for me at 18:30 on the same day , wednesday . i will need the reference number please . eos O O O O O O O O O B-Restaurant-Inform+Time O O O O O B-Restaurant-Inform+Day O O O O O O O O O N/A +bos i was able to successfully book you . your reference number is hkbupyi9 . is there anything more i can help 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 general-reqmore +bos no , 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 okay thank you . enjoy your dinner . eos O O O O O O O O O general-bye +bos i 'm looking for an expensive 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 there are 9 expensive restaurants in the west . there are british , european , indian , and thai food to choose from . which would you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O B-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 Restaurant-Request+Food +bos i would love something that has british food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos you should try either graffiti or travellers rest then . would you like more information about these ? eos O 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 general-reqmore +bos i think i 'll try travellers rest . could you book me a table there for saturday ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O B-Restaurant-Inform+Day O O O N/A +bos at what time on saturday would you like a table reserved ? eos O O O O O B-Booking-Inform+Day O O O O O O O Booking-Request+Time +bos please book for 1 person at 16:30 eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time N/A +bos it has been booked , your reference number is q1iqnsl8 eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a train departing from kings lynn arriving by 11:15. eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Arrive N/A +bos what day would you be traveling and where are you going to ? eos 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 the same day as my stop at travellers rest . eos O O O O O B-Train-Inform+Dest O O O O O O O O O O O O N/A +bos i have train tr2514 that departs at 10:11 and arrives by 10:58. 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 be great . what is the price for that ? eos O O O O O O O O O O O O O O O Train-Request+Price +bos the price for the tr2514 is 7.84 pounds per ticket . would you like to book a seat ? 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 Train-OfferBook +bos no , that is all 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 general-bye +bos you 're welcome . it has been a pleasure helping you today . have a great trip ! 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 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 there are many attractions in the town centre . is there a particular type you have 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 is there a theater in the centre ? eos O O O O O O O B-Attraction-Inform+Area O N/A +bos there are 4 theatres in the centre : adc , cambridge arts , mumford , and the cambridge corn exchange . eos O O O O B-Attraction-Inform+Choice 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 any of those places are fine . could i have the address of one of them ? 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 adc theatre is on park street , postcode cb58as . 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 I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O N/A +bos great , thanks . i also need a place to stay that is also in the centre . a guesthouse is my preference if available . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Type O O O O O O O O O N/A +bos yes , i 've got two guesthouses that match those criteria , one with 4 stars and one with 0. would you like me to book you at one , and if so , which ? 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+Stars O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos please book the one that has free parking . eos O O O O O O O O O O N/A +bos both hotels have free parking . what day , time and how many people would you like to make this booking 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+Day,Booking-Request+Time,Booking-Request+People,Hotel-Inform+Parking +bos i would like the 4 star one . i need it starting thursday for 4 nights and 6 people . eos O O O O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+People O O N/A +bos great , your reference number is dylwudb2 eos O O O O O O B-Booking-Book+Ref O N/A +bos thank you very much , that is everything i need . eos O O O O O O O O O O O O general-thank +bos the name of the guesthouse is alexander bed and breakfast , and it is located at 56 saint barnabas road . would you like their phone number ? 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 thank you for choosing 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 for information on the people 's portrait exhibition at girton college . eos O O O O 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 museum in the west area of town and is free to enter . would you like more information about it ? 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 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 general-reqmore +bos yes please . you said it was free , correct ? eos O O O O O O O O O O O O N/A +bos yes that is correct it is free to enter the people 's portraits exhibition at girton college . eos O O O O O O O O O O O O O O O O O O O N/A +bos ok thanks i also need a place to stay located in the east and must be a guesthouse , can you help me ? eos O O O 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 O O N/A +bos i have 6 different options . do you have a preference for the 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+Price +bos i prefer to stay somewhere in the cheap price range , and it should include 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 N/A +bos i have 3 options left . i have the allenbell , the autumn house and the leverton house . all offer free parking and free internet . which would you prefer ? 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 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 Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos pick one for me . i need a hotel for 2 people and 5 nights starting from 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 ok , i booked you at the allenbell . the reference number is klnf2gx0 . eos O O O O O O O B-Booking-Book+Name O O O O O O O O N/A +bos thank you . i also need a taxi to commute between the two places . i want 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 B-Taxi-Inform+Leave O O N/A +bos i have booked you a taxi leaving the attraction at 22:30 for the allenbell . it 's a red ford , and your contact number is 07249911118. can i help with anything else ? eos O O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O B-Taxi-Inform+Dest 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 thank you . you 've been great ! eos O O O O O O O O O O general-thank +bos you 're 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 i 'm looking for the information on a restaurant named rajmahal , could you provide me their info ? eos O O O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O N/A +bos sure . their phone is 01223244955 , postcode cb58rg , and address is 7 barnwell road fen ditton . is there anything else i can help with ? eos O O O O O B-Restaurant-Inform+Phone 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 O O O O O O O O O O O O general-reqmore +bos can you book a table for 7 at 17:15 this saturday ? 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 yes i have you booked for 7 people and your reference number is 1u0tf4xa . eos O O O O O O O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O N/A +bos wonderful , thanks . that 's all 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 hello , i 'm looking to book a taxi to cocum . eos O O O O O O O O O B-Taxi-Inform+Dest O O O N/A +bos all right , when would you like to depart ? eos O O O O O O O O O O O Taxi-Request+Depart +bos after 2:30 , please . eos O B-Taxi-Inform+Leave I-Taxi-Inform+Leave O O O N/A +bos certainly . i 'm sending a grey toyota . the contact number is 07520577289. 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos i will need the taxi to depart from archway house . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 no , thank you , i am all set . eos 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 'm looking for a north african restaurant . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos i 'm sorry but it looks like i do n't happen to see any restaurants that specialize in that type of cuisine ? can i help you with a different 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about something in the expensive price range instead ? eos O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos sure , there are 57 expensive restaurants in town . is there an area of town you 'd prefer ? 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 Restaurant-Request+Area +bos i would prefer something near the centre please . eos O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are over 33 restaurants that meet your criteria . may i interest you in african cuisine since you originally asked for north african restaurant ? 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 O O O O O Restaurant-Request+Food +bos no , i think i 'd like an expensive french restaurant instead . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos cote is an expensive french restaurant in the center of town . would you like a table there , or possibly their address ? eos O B-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 O O Booking-Inform +bos yes please . can you book it for friday at 19:45 ? there will be 8 of us . 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 O O O N/A +bos ok , you have a table for 8 at cote onfriday night . your reference number is zwi39rv9 . can i help you with anything else today ? eos O O O O O O O O O B-Booking-Book+People B-Restaurant-Inform+Name 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 . that 's everything . thank you ! goodbye . eos O O O 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-bye +bos i am looking for a high end indian restaurant , are there any in 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 there are 14 expensive indian restaurants in cambridge . is there an area of town that you prefer ? 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 Restaurant-Request+Area +bos the restaurant should be in the west . eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos the tandoori palace sounds like just what you are looking for . would you like a reservation ? 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 Booking-Inform +bos yes please for 1 person saturday at 19:15 please . eos O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos all right , i 've made your reservation . the reference number is ngoq9j96 . 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 nope , that 's all . thank you for your help ! eos O O O O O O O O O O O O O general-thank +bos you are welcome , enjoy your dinner ! eos O O O O O O O O O general-bye +bos i 'm looking for a cheap chinese restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos how about charlie chan in the centre right by regent street city centre ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos if that is cheap , it sounds perfect to me . eos O O O O O O O O O O O O N/A +bos it is cheap . would you like me to book that ? eos O O O B-Restaurant-Inform+Area O O O O O O O O O Booking-Inform +bos no need to book anything . but can you give me their address please ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos certainly . the address is regent street city centre . do you need 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 O O O O O O O O O N/A +bos thanks . is there a college nearby ? eos O O O O O B-Attraction-Inform+Type O O O N/A +bos downing college is also located on regent street , would you like their information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O general-reqmore +bos may i have their address please ? eos O O O O O O O O N/A +bos downing college is located in the city centre , the phone number is 01223334860 , admission is free , the postal code is cb21dq . 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 B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O O O O N/A +bos okay , thank you for your help . that 's all . eos O O O O O O O O O O O O O general-thank +bos enjoy your day , and thank you ! eos O O O O O O O O O general-greet +bos i need a train that departs from ely on thursday . eos O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O N/A +bos we have 10 trains leaving from ely on thursday . where would you like to go ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart B-Train-Inform+Day O O O O O O O O Train-Request+Dest +bos i would like to go to cambridge after 18:00. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave N/A +bos we have three trains departing from ely after 18:00. the earliest departing at 19:35 and arriving by 19:52. it 'll be a 17 minute trip . eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O B-Train-Inform+Time I-Train-Inform+Time O O N/A +bos i would like to book the 19:35 train for 7 people . i will 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 N/A +bos i have booked your train for 7 people . 30.8 gbp will be payable at the station . the reference number is mtt3edcu . is there anything else i can help you with ? eos O O O O O O O O B-Train-OfferBooked+People 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 general-reqmore +bos yes , i 'm also looking for a place to stay in the north . i do need free parking . eos O B-Hotel-Inform+Parking 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 ok i found 11 places fitting your requirements . do you need free wifi ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Internet +bos i do n't care about wifi , but i would like a guest house , please . eos O O O O O O O O O O O O O O O O O O N/A +bos there are 9 guesthouses fitting your criteria . is there a certain star rating you would like the guesthouse to have ? 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+Stars +bos i would like something with at least three stars . eos O O O O O O O O O O O N/A +bos how about acorn guest house ? it has free parking and is rated 4 stars . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O B-Hotel-Recommend+Stars O O Hotel-Recommend+Parking +bos that should be great can i book it for 2 nights for 7 people starting thursday please ? eos 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 N/A +bos no problem at all . your reference number is y41w8uwb . eos O O O O O O O O O B-Booking-Book+Ref 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 welcome . have a great trip ! eos O O O O O O O O O O general-welcome,general-bye +bos i need to book a train that departs after 14:30 from broxbourne please . eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O O N/A +bos where will you be traveling to ? i have multiple options for trains leaving after 14:30 from broxbourne eos O O O O O O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O Train-Request+Dest +bos i need a train to cambridge , please . eos O O O O O O B-Train-Inform+Dest O O O N/A +bos and what day are you traveling ? eos O O O O O O O O Train-Request+Day +bos i 'll be leaving broxbourne tuesday . eos O O O O O O O O N/A +bos how many tickets ? eos O O O O O Train-Request+People +bos i do n't need to book right now . could you just give me the train id . i 'll need one that leaves after 14:30 tuesday . 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+Leave B-Train-Inform+Day O O O O Train-Request+TrainID +bos the first available train on tuesday leaves at 14:32. the train id is tr9417 . is there anything else i can help you with ? eos O O O O O O B-Train-Inform+Day 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 general-reqmore +bos yes , im looking for a guesthouse that has free wifi and has 4 stars . eos O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Stars O O N/A +bos there are quite a few guest houses in cambridge that would meet your needs . do you have a preferred price range or area of town ? 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 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 preference on either . can you recommend me a place and can i get a postcode for that guesthouse ? 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 the warkworth house is a great choice for you , should we book a room ? the postcode is cb11ee . 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 B-Hotel-Recommend+Post O O O Booking-Inform +bos yes , that sounds great . eos O O O O O O O N/A +bos how long will your stay be and when will it begin ? eos O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos i 'm not sure , actually . just doing some research . could you tell me what the price range is on 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 O O O Hotel-Request+Price +bos it appears to be moderate . is that ok ? eos O O O O O B-Hotel-Inform+Price O O O O O N/A +bos yes that is fine . eos O O O O O O N/A +bos ok , it seems to have 4 stars and offers both free internet and free parking . is there any other information i could get for you ? 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 O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos no thank you . that is it . eos O O O O O O O O O general-thank +bos okay , glad i could be of assistance . eos O O O O O O O O O O general-welcome,general-bye +bos hi ! i 'm looking for information on the rice house restaurant . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos the phone number is 01223367755. 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 yes , i 'll also need their address please . eos O O O O O O O O O O O Restaurant-Request+Addr +bos they are located at 88 mill road 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 N/A +bos great , thank you . thanks for the info . have a good rest of your day . 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 , is there anything else you need ? eos O O O O O O O O O O O O general-reqmore +bos no , i have all the information i need . thank you . 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 am looking for a restaurant called saint johns chop house , 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 N/A +bos saint johns chop house is located on 21 - 24 northampton street . would you like to book a table ? 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+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 . would you be able to book monday at 18:15 for a party of 3 ? 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 O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 5cwn8i1x . 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 'm also looking for places to go while i 'm there , preferable something in the west . 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 are 13 entries that match your criteria . what entrance fee are you looking to meet ? 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+Price +bos any is fine , i 'm not picky eos O O O O O O O O O N/A +bos do you have a preference on whether it is a college , museum , or entertainment ? eos 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 museum ? and could you provide me with a 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 +bos kettle 's yard is great . their phone number is 01223748100. the postcode is cb30aq . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Phone O O O B-Attraction-Recommend+Post O 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 you 're welcome , enjoy your stay ! eos O O O O O O O O O general-welcome +bos i am looking for yippee noodle bar . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos yippee noodle bar is at 40428 king street city centre . would you like to make a reservation ? 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 O O O O O O O O O Booking-Inform +bos yes please . i need a reservation for 6 people at 16: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 N/A +bos got it ! your reservation is confirmed for thursday at 16:15 for 6 people . your reference number is c73db4i8 . eos O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O O O O B-Booking-Book+Ref O O O general-greet +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 79 different attractions in town . do you have a specific area or type of attraction that 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 O O Attraction-Request+Type,Attraction-Request+Area +bos yes , i 'm very interested in visiting a history museum . is there a museum closer to the yippee noodle bar or possibly within 5 to 8 miles is okay also 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 O O O O N/A +bos broughton house gallery is one in the centre of town , would that work ? eos O B-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 O Booking-Inform +bos yes . can i please get a taxi to arrive at the restaurant by the booked time of 16:15 ? eos 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 and where would you like to be picked up ? eos O O O O O O O O O O O Taxi-Request+Depart +bos at the broughton house gallery , please eos O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos i have a car-a black honda booked to pick you up at the broughton house gallery at 15:30. this is the driver 's contact number 07749918641. eos 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 I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O O B-Taxi-Inform+Phone 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 hace a great day ! eos O O O O O O general-bye +bos i would like to book a taxi to leave from cow pizza kitchen and bar after 17:15. eos O O O O O O O O O O O O O O O O O O N/A +bos where are you wanting the taxi to take you ? eos O O O O O O O O O O O Taxi-Request+Dest +bos i would like to go to bishops stortford train station . could you send me the contact number and car type , as well ? 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 O O O O O O O O O O O O O O Taxi-Request+Car +bos it 's a black volvo , the contact number is 0 7 4 6 2 8 4 7 7 3 5. that 's 0 7 4 6 2 8 1 4 4 3 5. eos 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 B-Taxi-Inform+Phone I-Taxi-Inform+Phone I-Taxi-Inform+Phone I-Taxi-Inform+Phone I-Taxi-Inform+Phone I-Taxi-Inform+Phone I-Taxi-Inform+Phone I-Taxi-Inform+Phone I-Taxi-Inform+Phone I-Taxi-Inform+Phone I-Taxi-Inform+Phone I-Taxi-Inform+Phone O N/A +bos can you please confirm that my booking is set ? thank you . eos O O O O O O O O O O O O O O general-thank +bos yes , that booking has been completed . 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 Taxi-Inform,general-reqmore +bos what time will it arrive ? eos O O O O O O O N/A +bos well , that depends on traffic , of course , but you 'll definitely be picked up by 17:15. can i help with anything else today ? eos O O O O O O O O O O O O O O O B-Taxi-Inform+Depart 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 general-thank +bos thank you for using our service . eos O O O O O O O O general-bye +bos hi , i need to book a taxi , please ? i need to leave sometime after 10:30. 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 i would love to help you with that . where would you like to be picked up , and where are you 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 Taxi-Request+Depart,Taxi-Request+Dest +bos i would like to be picked up at the cambridge belfy and go to the cambridge shop . 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 N/A +bos i 'm sorry , are you going to the cambridge chop house , or did you mean the cambridge shop ? 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+Dest +bos the chop house . eos O O O O O N/A +bos i have you booked . a yellow lexus will pick you up at 10:30. the contact number is 07463778759. will there be 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+Leave O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore +bos i 'm sorry , i need to leave after 10:30 , could you change the reservation ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes , i have you arranged to be picked up by a black honda at 10:45. eos 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 N/A +bos that 's perfect . thank you for all of your help . eos O 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 am looking for a particular restaurant . it is called pizza hut city centre . 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 O O N/A +bos it 's a cheap italian place in the centre at regent street city centre cb21ab . the phone number is 01223323737. would you like more info ? eos 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 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 general-reqmore +bos that sounds like just the place ! can you book me a table for 2 at 19:45 on thursday ? 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 you 're all set . i 've got a table for 2 at 19:45 this thursday . your reference number is f3k2pqzz . eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time I-Booking-Book+Time B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O general-welcome +bos ok sounds good . thank you ! eos O O O O O O O O general-thank +bos you are 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 general-welcome,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,general-bye +bos i 'm looking to have some european food tonight for dinner . something very traditional in the centre of town should be good . can i get a list of options ? eos O O 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 O O O O O O O O O O N/A +bos there are 8 restaurants . eraina , michaelhouse cafe , hotel du vin and bistro , galleria , de luca cucina and bar , riverside brasserie , darrys cookhouse and wine shop , the river bar steakhouse and grill 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 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 N/A +bos please provide postcode and address for eraina . eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the postcode is cb23rh and address is free school lane city centre . is there anything else i can help with ? eos 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 O O O O O O O O O O general-reqmore +bos no , that 's it . goodbye ! eos O O O O O O O O O general-bye +bos i 'm glad i could help . have a nice day . good bye . eos O O O O O O O O O O O O O O O O general-bye +bos i 'm looking for hungarian food in the centre eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry , there are no hungarian restaurants listed in the centre part of town . would you like to try 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 O O O Restaurant-NoOffer +bos how about turkish food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are three restaurants that serve turkish food in the center 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 Restaurant-Request+Price +bos no preference about price range . eos O O O O O O O Restaurant-Request+Price +bos how about anatolia ? it serves turkish food and it is in the centre of town . eos O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos what is anatolia 's address ? eos O O O O O O O Restaurant-Request+Addr +bos anatolia is located at 30 bridge street city centre . 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 I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore +bos what 's the price range ? eos O O O O O O O Restaurant-Request+Price +bos anatolia is in the moderate price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 'm looking for a sporting attraction in the city centre . eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos i do n't have any sporting events in the centre . may i try 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 Attraction-Request+Area +bos maybe we could try swimming instead ? eos O O O O O O O O N/A +bos yes , the parkside pools is available with that criteria . the phone number for it is 01223446100. do you require any other information about it ? 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+Phone O O O O O O O O O O O general-reqmore +bos please find me the address . eos O O O O O O O Attraction-Request+Addr +bos it is located at gonville place , postcode cb11ly . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O N/A +bos i am also looking to eat out . expensive welsh food . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i have nothing that match your search . do you have another preference ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos are there any expensive restaurants in the centre ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos may i recommend bedouin ? it 's an expensive african restaurant in the centre of town . eos O O O O B-Restaurant-Recommend+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 N/A +bos how about an expensive restaurant in the centre that serves indian ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O N/A +bos there are 5 restaurants that fit that criteria , would you like me to make a recommendation ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O general-reqmore +bos yes please , i would like a quiet place as much as possible . eos O O O O O O O O O O O O O O O N/A +bos the golden curry should meet your needs . what day and time would you like to book the table and for how many people ? 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 O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos i would like it for just me because i do n't have friends , for 11:45 on tuesday . 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 O N/A +bos i 've made those reservations and the reference number is b1j73eiy . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos can you also arrange a taxi for me ? i need to go from parkside pools to golden curry and arrive there by 11:45. eos 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 O O B-Taxi-Inform+Arrive O N/A +bos your taxi has been booked . it will be a yellow honda and their contact number is 07951132532. 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 for all your help today . 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 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 am coming to cambridge and would like some type of entertainment while visiting . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos personally , i enjoy the funky fun house , it is located in the east area at 8 mercers row , mercers row industrial estate . will you be needing any further information ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area 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 O O O N/A +bos that sounds great , but come to think of it i should try something close to our hotel in the centre . anything there ? 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 O N/A +bos i 'm sorry , there 's no entertainment in the centre . eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O N/A +bos could i have the address and phone number of the funky fun house and is this a nightclub ? 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 Attraction-Request+Addr +bos funky 's address is 8 mercers row , mercers row industrial estate and the phone number is 01223304705. it is n't a nightclub . eos 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Type O O O N/A +bos can you find me some information on 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 is a cheap guesthouse in the centre with four stars and free internet and parking . does this suit your needs ? eos O B-Hotel-Inform+Name O O B-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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes that is perfect can you book that ? eos O O O O O O O O O O N/A +bos definitely . what day are you coming in ? eos O O O O O O O O O O Booking-Request+Day +bos i am coming in on friday . i want to stay for 3 nights with 8 people . eos O 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 O N/A +bos i 've booked a room for 8 people beginning on friday and lasting three nights . your reference number is ezf4smwv . can i help you find anything else in cambridge ? eos O O O O O O O B-Booking-Book+People O O B-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 thanks so much . have a great day . goodbye eos O O O O O O O O O O O general-bye +bos goodbye . enjoy your stay in cambridge . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for an expensive restaurant in the west 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 graffiti is an expensive place int he wet part of town . eos O B-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 N/A +bos i was n't really planning for a swim , but i would prefer a place that serves indian food . are there any in the west ? 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 O O O O O O O N/A +bos i found five restaurants that meet your requests , and none of them require you to get wet . can i make a reservation for you at one of them ? 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 O O O O O O O O O O Booking-Inform +bos no , but if you could pick me the best one and give me the phone number . that would be 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 Restaurant-Request+Phone +bos i highly recommend india house . the phone number is 01223461661. is there anything else i can help you with ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Phone 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 here you go 31 newnham road newnham eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos looking for places to go in town . the attraction should 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 N/A +bos we have everything from colleges to museums and entertainment . do you have a preference ? eos O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O Attraction-Select +bos can you make a recommendation ? eos O O O O O O O N/A +bos my favorite is the cafe jello gallery at 13 magdalene street . would you like their phone number ? 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 I-Attraction-Inform+Addr O O O O O O O N/A +bos actually , i just need to know what the entrance fee is . eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos best price of all , free of charge . but the jello cups are extra , ( kidding of course ) . any further questions today ? eos 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 O O O O O O general-welcome,general-reqmore +bos no that will be all . eos O O O O O O O N/A +bos would you like me to book a reservation at the india house for you today ? eos O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O N/A +bos i do n't need you to book but i would like the postcode for india house , 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 +bos the postcode for india house is cb39ey . will that be all ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O O O O O O N/A +bos yeah that will be all . bye , thanks . 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 hello ! i 'm looking for information on restaurant one seven . 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 sure , restaurant one seven serves british food in the centre area and is moderately priced . would you like a reservation ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Booking-Inform +bos yes please , could you book me a table for 3 people on tuesday at 14: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 N/A +bos unfortunately there is nothing available for tuesday at 14:15. would another time or day work for you ? 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+Time +bos can we try the same day for 13:15 ? eos O O O O O O O O B-Restaurant-Inform+Time O N/A +bos your booking was successful . your reference number is 98olerpx . 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 's all i needed . thanks for your help ! eos O O O O O O O O O O O O O O general-thank +bos you 're very welcome . enjoy your meal . goodbye ! eos O O O O O O O O O O O O general-bye +bos i would like a hotel with free wifi located in the centre . eos O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area 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 a moderate price range would be perfect . could you make sure it also has a star rating 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 N/A +bos the gonville hotel meets your requirements . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos sounds good , can you book it for me for wednesday , 3 nights and 4 people ? eos 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 N/A +bos the gonville hotel is in the expensive price range but is 3 star . the only moderate price hotel in that area is cityroomz but is a 0 star rating . eos O O O B-Hotel-Inform+Type O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O N/A +bos you can book that on for me . 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 Attraction-Request+Post,Attraction-Request+Fee +bos hotels do not have entrance fees . gonville hotel is located at gonville place in the postcode cb11ly . anything else for you ? eos 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 O O O B-Hotel-Inform+Post O O O O O O O general-reqmore +bos i am sorry , i am looking for a park near the hotel . i need the entrance fee , phone number and postcode for the park . 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos the cambridge university botanic gardens is a park nearby . their phone is 01223336265 , the post code is cb21jk , it 's located on bateman street . 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 B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos can you book me a taxi to pick me up at the botanic gardens at 3:30 ? eos O O O O O O O O O O O O O O O O O O Taxi-Inform +bos a grey ford will arrive to take you to gonville hotel . the contact number is 07759806308. anything else today ? 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 O O O O O general-reqmore +bos no thank you , that 's all for today . goodbye ! eos 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 general-bye +bos i am staying in cambridge soon and would like to stay at a and b 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 I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos sure , how many days and how many people ? eos O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People +bos we are staying 6 people for 4 nights starting from tuesday . i need the reference number 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 O O O Hotel-Request+Ref +bos your booking is successful ! your reference number is iigra0mi . 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 yeas , what to recommend if i want to see good architecture in the west part of town ? 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 unfortunately there is no good architecture on the west end but i can look in other parts of town if you want eos 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 O N/A +bos what about a museum ? eos O O O O O O N/A +bos what part of town there are none in the west . eos O O O O O O O O O O B-Attraction-NoOffer+Area O Attraction-Request+Area +bos there are no museums in the west at all ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos sorry about that , there are actually seven in that area . eos O O O O O O O B-Attraction-Inform+Choice O O O O O N/A +bos great , can i get the postcode , entrance fee and address of one of them ? 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 cafe jello gallery has a free entrance fee . the address is cafe jello gallery , 13 magdalene street and the post code is cb30af . can i help you with anything else ? eos O B-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 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 general-reqmore +bos yes please . i need a taxi to commute . eos O O O O O O O O O O O Taxi-Inform +bos when would you like to leave and arrive ? eos O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i 'd like to get to the gallery by 13:45 , please . eos O O O O O O O O O B-Taxi-Inform+Arrive O O O O N/A +bos sure , lookout for a blue volvo the contact number is 07941424083. can i help with anything else ? eos 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-reqmore +bos that 's 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 very welcome ! do n't hesitate to check back if anything else comes up that you 'd like assistance with . 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,general-reqmore +bos i have the name of an attraction that i need help finding . eos O O O O O O O O O O O O O O Attraction-Inform +bos i can try and help . do you know that name of it ? eos O O O O O O O O O O O O O O O Attraction-Request+Name,general-greet +bos the mumford theatre . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos i see it here . it 's located at anglia ruskin enterprise , east road . would you like the phone number ? 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 O O O O O O O N/A +bos yes , i would like the phone number . eos O O O O O O O O O O Taxi-Request+Phone +bos the phone number is 08451962320. 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 no that we be all for today . thank you . eos 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 services . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos can you let me know about 4 star places in cambridge ? i want a personal touch , so a guesthouse who be perfect . eos O O O O O O O O B-Hotel-Inform+Stars 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 several 4 star guesthouses to choose from . what price range would you prefer ? 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 Hotel-Request+Price +bos moderately priced will work . also it should include free parking . eos O B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos how does the acorn guest house sound ? it is 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 O O B-Hotel-Inform+Area O N/A +bos sounds good , could you book me a room for 1 person for 4 nights starting saturday ? 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 N/A +bos your room has been booked . your reference number is avbx60nt . 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 all i need . thanks for you assistance ! eos O O O O O 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 'm sorry , i forgot . i am also looking for museums to see . eos 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 many museums in cambridge . is there a specific area that you would prefer ? also , do you prefer free or a cost for the 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 O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee O O O O O Attraction-Request+Area +bos actually , i am not really familiar with the area . would you mind suggesting one to visit ? anywhere in town is fine . eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos one of my favorites that i could spend all day in is cafe jello gallery on the west side . is there anything else i can help with ? 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 O O B-Attraction-Recommend+Area O O O O O O O O O O O general-reqmore +bos perfect , could i have 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 the entrance fee is free and the postcode is cb30af . is there anything else i can help you with ? eos O O 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 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 . i hope you enjoy your visit . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for an attraction in the category of college 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 N/A +bos ok , there are 13 to choose from . some have entrance fees . eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos i would prefer a college in town centre . i 'll need the phone and address also . 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 sure thing , downing college is located at regent street and phone is 01223334860 anything else i can assist with ? eos 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+Phone O O O O O O O O general-reqmore +bos i am also looking for 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 what price range you would like ? eos O O O O O O O O Hotel-Request+Price +bos moderate range please . eos O B-Hotel-Inform+Price O O O N/A +bos i have the cityroomz hotel in the center . would you like me to make a booking for you ? 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 Booking-Inform +bos yes book for 4 people and 5 nights from sunday eos 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 : 7ra903fr . can i help 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 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 general-thank +bos i hope you have a great stay . goodbye . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a place to stay . eos O O O O O O O O O O N/A +bos what price range and in what area would you like to stay ? eos 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 cheap 3 star hotel with free parking . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O N/A +bos i do n't have anything matching that criteria . anything else i could help you with ? 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 in the expensive price range ? eos O O O O O B-Hotel-Inform+Price O O O N/A +bos yes , i have a couple options for you . one in the centre and one in the south . eos O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos do they have internet ? eos O O O O O O N/A +bos gonville hotel is a nice place and has internet , would you like m e to book it 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 O O Booking-Inform,Hotel-Inform+Internet +bos i want to find out more about the arbury guesthouse . eos O O O O O O O O O O O O N/A +bos it is in the north , in the modrate price range , has a 4 star rating , internet , and free parking . eos O O 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos i want to book it for 8 people and 2 nights starting tuesday eos O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos do you need a reference number ? eos O O O O O O O O N/A +bos were you able to book it for tuesday ? eos O O O O O O O O B-Hotel-Inform+Day O N/A +bos yes i was able here is the detailed information-booking was successful.reference number is : mt6q7yne . 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 . do you also have any entertainment venues in the east ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos yes , there are two , would you like more information about them ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O N/A +bos yes i would please . eos O O O O O O N/A +bos cherry hinton hall and grounds is located at cherry hinton road . the phone is 01223446104 and postcode cb18dw . no entrance information is provided . 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone 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 N/A +bos ok , that is all of the information i need . thank you ! eos O O O O O O O O O O O O O O O general-thank +bos have a nice trip ! thank you for using the cambridge towninfo centre . 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 book a three star hotel with internet ? eos O O O O O O O O O O O O O N/A +bos which side of town are you interested in staying ? eos O O O O O O O O O O O Hotel-Request+Area +bos i suggest whale of time . i need its address , entrance fee 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 sorry , i did n't understand your last request . i understand that you 're looking for a 3 star hotel with internet . is there a certain area you are interested in staying ? 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 I-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 want a particular one called whale of a time , can you find that ? 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 N/A +bos yes ! would you like their information ? eos O O O O O O O O O N/A +bos yes please , could i get their address , postcode and entrance fee if they have one ? 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 whale of a time is located at unit 8 , viking way , bar hill . their postcode is cb238el . their entrance fee is not listed . 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos i am also interested in finding a 4 star guesthouse type hotel in the moderate price range with free wifi . eos O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are several however i need to know how long your stay is going to be when and for how many please ? 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 Booking-Request+Day,Booking-Request+Stay,Booking-Request+People +bos i am not booking a room yet i just need information . please 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 O O O O Hotel-Request+Addr +bos there are 11 results but the first listing is a and b guest house located at 124 tenison road . 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 I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos i will also need a taxi to commute please . eos O O O O O O O O O O O Taxi-Inform +bos 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 ? eos O O O O O O O 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+Arrive,Taxi-Request+Leave +bos from a and b guest house at 01:00 to whale of a time , please . eos 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos sure , lookout for a black tesla contact number 07230031614. 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 no , that 's everything 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 ! 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 attraction in the category of swimming pool . eos O O O O O O O O O O O O O O Attraction-Inform +bos i 've got four pools for you . what area are you 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 'm pretty open . can you list the areas ? i 'll choose one of the four . 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 , west , east , south and north . eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A +bos please tell me about the locations of some pools in the south . eos O O O O O O O O O O O O O O N/A +bos i am sorry but there are none in the south . i have one east , two north and one 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 one in the east is fine . i need the address please ? eos O O O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Addr +bos the abbey pool and astroturf pitch is located at pool way , whitehill road , off newmarket road . do you need 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 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 O O O O O O O general-reqmore +bos yes , i 'm also looking for a guesthouse in a moderate price range . eos O O O O O O O O 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 the area does n't matter , but it should have 4 stars please . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos the acron guest house is awesome . i would suggest that place . 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 Hotel-Recommend +bos could you book rooms for 7 people for 4 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 i have you booked for 4 days . what else can i do for you ? eos O O O O O O O O O O O O O O O O O Booking-Book,general-reqmore +bos i will need the reference number . eos O O O O O O O O Hotel-Request+Ref +bos the reference number is 9g1eycif . eos O O O O O B-Hotel-Inform+Ref 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 no problem . enjoy your stay . eos O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for information on concert halls in the east . can you give me any 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 'm afraid i did n't find any . would you like to look in another area ? eos 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 yes an you check the south please ? eos O O O O O O B-Attraction-Inform+Area O O N/A +bos unfortunately there is n't anything in that area either . would you like to try another location ? eos 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 just entertainment instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos i have two entertainment venues in the south . i have nusha and tenpin . would you like their phone numbers ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O general-reqmore +bos could you please provide the phone number , postcode , and entrance fee for each . 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+Fee +bos the tenpin is located at cambridge leisure park , clifton way . the phone number is 08715501010 and the post cod is cb17dy . eos 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 O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Post O O O N/A +bos i also need a guesthouse with free wifi . eos O O O O O B-Hotel-Inform+Type O O O O N/A +bos i have several guesthouses available . what area of town 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 any area will do . is there a cheap one that 's 4 stars , with wifi ? 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 we have several options that match your criteria across town . before i recommend something , please tell me your budget range 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 Hotel-Request+Price +bos i just need it to be cheap and available on tuesday . eos O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are 7 options available . 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 Hotel-Request+Area +bos ca n't you suggest one and book a room for 2 for 5 nights starting tues. please . eos 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 N/A +bos i booked you a room at the alexander bed and breakfast in centre . the reference number is wa6812s5 . is there anything else i can help you with today ? 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 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 i need a taxi from the attraction to the hotel , i want to leave the attraction by 06:15. eos 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 booking completed ! booked car type : grey bmwcontact number : 07479503082can 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 that is all , thank you . eos 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 hi , could you help me find a train going to cambridge ? eos O O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos where and when are you departing from ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i am leaving from london kings cross after 14:15. eos 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 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 leave on friday eos O O O O O O O B-Train-Inform+Day N/A +bos is there a time you would like to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos arrival time is not important . i just need to leave after 14:15. i will need the train id and the price , please . eos 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 Train-Request+Price,Train-Request+TrainID +bos i think you 'd like tr8842 train , it costs 23.60 pounds . eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos 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 ? eos O O O O O O O O O O O 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 train tr8842 leaves london kings cross at 15:17 on friday and arrives at cambridge at 16:08. can i provide you more information or book it for you ? eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart 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 O O O O O general-reqmore,Train-OfferBook +bos no thank you . i 'll just need the address for an expensive restaurant that serves european 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 O Restaurant-Request+Addr +bos which side of town is most appropriate for you ? eos O O O O O O O O O O O Restaurant-Request+Area +bos i do n't have a preference really , please recommend one . eos O O O O O O O O O O O O O N/A +bos how about the eraina located at free school lane city centre . would you like reservations ? eos 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 Booking-Inform +bos no . i just need the address eos O O O O O O O O Restaurant-Request+Addr +bos its address is 01223368786. is that it ? eos O O O O B-Restaurant-Inform+Addr O O O O general-reqmore +bos i 'm sorry , but i think you gave me the phone number . i need 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 Restaurant-Request+Addr +bos sorry ! as i said , it 's at free school lane city centre . can i help you with anything else ? 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 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 have a lovely day , goodbye . eos O O O O O O O O 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 can certainly help you find a train leaving from kings lynn . what day would you like to go ? eos O O 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 Train-Request+Day +bos i want to leave on sunday . eos O O O O O O B-Train-Inform+Day O N/A +bos what time do you need to be in cambridge ? i have 19 trains available . can you help me sort this out better for you ? eos O O O O O O O O O B-Train-Inform+Dest 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+Arrive +bos 09:15 please , thank you for your help . eos O B-Train-Inform+Arrive O O O O O O O O N/A +bos do yo have a preferred time to leave ? eos 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 to cambridge by 09:15. eos O O O O O O O O O O O O O O O O Train-Request+Leave +bos i have a deaprting at 5:11. shall i book you one ? eos O O O O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos no , not today . can you just give me the train id and travel time ? i guess i will need that departure time too . 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 Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave +bos train tr6003 departs kings lynn at 05:11. the travel time is 47 minutes . it will get you to cambridge at 05:58. eos O 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 O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O N/A +bos thanks , i also need an expensive thai restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i have 2 options for you . sala thong is located in the west . and bangkok city is located in the centre . which would you prefer ? 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 I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Restaurant-Select +bos which one has thai food ? eos O O O O O O O N/A +bos both choices serve thai . i prefer sala thong . eos O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos could you give me the phone number and address of sala thong ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos no problem . the number is 01223323178 and they are located at 35 newnham road newnham . is there anything else you need help with today ? eos 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 general-reqmore +bos can i also get the postcode please ? eos O O O O O O O O O Restaurant-Request+Post +bos sure . the post code is cb39ey . is there anything else i can find for you today ? eos O O O O O O B-Restaurant-Inform+Post 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 general-thank +bos i hope when you come the weather will be clement . eos O O O O O O O O O O O O general-welcome +bos i need information on the university arms hotel . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos yes , the university arms hotel is located in the centre area and is on regent street . 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 I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O Booking-Inform +bos yes . please book for me a table for thee tommorow diner at 8 pm eos O O O O O O O O O O O O O O O O N/A +bos you asked about a hotel . would you like to book a room or would you like me to help find a 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 Booking-Inform +bos i need more info . does the hotel have free parking and what is the price range ? eos O 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 it is in the expensive price range , but it does have free internet and free parking . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos okay can you also help me with a restaurant that serves cantonese food in the city center ? 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 there are n't any restaurants in the city centre that serves cantonese food . would you like to try a different type of cuisine or try a different area ? eos 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 O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos are there any that serve north american food ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos yes , there is gourmet burger kitchen . it is an expensive restaurant . 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 B-Restaurant-Inform+Price O O O O O O O O O O O O O O Booking-Inform +bos i just need their phone number . eos O O O O O O O O Restaurant-Request+Phone +bos there phone number is 01223312598. is there anything else i can assist 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 no i am good for now , thanks for all of your 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 nice day . eos O O O O O O O O O O O O general-bye +bos i 'm trying to find more information on a particular hotel called the alexander bed and breakfast . 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 O O N/A +bos it is located at 56 saint barnabas road . you can call them on 01223525725 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 B-Hotel-Inform+Phone O N/A +bos i want to book it for 2 people and two nights starting monday eos O O O O O O O O O B-Hotel-Inform+People O O O O N/A +bos booking was successful.reference number is : kcd8q2cx . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thanks . that 's just what i needed . eos O O O O O O O O O O general-thank +bos great , 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 i am looking for a restaurant that is expensive and located on the west side . 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 N/A +bos is there a certain type of food you would like ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos it does not matter can you recommend one please ? eos O O O O O O O O O O O N/A +bos i would recommend saigon city . it is expensive but a great asian oriental restaurant located on the north side of cambridge . do you want more information ? 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 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 O O O general-reqmore +bos that sound great . can you book it for us for 18:00 on monday ? 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 your table is booked ! the reference number is cgwd9so1 . 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 thank you that will be all . eos O O O O O O O O general-thank +bos have a wonderful trip ! eos O O O O O O general-bye +bos please locate me a guesthouse with 4 star rating in cambridge . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O N/A +bos i have many what area would you like it to be in ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area +bos i am not particular about area but i need it to include free parking . eos O O O O O O O O O O O O O O O O N/A +bos is cost important to you ? eos O O O O O O O Hotel-Request+Price +bos no , as long as it has the amenities and stars that i asked for . eos O O O O O O O O O O O O O O O O O N/A +bos how about the alexander bed and breakfast ? it is a guesthouse in the center with 4 stars and has free internet and 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 B-Hotel-Recommend+Type 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 Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos i think i like it , please book me room for two people for three nights and get me confirmation 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 no problem , i just need the first day that you will be staying . eos O O O O O O O O O O O O O O O O Booking-Request+Day +bos oppss sorry , i thought i had given it to you . we 'll be checking in on 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 your room for two people for three nights on monday was booked successfully . your reference number is cw9sxt27 . is there anything else i can help you with ? eos O O O O O B-Booking-Book+People O B-Booking-Book+Stay I-Booking-Book+Stay O B-Booking-Book+Day I-Booking-Book+Day 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 restaurant reservation . eos O O O O O O O O Restaurant-Inform +bos sure , what type of restaurant are you looking for ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i need something moderately priced in the centre . what would you recommend ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O N/A +bos okay , what type of food would you like to eat ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos i am open to suggestions . i need a booking for 1 at 12:30 on monday . can i get a reference number ? 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 N/A +bos i reserved a table at cotto , you reference # is bbarw8r2 , anything else today ? eos O O O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos that is it for today . have a nice day eos 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 we would like to eat some japanese food while we are visiting . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there is one japanese restaurant in town . wagamama at 36 saint andrews street in the centre . would you like to make a reservation ? eos O O O O B-Restaurant-Inform+Food 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 B-Restaurant-Inform+Area O O O O O O O O O Booking-Inform +bos if the price range is moderate then yes but if it is expensive i would like to look instead for chinese restaurants . 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-Restaurant-Inform+Food O O N/A +bos it looks like the japanese place is expensive . the jinling noodle bar is a moderately price chinese place . would like me to book a table there ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform +bos 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 . eos O O O O O O O O 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 it is located in the centre area at 11 peas hill city centre . the phone number is 01223566188 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 O O O B-Restaurant-Inform+Phone N/A +bos can i get their postcode please ? eos O O O O O O O O Restaurant-Request+Post +bos yes , postcode cb23pp . can i be of further assistance today ? eos O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos i could use some help finding a train to get me to leicester on monday . 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 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 i want it to arrive by 18:00 eos O O O O O O O B-Train-Inform+Arrive N/A +bos tr5465 arrives at 17:06. can i book that one ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos just to confirm tr5465 departs cambridge and arrives in leicester at 17:06 ? what time does the train depart ? eos 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 O O N/A +bos train tr5465 departs at 15:21. is there anything else you need to know ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O general-reqmore +bos thats all for today . thanks alot for helping eos O O O O O O O O O O general-thank +bos thanks for contacting us , have a great day ! eos O O O O O O O O O O O general-bye +bos i need a train that leaves from cambridge . eos O O O O O O O O B-Train-Inform+Depart O N/A +bos there are several , do you have a destination in mind ? eos O O O B-Train-Inform+Choice O O O O O O O O O N/A +bos yes , kings lynn . eos O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos there are 133 trains that travel from cambridge to kings lynn . do you have a departure day or time in mind ? 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 O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos yes , i would like to leave no later than 17:00. eos O O O O O O O O O O B-Train-Inform+Leave O N/A +bos is there a specific time you need to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos i want to leave on monday after 18:45 instead and i will need the price and 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 O O Train-Request+Price,Train-Request+TrainID +bos train id is tr9226 and leaves at 11:00 eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave N/A +bos i need to find a place to stay in the centre of town . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos do you have a price range ? eos O O O O O O O O Hotel-Request+Price +bos i 'd like a cheap guest house with wifi . eos O O O O B-Hotel-Inform+Price O O O O O O N/A +bos perfect . alexander bed and breakfast is a cheap guesthouse in the center with free internet and parking . can i 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+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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , that would be great . i will be there for three nights . eos O O O O O O O O O O O O O O O O N/A +bos how many people and from what day will you stay ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos we arrive on monday and stay for 3 nights , there are 7 of us . eos O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+People O O O N/A +bos booking was successful.reference number is : dhs86po0 . can i help 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 general-reqmore +bos i need to find a place to eat as well . eos O O O O O O O O O O O O N/A +bos i would love to help you with that . do you have anything specific in mind ? area ? 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 Restaurant-Request+Area,Restaurant-Request+Price +bos i am looking for the same area and price range as the guesthouse -- centre and cheap . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O N/A +bos dojo noodle bar would be perfect for you . shall i book it ? 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 Booking-Inform +bos actually i want a restaurant that serves food in the type of the americas eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food N/A +bos there are no cheap restaurants in the centre of town serving cheap food from the americas . wild you like to try a different area or cuisine ? eos O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos sure , how about portuguese ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos nandos city centre is a cheap place to eat and is in centre . can i book it for you ? eos 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 O O O O O O O O Booking-Inform +bos yes please . also , i 'd like to get a taxi and leave the hotel at 14:30. could 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 B-Taxi-Inform+Leave O O O O O O O O O O O O O O Taxi-Request+Car +bos a black volkswagen is booked for you . the contact number is 07101354106. anything else today , or will that be all ? 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 O O O general-reqmore +bos thanks for all of your help today you have been wonderful ! eos O O O O O O O O O O O O O general-thank +bos so glad i could be of assistance . have a lovely 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 cambridge that serves italian . i would like it to be in the south . 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 N/A +bos there are two italian places . pizza hut and frankie and bennys . would you like to make a reservation at one of them ? eos O O O O B-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 O O Booking-Inform +bos maybe . i need a place that serves expensive food . does either place fit the bill ? eos O O O O O O O O O O O O O O O O O O O N/A +bos yes , frankie and benny 's is expensive . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O N/A +bos i would like to book a table for 6 people at 19:00 on monday . i need the reference number for the booking as well . 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 i have your booking for 6 people on monday at 19:00 , your reference number is 554bxnrb . can i help with anything else ? eos O 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 O O O O O O O O general-reqmore +bos i would also like to find a hotel with free parking . eos O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos i have many options for you ! any particular part of town ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area +bos yes , i would like it to be in the same area as the restaurant please . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos i would suggest the allenbell . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos okay . do they have free parking ? if so are they in the same area as frankie and benny 's ? 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 unfortunately they are in different areas . let me find something that will work . i have the lensfield hotel . it is expensive in the south and offers free parking and wifi . 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 O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos thank you . you just answered all my questions . have a good day . goodbye . eos O O O O O O O O O O O O O O O O O O N/A +bos if you decide to make reservations , we will be glad to help you . eos O O O O O O O O O O O O O O O O Booking-Inform,general-bye +bos i need a place to stay . what 's available on the west side , 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 there are 2 hotels and 2 guesthouses with free wifi in the west side . which type of place do you want ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Type,Hotel-Inform+Internet +bos i 'm looking for something with a 4 star rating and also free parking . is anything like that available ? 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 N/A +bos how about price range what do you prefer there ? eos O O O O O O O O O O O Hotel-Request+Price +bos i prefer a hotel rather than a guest house . any price range is fine as long as it meets my other criteria . can you make a suggestion ? 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 O O O O N/A +bos how about the huntingdon marriott hotel . it 's address is kingfisher way hinchinbrook business park , huntingdon , postcode pe296fl . would you like to make a reservation ? 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 B-Hotel-Inform+Post O O O O O O O O O O O O O Booking-Inform +bos yes , i do need a reservation . eos O O O O O O O O O N/A +bos how many people and how long will your stay be for ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos 6 people and for a week . eos 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 will want to start from monday on . eos O O O O O O O B-Hotel-Inform+Day O O N/A +bos okay the booking was successful starting on monday for a week for six people . your reference number is 6j7rdabu . anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay I-Booking-Book+Stay O B-Booking-Book+People I-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i also need information about a restaurant don pasquale pizzeria . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos this is an italian restaurant . their phone number is 01223350106 their addres is 12 market hill city centre cb23nj . may i make a reservation for you ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 O O O O O Booking-Inform +bos yes please . i need a table for 3 at 11:30 on monday . 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 booking was successful . the table will be reserved for 15 minutes . reference number is : jra6g1in . 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 to get a taxi . i want to go from the huntingdon to get to don pasquale by 11: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+Arrive O N/A +bos booking completed ! booked car type : red lexuscontact number : 07029440032 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 will be all for today ! 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 have a nice day . eos O O O O O O general-bye +bos i need to find a british 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 are multiple options for you . to narrow them down what price range do you have 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 O O Restaurant-Request+Price +bos no , can you recommend a favorite ? eos O O O O O O O O O N/A +bos i would recommend graffiti . it is a bit expensive , so if you want something moderately price there is also saint johns chop house . eos O O O O B-Restaurant-Recommend+Name 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos please book 2 tables for 8 people on friday also i need train tickets 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 what time would you like these reservations ? eos O O O O O O O O O Booking-Request+Time +bos graffiti sounds good . i actually need that reservation for 5 people at 20:00 on wednesday . can i have the reference number for that ? 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 O O O O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : yyppdy56 . anything else i could 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 i would also like a train departing from london liverpool street and arriving in cambridge at 09:00 on the same day . 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 B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O N/A +bos there are two trains that would work . one arrives at 07:07 and the other arrives at 01:07. which one would you prefer ? eos O O O O B-Train-Inform+Choice 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 book the train that arrives at 07:07 that one would work great . i need 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 Train-Inform +bos i can definitely do that , how many tickets would you like ? eos O O O O O O O O O O O O O O Train-Request+People +bos it 's for the same group of people eos O O O O O O O O O N/A +bos alright , i 've booked a train for your group , the reference number is aoimgbhk , and there will be an 83 gbp fee at the station . eos O O O O O O O O O O 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 N/A +bos great , thanks ! that 's all i needed right now ! 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 hi . can you help me find a train ? eos O O O O O O O O O O O Train-Inform +bos sure , where would you like to go ? eos O O O O O O O O O O Train-Request+Dest +bos i 'm going to cambridge from liverpool street . on sunday . eos O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O O O N/A +bos i have many trains leaving and arriving all day . do you have a preference for time of 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+Arrive +bos i need to leave after 11:15. eos O O O O O O B-Train-Inform+Leave N/A +bos the tr9025 leaves at 11:59 and gets you into london liverpool street by 13:27. 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 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 Train-OfferBook +bos i need to know the price and travel time please eos O O O O O O O O O O O Train-Request+Duration +bos the train will cost 13.28 pounds a ticket and leaves at 11:59. eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Leave N/A +bos thanks i 'm also looking for a restaurant called charlie chan can you find some information for me ? 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 N/A +bos charlie chan is a cheap chinese reasurant in the centre . phone number is : 01223361763 postcode : cb21db address : regent street city centre . do you need anything else ? 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 B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone B-Restaurant-Inform+Post I-Restaurant-Inform+Post 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 that would be all thanks ! eos O O O O O O O general-thank +bos enjoy your meal sir and you are welcome . eos O O O O O O O O O O general-welcome +bos am looking for the parkside police station eos O O O O O O O O Police-Inform +bos you can contact them at parkside , cambridge , cb11jg 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 Police-Request+Phone +bos absolutely , their phone number is 01223358966. eos 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 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 you 've given me everything i need . 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 . 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 N/A +bos and *i* am looking to give you information . perfect match ! 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 O O general-greet,general-reqmore +bos can you find me alpha-milton guest hotel ? eos O O O O O O O O O Hotel-Inform +bos it is located in the north at 63 milton road eos O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos well i 'm not certain . i was hoping you could tell me . is there more than one guest hotel named alpha-milton ? eos O 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 no , just the one . can i help you with any other information ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O general-reqmore +bos no , that 's all . thanks ! goodbye eos O O O O O O O O O O general-bye +bos thank you for allowing me to assist you today . 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 place to stay . the hotel should be in the north and should include 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 O O N/A +bos the archyway house is a guesthouse in the north with free internet and parking . would you like me to book for you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O 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 O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos does it have 4 stars ? if so , go ahead and book it ! eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A +bos sure thing ! how many people will be staying , what day to you want your stay to start , and 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 O O Booking-Request+Day,Booking-Request+People,Booking-Request+Stay,general-greet +bos 1 people , 4 nights starting monday . thanks . eos O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O N/A +bos booking was successful . reference number is : 3ahjv6he . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am also looking for an attraction in the middle of town . eos O O O O O O O O O O O O O O Attraction-Inform +bos 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 Attraction-Request+Type,general-greet +bos i would like something with architecture i think . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos how about all saints church ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos sure , can you get me the information ? eos O O O O O O O O O O N/A +bos all saints church is in the centre area and has free admission . eos 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 O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos can you tell me the address and phone number to the all saints church . eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos sure the address is jesus lane and the phone number is 01223452587 , there is no entrance fee 's either . eos 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos cool . can you have a taxi pick me up at 19:00 at the hotel and take me to the attraction ? and i 'll need car and contact info 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 N/A +bos a grey skoda is booked for you and can be reached at 07908464807. how else can i help ? 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 N/A +bos i think that 's all i need for today . thanks for the 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 welcome . it was my pleasure to help you . goodbye from 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 general-welcome,general-bye,general-greet +bos i am planning a trip in cambridge eos O O O O O O O O N/A +bos well , i am here to help , but i need to know what you want me 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 general-reqmore +bos pardon my mistake , my migranes make my head a little foggy at times , can you help me find an expensive chinese place to eat at ? 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 O O O O N/A +bos i found 9 great choices . is there a specific area of town you want to 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 O Restaurant-Request+Area +bos it does n't matter . i trust your judgment . i need a reservation for friday . eos O O O O O O O O O O O O O O O O O O N/A +bos okay , how about ugly duckling ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos that sounds great . can you book a table for 5 at 13:15 ? eos O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O N/A +bos your reservation is all set . your reference number is 3ff42hu1 . 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 the train should leave after 13:15 and should leave on saturday.the train should depart from cambridge and should go to leicester . book for same number of people eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O O O O O O O N/A +bos there is a 13:21 that would get you there by 15:06. how does that sound ? eos O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos great . can you book for five people and give me the reference number for that ? eos O O O O O O O O O O O O O O O O O O N/A +bos i have that booked for you with a reference number of 1xmfvn8t . is there anything else i can do for you to make your trip as easy as possible ? 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 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 ok. take care have a nice day . eos O O O O O O O O O general-bye +bos i am looking for a restaurant called shanghai family restaurant . 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 yes i have it here . they are in the centre of town , moderately priced . when would like to reserve a table for ? eos O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O general-reqmore +bos 7 people at 19:15 and can we do that on monday ? eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O O B-Restaurant-Inform+Day O N/A +bos your reservation at shanghai family restaurant this monday at 19:15 for 7 people was successful . your reference number is : qh390f14 . eos 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 B-Booking-Book+People O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you for booking that for me . eos O O O O O O O O O general-thank +bos my pleasure ! anything else i can help you with ? eos O O O O O O O O O O O O general-reqmore +bos i am also looking for a train leaving on tuesday from cambridge . eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos where are you headed , and at what time of day ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i would like to get to ely by 17:45 , please . eos O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O N/A +bos train tr4447 is available . it leaves at 15:50 and arrives by 16:07. would you like me to book you a ticket ? eos O O B-Train-Inform+Id I-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 O Train-OfferBook +bos yes please , i 'll need it for 7 people eos O O O O O O O O B-Train-Inform+People O O N/A +bos confirmation # is ttc5x0up , anything else today ? eos O O O O B-Train-OfferBooked+Ref O O O O O general-reqmore +bos thats everything thanks for the help eos O O O O O O O general-thank +bos terrific . i hope you enjoy your trip . goodbye . eos O O O O O O O O O O O O general-bye +bos please find me an expensive place to dine on the south side of town eos O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O N/A +bos sure , we have chinese , indian , italian or mexican that you could choose from . eos O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food 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 okay , how about the good luck chinese food takeaway ? will that work 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 O O O O Booking-Inform +bos yes , that sounds good ! book a table for 3 at 13:45 please . eos O O O O O O O O O O O O O O O O N/A +bos i 'll be happy to help you with that . what day would you 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 Booking-Request+Day,general-greet +bos i 'd like to make it for wednesday . can you include the reference number ? eos O O O O O O O B-Restaurant-Inform+Day O O O O O O O O O N/A +bos your reservation is all set for wednesday . your reference number is 68x7u9ig . is there anything else i can help you with ? eos 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 i need a hotel in the same price range as the restaurant that has free parking and free wifi for the same group for 3 nights starting from the same 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 B-Hotel-Inform+Stay O O O O O O N/A +bos ok and for how many days ? eos O O O O O O O O Booking-Request+Stay +bos how about 1 nights . eos O O O O O O N/A +bos there are 5 results matching your requirements . what area of town 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+Area +bos the area does not matter . just the criteria i stated . it will be starting wednesday . 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 the university arms hotel ? it has free parking and wifi , and it 's a 4 star rated hotel . 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 B-Hotel-Inform+Stars O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos if you can book it for my group , i need it for 3 nights starting on wednesday . 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 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 +bos please help me book a train from cambridge to stanstead airport . eos O O O O O O O O B-Train-Inform+Depart O O O O N/A +bos when are you planning to travel ? eos O O O O O O O O Train-Request+Day +bos monday . i need to leave after 18:15 eos O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O N/A +bos the earliest train after that time is tr7696 that leaves at 18:40 and arrives at the airport by 19:08. would that work ? or , i have later trains . eos O O O O O O O O B-Train-Inform+Id O 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O general-reqmore +bos yes , the 18:40 would work , how much does it cost ? eos O O O B-Train-Inform+Leave O O O O O O O O O O N/A +bos the price per ticket is 10.10 pounds . would you like me to go ahead and book it for you ? if so , for how many tickets ? 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 O O O O O O O O Train-Request+People,Train-OfferBook +bos that 's ok , no thank you . are there any nightclubs in town ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos yes there 's 6 in the centre and 1 in the south . eos 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 postcode for the one in the south ? eos O O O O O O O O O B-Attraction-Inform+Area O O Attraction-Request+Post +bos the nightclub called the place is located at the postcode cb23hg . eos O O B-Attraction-Inform+Type O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Post O N/A +bos yes , 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 you that is all . eos 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 am looking for great saint mary 's church in cambridge 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 i 've located that for you . 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 general-reqmore +bos i could like to know what kind of attraction type it is , its area 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+Area,Attraction-Request+Phone,Attraction-Request+Type +bos great saint mary 's church is an architecture attraction in the centre of town . their phone number is 01223350914. 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 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+Phone O O N/A +bos okay , i 'm also looking for a place to say . needs to be a guesthouse with free wifi . 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 cambridge has quite a few guesthouses . do you prefer a particular area of town ? 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 Hotel-Request+Area +bos yes the north area please . eos O O O B-Hotel-Inform+Area O O O Attraction-Request+Area +bos sure , do you care about price or star ratings ? eos O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price +bos i would prefer a 4 star . can you recommend one and give me their price range ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O Hotel-Request+Price +bos there are many ! do you need parking ? eos O O O B-Hotel-Inform+Choice O O O O O O Hotel-Request+Parking +bos i do need parking . eos O O O O O O Hotel-Request+Parking +bos to narrow our options , can you tell me your price range ? eos O O O O O O O O O O O O O O Hotel-Request+Price +bos any price range will work , whatever you recommend . i need a 4 star guesthouse with free wifi . just let me know the price range and of the have free parking . 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 O O O O O O O Hotel-Request+Parking,Hotel-Request+Price +bos i ca n't look at a hotel because you did n't read correctly and did n't select hotel . thanks 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 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 . eos O O O O O O 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 yes we have four of them in the area eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O N/A +bos do you have any in the north ? eos O O O O O O O O O N/A +bos i got seven options one of them is cheap and the rest are moderate eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Inform+Price N/A +bos thank you , i 'll take the moderate price that is 4 stars . eos O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O Hotel-Request+Price +bos i would recommend acorn guesthouse . i hear it 's quite nice . would you like me to book it for you ? 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 O O O O O O Booking-Inform +bos that would be fine . do they offer free parking ? eos O O O O O O O O O O O O Hotel-Request+Parking +bos yes they do . should i book a room for you there ? eos O O O O O O O O O O O O O O Booking-Inform +bos is free wifi offered here ? eos O O O O O O O N/A +bos yes , it does have free wifi as well . would you like to continue with the reservation ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Inform+Internet +bos you 've given me all the information i need today . thank you . eos O O O 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 N/A +bos 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 cineworld cinema ? eos O O O O O O 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 O O O O O O N/A +bos sure thing it is located in the south i can not disclose any admission fee 's though i am sorry eos O O O O O 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 O O O O N/A +bos what is the postcode ? eos O O O O O O Attraction-Request+Post +bos the postcode for cineworld cinema is cb17dy . is there anything else you want to know ? eos 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 N/A +bos yes . i need a place to stay in the north , just a 0 star hotel is fine . eos 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 N/A +bos well , city centre north b and b should meet your standards , shall i book you ? 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 Booking-Inform +bos does it have free wifi and free parking ? eos O O O O O O O O O O N/A +bos yes , this hotel provides both of those amenities . would you like to book a room with me now ? eos 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 Booking-Inform +bos yes , that would be great , thank you . i need it for 5 nights starting sunday , and for 6 people . eos 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 B-Hotel-Inform+People O O O O N/A +bos ok , your reservation has been made ! reference number iric8lc3 . can i be of any further help ? 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 that 's everything i need . eos O O O O O O O N/A +bos great . i am happy to hear that . message me if you need any more 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 also need a taxi . can you help with that ? eos O O O O O O O O O O O O O Taxi-Inform +bos certainly . what side of town will you be leaving from ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos well i 'll be leaving from the cineworld cinema traveling to the city centre north b and b hotel you 've just booked for me . eos 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 I-Taxi-Inform+Dest I-Taxi-Inform+Dest 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,Taxi-Request+Arrive +bos i want to leave the hotel by 21:15 to get to cineworld cinema , please . eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos would you like me to book the taxi for you ? eos O O O O O O O O O O O O N/A +bos yes that would be great and i need a reference number and number of taxi eos O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos the car type of your taxi is a yellow honda anf its contact number is 07342405869. 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 B-Taxi-Inform+Phone N/A +bos thank you so much for helping eos 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 thanks , that 's all i needed . eos O O O O O O O O O O general-thank +bos hope you enjoy your trip . goodbye . eos O O O O O O O O O general-welcome,general-bye +bos i am looking forward to try a local restaurant in cambridge and i have clowns cafe particularly in my mind . can you assist to book a table for me ? 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 O O O O O O O O O O O O N/A +bos i would be happy to help you book a table . what day do you need your reservation ? 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-Inform +bos i would like it for sunday . eos O O O O O O O O N/A +bos i need some additional information before i can book the table . 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 O O O Booking-Request+Time,Booking-Request+People,general-greet +bos oh , i 'll need a table for 5 at 11:45 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 booking was successful . the table will be reserved for 15 minutes . reference number is : rmg9ga7o . 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 also need to find a hotel with free wifi . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i 'll be glad to help with that . do you have a preference for the area or 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 Hotel-Request+Price,Hotel-Request+Area,general-greet +bos some place in the north with a 2 star rating . eos O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O N/A +bos the ashley hotel on chesterton road meets that criteria . how does that sound ? eos 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 Booking-Inform +bos great , can i get a room for 5 people for 3 nights on the same day ? 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 O N/A +bos done ! your reference number is is1ayuck . 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-greet,general-reqmore +bos yes , are you familiar with any of the attractions around the ashley hotel ? eos 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 , the computer system is currently down and i can not search attractions for you . 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 general-reqmore,Attraction-NoOffer +bos no thanks . i am all set . goodbye . eos O O O O O O O O O O O general-bye +bos good bye and have a good day eos 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 N/A +bos sure , i have 18 options for you eos O O O O O B-Hotel-Inform+Choice O O O N/A +bos thank you ! i would like a 4-star hotel , please . eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos the a and b guest house is located in the east and is a 4 star . 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 B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O B-Hotel-Recommend+Stars O N/A +bos i 'd prefer a moderately priced place in the north . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are 7 guesthouses in the north part of the city that fit your needs . do you have any other requirements , such as parking or internet ? 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 O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos no not at all . i just need to know if they have internet and what the postcode and phone number is 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 O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Internet +bos the archway house fits the bill . it 's at 52 gilbert road post code cb43pe and it 's number is 01223575314 eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+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 N/A +bos great i 'm also looking for some info on a restaurant called nandos city centre 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 N/A +bos it is a cheap restaurant located in the centre . can i book for you ? 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 O Booking-Inform +bos ok book it for 6 on sunday at 15:30 and i need a reference # too 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 Restaurant-Request+Ref +bos you 're all set . the restaurant can only hold your table for 15 minutes after the reservation time . your reference number is : jaaa0fj8 . 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 N/A +bos thanks . can you book a taxi from archway house to the restaurant for my reservation ? eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O N/A +bos ok you will arrive at 5:15 in a yellow skoda contact number :07710839987 eos O O O O O O B-Taxi-Inform+Arrive O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A +bos thank you very much . have a blessed day . eos O O O O O O O O O O O general-thank +bos if you need anything else , please do not hesitate to contact us . eos O O O O O O O O O O O O O O O general-bye +bos yes , i need a train to kings cross on tuesday . eos O O O O O O O O O O B-Train-Inform+Day O O N/A +bos okay . where are you departing from ? eos O O O O O O O O O Train-Request+Depart,general-greet +bos the main city hall eos O O O B-Train-Inform+Depart I-Train-Inform+Depart N/A +bos i do n't show that there are any trains departing from city hall . would you like another departure site ? eos O O O O O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart O O O O O O O O O Train-Request+Depart +bos yes , please . i will departing from cambridge . eos O O O O O O O B-Train-Inform+Depart O O O N/A +bos 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 Train-Request+Leave,Train-Request+Arrive +bos i need to leave by 17:00. eos O O O O O O B-Train-Inform+Leave N/A +bos there is a train at 17:00 going to kings cross . would you like to book a ticket on that one ? eos O O O O 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 O Train-OfferBook +bos i apologize . i meant to say that i need to leave sometime after 11:30. eos O O O O O O O O O O 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 , there is not . any will be fine . i 'll need tickets for 4 people , 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 N/A +bos booking was successful ! you leave at 15:00 and arrive at 15:51. reference number 68atc774 . eos O O O O O O O B-Train-OfferBooked+Leave I-Train-OfferBooked+Leave O O B-Train-OfferBooked+Arrive O O B-Train-OfferBooked+Ref O O N/A +bos okay , great . i 'm also looking for a place to stay . the hotel should be 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 O O O N/A +bos there are 7 available options in the east . what price range would you like ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Request+Price +bos how about something moderately priced ? eos O O O O B-Hotel-Inform+Price O O N/A +bos the carolina bed and breakfast has both wifi and parking . would you like me to book that 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 O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos yes for 5 nights from thursday for 4 people . eos O O O O B-Hotel-Inform+Stay 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 hi , can you help me find a train ? i 'm in the planning stages of a trip there . 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 absolutely ! do you know which train station you would like to use ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,general-greet +bos not really but i am departing from cambridge and going to birmingham new street . 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 N/A +bos there are hourly trains friday morning , you could take the tr5408 leaving at 7am , arriving at 9:44. it costs 75.10 pounds . does that work ? eos O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O N/A +bos no . i need the train on a thursday and it has to arrive by 13:45. can you give me the departure time , price , and travel time for that train ? eos 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 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 have tr2102 that leaves at 10:01 and arrives by 12:44. the ticket price is 75.10 pounds . and the travel time is 163 minutes . anything else i can help with ? 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 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 general-reqmore +bos yes , do you have any suggestions of places to go 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 sure ! do you like museums ? eos O O O O O B-Attraction-Inform+Type O O Attraction-Request+Type +bos yes , i enjoy going to museums . 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 i 've heard good things about the primavera . and there is no entrance fee , so that 's a bonus ! eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee O O O O O O O O O O N/A +bos that sounds great . can you please provide me with the 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 +bos absolutely . the phone number is 01223357708 and the postcode is cb21sj . 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 general-reqmore +bos that is all i needed today have a nice day . eos O O O O O 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 are there any interesting 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 yes , there are many . do you have any preferences in terms of attraction types ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Type +bos not really . can you give me a favorite ? and the entrance fee 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 there are many free attractions , types include architecture , college , and museum . do any of these interest you ? or i can look for attractions that have a fee . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Fee 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,Attraction-Select +bos can you give me the address , phone number , and entrance fee for the museums ? 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 broughton house gallery is a free museum located at 98 king street . their phone number is 01223314960. eos 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 O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O N/A +bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos there 's no entrance fee . is there anything else i can help you with ? eos 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 yes , i need a train leaving london kings on thursday . eos O O O O O O O O O O B-Train-Inform+Day O O N/A +bos okay , where is your destination ? eos O O O O O O O O Train-Request+Dest +bos i will be going to cambridge . eos O O O O O O B-Train-Inform+Dest O N/A +bos do you have a particular time you would like to travel ? eos O O O O O O O O O O O O O Train-Request+Leave +bos i just want to arrive by 14:15 eos O O O O O O O O N/A +bos do you need me to book that for you ? eos O O O O O O O O O O O Train-OfferBook +bos can you give me the total travel time on that ? eos O O O O O O O O O O O O Train-Request+Duration +bos the duration for all rides are the same at 51 minutes . tr2512 arrives by 14:08. does that work for you ? eos O O O O O O O O O O O B-Train-Inform+Time B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O N/A +bos thanks that is what bi wanted . good day eos O O O O O O O O O O general-thank +bos thank you very much for using this automated system . good bye ! 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 that departs on thursday for cambridge . eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O O N/A +bos where wouold you be traveling from ? eos O O O O O O O O Train-Request+Depart +bos i will be departing from peterborough and i need to leave after 17:15. eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave N/A +bos tr8714 departs at 17:48 and arrives by 18:38 in cambridge on thursday . would you like to book a seat ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O 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 total travel time is 50 minutes . would you like me to book it ? 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 not right now , thanks . as i 'll be in the center part of town i 'd like to find an expensive restaurant there . 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-Restaurant-Inform+Price O O O O O O O O O O O O O N/A +bos i certainly can what type of cuisine are you interested in ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos 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 eos O O O O O O O O O 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 i have the cambridge chop house postcode cb21sj address is 1 kings parade and the phone number is 01223359506. 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 I-Restaurant-Recommend+Name B-Restaurant-Recommend+Post I-Restaurant-Recommend+Post 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 Booking-Inform +bos no , i actually do not need any further assistance today . thank you , goodbye ! 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 N/A +bos okay , have a wonderful day , bye ! eos O O O O O O O O O O general-bye +bos i 'm looking for a guest house in cambridge , please and thank you . eos O O O O O O O O O O O O O O O O general-thank +bos there are many guesthouses available ! is there a price range you prefer ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Price +bos i 'd actually like something really basic , a 0-star guesthouse . is there one in the north ? eos 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 i have the city centre north b and b located at 328a histon road . 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 I-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 Booking-Inform +bos what is the price range and do they have wifi ? eos O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Internet +bos there is only one hotel and it is cheap . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O N/A +bos does it have wifi ? eos O O O O O O Hotel-Request+Internet +bos yes they do have free wifi and free parking as well . would you like to make reservations ? 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+Internet,Hotel-Inform+Parking +bos i need a hotel in the lower price range that includes free parking . eos O O O O O O O O O O O O O O O N/A +bos you 're in luck , i have 10 results that match that description ! what area of town are you 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 Hotel-Request+Area +bos any area , really . but also free internet if possible ! eos O O O O O O O O O O O O O N/A +bos they all have free wifi ! i recommend the allenbell guesthouse in the east . eos O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O Hotel-Inform+Internet +bos can you book it for 6 people for 2 nights starting friday ? 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 have your reservation for 6 people starting friday and staying 2 nights , your reference number is xell9b9j . can i help with anything else ? eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Day 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 yes , i also need a train from cambridge to ely . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos what day did you want to travel and did you have a time you preferred to leave ? 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 'd like to leave after 10:15 on sunday . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos i have train tr1159 leaving at 11:50 and arrive 12:07. would you like to book that ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes please book it . eos O O O O O O N/A +bos sure , should i book for 6 people ? eos O O O O O O O B-Train-OfferBook+People O O Train-Request+People +bos i do not need to book it , all i needed was that info today , thanks . 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 time ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'm so bored ! can you find me something to do 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 O O N/A +bos if you are into contemporary art , cambridge contemporary art is a great place to relieve boredom . the address is 6 trinity street . best of all , there is n't any entrance fee . 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 B-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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A +bos thank you that sounds great . 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 yes , actually . can i ask for help finding a train for monday going to cambridge ? eos O O O 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 where would you be departing from ? eos O O O O O O O O Train-Request+Depart +bos i 'll be leaving from king 's lynn and i need to get to cambridge by 8:45. eos O O O O O O O O O O O O O O O O O O N/A +bos the best option that will get you to cambridge by 8:45 is probably train id tr8950 . it arrives in cambridge at 7:58. eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Arrive N/A +bos perfect , can i book that train for 2 people ? once booked , can you send me the reference number 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 Train-Request+Ref +bos i sure can ! your two train tickets have been booked and the reference number is xw5pqw8m . 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-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos that 's all for today . thanks so much for your help ! 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 great time in cambridge ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i need a taxi , i want it to go to carolina bed and breakfast , arriving for my reservation at 4: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 N/A +bos no problem ! where are you departing from ? eos O O O O O O O O O O Taxi-Request+Depart +bos from charlie chan eos O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos ok its a yellow ford and the contact number is 07048042435 eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone N/A +bos ok got it , thank you very much 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 nope that 's everything , thanks . eos O O O O O O O O general-thank +bos awesome , have an awesome day you awesome person eos O O O O O O O O O O general-bye +bos you have a great day too ! eos O O O O O O O O N/A +bos thank you for using cambridge towninfo centre . goodbye . eos O O O O O O O O O O O general-bye +bos i am looking for something to do in cambridge , can you help me find something ? 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 to do there , any specific types of attractions you would prefer ? eos 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 go to a nightclub . eos O O O O O O O O B-Attraction-Inform+Type O N/A +bos there are 6 night clubs in the city centre . i would recommend club salsa which is located at 1 station road . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O 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 O N/A +bos may i have the phone and please tell me 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 Attraction-Request+Phone +bos yes , the entrance fee is 5 pounds , and they can be reached by phone at 07782218745 , is there anything else that i can assist with ? eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O 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 i also need a train that departs from broxbourne and arrives by 21:00 on saturday at cambridge . eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O B-Train-Inform+Day O B-Train-Inform+Dest O N/A +bos tr4967 arrives by 20:32 , would you like me to book you passage ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos what time does the train depart from broxbourne , and how long is the travel time ? also , do you know how much it would be ? eos 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 O O O O O O Train-Request+Duration +bos the train departs from broxbourne at 19:32 and travels for 60 minutes . the total would be 14.32 pounds . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave 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 for the information . 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 that is all for today . thank you . eos O O O O O O O O O O general-thank +bos okay . enjoy your journey . eos O O O O O O O general-welcome,general-bye +bos i would like to book a taxi that should leave at 12:45 and depart from the museum of classical archaeology . eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos i can do that for you . where would you like to be taken ? eos O O O O O O O O O O O O O O O O Taxi-Request+Dest +bos i 'd like to be taken to the kirkwood house . eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos ok , you 're taxi is booked . a grey skoda will be picking you up at 12:45. the contact number is 07655027973. can i help you with anything else today ? 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+Leave 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 good day . 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 can you help me find a train for sunday . i would like to visit london kings street . eos O 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 there are several leaving for london kings cross . they all take 51 minutes and cost 18.88 pounds . do you have a time of departure in mind ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest 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-Request+Leave +bos i want to leave from peterborough and arrive at cambridge by 11: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 there is a train that departs from peterborough at 10:48 , arriving in cambridge at 11:38. would that work for you ? eos O O O O O O O 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 N/A +bos yes , can you please book 7 tickets for me on that train ? eos O O O O O O O B-Train-Inform+People O O O O O O O N/A +bos with pleasure ! it will be train number tr1759 . ! 3.20 pounds per person . eos O O O O O O O O B-Train-Inform+Id B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O N/A +bos may i have the reference number please ? eos O O O O O O O O O Train-Request+Ref +bos i was able to get you 7 tickets . your reference number is 69uprba2 . total is 92.4 gbp payable at the station when you get there . eos O O O O O O O O B-Train-OfferBooked+People 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 O O N/A +bos what is the address and post code of the departing station ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos i 'm sorry , our system does not have that information . 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 yes , i 'm looking for something to do in the centre of town that is architecture oriented 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 O N/A +bos great saint mary 's church , holy trinity church , little saint mary 's church , all saint 's church , and old schools are in the center of the city and beautiful architectures . 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 B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Type O O O O O O O O N/A +bos how about the holy trinity church . what is the entrance fee ? eos 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+Fee +bos the entrance fee is free . eos O O O O O B-Attraction-Inform+Fee O N/A +bos may i have their address and postcode , too ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the address is on market street and the postcode is cb23nz . is there anything else i can do for you ? eos 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 O O general-reqmore +bos no , that 's all ! thank you ! goodbye ! eos O O O O O O O O O O O O general-bye +bos you 're welcome , hope you enjoy your day . eos O O O O O O O O O O O general-welcome,general-bye +bos so i 'm interested in portuguese food . do you know of any restaurants that serve it in the south ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos nandos is is a nice place . do you want to book ? eos O B-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform +bos yes , please . 5 people at 19:30 on wednesday . 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 i 've made the reservation and your reference number is j1dohu0t . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great i am also looking to get a train from london kings cross that will arrive by 12:30 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+Arrive N/A +bos i would be happy to help you with that . what day are you traveling ? eos 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 wednesday . eos O O O O O O B-Train-Inform+Day O N/A +bos i have 4 different trains that will meet your needs . will you be traveling alone or with a group ? 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+People +bos i 'm traveling alone , can you tell me how much the train fare costs ? eos O O O O O O O O O O O O O O O O O Train-Inform +bos the cost per ticket is 23.60 pounds . would you like me to book a train for you ? 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 yes please book me on the train that arrives in cambridge on wednesday as closest to 12:30. eos O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos done ! your train leaves london kings cross at 11:17. please pay 23.6 pounds at the station . your reference number is idcu3wfu . can i help you with anything else ? eos O O O O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave 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 . i also need a train to to arrive in cambridge by 12:30. eos 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 booked you on one . would you like a second train ? eos O O O O O O O O O O O O O O O Train-OfferBooked,Train-OfferBook +bos opps no , that was an error on my part . i wo n't be needing 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 ok , 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 can you get me information on a placed called williams art and antiques ? 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 i certainly can . that 's a museum in the centre , with free admission . eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O general-greet +bos i would like to find a place called williams art and antiques . eos O O O O O O O O O O O O O O N/A +bos it is a museum located in the centre . admission is free . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O N/A +bos what is the address ? eos O O O O O O Attraction-Request+Addr +bos williams art and antiques is located at gwydir street , no . 5 dale 's brewery 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos thank you . can you also tell me about a restaurant called riverside brasserie ? 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 riverside brasserie serves modern european cuisine in the centre area of town , it is moderately priced . i would be happy to give you more information or book a table ? 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 B-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 O O O O O O O Booking-Inform,general-reqmore +bos i would like you to book for 8 people on 14:30 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 N/A +bos your reference number is wfztqikd . eos O O O O O B-Booking-Book+Ref O N/A +bos thank you . i 'll also need a taxi to go from williams art and antiques to the restaurant . i need to be there by 14:30. eos 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 O O O O O O B-Taxi-Inform+Arrive O O O N/A +bos i have booked your taxi . you 'll be expecting a grey lexus . the contact number is 07863326057. 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 N/A +bos thank you , goodbye , have a nice day eos O O O O O O O O O O general-bye +bos enjoy your trip ! thanks for booking through us . eos O O O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for a place to go in the centre part of town . are there any interesting attractions ? 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 there are quite a few architecture attractions in the centre part of town . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos can you recommend something for me ? eos O O O O O O O O N/A +bos all saints church is located on jesus lane in the centre . it has free admission . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O O O N/A +bos can you give me the postcode ? eos O O O O O O O O Attraction-Request+Post +bos the postcode is cb58bs . would you like the address or phone number also ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos no , i 'm sure it will be fine . but can you help me get a train from birmingham new street ? 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 O O O N/A +bos what is your destination ? eos O O O O O O Train-Request+Dest +bos i 'll be heading into cambridge on friday , and i need to get there by 15:30. eos 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 N/A +bos it looks like tr7040 would be your best bet . you will arrive by 14:23. would you like me to book the train for you ? eos O O O O B-Train-Inform+Id I-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 O O Train-OfferBook +bos yes , i 'd like two tickets , please . eos O O O O O O O O O O O N/A +bos great . i 've booked two tickets for the train , and your reference number is tnf2dmiq . can i help you with anything else today ? eos 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 O O general-reqmore +bos nope i think that covers everything , thanks for being so helpful ! eos O O O O 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-bye +bos i 'm looking to book a taxi to pembroke college for this evening . eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 need to leave from primavera eos O O O O O O B-Taxi-Inform+Depart N/A +bos great , do you have a leave by , or an arrival time in mind ? 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 leave by 9:15. i also need to know 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 Taxi-Request+Car +bos okay , look for a yellow audi to pick you up . the contact number is 07881400116. may i assist 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos no thats all thanks eos O O O O O general-thank +bos it has been a pleasure . have a great day . eos O O O O O O O O O O O O general-greet +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 O O N/A +bos all the moderately priced , 4-star accommodations are guesthouses . is that ok ? eos O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Type O O O O O O Hotel-Select +bos that would be just fine , thank you . eos O O O O O O O O O O general-thank +bos which are would you like ? eos O O O O O O O Hotel-Request+Area +bos any area will do . recommend something . eos O O O O O O O O O N/A +bos how about the avalon ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos great , if they can book for 6 people for 5 nights , starting on wednesday . can you try that for me ? 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 O O O O N/A +bos i was able to complete that booking for you . your confirmation number is o4e7tj08 . 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 ! are there any places to go in the east ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos if you 're going to the east , i recommend taking a boat ride with camboats . eos O O O O O O B-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type I-Attraction-Recommend+Type B-Attraction-Recommend+Name O O O N/A +bos ok , what 's their address and postcode ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos camboats address is the plough , green end , fen ditton and their postcode is cb58sx . eos 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 O B-Attraction-Inform+Post O O O N/A +bos i also need a taxi . eos O O O O O O O Taxi-Inform +bos 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 . eos O O O O O O 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 i will want to go between the attraction , and the hotel . eos O O O O O O O O O O O O O O N/A +bos i need to know a departure and/or arrival time . eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i want to leave by 15:30. eos O O O O O O O N/A +bos what is the cost ? eos O O O O O O N/A +bos can i get the contact number and the car type please ? eos O O O O O O O O O O O O O Taxi-Request+Car +bos it will be a blue tesla . you may contact them at 07008080625. eos 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 . that is all that i need . eos 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 need a train that leaves norwich after 15:00 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 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 need to leave on sunday and arrive in cambridge please . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O N/A +bos i have 9 trains available . do you have an arrival or departure time preference ? 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 arrival preference but it will need to leave after 15:00. any one is fine . i 'll need a booking for 3 people . 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 B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 42.24 gbp payable at the station .reference number is : rzkwma85 . it leaves at 15:16. thank you and have a good day . 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 B-Train-OfferBooked+Leave O O O O O O O O O O general-bye +bos i would also like more info in a place i would like to eat at . eos O O O O O O O O O O O O O O O O O N/A +bos absolutely . what is the name of the restaurant you have in mind ? eos O O O O O O O O O O O O O O O Restaurant-Request+Name +bos the restaurant i am looking for is dojo 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 i have found the dojo noodle bar , would you like me to book it for you ? eos 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 yes , please book it for 3 people on sunday at 20:30 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 i 've gone ahead and booked , the reference number is 9p2xxwas , 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-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 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 restaurant in the south that is moderately priced . eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos i see both an italian and a modern european restaurant in that area in your price range . which would you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O O O O Restaurant-Select +bos any will be fine with me . book a table for 8 at 15:15 on monday 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 N/A +bos you have a reservation at restaurant alimentum . your reference number is jbvumn45 . eos 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 some entertainment in the same area as well . eos O O O O O O O O O O O O O O O N/A +bos is there a specific type of attraction you are looking for ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos i am looking for something entertaining please . eos O O O O O O O O O N/A +bos there are two entertainments : nusha and tenpin . do you want more information about either one ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O general-reqmore +bos can you please recommend one and give me their address and entrance fee ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos tenpin is located at cambridge leisure park , clifton way . the entrance fee is unlisted . eos 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 O B-Attraction-Inform+Fee O O O N/A +bos is there another one that tells you how much it is ? eos O O O O O O O O O O O O O N/A +bos i 'm sorry i ca n't find any price listings . can i help you find something else ? eos 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 need an address for the cambridge leisure park . eos O O O O O O O O O O O Attraction-Request+Addr +bos the address for tenpin is cambridge leisure park , clifton way in postcode cb17dy . is there anything else i can do for you today ? eos O O O O B-Attraction-Inform+Name 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 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 your welcome . have a lovely stay ! eos O O O O O O O O O general-welcome,general-bye +bos last time i was in cambridge there was a restaurant with the strange name of `` ask '' is that placed still around and if so , can i have info on it ? 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 O O O O O O O O O O O O N/A +bos sure , their phone number is 01223364917 and the address is 12 bridge street city centre 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 N/A +bos can you help me book a table for wednesday ? eos O O O O O O O O O B-Restaurant-Inform+Day O N/A +bos sure , what time on wednesday ? eos O O O O O O O O Booking-Request+Time +bos i 'll be dining alone at 15:45 on wednesday . eos O O O O O O B-Restaurant-Inform+Time O O O O N/A +bos i have made a reservation for 1 on wednesday . your reference number is 36a96z3z . eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A +bos and now i need a train leaving friday to leicester . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O N/A +bos could you tell me where you are departing from , and the time you want to leave and 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 Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart +bos yes , i am leaving from cambridge and i would like to arrive by 21:30. thanks eos O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O O N/A +bos train tr1233 arrives at 21:06. can i book it for you or answer any questions ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O O general-reqmore,Train-OfferBook +bos will you please book me one ticket ? eos O O O O O O O O O N/A +bos here is the booking information : booking was successful , the total fee is 37.79 gbp payable at the station .reference number is : 8ukgs1ot . 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 N/A +bos thank you for your quick response to my inquiries . that 's all for today . 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 are very welcome . have a wonderful day and goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need a train on friday to 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 206 trains that arrive somewhere by 14:30. where are you heading to ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Arrive O O O O O O Train-Request+Dest +bos i am headed to cambridge . eos O O O O O B-Train-Inform+Dest O N/A +bos where are you coming to visit us from ? eos O O O O O O O O O O Train-Request+Depart +bos i 'll be coming from leicester . 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 Train-OfferBook +bos i would just like the id for the train that fits that billing . eos O O O O O O O O O O O O O O O Train-Request+TrainID +bos tr4625 arrives in cambridge friday by 14:54 on friday . would you like to book a seat ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-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 Train-OfferBook +bos no , thanks just needed the id . can you please look for a restaurant for me in the centre ? in the moderate price range preferably . 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+Price O O O O O O O Train-Request+TrainID +bos there are 21 restaurants matching your query . i recommend cotto . eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Recommend+Name O O N/A +bos does it serve turkish food ? if so , please book that for 1 at 20:30 on the same day . if that does n't work then monday . can i have the reference number ? eos O O O O B-Restaurant-Inform+Food 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 O O O O O O O Restaurant-Request+Ref +bos it does not , but there are two restaurants in the centre that do serve turkish food . do you prefer efes restaurant or anatolia ? eos O O O O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O N/A +bos can you book a reservation at anatolia for 1 person at 20:30 ? eos O O O O O O O O O O B-Restaurant-Inform+People O O O N/A +bos what day would you like me to book that for you ? eos O O O O O O O O O O O O O Booking-Request+Day +bos do they have an opening on friday at that time ? eos O O O O O O O O O O O O N/A +bos i was able to book a table for you for friday at 20:30. the reference number is z88h8y12 . is there anything else i can help you with ? eos O O O O O O O O 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 that 's all i needed . thank you for all your help ! eos O O O O O O O O O O O O O O general-thank +bos let us know if we can assist you in the future . eos O O O O O O O O O O O O O general-bye,general-reqmore +bos i 'm wondering if you have information about a particular restaurant called the curry queen ? 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 the curry queen is an expensive restaurant located in centre . would you like me to book a table for you ? 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 O O O O O O O O O O O O Booking-Inform +bos yes , a table for 7 at 12: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 your reservation is all set ! your reference number is wfoqfq2p . 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 need to book a hotel as well . eos O O O O O B-Hotel-Inform+Type O O O N/A +bos do you have a price range or area you would like to stay ? eos O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos my preferred type is a hotel , and i want it to have parking and internet as well as a 3 star rating . 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 B-Hotel-Inform+Stars O O O N/A +bos there are two options . both are expensive . do you have a preference for area ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price O O O O O O O O O O Hotel-Request+Area +bos no i have no preference . i would like to book it same day for 7 people and 4 nights . i would need the reference number once it is complete . 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 N/A +bos i 'm sorry , i am unable to book it right now . eos O O O O O O O O O O O O O O Booking-NoBook +bos are you sure ? can you try both of them ? i really need 4 nights , starting sunday for 7 people . eos 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 B-Hotel-Inform+People O O N/A +bos i was able to book the gonville your reservation number is laniuli7 , anything else i can help you with today ? 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 O O O O O O O O O O general-reqmore +bos awesome , you 've been a great help . thank you . eos O O O O O O O O O O O O O general-thank +bos i 'm happy to help , 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 am looking for some where 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 do you have an idea of what type of attraction you would be interested in ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Type +bos yes , i would like to visit a park , please . eos O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos the cambridge university botanic gardens is located in the city centre . 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 O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O general-reqmore +bos yes , that would be great . i will need a train also . eos O O O O O O O O O O O O O O O Train-Inform +bos the address is bateman street cb21jf . may i ask where you 'll be traveling via the train ? 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 O O Train-Request+Dest +bos i need the train to go to broxbourne . eos O O O O O O O O B-Train-Inform+Dest O N/A +bos ok , what day are you traveling ? eos O O O O O O O O O Train-Request+Day +bos i 'm traveling on saturday . eos O O O O B-Train-Inform+Day O O N/A +bos i have several trains available for saturday . what time would you like to leave cambridge and arrive in broxbourne ? eos 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 O O O O Train-Request+Arrive,Train-Request+Leave +bos i would like to arrive in broxbourne by 09:15 from cambridge . i will need a departure time too , please . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Depart O O O O O O O O O O O Train-Request+Leave +bos tr7807 will leave cambridge at 8:01 and arrive in broxbourne at 9:01. if that works for you , i can go ahead and get you a ticket . 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 O O O O O O O O O Train-OfferBook +bos no thank you i can book the train myself . eos O O O O O O O O O O O Train-Inform +bos very good . 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 it . you 've been great , thanks . bye ! eos O O O O O O O O O O O O O O O O general-bye +bos thank you very much for contacting us , feel free to message us again if you need 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 'm looking for a british 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 we have 7 , in fact . do you have a price range in mind ? if not , the copper kettle is a moderately priced , popular choice . 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Price +bos that one sounds great ! thanks for the info . 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 , can you book me a table at the copper kettle on tuesday at 19:15 for 2 people ? 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 B-Restaurant-Inform+People O O N/A +bos sure , the booking was successful . reference number is : bupkjytw . 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 yes , i am also looking for places to go in town . 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 O O N/A +bos there are 44 attractions in the centre . do you have a preference of the 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 O Attraction-Request+Type +bos yes , are there any architecture attractions ? eos O O O O O B-Attraction-Inform+Type O O O N/A +bos of course , there are five great architecture attractions in the center . all but one are free admission as well . any preferences ? eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area 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 N/A +bos which one is closest to the copper kettle ? eos O O O O O O O O O O N/A +bos that would be the all saints church on jesus lane . they offer free admission . would you like any other information for them ? eos O O 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 B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos could i get the phone number , please ? eos O O O O O O O O O O Attraction-Request+Phone +bos sure , their phone number is 01223452587. is that all ? eos O O O O O O B-Attraction-Inform+Phone O O O O O general-reqmore +bos i am looking to find an expensive restaurant in the north area 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 N/A +bos i have five restaurants matching your request . would you like asian , chinese , european , or french food ? eos O O O B-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 N/A +bos european sounds good ! eos O B-Restaurant-Inform+Food O O O N/A +bos would you like me to go ahead with booking at city stop restaurant ? eos O O O O O O O O O O O O O O O Booking-Inform +bos not right now . can you give me their address and postcode ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos sure , city stop restaurant , cambridge city football club milton road chesterton cb41uy , phone 01223363270. would you like to book a table ? eos 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos no thank you . are there any parks in town ? eos O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there is milton country park in the north , it 's in the address milton country park , milton . eos O O O B-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 N/A +bos okay , thank you . what is the entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos entrance is free at milton country park . eos O O O B-Attraction-Inform+Fee O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos i also need a taxi to pick me up from milton country park by 20:30. 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 i can book a taxi for you but will need to know your destination in order 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 Taxi-Request+Dest +bos my destination is city stop restaurant . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos i have booked a taxi for you for 20:30. look for a yellow bmw . contact number is 07961088935 eos O O O O O O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O N/A +bos wonderful . thanks for help . eos O O O O O O O general-thank +bos if you need anything else , we 're always here and ready to help ! eos O O O O O O O O O O O O O O O O general-welcome +bos yes , i need to find a train departing from broxbourne and going to cambridge . eos O O O O O O O O O O B-Train-Inform+Depart 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+Leave,Train-Request+Day +bos on saturday . i would like to leave after eight thirty . eos O O B-Train-Inform+Day O O O O O O O O O O N/A +bos i have a train leaving at 8:32 and arriving at 9:32. 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 please that works for me . eos O O O O O O O O N/A +bos your booking was successful . the total fee will be 14.32 gbp with reference # eafsm2s0 . eos O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O B-Train-OfferBooked+Ref O O N/A +bos great . i am also looking for some entertainment in the centre of town . any ideas ? 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 i have over 40 different choices . can you tell me what you would like to see or do in order to narrow down the search ? 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 O O Attraction-Request+Type +bos is there anything in the entertainment type ? if not , then a museum would be nice . eos 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 the cambridge contemporary art museum is in the centre and free to attend . 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos great ! what is the post code and the address ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the address is 6 trinity street and the postcode is cb21su . 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 N/A +bos thanks so much . i think i have all the info i need . 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 okay , have a great day ! eos O O O O O O O O general-greet +bos i need to find a swimming pool in the north . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are 2 swimming pools in the north , jesus green outdoor pool and kings hedges learner pool . which one would you like more information on ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 O general-reqmore +bos kings hedges sounds good , what postcode are they in ? and do they have 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 kings hedges learner pool is in postcode cb42xh . their entrance fee is a bit of a mystery , however , i do n't have any firm numbers . can i help with anything else ? eos O B-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 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 yes , i need some information about a restaurant called pizza express . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos certainly ! what information specifically are you looking for ? eos O O O O O O O O O O O general-reqmore +bos i 'd like to know if i can book a reservation for 7 people at 18:00 monday . eos O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O N/A +bos were you looking for a booking at pizza express or pizza express fen ditton ? they are both in the centre of town . 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 I-Restaurant-Select+Name O O O O O B-Restaurant-Select+Area O O O N/A +bos either one will work , i just need to book for 7 people at 18:00 on monday ? eos O O O O O O O O O O O O O O O O O O O N/A +bos the booking was not successful . would you like to try another day/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 how about 17:00 ? eos O O O B-Restaurant-Inform+Time O N/A +bos i 've got you booked at 17:00 for 7 at pizza express . eos O O O O O O B-Booking-Book+Time I-Booking-Book+Time O O B-Booking-Book+Name I-Booking-Book+Name O O N/A +bos great i also need a taxi that will get me from the pool to the restaurant by 17:00. 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 was able to book that taxi for you . be looking for a red toyota . if you need to reach them , please contact 07360365370. 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 B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos great that was 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 our service . have a wonderful evening . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos i 'm looking for place called club salsa . eos O O O O O O B-Restaurant-Inform+Name I-Attraction-Inform+Name O O N/A +bos that is a nightclub at 1 station road in the town centre . what would you like to know ? eos O O O O B-Attraction-Inform+Type 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 O general-reqmore +bos i needed the address , so thanks for that ! eos O O O O O O O O O O O Attraction-Request+Addr +bos you 're welcome . 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 general-welcome,general-reqmore +bos i 'm also looking for info on a restaurant called pipasha . eos O O O O O O O O O O O O O Restaurant-Inform +bos pipasha is an expensive restaurant serving indian food in the east part of town . do you need more information ? 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 I-Restaurant-Inform+Area O O O O O O O O O general-reqmore +bos could you tell me what area pipasha is in along with the post code ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post +bos pipasha is in the east . the full address is newmarket road fen ditton postal code cb58pa . can i help you with anything else ? eos O B-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 O O O O O O O O general-reqmore +bos i 'm gon na need a taxi to get from the club to the restaurant . can you schedule 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 Restaurant-Inform,Taxi-Inform +bos what time would you like to leave the club by taxi ? eos O O O O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave by 21:45 please . eos O O O O O O O B-Taxi-Inform+Leave O O N/A +bos i have a yellow lexus picking you up at club salsa at 21:45. the contact number is 07451777629. can i help you with anything else today ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 O O general-reqmore +bos nope . that will be all , thanks . eos O O O O O O O O O O general-thank +bos if you have any further questions , please let us help ! good bye . eos O O O O O O O O O O O O O O O O general-bye +bos can you suggest any museums ? eos O O O O O B-Attraction-Inform+Type O N/A +bos there are a wide variety of museums , do you know which area you 'd like to visit ? eos 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 do you think is the best museum in the city ? just let me know the name , phone number and area of 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 Taxi-Request+Phone,Attraction-Request+Area +bos i would highly recommend cambridge artworks , the gallery is stunning . it is located at 5 greens road in the east . eos 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+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O N/A +bos i am also looking for a place to eat , are there any that serve european food in the cheap price 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 O O N/A +bos i have the river bar and steakhouse on quayside off bridge street eos 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 N/A +bos is this a restaurant or a bar ? eos O O O O O O O O O Restaurant-Inform +bos this is a restaurant , anything listed under restaurant is a restaurant and not a bar . would you like me to 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 Booking-Inform +bos sure , let 's book it for 7 people on sunday , let 's say around 19:45 please . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+Time O O O O O O N/A +bos i am sorry but i was unable to book you at that time . 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 O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos can you try the same day and number of people at 18:45 ? eos O O O O O O O O O O O O B-Restaurant-Inform+Time O N/A +bos the booking was successful . please remember the table is only reserved for 15 minutes . your reference number is sc7wr3pe . 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 N/A +bos thanks . i would also 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 O Taxi-Inform +bos would you like to specify a departure or arrival time ? eos O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i need to arrive by 18:45 eos O O O O O O B-Taxi-Inform+Arrive N/A +bos i was able to book your taxi . it is a grey bmw and contact number is 07373540182 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 N/A +bos thats all i needed , thanks eos O O O O O O O general-thank +bos you 're welcome . let us know if we can be of anymore assistance . 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-welcome,general-bye +bos i am looking to find a place to eat in centre please . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are many to choose from . i 'm partial to the varsity restaurant myself , they serve international cuisine . or were you in the mood for something else ? eos 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 O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O O O O O Restaurant-Request+Food +bos i would like belgian food in the moderate price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are no belgian restaurants in the area . may i suggest cote ? they serve expensive french food and they are located in the centre . eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Food O O O O O O B-Restaurant-Recommend+Area O N/A +bos how about international food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos okay , we 've got two restaurants like that , varsity and bloomsburg . do you have a preference ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Restaurant-Select +bos whatever one you recommend , i just need 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 the varsity is located at 35 saint andrews street city centre and their phone number is 01223356060. can i help with anything else today ? 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 O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos yes , i 'm looking for a particular attraction called ballare . eos O O O O O O O O O B-Attraction-Inform+Name O O O N/A +bos i gave that here , what would you like to know ? eos O O O O O O O O O O O O O Attraction-Inform,general-reqmore +bos i just need the post code . thank you . eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode for ballare is cb23na . will that be all ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post O O O O O O N/A +bos yes , that all i need , thanks . eos 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-welcome +bos i want a nice park to visit while i 'm in town . eos O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos great ! you might like milton country park in the north . it has free entrance . 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 B-Attraction-Recommend+Area O O B-Attraction-Inform+Price I-Attraction-Inform+Price O O O O O O O O O general-greet,general-reqmore +bos can i get their address please ? eos O O O O O O O O Attraction-Request+Addr +bos their address is milton country park , milton , postcode cb46az . can i help you with anything else ? eos O O 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 thank you . i also need your help finding a moderately-priced place to eat in the south part of town . eos 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 N/A +bos of course . would you prefer italian at pizza hut cherry hinton or restaurant alimentum that serves modern european ? eos 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 B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O general-greet +bos i want italian , so let 's go with pizza hut cherry hinton . eos O O O B-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 N/A +bos great , they are located at g4 cambridge leisure park clifton way cherry hinton . would you like me to reserve a table for you ? 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 I-Restaurant-Inform+Addr O O O O O O O O O O O O Booking-Inform +bos could i get a postcode and a phone number ? eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the postcode is cb17dy and the phone number is 01223323737. eos O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone N/A +bos thanks ! i also need a taxi to get to the attraction by 10:15. can you help ? eos 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 what will be your departure site ? eos O O O O O O O O Taxi-Request+Depart +bos i 'd like to leave milton country park by 10:15 and go to pizza hut cherry hinton . 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 O O N/A +bos just to clarify , would you like to arrive at milton country park by 10:15 or leave the park by 10: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 Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave +bos i want to leave the park by 10:15. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos thank you , i have booked you a grey ford taxi , the contact number is 07348401469. is there anything else i can help you with ? 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 O general-reqmore +bos that 's all i need now . thanks . eos 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 an expensive restaurant that serves molecular gastronomy please eos O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos would a gastropub work for you ? eos O O O B-Attraction-Recommend+Type O O O O N/A +bos can i have more information on gastropub ? eos O O O O O O O B-Restaurant-Inform+Food O N/A +bos there are 3 gastropubs , 2 in the centre and 1 in the east , that are expensive . do you have a preference ? eos O O O O B-Restaurant-Inform+Food O O 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 O O O Restaurant-Select +bos if there is no expensive restaurant serving molecular gastronomy food , i would take one that serves indian food . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos great i recommend curry garden . it is an expensive indian restaurant in the centre . would you like a reservation ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 Booking-Inform +bos that place sounds pretty good , but no reservation at this time , thanks . i would like to know their 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 Restaurant-Request+Post +bos the postcode is cb21dp . eos O O O O B-Restaurant-Inform+Post O N/A +bos great . i also need some information about an attraction called the cherry hinton village centre . can you look that up ? 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 I-Attraction-Inform+Name O O O O O O N/A +bos absolutely ! it is located at cherry hinton road and is an entertainment in the east area . 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+Type O O B-Attraction-Inform+Area O O O N/A +bos thanks . can you provide the phone number and postcode too ? eos 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 01223446104 and the post code is cb18dw . is there anything else you need ? eos O 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 O O general-reqmore +bos i also need a taxi today to get 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 that taxi ? eos O O O O O O O O O Taxi-Request+Leave +bos i 'd like to leave by 06:45 , please . eos O O O O O O B-Taxi-Inform+Leave O O O O N/A +bos booking completed ! your contact number is 07984587445 , and the car type will be a black lexus . can i help you with anything else ? eos O O O O O O O B-Taxi-Inform+Phone 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 general-reqmore +bos that 's all i need . thanks ! eos O O O O O O O O O general-thank +bos have a great trip to cambridge . goodbye . eos O O O O O O O O O O general-bye +bos hi , i am looking for attractions in the centre . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos fantastic ! there are many attractions in the centre of town . i 'd suggest checking out the architecture at all saints church on jesus lane . it has free entrance . would that work ? 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+Type 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 O O O O O O O O general-reqmore +bos that sounds amazing ! thank you . could i have the address and phone number of the church 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+Phone,Attraction-Request+Addr +bos all saints is on jesus lane and the phone number is 01223452587. can help with anything else today ? eos 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 O O O O O O O general-reqmore +bos what is the attraction type for all saints ? eos O O O O O O O O O O Attraction-Request+Type +bos it is a architecture type of attraction . can i answer any other questions ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O general-reqmore +bos yes , i am looking for a specific restaurant named midsummer house restaurant . what can you tell me about this place ? 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 N/A +bos it 's an expensive british restaurant in the center of town . eos 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 perfect . will you book a table for 1 on wednesday at 11:15 and send me the reference number 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 Restaurant-Request+Ref +bos unfortunately , the booking was unsuccessful . would you like to try for a different 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 how about 10:15 ? eos O O O B-Restaurant-Inform+Time O N/A +bos okay , that worked ! you 're reference number is 5e9zffml . eos O O O O O O O O B-Booking-Book+Ref O O O 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 have a wonderful day ! eos O O O O O O general-bye +bos i am looking for corsica restaurants in the east of cambridge , can you help me ? 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 N/A +bos unfortunately there is not a corsica restaurant in the east of cambridge , is there another type of food you would like to look for ? 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 i 'll think about it . i would like a moderately priced restaurant , i know that . 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 how about curry prince ? it is a moderately priced indian restaurant in the east . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O 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 N/A +bos curry prince sounds terrific . i 'll try that out . thank you for the information ! goodbye ! 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 N/A +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 yes please , for 7 at 11:45 on thursday . and may i have the reference number ? eos 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 booking was successful . the table will be reserved for 15 minutes . reference number is : brngpgm6 . is there anything more 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 O O general-reqmore +bos i am also looking for a college attraction to go to in the same area . eos 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 colleges in that part of town eos O O O O O O O O O O N/A +bos are there any boat attractions in that area . eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos camboats is in the east , the address is the plough , green end , fen ditton , and they can be reached at 01223902112 eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 B-Attraction-Inform+Phone O O O O N/A +bos sounds good . do they have an entrance fee , and please provide me with the 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+Fee +bos camboats postcode is cb58sx , i am not sure about the entrance fee . eos O B-Attraction-Inform+Name O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A +bos thanks . i 'd 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 Taxi-Inform +bos certainly . would time would you like to leave and arrive at your destination ? eos 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 would like to arrive by 11:45 on thursday if possible . eos O O O O O O O B-Taxi-Inform+Arrive O O O O O N/A +bos okay , your booking is complete . you will have a white number and the contact number is 07676825406 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 N/A +bos what type of car is it ? eos O O O O O O O O N/A +bos the car will be a white tesla . anything else you need ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O general-reqmore +bos nope . you helped me with everything i need . thanks . eos O O O O O O O O O O O O O general-thank +bos it was a pleasure to help you . goodbye ! eos 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 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 what kind of food would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos do n't care . eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos meghna serves moderately priced indian food and is in the west part of town . eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O N/A +bos are there any other restaurants ? eos O O O O O O O Restaurant-Inform +bos there is saint johns chop house with moderate pricing in the west part of town . eos O 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 N/A +bos what is the address , phone number and postcode ? eos 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 . its phone number is 01223 353110 and the postcode is cb30ad , 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 O B-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 B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos no , thank you . that 'll do it . 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 O general-bye +bos thank you , goodbye . eos O O O O O O general-bye +bos goodbye ! eos O O O general-bye +bos hey i 'm looking for a hotel that has free parking , can you find one ? eos O O O O O O O O O O O O O O O O O O N/A +bos sure , there are quite a few hotels that offer parking . any particular area or price range you looking for ? 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 O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos i am looking for one in the expensive price range eos O O O O O O O O O O O N/A +bos the huntingdon marriott hotel i believe would be fine . thank 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 N/A +bos is the huntingdon marriott a hotel with free parking , expensive and a 0 star.if so , 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 N/A +bos how many nights will you be staying and for how many people ? eos O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People +bos two guests will be staying for 4 nights beginning on monday . eos O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos i 'm sorry i could not book you there . could we 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 please but it needs to be in the same price range . eos O O O O O O O O O O O O O O N/A +bos i don not have anything in the same price range in the west . would you like to try another part of town or 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 Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Price +bos yes one in the same price range . eos O O O O O O O O O N/A +bos i have an express by holiday inn cambridge . would you like me to try to book you 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 O O O O O O O O O O O O Booking-Inform +bos yes , if you could . that would be great . eos O O O O O O O O O O O O N/A +bos that one was successful ! your reference number is 057sx3x0 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks , that 's all i need today . goodbye ! eos O O O O O O O O O O O O general-bye +bos let me know if you would my assistance . goodbye ! eos O O O O O O O O O O O O general-bye +bos i 'm going to be in the area soon to try some restaurants , but i 'm having trouble finding information on one in particular . eos O O O 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 have a vast array of restaurants . what type of food would you like , how much do you want to spend and what area would you 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 O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price +bos im looking for the peking restaurant what type of food does it serve and i also need the address 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 N/A +bos it is an expensive chinese restaurant located at 10 homerton street city centre . is there anything else you need ? 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 general-reqmore +bos a hotel in the centre with free wifi , please . eos O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A +bos there are 5 to choose from , from cheap to expensive . do you have a price preference ? 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 Hotel-Request+Price +bos yes , can i please get something in the moderate price range ? eos O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos i have one hotel in the moderate range , cityroomz . would you like me to book it for you ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O B-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform +bos yes , please . can you book a room for friday for 1 person , 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 your reservation has been made . reference number dtonytih . 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 need to book a taxi to get me to the restaurant by 21:30. eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos will you be departing from your hotel ? eos O O O O O O O O O Taxi-Request+Depart +bos no , i 'd like to leave the restaurant by 21:30 , i need the taxi to take me to the hotel . eos O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos okay your taxi is a white lexus and its contact number is 07753558780. 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 thank you for all your help today . have a good day . eos O O 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 need a place to eat , panasian food , pricey ! eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i 'm sorry , there does n't seem to be any panasian restaurants that fall into that price range . would you like to look for a different 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 O O O O O O O O O Restaurant-Request+Food +bos thai food would be just as good . eos O B-Restaurant-Inform+Food O O O O O O O N/A +bos i have 2 places , would you like the one in the west or centre of town ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos could i have the postcode , and address of both of them please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos sala thong is at 35 newnham road , newnham , cb39ey and bangkok city is at 24 green street city , centre , cb23jx . 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Post O O O O N/A +bos thanks . i need a place to stay also . i would like a guesthouse with free wifi . can you help me 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 i show 23 guesthouses available with free wifi . which area of town would you like to 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 Hotel-Request+Area,Hotel-Inform+Internet +bos i would like to stay on the east side , please . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos there are 6 guest houses in the east that offer free wifi . can i recommend the autumn house ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O Hotel-Inform+Internet +bos hmm , i 've never been there . let 's try that . can you book me a room for saturday for 5 guests , 2 nights please ? eos 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+People O B-Hotel-Inform+Stay O O O O O O O O N/A +bos no problem ! booking was successful . your reference number is : mj95sppp . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos i 'd like to book a taxi to take me from the hotel 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,Hotel-Inform +bos which restaurant will you be going to 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 O Taxi-Request+Dest,Taxi-Request+Arrive +bos thank you , i would like to commute from the hotel to sala thong , and i want to leave by 06: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 O O B-Taxi-Inform+Leave O O N/A +bos ok , i have booked a taxi for you . its going to be a blue audi & the contact number is 07493726924. 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 O N/A +bos great , you 've been awesome . bye . eos O O O O O O O O O O general-bye +bos have a great day and a great trip ! goodbye . eos O O O O O O O O O O O O general-bye +bos can you please recommend an inexpensive restaurant in the south part of town ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos how about the lucky star , a nice chinese place in the south 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 B-Restaurant-Recommend+Area O N/A +bos is it cheap and in the south ? eos O O O O O O O O O N/A +bos yes , the lucky star is both cheap and in the south part of town . eos O 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 I-Restaurant-Inform+Area O O N/A +bos ok. what is the address ? eos O O O O O O O N/A +bos the address is cambridge leisure park clifton way cherry hinton . 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 N/A +bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone +bos the phone number for the lucky star is 01223 244277. is there anything i can help you with ? 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+Phone 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 your meal ? eos O O O O O general-bye +bos hi , i 'm looking for a nice play to stay in cambridge 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 there are many options ; is there an area of the city that you would prefer ? 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 yes , someplace in the west part of town would be nice . eos O O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos i have 4 hotels in the west side of town . how about the hobsons house ? it 's moderately priced and has free wifi . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area 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 Hotel-Recommend+Internet +bos yes , that sounds good ! eos O O O O O O O N/A +bos would you like me to make a reservation for you ? eos O O O O O O O O O O O O Booking-Inform +bos yes , reserve it for me for 3 people and 3 nights starting monday . 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 you are all set for 3 nights at hobsons house . the reference number is um6sfjm6 . can i assist you with any other plans ? eos O O O O O O O B-Booking-Book+Stay 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 general-reqmore +bos i am also looking for a moderately priced restaurant in the same area as the hotel . 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 i have a british , indian , and italian restaurant in that price range in that area of town . which woud you prefer ? eos 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 O O O O O Restaurant-Select +bos are there any french restaurants ? eos O O O O O O O Restaurant-Inform +bos i 'm sorry , the only moderately priced restaurants in the west are british , indian , and italian . nothing serves french food . perhaps i can check another part of the city ? eos O O O 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 I-Restaurant-Inform+Food 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+Area,general-reqmore +bos i would settle for indian food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos it may not be exactly the cuisine you were hoping for , but i think you 'll still have a fine meal at meghna . shall i book you 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 B-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos is meghna indian food ? if so , i 'd like to book for the same group on 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 O O O O O N/A +bos it is indeed indian food . to clarify you would like me to book you a table for 3 on monday . what time would you prefer ? 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 B-Booking-Inform+People B-Booking-Inform+Day O O O O O O O Booking-Request+Time +bos i want it to be at 13:00 please . i also need a taxi please eos O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O N/A +bos yes , i need to make the reservation for 3 at 13:00 and i also am going to need 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 N/A +bos 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 eos O O O 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 taxi will be a white toyota , contact number 07573158248. eos 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 , thank you for very much ! that 's everything i needed ! 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 . 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,general-greet +bos ok goodbye thanks for the help eos 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 hello , i 'm planning a trip to cambridge and i 'm looking for a place to dine . it should be moderately priced and located in the centre . 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 B-Restaurant-Inform+Area O O O O O N/A +bos we have 21 restaurants to choose from . is there a certain food type that interests you ? 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 really care what type of food it is . any of them will do . eos O O O O O O O O O O O O O O O O O O O N/A +bos we have a wonderful asian restaurant , called yippee noodle bar , would you like to try there ? eos O O O O O B-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O N/A +bos sure , i 'll try it . can i get their phone number and post code ? 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 +bos of course , their phone number is 01223518111 and the post code is cb11lh . i can make a reservation for you if you 'd like , or help with something else . eos O 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 O O O O O O O O O Booking-Inform +bos great i also need a place to stay that is a guesthouse that includes free parking . 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 excellent . do you have an idea on the location ? eos O O O O O O O O O O O O Hotel-Request+Area +bos any location is fine , but i would prefer something that is in the expensive price range . 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 'm sorry , but we do n't have any expensive guesthouses . all the expensive properties are hotels . eos O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O B-Hotel-Inform+Type O O O O O N/A +bos okay , i guess it 'll save me some dough if i try for a place that 's more 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 O N/A +bos there are a total of 12 guesthouses that are moderately priced in town . are you sure there is n't a particular section you would like to stay in ? eos O O O O O O O B-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 O O O O O O O Hotel-Request+Area +bos 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 ? eos O O O O O O 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+Post +bos acorn guest house is located in the north at 154 chesterton road . it is moderately priced and has four stars . the post code is cb41da . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O O O B-Hotel-Recommend+Post 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 your very welcome ! enjoy your stay ! eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a hotel named worth house eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos found it ! it is located in the north and it is cheap . would you like to make a reservation ? eos O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform,general-greet +bos is that a hotel or guesthouse ? and , do they have free internet ? eos O O O O O O O O O O O O O O O O Hotel-Request+Internet +bos it is a guesthouse , cheap , wifi and parking . would you like to reserve it ? eos O O O O B-Hotel-Inform+Type B-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 no just need the address and do they have free internet ? i am also looking for a nice place to eat called the de luca cucina and bar eos O O O O O O O O O O B-Hotel-Inform+Internet I-Hotel-Inform+Internet 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 Hotel-Request+Internet,Hotel-Request+Addr +bos found it , de luca cucina and bar ismodern european centreof moderate price range . phone number is 01223356666 code , cb21aw and is located on 83 regent street 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 B-Restaurant-Inform+Area B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Phone O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A +bos thank you , i want to book a table for 8 people at 11: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 i was able to book it the reference number is 3ezldf7q . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks . what was the address for worth house ? eos O O O O O O O O O O O Hotel-Request+Addr +bos warkworth terrace is the address , anything else ? eos O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O general-reqmore +bos i 'd also like the hotel type and internet status , please . eos O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Type +bos worth house has internet and parking . will that work for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes that works . i also need a taxi to get between the guest house and restaurant . 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 ok , a black bmw will pick you up in time to arrive for your reservation at de luca cucina and bar . the taxi 's number is 07228077167. anything else ? eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 O O O O B-Taxi-Inform+Phone 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 general-thank +bos thank you , please contact us again if you 'd like 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 general-welcome,general-bye +bos hi , i need a place to eat on the north side . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there 's a low priced restaurant on the north side serving indian food called royal spice . i can give you their address and telephone if that sounds appealing . eos O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O general-reqmore +bos i 'm looking for a greek restaurant specifically , what else is there in the area ? 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 i did not find nay greek restaurants in the north area . do you have another area or cuisine in mind ? 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 O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos can we search for one that serves italian food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i found da vinci pizzeria , they are located on 20 milton road chesterton and their number is 01223351707. 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 B-Restaurant-Recommend+Phone O N/A +bos is that one a cheap restaurant ? eos O O O O O B-Restaurant-Inform+Price O O N/A +bos yes it is . did you want to book it today ? eos O O O O O O O O O O O O O Booking-Inform,general-greet +bos can i first get the address and postcode for that place ? eos 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 20 milton road in chesterton . the postcode is cb41jy . do you need a reservation ? 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 Booking-Inform +bos not right now . i 'm also looking for a 4-star guesthouse . eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos would you like a certain area or 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+Area,Hotel-Request+Price +bos any place is fine , but it needs to also include wifi and parking . eos O O O O O O O O O O O O O O O O N/A +bos did you have a price range ? eos O O O O O O O O Hotel-Request+Price +bos i do n't care about price but i want it to have a star of 4 and be a guesthouse . 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 acorn guest house seems to fit your needs . would you like more information ? 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 general-reqmore +bos yes , please . can you tell me if they offer free parking or internet ? eos O O O O O O O O O O O O O O O O O N/A +bos they have both free parking and free internet access . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos alright can i book that for 5 nights for 5 people ? eos O O O O O O O O O O O O O N/A +bos sure what day did you want the 5 nights to start ? eos O O O O O O O O O O O O O Booking-Request+Day +bos i need it to start on sunday please . eos O O O O O O O B-Hotel-Inform+Day O O N/A +bos the hotel is n't able to accommodate that stay . could you do it another day ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos okay , can you try for 4 nights instead , then ? eos O O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos i have you booked for 4 nights , and your reference number is aco29hvu . eos 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 ok , are you able to find me a taxi that will leave my hotel by 15:30 eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos no problem , your car ( a black skoda ) has been booked to leave acorn at 15:30 and head to da vinci pizza . their contact number is 07781215945 if you need to call . eos O 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 B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O N/A +bos ok , thanks i will be outside waiting for the black skoda . have a nice day . eos O 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 is all.once again thanks for your service . 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-welcome,general-bye +bos i 'm looking for an expensive indian restaurant . can you find me one ? 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 there are several what area would you like to eat at ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Area +bos yes , i 'd like to eat in the centre if possible . eos O O O O O O O O O O O O O O N/A +bos there are 2 curry garden and the golden curry . would you like to book either one ? 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 O O O O O O O Restaurant-Select +bos could you please just give me the postcode and phone number for the golden curry ? 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 sure the phone number is 01223329432 and the postal code is cb12az eos O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post N/A +bos thanks . can you help me find a hotel as well ? i do n't need internet , but i do 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 i 'm sorry , there are no hotels that meet your needs . do you have any other criteria ? 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 i 'd like it to be 3 stars and in the same price range as the restaurant . eos 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 i 'm still not finding anything . what part of town would you like to look in ? 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 +bos i would prefer something in the cambridge area or close to it . eos O O O O O O O O O O O O O O N/A +bos i can book the curry garden for you . eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O N/A +bos that 's ok , i just need the postcode and phone number . eos O O O O O O O O O O O O O O Restaurant-Request+Post +bos there are two hotels i can find , one called the gonville hotel which is in the centre . the telephone is 01223366611 and the postcode is cb11ly . 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 O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O N/A +bos can i get a contact number and car type please ? eos O O O O O O O O O O O O Taxi-Request+Car +bos sure , where will you be traveling to and from ? is there a particular time you 'd 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 O O O O O Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Depart +bos i would like to go from the hotel to the restaurant no later than 08:00 eos 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+Leave N/A +bos i 've got a red audi , contact number 07611734774 leaving at 08:00. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O B-Taxi-Inform+Depart O O N/A +bos thank you , that 's everything that i need . eos O O O O O O O O O O O general-thank +bos great ! have a nice trip ! eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a 4 star hotel with a moderate price . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A +bos i apologize , i do n't have a hotel listing . we could try a guest house or a more expensive hotel ? 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 N/A +bos how about a guesthouse in the moderate price range then . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O N/A +bos sure , there a few of those . what area would you like to stay 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 Hotel-Request+Area +bos actually , i do n't have a preference on area . can you suggest a place ? i need to book a room 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 O O O O N/A +bos sure , the acorn guest house is a nice place and it includes both free internet and parking . how many nights would you need ? 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 O O O O O O O O Booking-Request+Stay,Hotel-Inform+Parking,Hotel-Inform+Internet +bos 3 nights starting from saturday . eos O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos okay and how many people will there be ? eos O O O O O O O O O O Booking-Request+People +bos there is going to be 7 of us eos O O O O O O O B-Hotel-Inform+People O N/A +bos your booking is complete . your confirmation number is pxpa2rwi . 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 general-reqmore +bos yes , i 'm looking for a restaurant named saigon city . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos sure , what information would you like about saigon city ? it 's located in the north . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O O N/A +bos i need a table on saturday for 7 at 17:15 there . eos 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 i could not book that for you . 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 how about 16:15 ? eos O O O B-Restaurant-Inform+Time O N/A +bos certainly . you 're booked with reference number 1amb3xqd . may 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 O O general-reqmore +bos can you help me book a taxi from acorn guest house to saigon city ? i need to get there by my reservation time at 16:15. 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+Dest I-Taxi-Inform+Dest O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos i booked a black volvo , contact number : 07551977875. is there anything else i can help you with ? eos 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 that 's everything i needed . thank you . eos O O O O O O O O O O general-thank +bos great ! enjoy your stay ! eos O O O O O O O general-welcome,general-bye +bos 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 . eos O O O O O O 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 great , i 've found 15 different restaurants that are cheap in the centre . is would you like a chinese restaurant ? eos O O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Select+Food O O O O O N/A +bos yes , a chinese restaurant would be great . could you please give me the telephone number ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the telephone number to a cheap chinese restaurant in the city centre is 01223361763. eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Phone N/A +bos is there anything else i can help you with ? eos O O O O O O O O O O O N/A +bos would you like me to book something for you ? eos O O O O O O O O O O O Booking-Inform +bos no thank you . i will call them myself . eos O 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 yes , i would like to find a cheap place to stay that has 4 stars and has free parking . eos O B-Hotel-Inform+Parking 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 i have found 8 places that match what you want , would you like me to book one of them for you ? 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 Booking-Inform +bos 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 ? eos O O O O O O O O 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+Internet +bos allenbell has free wifi , and their phone number is 01223210353 eos O B-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Phone O Hotel-Inform+Internet +bos thank you , now all i need is transportation from the restaurant to the staying place . i would like to leave at 24:15. 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 N/A +bos i have booked white skoda taxi service to take you from the chinese restaurant to the hotel . their contact number is 07692230366. eos 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 B-Taxi-Inform+Phone N/A +bos thank you . can you verify what type of vehicle will be transporting us ? eos O O O O O O O O O O O O O O O O general-thank +bos yes , it will be a white skoda . eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos thank you for your help today , it is greatly appreciated . eos 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 nope . thats it . thanks . good day to you . bye . eos O O O O O O O O O O O O O O O general-bye +bos your are very welcome ! enjoy your stay ! eos O O O O O O O O O O general-welcome,general-bye +bos hello , i 'm planning my trip to cambridge , and i 'm trying to find a hotel called alpha-milton guest house . can you help ? 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 O O O O O N/A +bos happy to help ! that is a guest house in the north and is considered moderately priced . 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A +bos perfect . will you please give me the address , area , and phone number ? eos 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+Addr +bos yes , their address is 63 milton road . it is in the north par of town . their phone number is 01223311625. 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+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Phone O O O N/A +bos i also need to know about a restaurant called sala thong . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos sure , it is a thai restaurant in the west part of the city . it is expensive but very good . what would you like to know ? 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 I-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 O N/A +bos can you give me the phone number for sala thong ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O Restaurant-Request+Phone +bos their phone number is 01223323178. can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos i also need to know the price range , and area . eos O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos they are an expensive restaurant in the west area . can i help you with anything else today ? eos O O O O 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 general-reqmore +bos nope , that 's all i needed , thanks for the 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 need to know the train schedule from leicester to cambridge eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest N/A +bos there is a train leaving at 5:09 on friday and arriving at 6:54. eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos how about on monday ? any train leaving after 19:00 ? eos O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave O O N/A +bos i would recommend tr6223 which leaves leicester at 19:09 and arrives in cambridge by 20: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 N/A +bos please book that one for 7 people . eos O O O O O O O B-Train-Inform+People O N/A +bos your booking was successful . your reference number is x16zo0y8 . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos i also need a place to stay in the east area . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i have 7 places to stay in the east . did you have a certain price range or other preferences ? 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 Hotel-Request+Price +bos i would like a 4 star hotel in the moderate price range that includes free parking . eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O O O N/A +bos i have the warkworth house located at warkworth terrace . would you like reservations ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O Booking-Inform +bos yes please for 7 people and 2 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 N/A +bos done ! your reference number is 02rutrtj . 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 , that will be all . thank you ! eos O O O O O O O O O O O general-thank +bos thank you for using cambridge towninfo . goodbye ! eos O O O O O O O O O O general-bye +bos i would like an expensive restaurant in the east 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 royal standard is a gastropub located in the east part of town and is in the expensive 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 O B-Restaurant-Inform+Price O O O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos the royal standard is locdated at 290 mill road city centre . 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 O O O general-reqmore +bos thank you goodbye . eos 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-bye +bos i am looking for a restaurant in the south part of town and serving portuguese food . what is the address and phone number ? 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos nandos is a portuguese restaurant in the south part of town . their address is cambridge leisure park clifton way and their phone number is 01223 327908 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 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos ok. thanks . eos O O O O general-thank +bos is there anything else we can help you with ? eos 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 goodbye . eos O O O general-bye +bos i would like a restaurant in the south part of town that serves italian 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 two italian restaurants in the south part of town . would you prefer a moderate or expensive option ? 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 B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos moderate is fine , can you give me the address and postcode ? eos O B-Restaurant-Inform+Price O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos pizza hut cherry hinton is located at g4 cambridge leisure park clifton way cherry hinton , postcode c.b 1 , 7 d.y . 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+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+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O 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 i am looking for a danish restaurant in the south 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 unfortunately , there are no danish restaurants listed in the south part of town . would you like something else ? eos O 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 O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos yes , please look for portuguese food . can i get the phone number and address ? 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 nandos is a portuguese restaurant in the cheap price range located in the south part of town . the address is cambridge leisure park clifton way and the phone number is 01223 327908 eos 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 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 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 thank you and have a great day ! eos O O O O O O O O O general-bye +bos i am looking for a place in the centre of town that serves thai 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 bangkok city serves thai food in the centre of town . would you like their phone number or address ? eos 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 I-Restaurant-Inform+Area O O O O O O O O O O general-reqmore +bos of course eos O O O N/A +bos bangkok city is located in 24 green street city centre and their phone number is 01223 354382. 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 I-Restaurant-Inform+Phone 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-greet +bos hi , i 'm looking for an expensive restaurant serving english 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 no restaurant matching your description have been found . eos O O O O O O O O O O Restaurant-NoOffer +bos how about find me a turkish one ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there is one expensive turkish restaurant in town : meze bar restaurant . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos great ! where is it located ? eos O O O O O O O O N/A +bos it 's in the centre of town , the address is 196 mill road city centre . eos 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+Addr I-Restaurant-Inform+Addr I-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 O general-bye +bos goodbye . eos O O O general-bye +bos i would like an expensive restaurant that serves turkish food eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A +bos i 'm sorry , we do n't have any expensive turkish restaurants . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O Restaurant-NoOffer +bos how about a moderate one ? eos O O O O B-Restaurant-Inform+Price O O N/A +bos anatolia and efes restaurant are both moderately priced turkish restaurants , and both are in the centre of town . would you like an address or phone number for one of them ? eos O O O B-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 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 O O O N/A +bos yes . address and phone number for anatolia . eos O O O O O O O O O O N/A +bos anatolia is at 30 bridge street city centre , and the phone number is 01223 362372. can i get you any further information ? eos 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O N/A +bos what is the postcode ? eos O O O O O O Restaurant-Request+Post +bos the postcode is anatolia is c.b 2 , 1 u.j . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 general-bye +bos you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos what 's a good mid price restaurant ? eos O O O O O O O O O N/A +bos is there a specific part of town or type of food you 're interested in ? 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 would like catalan food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , there are no restaurants serving catalan food in your price range . 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 Restaurant-NoOffer,general-reqmore +bos how about spanish food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos la tasca serves spanish food 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos could i have the address , 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,Restaurant-Request+Addr +bos the phone number for la tasca is 01223 464630 and they are located at 14 -16 bridge street . the postcode is c.b 2 , 1 u.f . 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 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 N/A +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 bye . eos O O O general-bye +bos call us again ! goodbye . eos O O O O O O O general-bye +bos i want a moroccan restaurant . eos O O O O B-Restaurant-Inform+Food O O N/A +bos what price range would you like ? eos O O O O O O O O general-reqmore +bos any price range will be fine . eos O O O O O O O O N/A +bos i am sorry , i ca n't find any moroccan restaurant . do you prefer any 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 O O Restaurant-Request+Food,Restaurant-NoOffer +bos yes . can you find any mediterranean restaurant please eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos la mimosa is a restaurant serving mediterranean food in the centre of town , and is in the expensive price range . eos O O B-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 I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O N/A +bos i would like the address , phone number , and post code information for la mimosa please . 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number for la mimosa is 01223 362525 and they are located at thompsons lane fen ditton . the postcode is c.b 5 , 8 a.q . would you like anything else today ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 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 that 's it . thank you , goodbye eos O O O O O O O O O general-bye +bos thank you for using the cambridge restaurant system . good bye . eos O O O O O O O O O O O O O general-bye +bos i am looking for a restaurant in any area that serves spanish food , what is available ? 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 i found two in the centre part of town . they are the la raza and the la tasca . eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area 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 is there anything else ? if not , could i get the number to la tasca , 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 the phone number for la tasca is 01223 464630. is there anything else i can help you with ? eos O 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 O O O general-reqmore +bos that 'll be all . thanks for you help . eos O O O O O O O O O O O general-thank +bos your welcome goodbye eos O O O O general-welcome,general-bye +bos i need to get to a hospital . eos O O O O O O O O O Hospital-Inform +bos oh no ! the address is hills rd , cambridge . eos O O O O O O O O O O O O N/A +bos can i get the postcode and phone number as well ? eos O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos telephone : 01223245151address : hills rd , cambridgepostcode : cb20qq eos O O O O O O O O O O O N/A +bos thanks . that takes care of all my needs now . eos O O O O O O O O O O O O general-thank +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 want 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 , i just need the phone number , address and postcode 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 addenbrookes hospital is located at hills rd , cambridge , postcode cb20qq . general phone number is 01223245151. 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 all . 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-greet +bos great ! have a nice day ! eos O O O O O O O O N/A +bos you as well . goodbye . eos O O O O O O O general-bye +bos can you help me find a museum to visit ? eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos i can . does location matter ? eos O O O O O O O O Attraction-Request+Area,general-greet +bos no , it does not matter . you can make a suggestion and provide 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+Addr +bos cambridge and county folk museum located at 2-3 castle street . 3.50 pounds to get in , but well worth it.check out the gift shop too . 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+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O O O O O O general-greet +bos can i have the postcode , please ? eos 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 thanks much ! oh and i 'd also like to find a place to dine in the centre . can you help me with that too ? 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 O O O O O O N/A +bos absolutely . what sort of cuisine would you like ? eos O O O O O O O O O O O Restaurant-Request+Food,general-greet +bos i 'd like modern american in the moderate price range , if possible ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O N/A +bos i have none that match your criteria . may i suggest a different area or food type ? 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 if you do n't have any modern american places , maybe modern european ? 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 there are 2 modern european restaurants . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos could you pick one and give me the postcode and phone number ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos sure thing here you go 01223259988 and cb21rt . eos O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone B-Restaurant-Inform+Post O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos riverside brasseri , located at doubletree by hilton cambridge granta place mill lane . will there be 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 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 great ! i also want to book a taxi from the cambridge and county folk museum going to riverside brasseri by 18:30. eos 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 O O O O O B-Taxi-Inform+Leave O N/A +bos ok great , your booking is completed . car type is a blue lexus , contact number is 07998934356. 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+Phone O O O N/A +bos can you reserve it for me ? eos O O O O O O O O N/A +bos your booking is complete . can i help you with anything else ? eos O O O O O O O O O O O O O O Taxi-Inform,general-reqmore +bos what adult attraction are within 5 miles of the restaurant ? eos O O O O O O O O O O O O Restaurant-Inform,Attraction-Inform +bos i have ballare nightclub very close in the same area . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A +bos i was never given the car type and contact number for my taxi , could you please provide them ? 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 i 'd be happy to give that to you again . car type is a blue lexus , contact number is 07998934356. can i assist you further ? 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 B-Taxi-Inform+Phone O O O O O O O O O general-greet,general-reqmore +bos no that was all i needed . thank you , eos O O O O O O O O O O O general-thank +bos thank you for choosing us eos O O O O O O general-welcome +bos i am glad i was of help eos O O O O O O O O N/A +bos thank you for calling today . please feel free to reach out if you need 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 general-bye,general-greet,general-reqmore +bos i need to book a train leaving thursday from cambridge . can you help me with that ? eos O 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 yes . what time will you be departing ? eos O O O O O O O O O O Train-Request+Leave +bos i will be leaving saturday morning at 08:45 eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos is it thursday or saturday ? and where is your destination ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos sorry for the confusion i need to get to peterborough thursday night . eos O O O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O O N/A +bos okay , and what departure or arrival time did you need for thursday ? eos 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 leave after 20:15 eos O O O O O O B-Train-Inform+Leave N/A +bos the first train after 20:15 is the tr2178 , leaving at 20:34. eos O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave N/A +bos that sounds perfect . can you tell me the travel time , please ? eos 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 . may i book that for you ? 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 yes , i 'd really appreciate that . eos O O O O O O O O O N/A +bos i was able to book a train for 1 on thursday from cambridge to peterborough leaving at 20:34. your reference number is 9ip722k1 eos O O O O O O O O O O O B-Train-OfferBooked+Day O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref N/A +bos perfect , thank you for your help ! eos O O O O O O O O O general-thank +bos can i help you with anything further ? eos 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 service . goodbye . eos O O O O O O O O O O general-bye +bos i am looking for a particular hotel . its name is called kirkwood house 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 kirkwood house is located in the north and is moderately priced . want me to book you a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O 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 Booking-Inform +bos please book a room for 3 people for 3 nights starting on wednesday . can i have 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 O O Hotel-Request+Ref +bos your booking was successful . reference number is : vhyo8ic0 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos wonderful . thank you . eos O O O O O O general-thank +bos welcome next time eos 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 you are more than welcome ! eos 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 in town . the address is hills rd , cambridge . eos O O O O O O O O O O O O O O O O N/A +bos i 'll need the postcode and phone also please . eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the telephone number is 01223245151 and the postal code is cb20qq , 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 N/A +bos i 'm injured so let me call the hospital . thanks . goodbye . eos O O O O O O O O O O O O O O O Hospital-Inform +bos i 'm sorry to hear that . please reply 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-greet +bos please reserve for me a taxi that will pick me up at cambridge arts theatre after 09:30 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 B-Taxi-Inform+Leave N/A +bos and where will you be going ? eos O O O O O O O O Taxi-Request+Dest +bos i 'm going to restaurant one seven . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos your booking is complete , a black audi will be picking you up . eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O N/A +bos thank you . i need the contact number , as well . eos O O O O O O O O O O O O O general-thank +bos the contact number is 07351996173. eos O O O O O B-Taxi-Inform+Phone N/A +bos may i please have the number for the local police ? eos O O O O O O O O O O O O Police-Inform +bos i 'd be happy to help you with that . their number is 01223358966. 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 yes , i need the address and postcode . eos O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos the address is parkside , cambridge and he postcode cb11jg . eos O O O O O O O O O O O O N/A +bos can you help me find a guesthouse in the north ? eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos we have 11 guesthouses available in the area , what is your price range and what amenities would you like in the guesthouse ? 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 +bos it should include free parking . eos O O O O O O O N/A +bos how about acorn house ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos is it in the moderate range ? eos O O O O O O O O N/A +bos yes.its within the moderate range eos O O O O B-Hotel-Inform+Price O N/A +bos what is the star rating of this guest house , address and phone number ? eos O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos the star rating is 4. their phone number is 01223353888. the address is 154 chesterton road , postcode cb41da . eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Phone 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 , just gathering information for now . that 's everything i needed , thanks . eos O O O O O O O O O O O O O O O O O general-thank +bos glad i was able to help . thank you . eos O O O O O O O O O O O general-welcome +bos you 're welcome . eos O O O O O N/A +bos call us again , sir . have a nice day . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i have been robbed , how do i contact the police ? eos O O O O O O O O O O O O O Police-Inform +bos the nearest station is : located 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 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 O general-bye +bos i hope everything works out for you . 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 general-bye +bos good afternoon , can you help me find an expensive place to stay in the town centre ? eos 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 sure can . i found a 3 star hotel and a 4 star hotel . 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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O Hotel-Request+Stars +bos it should be a hotel type hotel not a guesthouse eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos how about the gonville hotel located in the centre of town is in the expensive price range ? eos O O 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 O O O B-Hotel-Inform+Price O O O N/A +bos yes , that sounds good . could you reserve a room for 5 people checking in on saturday ? i think we 'll stay for 3 nights . eos O 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 O O O O O B-Hotel-Inform+Stay O O O N/A +bos booking was successful . reference number is : krjnyv0q . eos O O O O O O O O B-Booking-Inform+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 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-greet,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 , good day to you . eos O O O O O O O O O general-bye +bos can you give me any info on whether you have any 2-star hotel or guesthouses somewhere in town ? eos 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 yes , there are three ! how about ashley hotel ? eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos does it have free wifi and free parking ? eos O O O O O O O O O O N/A +bos yes , the ashley offers both free wifi and 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 O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , make a reservation for 2 for 3 nights starting wednesday . eos O O O O O O O B-Hotel-Inform+People O O O O O O N/A +bos that booking was unsuccessful . would you like to try a different day , or a different 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos how about trying another 2-star hotel with free wifi and free parking ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos would you like to try express by holiday inn or lovell lodge ? eos O O O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name N/A +bos yes , the express is fine . i need it for 2 people and for 3 nights starting wednesday . i need the reference number , please . 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 O O O O O Hotel-Request+Ref +bos booking was unsuccessful . do you want to change the preferences ? eos O O O O O O O O O O O O O Booking-NoBook +bos let me look over my notes quick . i need a hotel , not a guestroom , with 2 stars . free parking & wifi . 3 nights starting wednesday , 2 people . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+People O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O N/A +bos we have three , what area of town would you like ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos area does n't matter . just book me one and hand me the reference number . eos O O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos alright , you have a reservation at the ashley hotel . the reference number is o1t3grkq . can i help you find anything else ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 eos O O O O O O O O O O general-thank +bos have a pleasant stay . good bye . eos O O O O O O O O O general-bye +bos greetings ! i 'm looking for the worth house , i heard it 's in cambridge . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A +bos yes it is in the north and is a cheap 4 star guesthouse . would you like to make a reservation ? eos O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O Booking-Inform +bos no thank you . do they have free wifi ? eos O O O O O O O O O O O Hotel-Request+Internet +bos yes , they have free wifi . would you like to book the hotel now ? 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 , i would like to book the hotel now . eos O O O O O O O O O O O O Hotel-Inform +bos how many people will be staying ? also , 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 Booking-Request+Time,Booking-Request+People +bos sure , just me . monday at 12:00 is fine . 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 just monday night . eos O O B-Hotel-Inform+Day O O N/A +bos sure , anything else i can do for you . eos O O O O O O O O O O O general-reqmore +bos what area is the hotel in ? eos O O O O O O O O Hotel-Request+Area +bos the worth house is in the north . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O N/A +bos what is the price range of that hotel ? eos O O O O O O O O O O Hotel-Request+Price +bos worth house is in the cheap price range . would you like any more information ? 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 general-reqmore +bos nope , that 's all . thanks . bye ! eos O O O O O O O O O O O general-bye +bos thank you . we 'll be happy to help you with your future travel needs . eos O O O O O O O O O O O O O O O O O general-greet +bos hi , 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 O N/A +bos sure thing . i have two options for you , and they are both guesthouses . one in the east , and one in the north . do you have a preference ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Type 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 Hotel-Request+Area +bos are either of those two cheap ? eos O O O O O O O O N/A +bos no i am sorry , they are both in the moderate price range . would you like to book one of them ? 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 Booking-Inform +bos any one will do as long as it has a 4-star rating with free wifi and is cheap . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O N/A +bos there are no 4-star places that are cheap and have free wifi . perhaps something not as fancy , or in a higher price range ? eos O O O O B-Hotel-NoOffer+Stars O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O B-Hotel-Select+Stars I-Hotel-Select+Stars I-Hotel-Select+Stars O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O O O Hotel-Request+Price,Hotel-Request+Stars,general-reqmore +bos i 'm not sure . i really needed those specifications . eos O O O O O O O O O O O O N/A +bos i apologize , we have several options . the alexander bed and breakfast is a cheap four star guesthouse , in the north area , with wifi . would you care to reserve a room ? eos O O O O O B-Hotel-Inform+Choice 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 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 Booking-Inform,Hotel-Inform+Internet +bos yes , let 's book it for 3 nights from wednesday . there will be 5 of us . eos 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 O O O N/A +bos okay , i 've made your reservation . the reference number is 525a3u0n . what else can i 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 you 've taken care of everything . thank you . 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 general-bye +bos i 'm looking for a hotel with free parking . eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos we have 8 hotels offer free parking . did you have a price range in mind ? or an area of town you want 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,Hotel-Request+Price,Hotel-Inform+Parking +bos area does n't matter , but i would like to keep the price moderate . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos both the ashley hotel and lovell lodge offer free parking and are moderately priced . they are also both on the north end of town . do either of these sound good ? 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 B-Hotel-Inform+Price I-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 Hotel-Select,Hotel-Inform+Parking +bos do either of them have a 4 star rating ? eos O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos i 'm sorry , but they are both 2 star hotels . would you like to change your preferences ? eos O O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O O O O O O O O O O general-reqmore +bos i would like a four star hotel in the moderate price range . i do need 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 we have a number of 4 star guesthouses with free parking , but no hotels . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O Hotel-Inform+Parking +bos i think that should be fine . can i book one for wednesday for 4 nights ? there will be 4 of us . eos 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 O O O O O N/A +bos there are 9 locations to choose from that meet your criteria . they 're in various parts of the city . would you prefer to stay in the north , south , or east ? 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 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 Hotel-Request+Area +bos it does n't matter to me . eos O O O O O O O O N/A +bos i have booked you at kirkwood house . reference number : a40vc3l5 . anything else you need ? 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 no that will be all , thanks ! eos 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 'm looking to visit a college . eos O O O O O O B-Attraction-Inform+Type O O N/A +bos what area would you like to visit a college ? eos O O O O O O O O O B-Attraction-Inform+Type O Attraction-Request+Area +bos it can be anywhere in town . eos O O O O O O O O N/A +bos there are many beautiful colleges to see i recommend christ 's college in the centre . would you like more information ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type 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 general-reqmore +bos yes . may i have the address and the area it is in . eos O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Addr +bos the address for christ 's college is saint andrew 's street in the centre . may i help you with something else today ? eos O O O O B-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 B-Attraction-Inform+Area O O O O O O O O O O O O general-reqmore +bos yes i want to find an expensive chinese restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are 9 options , but ugly duckling fits your needs and is in the centre near the college , would you like more information ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Area O O B-Attraction-Inform+Type O O O O O O O O general-reqmore +bos could you book that place for 7 people on sunday at 13:00 ? 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 booking was successful . the table will be reserved for 15 minutes.reference number is : bc3dzbxm eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos hey i am looking for a swimming pool to go to while in cambridge . can you find me one 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 4 swimming pools to choose from . 2 are in the north , and i have one in the east and centre . do you have a preference ? 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Select +bos i think the one in the east would be best . can you give me an address for 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+Addr +bos sure ! abbey pool and astroturf pitch is at pool way , whitehill road , off newmarket road . would you like the phone number ? 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 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 N/A +bos naw , but i 'm looking for some food eos O O O O O O O O O O N/A +bos what type of food . eos O O O O O O Restaurant-Request+Food +bos i would really like to get really great chinese food . can you suggest an expensive chinese place ? 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 O O N/A +bos sure , there are a number of options . is there a particular area of town you were interested 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 O O O O Restaurant-Request+Area +bos i do n't have a area of town preference . eos O O O O O O O O O O O Attraction-Request+Area +bos yes ! there are 5 that i have found . one in the east , 2 south , 1 north and 1 centre . would you like the address of any of them ? 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O N/A +bos yes please . please make sure the restaurant has a table available for booking for seven people on sunday at 13:15. 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 N/A +bos i booked you a table at hakka ( ref # 7k0c5ajn ) . they 're on the east side at milton road , chesterton . eos O O O O O O O B-Booking-Book+Name O B-Booking-Book+Ref O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O N/A +bos great that 's all i needed . thanks for your help . bye . eos O O O O O O O O O O O O O O O general-bye +bos glad to be of service ! goodbye ! eos O O O O O O O O O general-welcome,general-bye +bos i want to find a restaurant called meghna . can you help ? eos O O O O O O O O B-Restaurant-Inform+Name O O O O O N/A +bos meghna is located in the west . their address is 205 victoria road chesterton . eos O B-Restaurant-Inform+Name 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 O N/A +bos awesome ! what 's price range of meghna ? eos O O O O O O O O O O Restaurant-Request+Price +bos meghna is moderately priced . may i book a table for you ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos yes please , i am also looking for places to go in town . the attraction should be in the center and should be in 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 O O O O O N/A +bos unfortunately , i do n't have any multiple sport attractions in the centre . are there any other attractions 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 O O O N/A +bos well that 's a bummer . do you have any boat attractions you can recommend ? 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 have the cambridge punter located at 251a chesterton road . eos 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 N/A +bos 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 . eos O O O O O O O O O O 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 i can not book that they require a phone to schedule . you can call them at 07807718591 eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Phone O Booking-NoBook +bos what is the address ? thanks so much for helping me . eos O O O O O O O O O O O O O Attraction-Request+Addr +bos their address is 205 victoria road chesterton . do you need assistance with anything else ? 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 general-reqmore +bos i just need the phone number , entrance fee , and address of a boat attraction . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos sure ! the cambridge punter is located on 251a chesterton road and the phone number is 07807718591. the entrance fee is unknown , but you can call them to find out . eos 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 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 O O O O N/A +bos great that 's all 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 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 chinese restaurant please . or one that serves chinese food . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O N/A +bos what area of town would you like the restaurant to be in ? eos O O O O O O O O O O O O O O Restaurant-Request+Area +bos i 'd like to be in the centre of town . eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos jinling noodle bar is in the centre area serving chinese in the moderate price range . would you like to reserve a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos i want something expensive . eos O O O O B-Restaurant-Inform+Price O N/A +bos i think you would enjoy ugly duckling . want more information ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O general-reqmore +bos could you make a reservation for 3 people at 15:15 on saturday and provide the reference number ? also looking for a theatre in the same area . 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 O O O O O O Restaurant-Request+Ref +bos i made a reservation for your party of 3 at the ugly duckling for saturday at 15:15. your reference is pez07fh7 . is there anything else i can help you with ? eos O O O O O 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 B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos i am also looking for a theater . eos O O O O O O O O O N/A +bos there are 4 options , but i personally recommend the cambridge corn exchange , would you like more info ? 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 O O O O O O O O general-reqmore +bos yes more info and adress and is there any fee 's ? eos O O O O O O O O O O O O O N/A +bos ok , their address is wheeler street . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos and i there an entrance fee ? eos O O O O O O O O Attraction-Request+Fee +bos i do not know you can call 01223357851 and find out . i suspect it varies based on day and time so calling would be best . eos O O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone 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 N/A +bos that 's great i will call them , thank you . eos O O O O O O O O O O O O general-thank +bos no problem , are you all set or is there anything else that has n't been covered yet ? 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 thanks . you covered everything . have a good night . bye . eos O O O O O O O O O O O O O O O general-bye +bos enjoy your dinner . eos O O O O O general-bye +bos i 'd like to find a turkish 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 i have three turkish restaurants in the centre of town . are you looking for a specific price range ? eos O O O B-Restaurant-Inform+Choice 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 Restaurant-Request+Price +bos an expensive restaurant would be nice . eos O O B-Restaurant-Inform+Price O O O O O N/A +bos then the meze bar restaurant is the one for you . would you 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 Booking-Inform +bos yes please , can i reserve for 6 people at 12:15 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 your table for 6 has been booked on tuesday . can i help you with something else ? eos O O O O O B-Booking-Book+People O O O B-Booking-Book+Day O O O O O O O O O general-reqmore +bos could i have the reference number please eos O O O O O O O O Restaurant-Request+Ref +bos sure . reference number is : tj09lfvd . 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 yes , i 'm looking for a college to visit . eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos do you have a part of town you prefer ? eos O O O O O O O O O O O Attraction-Request+Area +bos the centre around the same area as the restaurant do you have any suggestions ? eos O O B-Restaurant-Inform+Area O O O O O O O O O O O O O N/A +bos how about christ 's college its in the centre and free admission eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O B-Attraction-Inform+Fee O O N/A +bos that 's a great suggestion . thanks . i will also need a taxi between the college and the restaurant , 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-Inform,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 O Taxi-Request+Arrive,Taxi-Request+Leave +bos i just need it to arrive by 12:15 for the reservation . eos O O O O O O O O B-Taxi-Inform+Arrive O O O O N/A +bos your taxi reservation on a grey lexus has been completed . you will be picked up at christ 's college and dropped off at meze bar restaurant . the contact number is 07700069470 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+Depart I-Taxi-Inform+Depart O O 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 N/A +bos thank you so much ! , have a great day ! 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 thank you good bye . eos 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 +bos is there a good restaurant on the north end of town ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos yes ! there are quite a few . do you have a preference for type of food ? 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+Food,general-greet +bos an expensive chinese restaurant please located in the north eos O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area N/A +bos there are two , one is called hakka and another is the hotpot . would you like a reservation at one of these 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 N/A +bos yes , can you provide me the address of hakka ? eos O O O O O O O O O B-Restaurant-Inform+Name O O Restaurant-Request+Addr +bos it 's milton road chesterton , postcode cb41jy . phone number is 01223568988. if you 'll tell me how many people and when you 'll be dining , i 'll be happy to book it for you . eos 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 O O O 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,Booking-Inform +bos i do n't need a reservation right now , but i am looking for a train . i need to leave wednesday after 15:45. eos O O O O 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 O N/A +bos i have many options for you . where are you going and from where are you departing ? 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,Train-Request+Depart +bos i am looking to leave on wednesday after 15:45 and should depart from cambridge and arrive at london kings cross . eos 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 N/A +bos the soonest after 15:45 is tr3843 , departing cambridge at 17:00 and arriving in london at kings cross at 17:51. will that meet your needs ? eos O O O O O O B-Train-OfferBook+Id O B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Leave I-Train-OfferBook+Leave O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest I-Train-OfferBook+Dest I-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O O O O O O O N/A +bos yes that would be fine . 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 that 's all actually . thank you for the assistance . 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 are there any catalan 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 i 'm sorry , there are no catalan dining establishments in the city centre . would you like to look for a different cuisine or area ? eos 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 O O Restaurant-Request+Area,Restaurant-Request+Food +bos actually , can you try anything that serves french food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have the cote in the centre . it is in the expensive range . would you like to make a booking ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O Booking-Inform +bos yes , please . i need a table for 8 on friday at 17:30 , please . eos O O O O O O O O O O O O O O O O O O N/A +bos ok , you are all set for cote on friday , table for 8 at 17:30. can i help with anything else ? eos O O O O O O O B-Booking-Book+Name O O O O O B-Booking-Book+People B-Booking-Book+Time O O O O O O O O O general-reqmore +bos can i have the reference number for the reservation please ? eos O O O O O O O O O O O O N/A +bos booking was unsuccessful . can you try another time slot ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos what about 16:30 ? eos O O O O O N/A +bos one moment while i try to make the reservation of table for 8 , friday at 16:30. eos O O O O O O O O O O O O O O B-Booking-Inform+Day I-Booking-Inform+Day B-Booking-Inform+Time O N/A +bos if 16:30 is available , i 'll need the reference number , too , please . eos O O B-Restaurant-Inform+Time O O O O O O O O O O O O O O N/A +bos i 've got you booked for 16:30. the reference number is eq0yaq1g . eos O O O O O O B-Booking-Book+Time O O O O O B-Booking-Book+Ref O N/A +bos great thanks . i also need a train , one leaving peterborough and arriving at cambridge by 11:15 ? eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A +bos there are lots to choose from under that criteria . what day would you like to travel on ? 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+Day +bos i would like it for friday , please . can you please provide a reference number as well ? 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 ok great , i was able to book you on train tr4296 departing 09:48 and arriving 10:38. the reference number is p3agodma . can i assist you with anything else ? eos O O O O O O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos thank you , i wo n't be needing anything else . eos O O O O O O O O O O O O general-thank +bos i 'm happy to have been able to help you today . take care . eos O O O O O O O O O O O O O O O O general-greet +bos i want to take a train to cambridge on friday , what 's available ? eos 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 i found 202 trains . what is your departure station ? eos O O O O B-Train-Inform+Choice O O O O O O O Train-Request+Depart +bos i would like the departure station to be broxbourne . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos i have a train leaving that station at 09:32 and arriving at 10:32 , if that 's acceptable ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos no , i need something that gets there by 9:45. eos O O O O O O O O O O O N/A +bos i have train tr3005 that arrives at 09:32 , would that be 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 O O Train-OfferBook +bos yes , i need the reference number . i am also looking for a place to eat in the south area , preferable italian . eos 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 B-Restaurant-Inform+Food O O Train-Request+Ref +bos there are two restaurants that are italian , pizza hut cherry hinton , and franky and bennys . the reference number for your train is 0eg8ewwr . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food 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-Train-Inform+Ref O O N/A +bos pick one of those . i need it for the same amount of people at 17:15 on the same day . 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 N/A +bos i 'm sorry , both of those restaurants are fully booked for the time requested . may i check another restaurant 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,general-reqmore +bos okay . can you find another italian restaurant ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are many italian restaurants not in the south of town , do you have another area preference ? eos O O O B-Restaurant-Inform+Choice 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Restaurant-Select +bos not really . please make a recommendation . eos O O O O O O O O O N/A +bos there is a pizza express that is in the centre area . it is in the moderate category . would you like me to try to book that ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area 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 . it will just me at 17:15 on friday . eos O O O O O O O B-Restaurant-Inform+People O O O O N/A +bos i was able to book it , the reference number is ppxqdnom . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos terrific . i appreciate your help . good bye ! eos O O O O O O O O O O O general-bye +bos you 're welcome ! please let us know if we can assist you 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 general-welcome,general-bye,general-greet +bos i need to take a train from cambridge to ely . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos 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 ? eos O O O O O O O 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 'd like to travel on monday , any time after 14:00 please . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O O O O N/A +bos how about train tr7177 ? it leaves at 15:50 eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos yes please book one tickets please . eos O O O O O O O O N/A +bos ok your reference number is : ym5xxtvs . total is 4.4 gbp and are payable when you get to the station . eos 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 O O N/A +bos can you give me more info about lan hong house . eos O O O O O O O O O O O O N/A +bos i hope you enjoy your trip ! have a great day eos O O O O O O O O O O O O general-bye +bos ummm , thanks , but could you tell me more about the lan hong house restaurant ? 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 O N/A +bos absolutely ! lan hong house is a moderately priced restaurant in centre . 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+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O Booking-Inform +bos yes , i would for 6 people on monday at 17:30. what is their phone number and food type ? 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,Restaurant-Request+Food +bos there food type if chinese , and their phone number is 01223350420. eos O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Phone O N/A +bos ok , great ! that 's all i needed , thank you ! eos O O 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 am looking for someplace to go and it needs to be a swimming pool eos O O O O O O O O O O O O O O O O N/A +bos okay . there are four swimming pools in town : one in the east , two in the north , and one in the centre . do you have a preference ? eos 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O Attraction-Select +bos not really . can you tell me about what 's available ? eos O O O O O O O O O O O O O N/A +bos yes , abbey pool and astroturk pitch is in the east , jesus green outdoor pool and kings hedges learner pool are in the north , and parkside pools is 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-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A +bos i also need a train to cambridge on sunday eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos 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 ? eos O O O O O O 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 am departing from birmingham new street . oh , i also need the address for the swimmingpool . you mentioned parkside pools in the centre . their address ? 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 O O O O O O O O O O O Attraction-Request+Addr +bos parkside pools ' is located on gonville place , postcode cb11ly . now for your train . what time would you like to depart or arrive by ? 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 B-Attraction-Inform+Post 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 18:00 eos O O O O O O O B-Train-Inform+Leave N/A +bos there is a train on sunday at 7:40pm . would you like me to book it ? 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-OfferBook +bos is that departing from birmingham new street to cambridge on sunday ? if so then yes book that for two tickets and i need the reference number as well . eos 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 O O O O O O O O O O O O O O O O O Train-Request+Ref +bos yes , all the information you stated was correct . i was able to book you 2 tickets . your reference number is camplizo . the total free is 120.16 gbp due at the station . eos O O O O O O O O O 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 O O O O O O N/A +bos excellent , thanks for your help ! eos 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-welcome,general-reqmore +bos no that is all . 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 general-bye +bos hello , i am looking for a train departing from cambridge , and leaving on friday . do you see anything for that time ? 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 O O O O O O O N/A +bos there are tons of them ! can you tell me a bit more about your trip so we can narrow it down a little ? 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 O O O O O O O O O O O O Train-Request+Dest +bos yes i want to leave after 13:30 and arrive 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 N/A +bos there are 6 options available . would leaving at 13:59 and arriving at 15:27 work for you ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O Train-Select +bos yes , that would be perfect . can you just give me the train id for that ? eos O O O O O O O O O O O O O O O O O O O Train-Request+TrainID +bos that is train tr4187 . is there anything else i can help with ? eos O O O O B-Train-Inform+Id O O O O O O O O O O N/A +bos yes are there any multiple sports places 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 no sports in the center . shall i change type or location 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 O N/A +bos hmm , that kind of stinks . well , how about a theatre instead ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i have 4 theaters in the centre area . the mumford is one of my favorites . can i give you more information on one ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Inform+Name O O O O O O O O O O O O O O O O general-reqmore +bos what 's the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos i am unaware of what their entrance fee is at this time . sometimes that happens because prices fluctuate and i apologize . can i help with anything else ? eos O O O B-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-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 O O O general-reqmore +bos no thank you , goodbye . eos 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 hi there . can you help me find a museum 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 O N/A +bos yes there are many . do you have a preference for type ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Type +bos as long as it 's a museum in the west , i 'm happy . can you pick one and give me 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 Attraction-Request+Post +bos cafe jello gallery is a museum in the west . its postcode is cb30af . 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 B-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O N/A +bos thank you . i am also hoping to book a train to cambridge from ely . eos 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 what day and time would you like to travel ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i need to leave for ely sometime after 8:30 on saturday . eos O O O O O O O O O O O O O N/A +bos i have the tr3177 train leaving at 09:50 on sunday , would that work ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O N/A +bos i actually need to leave on saturday . is there something leaving at a similar time ? eos O O O O O O O B-Train-Inform+Day O O O O O O O O O O N/A +bos how about tr0718 ? it leaves at 09:50. eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that would be perfect , can you book that for one 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 O O Train-Request+Ref +bos okay i 've done that for you . your reference number ineqvbmn . eos 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 today . thank you 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 quite welcome , have a lovely day ! enjoy cambridge ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos thank you , have a good day ! eos O O O O O O O O O general-thank +bos its been our pleasure to serve you . eos O O O O O O O O O general-bye +bos i need to find a cheap place to eat . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i can find that for you . what cuisine are you interested in ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food +bos we would prefer vietnamese please . in the west area ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A +bos there is a restaurant called thanh binh . would you like me to book a table ? 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 Booking-Inform +bos yes i would like a table for 7 people on monday at 13:15 eos O 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 booking was unsuccessful do you have any other preference ? eos O O O O O O O O O O O Booking-NoBook +bos can you try 12:15 on monday ? eos O O O O B-Restaurant-Inform+Time O O O N/A +bos your reservation has been set for monday at 12:15 for 7 people . the reference number is 3mtlqcba . can i do anything else for you ? eos 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 general-reqmore +bos thank you i also need a train on tuesday leaving after 17:30 eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos i would be happy to help with that . can you tell me the departure city and where you are 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 Train-Request+Dest,Train-Request+Depart +bos i am leaving from cambridge and headed to stevenage . i would like to leave after 17:30 please . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O O O O O N/A +bos alright , tr6692 looks like your best bet . 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 O O Train-OfferBook +bos yes . please book that for me . thanks so much ! eos O O O O O O O O O O O O O general-thank +bos how many tickets would you like me to book ? eos O O O O O O O O O O O Train-Request+People +bos just one ticket , please . eos O O O O O O O N/A +bos i 've booked that ticket for you . the reference number is ftlhurxq , and the total fee is 12.8 gbp . eos O O O 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 N/A +bos thank you , what is the arrival time ? eos O O O O O O O O O O Train-Request+Arrive +bos the travel time is 49 minutes . would you like to know any more info ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O N/A +bos can you tell me when that train will be arriving in stevenage ? eos O O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos certainly . the train will arrive at 20:10. can i help you with anything else ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O general-reqmore +bos i think that about does it . thanks for the help today . eos O O O O O O O O O O O O O O general-thank +bos it was my pleasure to assist you . thanks 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 O O O O O O O general-welcome,general-bye +bos need restaurant thats expensive and in the east of town . eos 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 the east . do you have a type of food you prefer ? 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 O Restaurant-Request+Food +bos it really does n't matter , as long is its insanely expensive located in the east part of town . i need the postcode & phone number when you find one please . 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 O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos is yu garden , a chinese place fitted to your tatse ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O O O N/A +bos that sounds fine i need their postcode and phone number . eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the postcode is cb58pa and the phone number is 01223248882. eos O O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone N/A +bos ok. thank you for the information . eos O O O O O O O O general-thank +bos your welcome and enjoy your meal ! eos O O O O O O O O general-welcome +bos i 'm also looking for a train on thursday , to depart from cambridge and arrive at broxbourne by 18:15. eos 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+Dest O B-Train-Inform+Arrive O O N/A +bos i have train tr6457 arriving at 18:01 and leaving at 17:01 , is that good for you ? eos O O O 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 that sounds fine . i need tickets for 8 , please . eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos all set . your reference number is yg7ktn9a . eos 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 is that everything that you will be needing today ? eos O O O O O O O O O O O general-reqmore +bos i believe so . thank you for your help . eos O O O O O O O O O O O general-thank +bos you are very welcome ! enjoy your day ! goodbye eos O O O O O O O O O O O general-welcome,general-bye +bos hello , are there any moderate catalan 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 i am sorry my database is showing none in the area eos O O O O O O O O O O O O Restaurant-NoOffer +bos how about italian food , than ? eos O O O B-Restaurant-Inform+Food O O O O N/A +bos i have found several . do you have any preference towards price ? eos O O O O B-Restaurant-Inform+Choice 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 O O O O N/A +bos prezzo in the west offers moderately priced italian food . would you like me to book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O O Booking-Inform +bos that sounds good . can you book the table for 7 people on tuesday at 16:15 ? i also need a train departing from cambridge that leaves after 11:30. eos O O O O O O O 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 B-Train-Inform+Depart O O O B-Train-Inform+Leave N/A +bos your reservation with prezzo was successful and your reference number is ilwv6ldn . they 'll hold your table for 15 minutes . what is your destination for the train ? 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 O O O O O O Train-Request+Dest +bos i 'll be going to peterborough on wednesday . eos O O O O O B-Train-Inform+Dest O O O O N/A +bos the first train to leave after 11:30 on tuesday is the tr4344 , which departs at 11:34 and arrives at 12:24. would that one do ? eos O O O O O O O O O B-Train-Inform+Day I-Train-Inform+Day 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 sounds perfect . i need seven tickets please . eos O O O O O O O O O O N/A +bos ok , i have your tickets booked , the total fee is 115.5 gbp payable at the station . your reference number is : kyi5fpog . can i get you anything else ? 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 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 let us know if we can help you further . good day . eos O O O O O O O O O O O O O O general-greet +bos i need a train to cambridge eos O O O O O O B-Train-Inform+Dest N/A +bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos i 'm leaving from stevenage and i 'll need to leave sometime after 21:15 if possible . eos O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Leave O O O O O N/A +bos what is your day of travel and your preferred arrival time ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Arrive +bos i 'm working at leave on wednesday after 21:15 eos O O O O O O B-Train-Inform+Day O O O N/A +bos train tr3190 will depart at 21:54 , 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 O O O O O O O O Train-OfferBook +bos that would be great . i am also looking for a hotel . i would like to stay in the east side of town , and i do not need parking . 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 O O O O B-Hotel-Inform+Parking O O O O O N/A +bos the only hotel in the area is a guesthouse called , a and b guest house . they are 4 stars . eos O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 N/A +bos no , i need a hotel , not a guesthouse . eos O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos i am sorry but there are no hotels in that area . a and b guest house has 4 stars . would you like to give it a try ? eos O O O O O O O O B-Hotel-NoOffer+Type 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 I-Hotel-Recommend+Name O O O O O O O O O O N/A +bos the guesthouse will be ok , as long as it 's rating is a star of 4. eos O O B-Hotel-Inform+Type O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos yes , indeed , the a and b guesthouse does have a 4 star rating . would you like a booking ? 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 B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform +bos can i book 4 nights for 6 people on that same wednesday ? eos O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O N/A +bos you 're all set , your reference number for the booking is ufvh6k6y . eos 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 . have a nice 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 too ! eos O O O O O O O O O O O general-welcome +bos i 'm looking for places to go in town . the attractions should be in the centre . 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 there are many things to do in a centre . are you most interested in a museum , a church , a college , or something else ? 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 B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type O O O O Attraction-Request+Type +bos book me for a college and entrance fee , attraction type , and postcode eos O O O O O B-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Type +bos downing college is a college , it is free . postcode : cb21dq . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Fee O B-Attraction-Recommend+Post O O O O N/A +bos i also am looking for a hotel in cambridge . eos O O O O O O O O O O O Hotel-Inform +bos what preference would you have in relation to price , area or amenities . eos 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 would like a guesthouse in the moderate price range that has free parking & wifi . 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 N/A +bos what about archway house in the north ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O N/A +bos that sounds nice , i need to arrive on sunday , i will have 8 total guests and we are staying for 4 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 O O O O B-Hotel-Inform+Stay O O O N/A +bos booking was successful.reference number is : vq9mdb4e . is therebany other way i can be of help ? 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 thank you ! will you please book me a taxi between the two places , leaving at 01:45 ? eos 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 i have booked your taxi . you will be awaiting a yellow toyota . if you need to contact the driver for any reason , the number is 07039085605. 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 O O O O O B-Taxi-Inform+Phone O O O N/A +bos thank you that was all i needed . eos O 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-greet,general-reqmore +bos yes , that is all . goodbye . eos O O O O O O O O O general-bye +bos your welcome , it was my pleasure . have a great 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 i am looking for aa train to cambridge that will depart after 16:45 eos O O O O O O O O B-Train-Inform+Dest O 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 'll be leaving from leicester on sunday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos there are 7 trains leaving leicaster that fit your criteria . how does 17:09 sound ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O O O N/A +bos that 's sounds fine , could you let me know how much each train will cost ? eos O O O O O O O O O O O O O O O O O O Train-Inform +bos yes that ticket would be 30.24 pounds . would you like me to book that for you ? 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 Train-OfferBook +bos no , thanks . i will go ahead and book later . i am also looking for a hotel room that is 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 Train-Request+Price +bos what part of town are you wanting to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos the place does not have to have free parking , should include free wifi , and should be in the centre of town . eos O O O O O B-Hotel-Inform+Parking 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 cityroomz meets all of your requirements . would you like me to book that for you ? 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 that wo n't be necessary . could you just give me the postcode , hotel type , and what it 's star rating is 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+Type +bos cityroomz is a hotel with a 0 star rating . their postcode is cb12tz eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Post O 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 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 i think that 's it eos O O O O O O N/A +bos ok. have a great day ! eos O O O O O O O general-bye +bos i am looking for a train that leaves on tuesday at 08:45 eos O O O O O O O O O O B-Train-Inform+Day O O N/A +bos there are 325 matches for your search . would you like to narrow down your selection by specifying a departure site or 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 O O O Train-Request+Depart,Train-Request+Dest +bos i am looking to go to cambridge from bishops stortford . 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 how many tickets do you need ? eos O O O O O O O O Train-Request+People +bos i need 2 tickets . can you tell me when the 8:45 train will arrive in 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 Train-Request+Arrive +bos the train will arrive by 10:07. eos O O O O O O B-Train-Inform+Arrive N/A +bos great ! i 'm also looking for a boat type of attraction in town . is there anything like that ? 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 N/A +bos what are would you like to look in ? eos O O O O O O O O O O Attraction-Request+Area +bos any area of town is ok , i just need a phone number , please . eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number of camboats is 01223902112 eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone N/A +bos great , i think that 's all i need . thank you . eos O O 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 hello , i need a train , please . eos O O O O O O O O O O Train-Inform +bos please tell me your destination and the time you wish to arrive . eos 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 on friday after 9:15 eos O O O O O O B-Train-Inform+Day O O N/A +bos where are you departing from and where are you going ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am departing from cambridge and going 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 N/A +bos i have train tr2048 departing cambridge at 9:40 and arriving at 10:08. would you like me to book this for you ? 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+Arrive O O O O O O O O O O Train-OfferBook +bos what is the price and travel time ? eos O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos the price is 10.10 pounds and the duration is 28 minutes . 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 N/A +bos sounds good . now i 'm looking to go to a particular attraction called kambar , it 's in the area , right ? eos 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 Attraction-Request+Area +bos kambar is a nightclub that is located in the centre area . it has a 5 pounds entrance fee . eos O B-Attraction-Inform+Name O O B-Attraction-Inform+Type O O 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 O O O N/A +bos ok , what was the address for that place ? eos O O O O O O O O O O O Attraction-Request+Addr +bos the address for kambar is 1 wheeler street . eos O O O O B-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos alright , thank you , that should be all for today . eos O O O O O O O O O O O O O general-thank +bos it was a pleasure to help you . have fun . eos O O O O O O O O O O O O general-welcome +bos you 've been very helpful , good day eos O O O O O O O O O N/A +bos good day to you too . eos O O O O O O O general-bye +bos i am planning a trip to cambridge by train and would like to leave on thursday . 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 not a problem . what station will you be leaving from ? eos O O O O O O O O O O O O O Train-Request+Depart +bos i would like to leave from kings lynn sometime after 10:00. eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave N/A +bos we have 14 trains leaving after 10:00 , what time would you prefer to arrive by ? they all cost 9.80 pounds eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Ticket I-Train-Inform+Ticket O O Train-Request+Arrive +bos the first one will be fine . i 'll need the arrival time for that one , please . eos O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos tr6298 which leaves at 10:11 will arrive at 10:58. eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos great , i am also looking for a cinema to attend while in town . do you have any suggestions ? 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 cineworld cinema is located in the south and vue cinema is located in the centre . eos O O 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+Area I-Attraction-Inform+Area N/A +bos could i have the address and entrance free for vue cinema ? eos O O O O O O O O O O O O O Attraction-Request+Addr +bos certainly ! vue cinema is located at the grafton centre , east road . however , i sadly do n't have any information listed for their prices . would you like to call them ? eos 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 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 O O O general-reqmore +bos yes please , i need to know their entrance fee . eos O O O O O O O O O O O O Attraction-Request+Fee +bos you can call them at 08712240240 and ask them about the entrance fee . eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O N/A +bos can you recommend a cinema that your database does have address and entrance fee information for ? eos 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 entrance fees are n't listed , but the addresses are : cineworld cinema is in cambridge leisure park , clifton way postcode cb17dy . vue cinema is at the grafton centre on east road , postcode cb11ps . 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 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 I-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 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 take care , please let me 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 am looking for a place to eat in the centre that serves creative food . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos we have no restaurants that serve creative food anywhere in cambridge . can i find you a different style of restaurant in the center ? eos O O O O O 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 expensive restaurants are in the centre ? eos O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos there are quite a few . asian , british , african , or a gastropub are just a few choices . do you have an idea of the cuisine you 'd like to try ? eos O O 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+Choice I-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 would like to try italian food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have several . would you like me to suggest one for you ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O N/A +bos if you could , just go ahead and pick an expensive one . i 'll need a table booked on monday at 19:30. it will be 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 O O O O O O N/A +bos how about clowns cafe ? it 's expensive . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price O O O N/A +bos ok , please book me for 6 people at 19:30 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 alright your booking number is 3hzr0o30 . how else may i help you ? eos 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 particular attraction . its name is called magdalene 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 yes , it is located in the west area and has the postcode cb30ag . it is on magdalene street and has a free entrance fee . eos O O O 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos thank you ! what is the attraction type ? eos O O O O O O O O O O Attraction-Request+Type +bos it is a college . is there anything else i can do for you today ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O general-reqmore +bos that should be all . thank you very much . eos O O O O O O O O O O O general-thank +bos let us know if you need help further . eos O O O O O O O O O O general-bye +bos i 'm looking for museum type attractions . eos O O O O B-Attraction-Inform+Type O O O O N/A +bos may i suggest cambridge artworks ? they are located in the east at 5 greens road . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 O N/A +bos okay wonderful ! thanks so much . eos O O O O O O O O general-thank +bos cambridge artworks has no entrance fee and the contact number is 01223902168. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone N/A +bos thank you so much ! i am also looking for a train leaving on tuesday and going to cambridge . eos O O O O O 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 there are 202 trains to cambridge . where are you leaving from ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Dest O O O O O O O Train-Request+Depart +bos i need to arrive by 9:15 and then depart from stevenage . eos O O O O O O O O O O O B-Train-Inform+Depart O N/A +bos great , train tr5737 arrives at 08:43 in cambridge . how many riders shall i book tickets for ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos there are 8 riders , and i need a reference number please . eos O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref +bos booking was successful your reference number is : ac1oucjv eos O O O O O O O O O B-Train-OfferBooked+Ref N/A +bos thank you very much . that was all i needed for today . have a nice day . eos O O O O O O O O O O O O O O O O O O O general-thank +bos happy to help . enjoy your stay ! eos O O O O O O O O O general-welcome,general-bye +bos i 'd like to book a train ticket , please . eos O O O O O O O O O O O O Train-Inform +bos where are your departure and destination sites ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i 'm looking for a train that is leaving on friday after 21:45. eos 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 46 trains operating on friday at that time . can i get your destination to narrow down the results ? 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 O O Train-Request+Dest +bos yes . i would like to go to leicester . what trains are available ? eos O O O O O O O O B-Train-Inform+Dest O O O O O O O N/A +bos i have two trains going from cambridge to leicester . one leaving at 22:21 and one leaving at 23:21. would you like to book one of these ? 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos i will go with the earlier departure , and i would like 2 seats please . i will also need 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 O O Train-Request+Ref +bos you 're all set for your 22:21 train reference number 1f6tadit eos O O O O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Ref O N/A +bos great , i also need a place to go 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 N/A +bos are you looking for a particular type of attraction on the east end of town ? perhaps a museum ? eos 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 O B-Attraction-Recommend+Type O O Attraction-Request+Type +bos sure , a museum sounds good , what do you have that 's free ? eos O O O O O O O O O O O O O O O O N/A +bos cambridge artworks , gallery at twelve a high street , saint barnabas press gallery and cherry hinton water play are all free . 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 I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O N/A +bos hmm , i guess the st barnabas thing sound interesting . is it expensive , though ? eos O O O O O O O O O O O O O O O O O O N/A +bos it is free eos O O O B-Attraction-Inform+Fee N/A +bos great thank you that 's all the help i need today . eos O O O O O O O O O O O O O general-thank +bos wonderful ! i hope you have a wonderful rest of the day . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i will be traveling to cambridge next month , and i need to find a train running from bishop 's stortford heading to cambridge , can you help me do this 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 O O O O O O O O N/A +bos there are 70 trains doing that trip , do you have a date 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 , that would be monday after 16:30. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos the earliest departure after 16:30 on monday is tr8925 , which will be departing bishops stortford going to cambridge at 17:29. would you like to book a ticket ? eos O O O O O O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Id O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos great can i get tickets for 6 people and 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 booking was successful , the total fee is 60.59 gbp payable at the station . your reference number is po9s5j0v . 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 thank you i also am looking for an attraction called saint john 's college 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 N/A +bos saint john 's college is in the centre of town , their address is saint john 's street , do you need any other info on them ? eos 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 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 no . you have been extremely helpful . thank you ! 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-welcome,general-greet +bos i am looking for places to go in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area 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 i 'm not sure . eos O O O O O O N/A +bos there are old churches , colleges , and art museums . eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos i really do n't have a preference . how about old churches ? eos O O O O O O O O O O O O O O N/A +bos how about holy trinity church ? it has a free entrance fee as well . 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 O O O O Attraction-Inform +bos is there a phone number that i can use to contact the holy trinity church ? eos 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 01223355397. eos O O O O O B-Attraction-Inform+Phone N/A +bos great i also need to get a train on thursday to go to bishops stortford . eos 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 O N/A +bos there are 10 trains that day . do you have a desired 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+Arrive,Train-Request+Leave +bos yes i want to leave from cambridge after 14:30. i also would like the travel time and train id if possible . eos 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 O O O Train-Request+Duration,Train-Request+TrainID +bos sure tr7759 would work best with your request . that leaves at 15:29 and arrives 16:07. it does cost 10.10 pounds per ticket though . eos O O B-Train-Inform+Id O O O 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 O N/A +bos that sounds perfect . i would like to book two seats . eos O O O O O O O O O O O O O N/A +bos your total fee is 20.2 gdp , payable at the station . the reference number is alemiawn . may i help with anything else ? eos 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 just to verify , my boss is a stickler for reimbursement things . it appears the travel time adds up to 38 minutes , is that accurate ? eos O O O O O 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 correct , your trip from cambridge to bishops stortford will take 38 minutes in total . is there anything else i can help with today ? eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest 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 great thank you that 's all the info i need . eos O O O O O O O O O O O O general-thank +bos very good , have a nice day ! eos O O O O O O O O O general-bye +bos hi , i am looking for attractions in the centre of town . do you have any recommendations ? eos 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 a lot of attractions to see in the centre , from architecture , colleges , and museums . what kind of attractions are you looking for ? eos O 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Type +bos i 'll visit anything . i do n't much care the type . eos O O O O O O O O O O O O O O Attraction-Request+Type +bos how about old schools ? it 's an architecture attraction that 's free . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Fee O O O O N/A +bos ok. what is the address and phone number for old schools ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos old schools is on trinity lane , and their phone number is 01223332320. can i help with anything else today ? eos 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 O O O O O O O O O general-reqmore +bos i also need a train to leave after 10:45 from kings lynn eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart N/A +bos there are a quite a few trains that leave from kings lynn . did you want to leave on a certain day ? or arrive by a certain time ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice 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 O Train-Request+Day,Train-Request+Arrive +bos the train should leave on monday and should go to cambridge . i do n't care about the arrival time . eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O O O O O O O O O N/A +bos the tr0684 which leaves at 11:11 would work well for you . want me to book that ? eos 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 i would like to book that for 8 people please . can i get 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 Train-Request+Ref +bos all booked ! the reference number is m50tgtuw . eos 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 you have a great day too ! do n't forget , when you 're in a bind , call 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 O general-bye +bos i am looking for a cheap restaurant in the center of the city . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos do you have any specific type of food you would like ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos no , i 'm not picky as long as the prices are low . eos O O O O O O O O O O O O O O O N/A +bos there is a cheap chinese restaurant called the dojo noodle bar located in the centre of town . 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+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform +bos yes please , for 8 people at 18:30 on thursday . 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 am sorry but dojo noodle bar is solidly booked at that time . i can try a different time or day 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,Booking-Request+Time,Booking-Request+Day +bos can you try to book it at 17:30. eos O O O O O O O O B-Restaurant-Inform+Time N/A +bos all set . your reference number is k2bo09vq . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks . i 'm also looking for some entertainment close to the restaurant . any suggestions ? 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 i am sorry i do not have any attractions meeting the criteria you listed . is there another type of attraction or area you would like me to 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 Attraction-Request+Type,Attraction-Request+Area,Attraction-NoOffer +bos why do n't you try an architectural attraction , instead . eos O O O O O O O O O O O O N/A +bos all saints church looks good , would you like to head there ? 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 N/A +bos yes please . can you let me know what the entrance fee is too ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos its entrance fee is free . eos O O O O O B-Attraction-Inform+Fee O N/A +bos i also need to book a taxi between the restaurant and the church . eos 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 the taxi to pick you up from dojo noodle bar ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos 18:30 , please . eos O B-Taxi-Inform+Leave O O O N/A +bos your taxi is booked . the car is a blue bmw and the contact number is 07239644669. 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 O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos that 's it . thanks . eos O O O O O O O general-thank +bos awesome , enjoy your trip ! eos O O O O O O O general-bye +bos thanks ! i will definitely try to . eos O O O O O O O O O general-thank +bos great ! goodbye and have a nice day . eos O O O O O O O O O O general-bye +bos so , i need a guesthouse with free parking . eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos there are 21 guesthouses with free parking . is there a particular area or price range you 'd like to look 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 O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos yes , i would like it to be in the south and in the moderate range please . eos O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O N/A +bos i have two options . the aylesbray lodge guest house and the bridge guest house . both offer free wifi and parking . can i help arrange a room for you ? 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 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 yes , that would be great . i would be happy with either of those options . eos O O O O O O O O O O O O O O O O O O N/A +bos great ! lets go with aylesbray lodge guest house . 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 O O O O O O O O O O O O Booking-Inform +bos no thank you . could i get the postcode please ? eos O O O O O O O O O O O O Hotel-Request+Post +bos yes , it 's cb17sr . eos O O O B-Hotel-Inform+Post O O O N/A +bos that is all for now , 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-bye +bos can you help me find a room for when i visit next week ? eos O O O O O O O O O O O O O O O N/A +bos i would be more than happy to . are you looking for a hotel in 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 O O Hotel-Request+Area +bos north please . i would also like it to include free parking . eos O B-Hotel-Inform+Area O O O O O O O O O O O O N/A +bos there are several to choose from . would you like a hotel or a guestroom ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Type +bos i 'd like a hotel with free wifi in the moderate price range please . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are n't any hotels that have both internet and parking . would a guesthouse suit your needs ? eos 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 O O O O Hotel-NoOffer+Internet,Hotel-NoOffer+Parking,general-reqmore +bos yes , a guesthouse would be fine . eos O O O O O O O O O N/A +bos how about the acorn guest house ? it has free internet and parking , four stars and is in the moderate price range ? shall i 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 B-Hotel-Recommend+Stars O O O O O B-Hotel-Recommend+Price O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform,Hotel-Inform +bos no , can you just give me the address ? eos O O O O O O O O O O O Hotel-Request+Addr +bos sure , the address is 154 chesterton road and the postcode is cb41da . 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 great , thanks . that is all i need . bye . eos O O O O O O O O O O O O O general-bye +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 can you help me find a hotel that has free wifi ? eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos sure , there are 9 hotels with free wifi . is there an area of town or price range you 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 O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet +bos i would like something cheap in the north part of town . eos O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O O N/A +bos i 'm sorry . there is not one in the cheap range . i do have 2 in the moderate range . would you be interested in one of those ? eos O O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price 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 O O O O N/A +bos sure , but can i get one that also has free parking ? eos O O O O O O O O O O O O O O N/A +bos they both have free parking . would you like to book at ashley hotel or lovell lodge ? eos O O 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 O Booking-Inform,Hotel-Inform+Parking +bos it does n't matter . the ashley is fine . eos O O O O O O O O O O O N/A +bos 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 . eos O O O O O O 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 there will be 6 of us arriving on sunday , and we need to stay for 4 nights . eos 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 N/A +bos you have a reservation . the confirmation code is gdefc2re . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you , that is it bye . eos 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 i need to get a train from cambridge to london liverpool 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 there are trains from 5:59 to 23:29 from cambridge to london liverpool street . what is your preferred day and time of departure ? eos O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave 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 on friday , after 10:30 , please . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O N/A +bos there are several trains that might work for you . the earliest is tr1750 , departing at 11:59 and arriving at 13:27. would you like to book it ? eos O O O B-Train-Inform+Choice O O O O 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 Train-OfferBook +bos could you actually tell me the price on that ? eos O O O O O O O O O O O Train-Request+Price +bos of course , the cost for one ticket will be 16.60 pounds . eos O O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos great , thanks . can you also help me find an upscale place to stay that offers 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 certainly , i have results for 5 upscale hotels with wifi and free parking . do you have an area preference you 'd like to stay in ? eos O O 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 O O O Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i do n't have an area preference but i would like a guesthouse . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos i 'm sorry but i do n't have nay guesthouses matching that criteria . could we look at hotels instead ? eos O 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 O O O N/A +bos yes that will be fine . could you recommend a nice hotel ? eos O O O O O O O O O O O O O O Hotel-Inform +bos i found 5 hotels , 2 in centre , one east , one west , and one south , would one of those work for you ? 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 O O O O O O Hotel-Select +bos are there any moderately priced guesthouses with wifi and free parking ? eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O Train-Request+Price +bos how about home from home , in the north of the city ? 4 stars , moderately priced , free internet and parking . eos 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 B-Hotel-Inform+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos and this is a guesthouse , correct ? if so , i would love the 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 Hotel-Request+Post,Hotel-Request+Addr +bos yes it is . it 's address is 78-80 milton road , postcode cb41la . would you like me to book it for you ? 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 O O O O O O O O O O O Booking-Inform +bos yes please , just one person staying one night . eos O O O O O O O O O O O N/A +bos do you want the room for friday ? eos O O O O O O O O O Booking-Request+Day +bos not yet , just needed the info given , thanks . eos O O O O O O O O O O O O general-thank +bos ok great , have a great day ! eos O O O O O O O O O general-bye +bos thank you so much , bye . eos O O O O O O O O general-bye +bos let me know if you need a reservation in the future . 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 general-bye +bos yes , i am trying to find a hotel by the name of allenbell . can you help me ? eos O O O O O O O O O O O O O B-Hotel-Inform+Name O O O O O O O N/A +bos i 've located allenbell guesthouse . it 's in the east at address 517a coldham lane postcode cb13js . the contact number is 01223210353. would you like to book a room ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area 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 Booking-Inform +bos yes . i would like to book it for 8 people and 5 nights starting from tuesday . 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 your booking is confirmed , 8 people for 5 nights starting tuesday at the allenbell . booking reference is ylpaos85 . do you need anything else ? eos O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay 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 general-reqmore +bos no , thank you . thanks for your help . eos O O O O O O O O O O O general-thank +bos thank you for choosing 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,general-greet +bos i am visiting in the northern area of town . i need to find me a place to stay for the night . can you help ? eos 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 there are 11 guesthouses and 2 hotels in the north . do you have a preference as to type or other requirements ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Request+Type +bos i 'd like it to have free parking and free wifi . eos O O O O O O O O O O O O O N/A +bos the arbury lodge guesthouse is the north area with free parking and wifi . would you care to book a room here ? 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos is the arbury lodge moderately priced ? if so , i would like to book a room for 1 person for 3 nights on saturday . 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 B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A +bos the arbury lodge is unavailable for 3 nights on saturday . can you select another day or for fewer days ? 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 alright , can you try for just one night ? eos O O O O O O O O O O O N/A +bos i was able to book you a room for 1 night at the guesthouse . the reference number is nezykv5e . is there anything else i can do for you ? eos O O O O O O 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 no , that should do it . 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 have a great day ! eos O O O O O O general-bye +bos i would like to book at room at alexander 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 N/A +bos 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 . eos O O O O O O O O O O O O O O O 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-Request+Day +bos actually i just need a bit of information . what is the price range , star rating , 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 Hotel-Request+Phone,Hotel-Request+Price +bos it 's a cheap 4 star guesthouse and the number is 01223525725. eos O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O B-Hotel-Inform+Phone O N/A +bos thank you very much ! 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-bye,general-greet +bos i 'm looking for an expensive place to stay with free parking please . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos express by holiday inn cambridge is an expensive hotel with free parking . their phone number is 01223866800. eos 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 B-Hotel-Inform+Phone O Hotel-Inform+Parking +bos is it a guesthouse ? i 'd really like a guesthouse with 3 stars , if possible . 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 unfortunately , i ca n't find a 3-star expensive guesthouse with free parking . would you like me to find something else ? eos O O O O O O B-Hotel-NoOffer+Stars 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 general-reqmore +bos how about a hotel instead of a guesthouse ? eos O O O O B-Hotel-Inform+Type O O O O O N/A +bos sure , the lensfield hotel is in the south . it is very nice , can i book it for you ? eos O 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 Booking-Inform +bos first , can you give me the phone number , postcode , and tell me if 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 Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Internet +bos the lensfield does have free wifi . their phone number is 01223355017 and their postcode is cb21en . eos O O O O O O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O Hotel-Inform+Internet +bos that is perfect , thank you for your help . goodbye . eos O O O O O O O O O O O O O general-bye +bos let us know if you have any more questions ! eos O O O O O O O O O O O general-reqmore +bos i would look time find a museum in town . eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos i can help you with that . what part of town will be visiting ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area +bos any part is fine , what ever you recommend . i need 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 O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos i recommend cambridge artworks . the museum 's phone number is 01223902168 and the address is 5 greens road . the postcode is n't in our database but i can find it . will you hold ? eos O O O B-Attraction-Recommend+Name I-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 B-Attraction-Inform+Post I-Attraction-Inform+Post I-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O O O O O O O N/A +bos um , yes i suppose so . eos O O O O O O O O N/A +bos the post code is cb13ef . anything else then ? eos O O O O O B-Attraction-Inform+Post O O O O O general-reqmore +bos i am also looking for a cheap place to dine in the west part of town please . 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 N/A +bos sure ! i 've heard good things about thanh binh , a vietnamese restaurant . does that sound good to you ? eos O O O O 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 N/A +bos i think we got our lines crossed somewhere . i 'd like a cheap panasian restaurant in the west . 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 sorry , i could n't find that type of cuisine in that location . maybe try another type ? 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 that stinks because i 'm really craving panasian food . but okay , can you see if there are any italian places in that area ? 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 O O O O O N/A +bos you 're in luck . there are two such places , what is your price range ? eos O O O 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 it to be cheap . does one of them meet that requirement . eos O O O O O O O O O O O O O O O O O N/A +bos la margherita is in the cheap range , would you like me to book you ? eos 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 Booking-Inform +bos i need to book a table for 2 people at 19:15 for 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 N/A +bos i have your table booked . you 're reference number is l3ox2ayu . 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 nope you did everything i needed . i appreciate you more then you think ! eos O O O O O O O O O O O O O O O O N/A +bos thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye +bos will need a train to arrive by 17:45 and should leave on friday eos O O O O O O O O B-Train-Inform+Arrive O O O O O N/A +bos there are 252 trains that fit that criteria . where are you departing from and headed to ? 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,Train-Request+Dest +bos i am in broxbourne and need to travel to cambridge on friday . eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are a total of 12 trains that fit that criteria . would a train that departs at 15:32 and arrives by 16:32 work for you ? eos O O O O O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Select+Leave O O O B-Train-Select+Arrive O O O O O N/A +bos yes that will work . could you please reserve tickets for 4 and provide 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 N/A +bos 4 tickets are booked , your reference number is 41tu2a6g eos O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you . i am also looking for a place to stay . a hotel in the centre . eos O 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 N/A +bos there are 3 hotels in center . is there a price range you prefer ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price +bos in the moderate price range eos O O O B-Hotel-Inform+Price O O N/A +bos in the moderate price range there is only the cityroomz hotel . would you like to book a room ? eos O O O B-Hotel-Inform+Price O 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 yes . for friday , i 'd like to book 4 people for 2 nights at the cityroomz . please give me a reference number . eos O O O B-Hotel-Inform+Day 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 N/A +bos your booking is successful the reference number is fp3fus6e . eos O O O O O O O O O B-Booking-Book+Ref O 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 are very welcome ! i am glad i was able to help , thank you for using our service and i hope we 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 O general-welcome,general-bye +bos i need a train departing from cambridge after 17:45. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos ok. there are lots of options . where would you like to go ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O Train-Request+Dest +bos i 'd like to go to norwich on monday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos tr6688 leaves cambridge at 8:36 for norwich . would you like to book this train now ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Leave O B-Train-OfferBook+Dest O O O O O O O O O O N/A +bos nah , thanks though . but if ya can tell me when it gets there that 'd be good . 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 'm sorry tr6688 departs cambridge at 18:36 and arrives in norwich by 19:55. 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+Arrive O N/A +bos great . i 'm also looking for a 3 star hotel with free parking . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos we have five hotels matching those requirements . do you have a preference for area or 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 Hotel-Request+Price,Hotel-Request+Area +bos i 'm looking for something moderately priced please . eos O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are three choices in that price range : bridge guest house in the south , hamilton lodge in the north , and hobson 's house in the west . 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 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 N/A +bos let 's try the hobson 's house please . eos O O O O O O O O O O N/A +bos ok. do you need me to book that for you ? eos O O O O O O O O O O O O Booking-Inform,general-greet +bos yeah , could you book me a 3 night stay at hobson 's house ? eos O O O O O O O O O O O O O O O O N/A +bos when would you like to book your stay ? eos O O O O O O O O O O Booking-Request+Day +bos friday . for 7 people . eos O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O N/A +bos that hotel is n't available for 3 nights ? are you able to shorten your 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 +bos how about one night ? eos O O O O O O N/A +bos the hotel has been booked for you for friday night for a total of 1 night for 7 people . the reference number is rjexyud1 . eos O O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day O O O O O B-Booking-Book+Stay O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O 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 it is our pleasure . have a great day ! eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for an expensive hotel with free wifi . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O N/A +bos i have about 5 different ones all spread out over town . do you have a certain preference on the area 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 Hotel-Request+Area +bos not really on the area . but i would like an expensive guesthouse . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos i 'm afraid we do n't have any guesthouses in that price range , can i offer you something else instead ? eos O 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 N/A +bos ok , well i guess a cheap one would work just as well . i need a place to stay . i would just still need free wifi . 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 O O O O O O O O O N/A +bos we have 9 guesthouse that are cheap with free wifi . do you have any other specific needs ? 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 Hotel-Inform+Internet +bos no i do n't think so . which one sounds the best ? eos O O O O O O O O O O O O O O N/A +bos i think you 'd enjoy the el shaddai . would you like to make a reservation ? 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 Booking-Inform +bos wait ... is that a restaurant ? i want a guesthouse . i 'm so confused . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos the el shaddai is , indeed a cheaply priced guesthouse with free wi-fi , according to our database . perhaps they do both . may i make a reservation for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price 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 Booking-Inform,Hotel-Inform+Internet +bos oh , ok. sure , go ahead and book 4 nights from tuesday . there will be three of us . 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 , it is booked up then . 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-Request+Stay +bos no . i need it for 4 nights . i try another time . thanks . eos O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A +bos please let me know any other way i can help . eos O O O O O O O O O O O O general-reqmore +bos could you look again for a place in the cheap range . area does not matter . eos O O O O O O O O O O O O O O O O O O N/A +bos i apologize , there are not any cheap guesthouses available for your dates . would you like to try a hotel 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 +bos you do n't have a cheap guesthouse ( any area ) with free wifi , for tuesday , 4 nights , 3 people ? could you please check again ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type 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 O O N/A +bos i have booked you for alexander bed and breakfast . reference number : h02psc79 . is there anything else you need ? eos O O O O O O O O O O O O B-Booking-Inform+Ref O O O O O O O O O O general-reqmore +bos no , that 's everything i needed today , thank you . eos O O O O O O O O O O O O O general-thank +bos ok , have a nice day . bye . eos O O O O O O O O O O general-bye +bos a hotel in the north with free parking , please . eos O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A +bos i have 5 hotels that meet your needs 2 are moderately priced and 3 are expensive . do you have a preference ? 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+Price O O O O O O Hotel-Select +bos is there any with a 4 star rating and includes free wifi ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos unfortunately there are none on the north side of town that fit your criteria . would you like me to look in another part of the city ? eos O O 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 O O O O O O O O Hotel-Request+Area +bos no thank you . eos O O O O O general-thank +bos i have ashley hotel or lovell lodge on the north side of town . they both have free wifi and parking . can i book one of those for you ? eos 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 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos do either of those have 4 star ratings ? eos O O O O O O O B-Hotel-Inform+Stars O O N/A +bos no , i 'm sorry . there are several guesthouses with 4 stars . kirkwood house is in the north and has fee parking and wifi . can i reserve a room ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Stars O B-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 O O Hotel-NoOffer,Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos what is kirkwood house 's address , postcode , and price range ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Addr +bos kirkwood house is a moderately priced hotel and its address is 172 chesterton road , cb41da . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O N/A +bos thank you for the help , 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 . have a nice stay ! eos O O O O O O O O O O general-bye +bos i need a list of cheap places to stay that include free parking . eos O O O O O O B-Hotel-Inform+Price O O O O 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-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 B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos okay , does that place include free wifi and it is 4 stars ? eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos yes , the alexander has free wifi and is a 4 star hotel . how many nights will you be staying ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Request+Stay,Hotel-Inform+Internet +bos i will be staying 5 nights starting from saturday . eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos thank you so much for that information . how many people in your party so i can 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 Booking-Request+People,Booking-Inform +bos yes , can you book it for 6 people ? eos O O O O O O O O B-Hotel-Inform+People O O N/A +bos booking was successful . your reference number is qit1w09h . 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 thank you . i also need a train to kings lynn that leaves on sunday . 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 O N/A +bos there are 19 trains leaving cambridge on sunday . when would you like to depart ? 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 Train-Request+Leave +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 how about the mumford theatre located at anglia ruskin enterprise , east road , postcode cb11pt ? i love that one . eos O O O 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 B-Attraction-Recommend+Post O O O O O O O O N/A +bos that sounds perfect . how much is the entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos i do not know the entrance fee . you can call 08451962320 for more information . eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O N/A +bos can you also find finches bed and breakfast ? eos 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 i can . you will find it on the west side of town , at 144 thornton road . can i book you or assist with anything else ? 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O Booking-Inform,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 are you sure you do not want me to book you a room ? eos O 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 is there a certain type of restaurant you are looking for ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos i have heard of gastropub food but never tried it before . would you have anything like that in the east ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there is only 1 and its called the royal standard would you like to reserve a table ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform +bos sure can you book a table for 4 at 14:45 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 N/A +bos done ! your reference number is n8ipczjp . 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 yes , i need to book a train to cambridge on that same day . eos O O O O O O O O O B-Train-Inform+Dest O O O O O O N/A +bos okay and 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 kings lynn . i 'll need to arrive by 9:15. eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O N/A +bos the train that arrives closest to 09:15 is tr1797 . it arrives by 08:58 will that work for you ? eos O O 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 N/A +bos yeah that works . can you book train reservations on that train for the same group of 4 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 O N/A +bos booking was successful , the total fee is 39.2 gbp payable at the station , your reference number is jb48yr5t . will that be all for 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 no that will be all . thank you . eos 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 a museum buff , does not matter what they have in them , i 'll go . what museums are in cembridge ? 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 N/A +bos we have 79 museums in town . what part of town would you prefer ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Area +bos anywhere should be fine , thanks ! eos O O O O O O O O general-thank +bos okay , how about byard art located on 14 king 's parade ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O N/A +bos please get me their phone number and entrance fee eos O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos they 're free to enter , and their phone number is 01223464646. eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O O N/A +bos that helps . thanks . can you help me find a train for friday please ? eos O O O O O O O O O O O O B-Train-Inform+Day O O O O N/A +bos yes , where is your destiantion and what date & time ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Dest +bos i would like to go from cambridge to boxbourne on friday . eos O O O O O O O B-Train-Inform+Depart O O O O O N/A +bos we have about 19 options . may i know your preferred travel and arrival time so i can recommend one for you . 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 Train-Request+Arrive,Train-Request+Leave +bos friday and i want to leave after 19:15 going to broxbourne to cambridge , i just need the trains id please eos O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O Train-Request+TrainID +bos okay the tr3342 leaves at 20:01 and arrives at 21:01. 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 thank you very much for you help . have a nice day . eos O O O O O O O O O O O O O O general-thank +bos thank you , you too . eos 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 what aspects of it would you like me to help you with ? eos O O O O O O O O O O O O O O general-reqmore +bos i am looking for a sunday train to bishops stortford please . eos 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 there are several leaving on sunday . what time would you like to depart ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O Train-Request+Leave +bos the train should leave after 17:15 and should go to bishops stortford . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos tr6742 leaves at 17:29 and arrives in bishops stortford at 18:07. 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+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 . but , can you please give me the travel time and 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+Duration,Train-Request+Price +bos the travel time is 38 minutes and the ticket cost is 8.08 pounds . is there 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O general-reqmore +bos yes i am looking for some things to do 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 we have almost 80 attractions to choose from . did you have something in mind to do ? 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 yes , i am looking for a museum in the centre . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos we have 11 different free museums ranging from art to archaeology . i recommend castle galleries at unit su43 , grande arcade , saint andrews street . eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Fee O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type 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 O O N/A +bos what is the phone number ? eos 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 am also looking for places to go in town . the attraction should be in the centre and should be in the type of museum . 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 N/A +bos there are several museums in the centre of town . do you have a preference on the type of art you which to see ? 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 O O O O O O O O O O O O O O O O Attraction-Request+Type +bos i am visiting cambridge and want to go to a theater in the east side . eos 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 n't any theatres on the east side , but there are several in the centre and one on the south side . eos 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 O O O 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 O N/A +bos maybe a museum then ? eos O O O B-Attraction-Inform+Type O O N/A +bos we have four options , but i recommend the gallery at twelve a high street , would you like more information ? eos 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 I-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 Attraction-Request+Post +bos certainly . they are in postcode cb15dh . can i assist you with something else ? eos O O O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos thanks . can you help me find a restaurant called pizza hut city centre ? i want to book it for 2 people this wednesday at 18:00. and i 'll need a reference number 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 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 Restaurant-Request+Ref +bos booked . the table will be reserved for 15 minutes . reference number : 3bobenio . eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O 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 thanks for letting cambridge towninfo centre assist with your trip ! have a great one . eos 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 am looking for a place to stay . 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 N/A +bos okay , what is the price range and 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,Hotel-Request+Price +bos i am looking for something in the cheap price range in the centre 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 N/A +bos there is alexander bed and breakfast it 's a 4 star guesthouse that 's in your price range . would you like more information or for me to book it for you ? 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+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 Booking-Inform,general-reqmore +bos can you please book it ? i 'd like to stay for five nights beginning on saturday . it 's just 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 N/A +bos booking was successful.reference number is : us44vvx2 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos great thanks for all your assistance ! eos 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 i 'm also looking for information on an attraction called nusha . eos O O O O O O O O O O B-Attraction-Inform+Name O O N/A +bos yes , nusha is entertainment in the south . i do not know the entrance fee , but the phone # is 01223902158. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 B-Attraction-Inform+Phone O O O N/A +bos what is the address ? eos O O O O O O Attraction-Request+Addr +bos they are at unit g6 cambridge leisure park , clifton road , anything else 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 general-reqmore +bos yes , i also need a taxi to go between the two . i want to leave nusha by 03:00. can you book and get me the contact and car type ? eos O O O O O 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 Taxi-Request+Car +bos i have you in a blue lexus . contact them at 07671538206. what else may i do for you ? eos 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-reqmore +bos could you verify for me that the alexander bed and breakfast has free wifi and free parking ? if not , i 'll need to change 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 O N/A +bos it does ! can i help you with anything else ? eos O O O 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 glad i could help . have a great trip . good bye . eos O O O O O O O O O O O O O O general-bye +bos i have to get to cambridge from london kings cross for a family matter , can you help me book a train ? 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 O O O O O O O O N/A +bos yes , i can help . what day do you need 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 would like to leave on sunday . eos O O O O O O O B-Train-Inform+Day O N/A +bos is there a certain time you want to leave after 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 leave after 17 ; 15 on sunday . eos O O O O O O O O O O O O O N/A +bos tr1681 leaves at 19:17 and arrives 51 minutes later . how is that ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O O O O Train-OfferBook +bos perfect . i 'll need 2 tickets . eos O O O O O B-Train-Inform+People O O O N/A +bos i will book that for you now . eos O O O O O O O O O Train-OfferBook +bos great , can you give me the reference number . also can you give me some information on emmanuel college 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 Train-Request+Ref +bos your reference number is : td9c5xqu . what else can i do for you today ? eos O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos can you give me the phone number , entrance fee , and address of emmanuel college , please ? 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 Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos the phone number is 01223334200. i can also tell you that there is no entrance fee and its located in centre on saint andrew 's street . eos O O O O O B-Attraction-Inform+Phone 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 B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos can you help me take a train 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 what day and time would you like to travel ? eos O O O O O O O O O O O Train-Request+Arrive,Train-Request+Day +bos i would like to travel saturday and leave after 21:00 eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos the tr2605 train meets your criteria . 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 O Train-OfferBook +bos yes , please . i need 4 tickets . eos O O 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 : boi263ib . 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 i am also looking for a place to dine . eos O O O O O O O O O O O N/A +bos 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 ? eos O O O O O O O O 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 +bos anywhere downtown and keep the price moderate please . eos O O O O O O O B-Restaurant-Inform+Price O O N/A +bos i assumed that by downtown you meant centre , i ran a search and there were 21 moderately priced restaurants , any repferences ? eos O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O Restaurant-Select +bos i think chinese would be good . eos O O O B-Restaurant-Inform+Food O O O O N/A +bos there are three chinese restaurants in the center of town : jinling noodle bar , lan hong house and shanghai family restaurant . do you have a preference ? 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Restaurant-Select +bos you recommend one and book for 4 people at 12:15on saturday eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time B-Restaurant-Inform+Day N/A +bos you have been booked at the jinling noodle bar . your reference number is nw54onqm . 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 N/A +bos i appreciate the help today . eos O O O O O O O N/A +bos you are welcome eos O O O O general-welcome +bos i hope i have a great stay eos O O O O O O O O N/A +bos yes , i hope you have a great stay too . eos O O O O O O O O O O O O general-bye +bos i am looking for a hotel named alyesbray lodge guest house . eos O O O O O O O O O O O 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 would like to book a reservation for it . 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 N/A +bos i sure can . first , i will need to know when you want your stay to begin and how many days you 'll be staying . also , 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 O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People,Booking-Request+Stay,Booking-Inform +bos we will be arriving on sunday and will stay for 5 nights . eos O O O O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+Stay O N/A +bos can you tell me how many guests will be staying in the room ? eos O O O O O O O O O O O O O O O Booking-Request+People +bos there will be 8 guests . eos O O O O O B-Hotel-Inform+People O N/A +bos booking was successful . your reference number is 4ufn3swc . will that be all for 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 that is it thank you . eos O O O O O O O general-thank +bos you have a nice day then ! eos O O O O O O O O general-bye +bos can you actually look up a restaurant for me as well ? eos O O O O O O O O O O O O O Restaurant-Inform +bos sure thing what 's the area and or name ? eos O O O O O O O O O O O Restaurant-Request+Name,Restaurant-Request+Area +bos it 's a place called don pasquale pizzeria . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos a very nice place in the centre . need a reservation ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O Booking-Inform +bos yes , i do . i 'll need it booked for the same day , same people , and we 'd like to eat at 19:00. 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : gvm0pam2 . 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 . one more thing . can you book a taxi between the two places ? i 'd like to arrive at the restaurant 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 O O O O O N/A +bos contact number 07404031593. you are in a red skoda . eos O O O B-Taxi-Inform+Phone O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car N/A +bos thank you so much that was all i needed . eos O O O O O O O O O O O general-thank +bos alright , hope you enjoy the rest of your day . eos O O O O O O O O O O O O general-bye +bos hey . i 'm looking for a train to stevenage eos O O O O O O O O B-Train-Inform+Dest O 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 would like to travel on monday evening . eos O O O O O O O B-Train-Inform+Day O O N/A +bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart +bos cambridge . and i 'd like to leave after 18:00. eos O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O O N/A +bos tr9082 leaves at 19:21 the cost is 12:80 pounds , do you want me to book you ? eos 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 O O O O Train-OfferBook +bos yes . i 'm also looking for a museum on the east side 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 O O O N/A +bos i have 4 museums in the east . cambridge artworks , cambridge museum of technology , gallery at twelve a high street , and saint barnabas press gallery . which would you like ? 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 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 i would like cambridge artworks . can you give me the phone number and postcode for it ? 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 phone is 01223902168 and the postcode is cb13ef . eos O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O N/A +bos thank you for your help . eos O O O O O O O general-thank +bos you 're so 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 , i do n't think so . 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 general-bye +bos i 'd like to know about a particular attraction . eos O O O O O O O O O O O Attraction-Inform +bos i 'll be happy to give you the information you need . what 's the name of the attraction ? 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,general-greet +bos museum of archaelogy and anthropology . i want its phone number and area 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 O O O Attraction-Request+Area,Attraction-Request+Phone +bos that museum is located at the city centre and the postcode is cb23dz . is there anything else that i can help you with ? eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-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 general-reqmore +bos do you have the phone number ? i also need help finding a train . 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 01223333516. eos O O O O O B-Attraction-Inform+Phone N/A +bos great . can i get a train to bishops stortford on thursday ? eos 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 yes i will take the first one abvailable , will 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 can you get me information on a 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 yes , it is a nice college in the city centre , located on saint andrew 's street . eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-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 N/A +bos okay thank you . that was all i needed to know . eos O O 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 general-reqmore +bos are there any good eastern european restaurants in the centre ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are many places to dine do you have any preferences ? eos O O O O O O O O O O O O O Restaurant-Request+Area +bos do any of them serve eastern european food ? eos O O O O O O O O O O N/A +bos there are 8 restaurants in the centre that serve european food . if you want to go with something cheap , i would suggest the river bar steakhouse and grill . eos O O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Recommend+Price 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 N/A +bos what about eastern european food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i 'm afraid not . would you like to look for a different type of 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 chinese is always a good standby when in doubt , lets look for a chiense place . eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O O N/A +bos there are several , 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 Restaurant-Request+Price +bos moderately priced please . eos O B-Restaurant-Inform+Price O O O N/A +bos jinling noodle bar is a great moderately priced chinese restaurant in the centre . would you like me to make reservations for you ? eos 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 O O O B-Restaurant-Recommend+Area O O O O O O O O O O O Booking-Inform +bos yes please make that for 4 people at 15:00 on a sunday . eos 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 reference number is : jklwfr30 . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos thank you , goodbye . eos O O O O O O general-bye +bos your welcome . have a good day . eos O O O O O O O O O general-welcome,general-bye +bos i 'm trying to find someplace to visit in town . eos O O O O O O O O O O O O N/A +bos i can help you with that ! do you have a specific type of attraction in mind , or perhaps a certain 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 Attraction-Request+Area,Attraction-Request+Type +bos yes , i need an attraction in the weat eos O O O O O O O O O O N/A +bos there are a lot of colleges and museums in the west , do either of those work ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area O O O O O O O Attraction-Select +bos yes . can you recommend one place and provide their phone 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+Phone +bos certainly . churchill college : postcode cb30ds , phone number 01223332360. eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Post O O B-Attraction-Recommend+Phone O O O general-greet +bos im also looking for a 4 star hotel . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos there are 21 4 star hotels . what area would you like to stay ? 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 Hotel-Request+Area +bos are any of those in the moderate price range ? eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos no they are not . eos O O O O O O Hotel-Inform +bos how about one that is in the expensive price range . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos the huntingdon marriott hotel is the only expensive option in the west . 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+Choice I-Hotel-Recommend+Choice I-Hotel-Recommend+Price O O B-Hotel-Recommend+Area O O O O O O O O O O O Booking-Inform +bos yes for 6 people for 2 nights on wednesday , and i need the confirmation 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 N/A +bos i will work on booking that and be back with you shortly . eos O O O O O O O O O O O O O O Booking-Inform +bos okay , just let me get a reference number when you book it . eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos i just booked that for you , your reference number is azu0uo5n . 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 yes , i am going to need a taxi to get between the attraction and the hotel please . 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 what time do you need to book a taxi for ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i want to leave the college by 05:30. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos i will work on booking that for you and be back with you in a minute . eos O O O O O O O O O O O O O O O O O O N/A +bos once you make the booking , i will 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 Taxi-Request+Car +bos yeah sure thing . was there a specific car you had in mind ? eos O O O O O O O O O O O O O O O N/A +bos no , thanks , i just need to know 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 you have a red skoda . have fun ! eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O general-greet +bos thanks . what is their contact number ? eos O O O O O O O O O general-thank +bos the contact is 8675309. eos O O O O B-Taxi-Inform+Phone N/A +bos thank you . that is all for today . eos O O O O 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 O general-welcome,general-bye +bos i appreciate your help . goodbye . eos O O O O O O O O general-bye +bos i am sorry but there was a mix-up with the taxi which has been corrected . you are booked for a grey honda with contact number 07913624200. 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-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O general-reqmore +bos i am looking for something fun to do while in town . a nightclub would be nice . eos 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 most of our nightclubs are right in the center of town . kambar is my favorite . eos O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A +bos awesome ! can you provide me with the address , entrance fee , and postcode , 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+Fee,Attraction-Request+Addr +bos the address is 1 wheeler street cb23qb and admission is 5 pounds , would you like their phone number ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post I-Attraction-Inform+Post I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O general-reqmore +bos no , thanks . can you find a gastropub restaurant in the centre , please ? 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 backstreet bistro is an expensive gastropub in the centre area . would you like more information ? eos 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 O O O O O O O O general-reqmore +bos is it in moderate price range ? eos O O O O O O O O N/A +bos it is an expensive gastropub eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food N/A +bos do you have anything in the moderate price range ? eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , there 's the the cow pizza kitchen and bar . 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 N/A +bos what is their address ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name Restaurant-Request+Addr +bos they 're located on corn exchange street . 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 O O O O O O O O O O O O O Booking-Inform +bos no , i just need information for today . you have answered all of my questions . 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 general-bye +bos thank you for using the cambridge town info centre services . 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 O O O O general-bye +bos i am looking for information on a train that goes to cambridge and arrives at 9:45 eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos there are a few that arrive at cambridge by 09:45 what day are you arriving and where are you departing from ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice 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-Request+Depart,Train-Request+Day +bos i 'm departing from london liverpool street and i want to leave on tuesday . 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+Day O O N/A +bos okay great ! i have one train that would get you to cambridge on tuesday by 09:07. would you like me to book that for you ? eos O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O 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 general-greet,Train-OfferBook +bos no i just need to know the departure time please . eos O O O O O O O O O O O O Train-Request+Leave +bos the departure time is 07:39 for that train . 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 O O O O general-reqmore +bos yes , can you tell me some good 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 O O N/A +bos there are lots of nice attractions in town . do you have a preference for type or area ? 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 Attraction-Request+Area,Attraction-Request+Type +bos i think we 'd like to see a museum - do you have any recommendations ? eos 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 23 museums all around the city . if you do n't have any area preferences , cafe jello gallery on the west side is very nice , and they have no entrance fee . eos O 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 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 O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O N/A +bos that sounds perfect . what is there address ? eos O O O O O O O O O O Attraction-Request+Addr +bos cafe jello gallery , 13 magdalene street , and there is no entrance fee . is there anything else i can assist you with ? 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 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 do you have their phone number ? eos O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223312112. 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 general-reqmore +bos no that will be all . thanks . eos O O O O O O O O O general-thank +bos thank you and have a good day ! eos O O O O O O O O O general-bye +bos can you find me an attraction in the centre ? eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos are you looking for a specific place ? or do you prefer a particular type of attraction ? eos 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 not looking for anything specific . maybe a college or museum if you can give 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 O Attraction-Request+Fee,Attraction-Request+Addr +bos i would recommend hughes hall . it is a college on jesus lane and the entrance is free . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee O N/A +bos thank you goodbye eos 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 hi i 'm planning a trip to cambridge and want to book a train . i would like to leave early monday and arrive by 20:45 eos 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+Day O O O B-Train-Inform+Arrive 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 'd like to go from cambridge to norwich . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos i have a train leaving at 1836 and arriving at 1955 , would you like me to book it 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 O Train-OfferBook +bos yeah that sounds good 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 need the travel time for 1 eos O O O O O O O O Train-Request+Duration +bos the travel time is 79 minutes , woudl you like me to book you ? 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 that 's okay i 'm looking to find a cinema in the south part of town though . 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 N/A +bos cineworld cinema 's address is 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 O N/A +bos great , thanks ! what is their postcode ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb17dy . eos O O O O B-Attraction-Inform+Post 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 enjoy your visit ! let us know if we can be of 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 'm going south in town , anything interesting to go to there ? eos O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A +bos yes , we have several popular attractions in the south part of town . are you looking for a specific type of place ? or do you want a recommendation ? eos O 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 O O O O O O O O Attraction-Request+Type +bos i 'll take a recommendation . eos O O O O O O O N/A +bos i think you would like the tenpin . would you like more information on it ? eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O N/A +bos yes , could i get the address , postcode and entrance fee ? 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 sure , their address is cambridge leisure park , clifton way in postcode cb17dy . their phone is 08715501010. 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+Post O O O B-Attraction-Inform+Phone O O O N/A +bos thank you for the information . eos 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 i need to find a train that will go from kings lynn to cambridge on wednesday and arrive by 19:00. 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 B-Train-Inform+Arrive N/A +bos i have train tr5831 leaving at 7:11 and arriving at 7:58 ; would you like to book that ? 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 how long will that take to arrive and how much does a ticket cost ? eos O O O O O O O O O O O O O O O O N/A +bos the ride is 47 minutes long and tickets are 9.8 gbp eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Ticket N/A +bos ok that will be it for today . thanks ! eos O O O O O O O O O O O general-thank +bos thanks for letting us assist you ! enjoy your visit ! eos O O O O O O O O O O O O general-welcome,general-bye +bos yes , i am hoping you can give me some information on a train . eos O O O O O O O O O O O O O O O O Train-Inform +bos can you please give me more information ? there are numerous trains leaving on friday to cambridge . eos O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Day O B-Train-Inform+Dest O O Train-Request+Depart,Train-Request+Leave +bos i am leaving cambridge on tuesday and going to birmingham new street . eos 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 N/A +bos sure , there are plenty of trains that match your requirements . did you have a particular time of day you were wanting to travel on friday ? 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 B-Train-Inform+Day O O Train-Request+Leave +bos i would like to leave after 21:45. eos O O O O O O O B-Train-Inform+Leave N/A +bos there are two trains that fit your criteria . one will arrive at 24:33 and the other at 01:44. which suits your needs ? 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+Arrive I-Train-Inform+Arrive O O O O Train-Request+Arrive +bos how about the one arriving at 01:44. eos O O O O O O O O N/A +bos how many tickets can i book for you ? eos O O O O O O O O O O Train-Request+People +bos what is the travel time for the one arriving at 1:44. eos O O O O O O O O O O O O Train-Request+Duration +bos the travel time for tr4724 is 163 minutes . eos O O O O O B-Train-Inform+Id O O B-Train-Inform+Time I-Train-Inform+Time N/A +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 there are 23 museums available . which part of town do you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area +bos i 'm fine with any area of town . eos O O O O O O O O O O Attraction-Request+Area +bos we have lovely museums in the east , west , south and centre . i prefer the byard art myself that 's in the south eos O O O O O O O O O B-Attraction-Recommend+Area 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 N/A +bos i would like to give that a try . what is the entrance fee , phone number and area ? 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+Fee +bos byard art museum is located in the south part of town . their entrance fee is free . their phone number is 01223464646. can i further assist you today ? eos O B-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 B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos thanks so much . that 's all i need . goodbye ! eos O O O O O O O O O O O O O general-bye +bos you are welcome ! i hope you enjoy your time at the museum . i am happy to have been able to 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 general-welcome,general-bye +bos we are visiting cambridge for the first time and looking for a moderately priced place to stay for 5 nights that includes free parking . any suggestions ? 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 O O O N/A +bos most definitely ! we have a wide-range of hotels that offer free wifi and parking . do you prefer a particular a particular area in cambridge ? 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 Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i think i want somewhere in the east eos O O O O O O O O B-Hotel-Inform+Area N/A +bos we have two places to pick from , i recommend the warkworth house , shall i book you ? 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 Booking-Inform +bos sure i need rooms for 7 people eos O O O O O O O O N/A +bos what day will you be coming 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 Booking-Request+Stay,Booking-Request+Day +bos i want to start my stay on sunday for 7 people , 4 nights . eos 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 N/A +bos booking was successful.reference number is : 42z3rmyg . eos O O O O O O O B-Booking-Book+Ref O N/A +bos can you recommend a tour of the college near the hotel ? eos O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are no colleges in that area . should i look in another area ? eos 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 O O Attraction-Request+Area +bos why do n't you search for a boat attraction instead please eos O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos camboats is the one choice for boat attractions in the east . can i do anything else today ? eos O B-Attraction-Inform+Type O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos could you give 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 of course . my computer does n't tell me what the entrance fee is . the address is the plugh , green end , fen ditton . is there anything else i can assist you with ? 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 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 O O general-reqmore +bos that is it . thank you so much 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 visit ! eos O O O O O O O O O O general-welcome,general-bye +bos i want a train leaving on thursday . eos O O O O O O O B-Train-Inform+Day O N/A +bos i show 404 rail departures on thursday , can i get something specific for you ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Dest +bos i 'm going from cambridge to broxbourne any time after 09:15. eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A +bos tr6806 will leave at 10:01 and arrive at 11:01. the trip will take 60 minutes and it will cost 17.90 pounds . 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 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 Train-OfferBook +bos yes . book for 4 people . eos O O O O O B-Train-Inform+People O O N/A +bos ok. i booked four tickets for you . your reference number is frsz5a8r . can i help you with something else ? eos 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 general-reqmore +bos im also looking for a place by the name of milton county park . eos 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 i would like the phone number and postcode for it please . eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223420060 and the post code is cb46az . 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 ! that 's all i needed , thanks so much . eos O O O O O O O O O O O O O O general-thank +bos sounds great , before i let you go , i just want to make sure we have covered everything that 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 general-reqmore +bos yes you did eos O O O O N/A +bos enjoy your stay in cambridge ! eos O O O O O O O general-bye +bos please find a moderate price range turkish restaurant . eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos sure , there are two in the centre of town . i prefer anatolia , located at 30 bridge street , city centre . eos O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O N/A +bos i want to book a table for 3 people at 13:00 on wednesday will you do that ? 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : qpfy6n4g . 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 the booking . i would like to sightsee a bit . do you have any boat attractions in town ? 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 N/A +bos i have 4 boat attractions . 2 are in the centre , with 1 in the north and east . are you interested in information about one of them in a certain area ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type 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 general-reqmore +bos please pick the one that you think is the best out of them , and then provide me the phone number and address 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 Attraction-Request+Phone,Attraction-Request+Addr +bos riverboat georgina is located at cambridge passenger cruisers , jubilee house and the phone number is 01223902091. 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 I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O N/A +bos great , can you help me book a taxi ? eos O O O O O O O O O O O Taxi-Inform +bos where are you leaving from and going to and what time are you wanting to go ? 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 anything that arrives by 13:00. i want to commute from the riverboat to the restaurant . eos O O O O O B-Taxi-Inform+Arrive O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos you are booked for a black lexus with the contact number 07050495250. is there anything else ? eos 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 general-reqmore +bos that is everything that i need . eos O O O O O O O O N/A +bos enjoy your stay and if you need anything in the future feel free to contact us . eos O O O O O O O O O O O O O O O O O O general-greet +bos i sure will , thanks . goodbye eos O O O O O O O O general-bye +bos thanks again have a great day eos O O O O O O O general-greet +bos i 'm looking for a train for my trip to cambridge . i need it to leave on monday and to depart from peterborough . can you give me some times ? eos O O O O O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O O O O O O O O N/A +bos sure , there are plenty of available time starting at 05:19 and going all day . was there a particular time of day you wanted to depart ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 Train-Request+Leave +bos i want to arrive at or a little before 12:15 , please . eos O O O O O O O O O O B-Train-Inform+Arrive O O O N/A +bos tr0919 leaves peterborough at 11:19 and arrives at 12:09. would you like to book seats on that 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+Arrive O O O O O O O O O O Train-OfferBook +bos how long is the travel time . my math is not the best . eos O O O O O O O O O O O O O O O Train-Request+Duration +bos my math is n't the best either but the travel duration is 50 minutes . i can help you book a seat on the tr0919 if you 'd like . 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 O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O O N/A +bos i am also looking for a hotel called archway house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos archway house is a guesthouse located in the north part of town in the moderate price range at 52 gilbert road eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos i need it for one person , 3 nights and starting on monday . eos O O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O N/A +bos booking was successful.reference number is : lmabmgni . do you need anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos no thank you . that 's it . 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-bye +bos i am looking for a place to stay . the hotel should have a star of 0 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 i have one in the north area would you like me to book it for you ? eos 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 Booking-Inform +bos i actually need to stay in the east and it needs to have free wifi please . 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 unfortunately , i cant find a listing in the east part of town , the next listing available is in the centre and it does have free wifi . eos O O O O O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Inform+Internet +bos the centre will be fine . can i have the info on that one , please ? eos O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O N/A +bos that would be the el shaddai . they offer free parking and wifi . they are located at 41 warkworth street . their postcode is cb11eg . you can reach them at 01223327978. eos O 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos i would like to find something fun to do in the east . eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos what kind of entertainment are you looking for ? eos O O O O O O O O O O Attraction-Request+Type +bos just pick an attraction in the same area as my hotel that you personally recommend and tell me its 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+Type +bos maybe old schools , it is an architecture attraction . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos ok. i want a taxi to pick me up from the attraction by 10:45 and take me to the hotel . please give car type and contact info 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 have booked a taxi service for you . the car will be a yellow honda and the phone number to reach them is 07991691380 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 N/A +bos thank you for your help . eos 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-greet +bos i am looking for a place to dine . the restaurant should be in the cheap price range and should be in the west . 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 N/A +bos the two cheap places in the west are la margherita , which serves italian food , and thanh binh , which is vietnamese fare . do you have a preference ? eos O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Select +bos sure , why do n't we book at la margherita . i will need a reservation for 1 person at 11:45 on tuesday . 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 O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A +bos done ! your reference number is qiudki13 . 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 actually need a place to stay too . i want a hotel for sure , and something near the restaurant , please . 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 two hotels in that area , one expensive and the other cheap . which one suits you better ? eos 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 Hotel-Select +bos i need free parking as well , do both have that ? eos O O O O O O O O O O O O O N/A +bos yes , both have free parking . eos O O B-Hotel-Inform+Choice O O O O O Hotel-Inform+Parking +bos book for 1 people and 4 nights starting teusday eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos i can book at the huntingdon marriott hotel . it 's a 4 star hotel in the west area . eos 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 O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O N/A +bos what is the cheaper place ? eos O O O O O O O N/A +bos the cambridge belfry is much cheaper . want to book there ? eos 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 Booking-Inform +bos yes , i would like to book a room for 1 for 4 nights starting on tuesday . 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 N/A +bos booking was successful , your reference number is : 3yfxdr4x . do you need 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 general-reqmore +bos no thanks that is everything . eos O O O O O O O general-thank +bos thank you so much for your help . eos O O O O O O O O O general-bye +bos where is the university arms hotel ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos it is in the centre of town on regent street . would you like to book a room ? eos O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O Booking-Inform +bos please . i need a room on monday for three nights , and 6 people . eos O O O O O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+People O O O N/A +bos okay , your booking was successful ! your reference number is na8fw4os . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos great , thanks . i also want to find out some info on the train schedule from ely to cambridge . eos O O 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 O N/A +bos there are 70 trains scheduled . did you have a date or time in mind ? 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+Day +bos same day as the hotel booking eos O O O O O O O N/A +bos the first train leaves at 05:35 and they leave every 2 hours after that until 23:35. eos O O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave N/A +bos okay , i need to arrive by 20:00 , so the closest one to that time please . eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O N/A +bos there is tr6679 . it leaves at 19:35 and arrives at 19:52. is that good for you ? 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 O N/A +bos sounds good . may i have the travel time and ticket price , please ? eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos sure , it takes 17 minutes and costs 4.40 pounds . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos okay great , could you book me a seat ? eos O O O O O O O O O O O N/A +bos sure thing . i will work on that for you and be right back with you . eos O O O O O O O O O O O O O O O O O O Train-OfferBook +bos what is the departure time for this train ? thank so much ! eos O O O O O O O O O O O O O O Train-Request+Leave +bos it departs at 19:35. can i help you book passage ? eos O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos no , i do n't need to book any tickets at this time . eos O O O O O O O O O O O O O O O N/A +bos okay , do you need any more info then ? eos O O O O O O O O O O O general-reqmore +bos no that is enough thank youu eos 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 that 's it ! bye ! eos O O O O O O O general-bye +bos if you need anything else , do n't hesitate to ask . 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 hello , can you help me find a train to broxbourne on thursday please ? 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 what time would you like to travel ? eos O O O O O O O O O Train-Request+Leave +bos i need to be in broxbourne by 08:00. eos O O O O O O O O B-Train-Inform+Arrive N/A +bos no trains arrives by that time but have one that arrives by 07:01 eos O O O O O B-Train-NoOffer+Arrive I-Train-NoOffer+Arrive O O O O B-Train-Inform+Choice O O N/A +bos if it leaves cambridge and gets to broxbourne at 7:01 i 'll take it . i need a ticket for 1 person and a reference number please . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest 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 booking was successful , the total fee is 17.89 gbp payable at the station .reference number is : 2edvunpk . 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 i 'm looking for boat related attractions in the west . eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O N/A +bos i 'm sorry , i 'm afraid there 's nothing like that in the west . there are a few options in other parts of town . would you like to hear about them ? eos O O 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 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 general-reqmore +bos what about colleges in the west ? eos O O O B-Attraction-Inform+Type O O O O N/A +bos i see there are 5 colleges on the west side of town . there are 3 that are free to visit and 2 with entrance fees . eos O O 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos ok , can you recommend one and give me their phone number eos O O O O O O O O O O O O O Attraction-Request+Phone +bos i would recommend clare college . it 's really quite lovely there . the phone number is 01223333200. is there anything else i can assist you with today ? eos O O O 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 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 general-thank +bos we are glad we could assist you today . enjoy your trip ! eos O O O O O O O O O O O O O O general-bye +bos hello . i am looking for a hotel , it should be in the cheap price range . eos O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price O O O O N/A +bos i have 9 guesthouses and 1 hotel . do you have an area in mind ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O Hotel-Request+Area +bos i want a hotel and not a guesthouse . it should also be on the west side of town with a 4 star rating . can you help ? eos 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 O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos i have exactly one choice matching your criteria . would you like me to make a booking for you for the cambridge belfry ? 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 B-Booking-Inform+Name I-Booking-Inform+Name O O N/A +bos book it for 8 people and 2 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 : uuctfoyj . 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 no , that 's all i needed ! thank you for your help , have a good night ! 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 and you 're welcome . good night . eos O O O O O O O O O O O general-welcome +bos oh i 'm sorry . i 'm also looking for places to go . some type of multiple sports in the city center . anything will 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 O O O O N/A +bos there is nothing in the centre but i do show one in the east . would this work or do you have another attraction type in mind ? eos O O O O O O B-Attraction-NoOffer+Area I-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 O O O Booking-Inform,Attraction-Request+Type +bos can we first find a college in the same area instead eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos what about gonville and caius college in the centre of town ? 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+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A +bos whatever you recommend will work . i just need the phone number , post code and address . 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 is 01223332400 , the post code is cb21ta and the address is trinity street . is there anything else i can help you with ? eos 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+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O general-reqmore +bos that 's it . thank you so much for everything . eos O O O O O O O O O O O O general-thank +bos thanks and you and you are welcome anytime eos O 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 thank you for calling cambridge towninfo centre ! have a wonderful trip ! eos O O O O O O O O O O O O O O general-greet +bos have a great day eos O O O O O N/A +bos have a good trip eos O O O O O general-greet +bos how much for a room in a hotel in the city center ? eos O O O O O O O O O O O O O O Hotel-Inform +bos 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 ? eos O O O O O O O O O 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 was thinking about going to byard art , can you tell me the address and what the entrance fee is ? 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 Attraction-Request+Fee +bos the address is14 king 's parade and it is free eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O N/A +bos thanks ! i also need a place to dine in the south . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are nine to choose from , do you know which cuisine you would like ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos creative food , if possible . eos O B-Restaurant-Inform+Food O O O O O N/A +bos no matching records found would you like to try another type ? eos O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos sure , let 's try for chinese then instead . i want somewhere expensive . eos 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 how about peking restaurant ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos i really want chinese . eos O O O O B-Restaurant-Inform+Food O N/A +bos that is a chinese restaurant . eos O O O O B-Restaurant-Inform+Food O O N/A +bos okay , great . can you book that for me then ? it 'll be on saturday at 17:45. 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : y10flrj2 . 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 for all your help ! eos 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-greet +bos help me find a place to stay that has free parking and in 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 what part of town 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 not really care but would like it to have a 3 star rating . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos hamilton lodge is located in the north at 156 chesterton road . want me to book it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O Hotel-Recommend,Booking-Inform +bos no thanks . i will need the phone number please . also , do they have internet ? 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+Internet +bos hamilton lodge does have free wifi and their phone number is 01223365664. eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O B-Hotel-Inform+Phone Hotel-Inform+Internet +bos great . i also need a restaurant in the same price range . i 'd like it to be a british place . 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 O O N/A +bos may i suggest the oak bistro located at 6 lensfield road . eos O 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 N/A +bos could i have the area and phone number eos O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Phone +bos it is 01223323361. eos O O O B-Restaurant-Inform+Phone N/A +bos great . thanks . last thing , can you tell me what area of town that 's in ? 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 sure it 's in the centre part of town , anything else ? eos 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 general-reqmore +bos that 's all . thanks ! 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 +bos thanks so much . goodbye eos O O O O O O general-bye +bos thank you so much for calling cambridge towninfo centre ! we 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 O O O general-bye +bos can you give me the phone number of a moderately priced restaurant in the north 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 Restaurant-Request+Phone +bos the phone number for golden wok is 01223 350688. is there anything else i can help you with ? 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 O O O O general-reqmore +bos yes , is there another moderately priced restaurant in the north ? eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A +bos the nirala is a moderately priced restaurant in the north of town , and it serves indian food . would you like the phone number ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 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 the phone number is 01223 360966. and the postcode is c.b 4 , 1 u.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 I-Restaurant-Inform+Post N/A +bos thank you , nirala sounds good . goodbye . eos 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 hello , we are looking for information about lodgings in cambridge . price is no option and we would like a very nice 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+Type O O N/A +bos there are 33 hotels available , do you have any other criteria 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 general-reqmore +bos as long as its insanely expensive and has free parking . centre located please . eos O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O N/A +bos i would recommend the university arms hotel . it is in the centre , expensive , and has free parking . can i help with anything else ? 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 B-Hotel-Recommend+Price O O O O O O O O O O O O O O O Hotel-Recommend+Parking,general-reqmore +bos i want to book it for 5 people for 2 nights starting on 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 N/A +bos okay , you are all set ! reference number is : rgbb7mtn . eos 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 looking for a train departing from cambridge that leaves on saturday . eos O O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O O O N/A +bos what is your destination please and travel time ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i 'm heading to broxbourne , and i need to arrive by 11:15. eos O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O O N/A +bos tr0823 will have you arriving at 11:01. how many tickets do you need ? eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O Train-Request+People +bos i am not sure how many yet . for now , i need the departure time and the length of travel time for tr0823 . eos O O 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 the departure time is 10:01 and the duration is 60 minutes . eos O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos ok , that 's all i need for now . thanks , bye . eos O O O O O O O O O O O O O O O general-bye +bos okay , have a good day . eos O O O O O O O O general-bye +bos hello . i would like some information about the aylesbray lodge 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 O O N/A +bos ok. aylesbray lodge is in the south part of town , moderately priced , and has a 4 star rating . are you interested in booking a room ? eos O 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 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 Booking-Inform +bos yes i 'd like to book it for 4 people for 5 nights starting monday . would that be possible ? 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 N/A +bos unfortunately the booking was unsuccessful eos O O O O O O Booking-NoBook +bos thats awful , is there any other options for the criteria that i need ? eos O O O O O O O O O O O O O O O O N/A +bos the only criteria you gave me is the name of the hotel . are you sure you do n't want to book a different day or make a shorter stay ? 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 O O O O O Booking-Request+Stay,Booking-Request+Day +bos how about 2 nights ? eos O O O O B-Hotel-Inform+Stay O N/A +bos yes , i was able to book you at the aylesbray lodge for 2 days . your reference number is j9amlivl . is there anything i can assist you with ? eos O 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+Day 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 also need a train from kings lynn on that day , leaving after 21:45. eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave O N/A +bos i have a train that leaves monday at 22:11 arriving in cambridge at 22:58. would you like me to book that for you ? eos O O O O O O O B-Train-Inform+Day I-Train-Inform+Day 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 great ! what is the price and train id ? eos O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos the train id is tr2215 and the ticket price is 9.80 pounds . eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thank you so much . that is all the help 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 general-thank +bos have a wonderful trip ! goodbye eos O O O O O O O general-greet +bos i 'd like to find a train leaving from ely to go to cambridge , please . eos O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest 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 need to arrive by 11:45 on saturday . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos we have 3 trains , tr0554 leaves at 09:35 and arrives at 9:52 , would you like me to book you a trip ? eos O O O O B-Train-Inform+Choice 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 that fits my schedule , yes please reserve 6 tickets for us , and let me know the reference number when you have it . 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 N/A +bos okay , your all set ! reference number is z34wgfk7 . cost of the tickets are 21.12 gbp payable at the station . is there anything else today ? eos 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 general-reqmore +bos i also need to book a hotel as well , 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 O N/A +bos sure , i can help you with that . 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 O O O O O Booking-Request+People,Booking-Request+Stay +bos a total of 6 people and for 2 nights starting on saturday . eos 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 'm sorry , that day is not available or you would need a shorter stay is there anything else i could do 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 O O Booking-Request+Day,Booking-Request+Stay,general-reqmore +bos could you try one night instead of two ? eos O O O O O O O O O O N/A +bos booking was successful . reference number is : c52vral6 . anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos that is wonderful . i think i am all set for now . goodbye for now . eos O O O O O O O O O O O O O O O O O O general-bye +bos can i interest you in a place to eat while you 're town ? we have many great restaurants . if you need reservations please let us know . 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 general-bye,general-reqmore +bos i 'm looking to book lodging for a place to stay , it should be a guesthouse and have free wifi . 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 in what area would you prefer it to be ? eos O O O O O O O O O O O Hotel-Request+Area +bos i would like one in caimbridge that is in the cheap price range . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos i have 9 of them . if you do n't have a certain area , i can recommend the el shaddai . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos the el shaddi is fine . can i please have a room for 4 people , for 4 nights , starting from monday ? eos 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 N/A +bos your rooms at the el shaddai have been booked . your reference number is jyun4q2r . is there anything further i can assist you with today ? eos O 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 O O O general-reqmore +bos yes , please help me find a train ? i need to travel on friday , and i need to arrive at my destination by 21:15 , please . eos O O O O O O O O O O O O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Arrive O O O O O O N/A +bos what are your departure and destination cities ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am leaving from cambridge and going 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 N/A +bos i have 16 trains to choose from . do you have a price preference ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O general-reqmore +bos no , but if you ca n't decide , maybe pick the one that departs the latest and still gets us their by 21:15. 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+Arrive O O O N/A +bos ok the tr9595 leaves at 20:40 , do you want a booking ? eos O O O B-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O O O O O N/A +bos yes , please book that train 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 40.4 gbp payable at the station . reference number is : m9uxw8s8 . 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 wonderful . thank you for your help today . eos 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-bye +bos we 're looking for a place to stay in cambridge . we 're looking for a hotel with free wifi and 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 N/A +bos we have many hotels all over the city . when would you like to book the rooms for and how long is your stay ? eos O O O B-Hotel-Inform+Choice B-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 Booking-Request+Stay,Booking-Request+Day +bos i would prefer a hotel in the moderate price range . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos the ashley hotel and the lovell lodge are both hotels in the north , moderate price range with offer free wifi and parking . which one do you prefer ? 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+Choice I-Hotel-Inform+Type O B-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 Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i do n't have a preference . i need to make a reservation for 6 people for 5 nights starting wednesday . 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 N/A +bos i 've set up reservations for 6 at the lovell lodge , starting on wednesday and for 5 days . is there anything else i can do for you today ? 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+Day I-Booking-Book+Day O O O O O O O O O O O O O O O O O general-reqmore +bos i am also in need of a train leaving peterborough . eos O O O O O O O O O O B-Train-Inform+Depart O N/A +bos ok first train leaves at 05:19 and the last one runs at 07:19 , would you like me to get you a ticket ? eos O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos i need to leave after 21:45. do you have maybe more you did n't see ? eos O O O O O O B-Train-Inform+Leave O O O O O O O O O O N/A +bos i have one that leaves at 21:48. what day would you like to travel ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O Train-Request+Day +bos i want to leave the same day as the hotel booking which is wednesday . by the way , may i have the reference number for lovell lodge , too ? eos 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 O O O O O O O O O O N/A +bos your hotel reference number is 5338szs0 . how many people do you need train tickets for ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O Train-Request+People +bos the six of us , we 're all coming to cambridge together . eos O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos your booking was successful , the total fee is 99 gbp . reference number is : bk804g2h . may 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos no that 's all for now . thank you very much 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 enjoy your trip ! eos O O O O O general-bye +bos i 'm looking for a hotel with free parking , can you help me out ? 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 preference on a hotel or guesthouse ? eos O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos i do n't have preference on type of place , but it should have 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 do you have a preference for location or price range ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos no , i 'm not worried about those things , just as long as it has 4 star , free parking , and does n't need to include internet . 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 N/A +bos how about the acorn guest house ? it meets your criteria and is on the north side of town . 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 B-Hotel-Inform+Area O O O O O N/A +bos that sounds great . could i get the postal code , please ? eos O O O O O O O O O O O O O O Hotel-Request+Post +bos sure ! the postal code is cd41da . would you like to make a reservation ? eos O O O O O O B-Hotel-Inform+Post O O O O O O O O O O Booking-Inform +bos i also need a train from cambridge . eos O O O O O O O B-Train-Inform+Depart O N/A +bos and when are you wanting to depart from cambridge ? eos O O O O O O O O O B-Train-Inform+Depart O Train-Request+Leave +bos i 'm sorry , i mispoke , i need a train to cambridge . i need to leave ely after 08:30 on thursday . eos O O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Depart B-Train-Inform+Leave O B-Train-Inform+Day O O O O O N/A +bos i have train tr2029 that will depart ely at 09:35 and arrive in cambridge by 09:52. would this schedule interest you ? eos O O O O B-Train-Inform+Id O 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 O O O O N/A +bos perfect . i 'll need a booking for 4 people . eos O O O O O O O O B-Train-Inform+People O O O N/A +bos your tickets are reserved . the reference number is 7dx9jiie . the cost is 17.60 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 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 should be it , thanks ! eos 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 need to find a train going to stevenage . 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 what day will you travel ? eos O O O O O O O Train-Request+Day +bos we will be leaving on tuesday and would like to arrive by 16:00. eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave N/A +bos how about a train that leaves at 17:21 ? eos O O O O O O O O B-Train-Select+Leave O N/A +bos thast will work , i need you to book it for 2 people and a 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 Train-Request+Ref +bos i want to confirm you are leaving from cambridge . if you want to arrive in stevenage by 16:00 , i recommend tr0743 , leaving at 13:21 and arriving at 14:10. eos O 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 B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O N/A +bos yes , can i have the reference number and also a place to stay with 3 stars and fee 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 Train-Request+Ref +bos the reference number is 4h7v2x8r . eos O O O O O B-Train-Inform+Ref O N/A +bos i 'd like some information on the hamilton lodge hotel , please . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos it is located in the north . it is a guesthouse and is in the moderate price range . would you like a reservation ? eos O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform +bos yes , i would like to book for 6 people for 4 nights starting on wednesday . 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 . address is 156 chesterton road . postcode is cb41da . reference number is : ru5zsyzs . 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 O B-Hotel-Inform+Post 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 need a train to cambridge eos O O O O O O O B-Train-Inform+Dest O N/A +bos we have several trains going to cambridge . where will you be departing from and what date do you need the train ? eos O O O B-Train-Inform+Choice O O O B-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 i need to depart from kings lynn on the same day as the hotel booking . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O N/A +bos is there a specific 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 need to depart from kings lynn on wednesday and arrive by 9:15. eos O O O O O O O O O O O O O O N/A +bos how about the tr4638 train ? it arrives at 08:58. eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O N/A +bos can you tell me when that departs and the total travel time ? also , how much is it ? 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 tr4638 leaves at 8:11 and arrives at 8:58 that 's a travel time of 47 minutes . the cost is 9.80 pounds . would you like me to make reservations ? 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 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 Train-OfferBook +bos i actually wo n't need a reservation , just the information you provided is enough . 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 O O O O O O O O O general-bye +bos enjoy your visit to cambridge . have a wonderful day . eos O O O O O O O O O O O O general-bye +bos thank you for all your help . eos O O O O O O O O general-thank +bos enjoy your stay at cambridge . eos O O O O O O O general-bye +bos i need to find a guesthouse in the north . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos i have about 11 different options . do you have a preference on 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 i would prefer that be expensive . eos O O O O O O O O N/A +bos there are no expensive guesthouses however i do see moderate ones . would you like to try one of those ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O O O B-Hotel-Inform+Price B-Hotel-Inform+Choice O O O O O O O O O O Booking-Inform,Hotel-Select,general-reqmore +bos yes , but needs to be a 4 star in the north eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos ok , there are 7 options . would you like free internet or parking ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos does n't matter . book one of them for myself and 3 nights starting from wednesday . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A +bos booking at the acorn guest house was successful , the reference number is o4bo1b0l . it is located at 154 chesterton road , postal code cb41da . is there anything else i can help with ? eos 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 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 O general-reqmore +bos yes , can you help me find a train ? eos O O O O O O O O O O O Train-Inform +bos i can . all i need is your departure location , destination , day and when you would like to either 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 Train-Request+Dest,Train-Request+Arrive,Train-Request+Day,Train-Request+Depart,Train-Request+Leave +bos i will be leaving birmingham new street the same day as my hotel booking . 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 N/A +bos booking was successful , the total fee is 75.09 gbp payable at the station .reference number is : qrzk7y5s . 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 wow . you did n't even get the timeframe i am looking for . i ca n't leave until after 14:30. eos 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 N/A +bos i apologize ! there are two trains leaving near your requested time . one at 14:40 and one at 15:40. will one of those work ? eos O O 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 O O O O general-reqmore +bos the one at 14:40 should be fine . can you tell me when it arrives ? eos O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos it will arrive at 17:23. eos O O O O O B-Train-Inform+Arrive N/A +bos what is the travel time ? eos O O O O O O O Train-Request+Duration +bos it 's 163 minutes . would you like to book some tickets ? eos O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-OfferBook +bos yes please , just one ticket would be fine . eos O O O O O O O O O O O N/A +bos good news ! booking was successful , the total fee is 75.09 gbp payable at the station .reference number is : 3q0telmh . is there anything else that you need ? 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 no thanks . that was all i needed . have a good day eos O O O O O O O O O O O O O O general-thank +bos enjoy your stay in cambridge . bye . eos O O O O O O O O O general-bye +bos hi . i 'm looking for a train to norwich . can you help please ? 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 , i 'm finding 133 trains to norwich . i can narrow that down if you tell me where you 're departing from . eos O O O O O B-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 Train-Request+Depart +bos i 'm leaving from cambridge on sunday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i have several results still . what time would you like to depart and arrive ? 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,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 certainly , we have a variety of departure times , the last train to arrive before 19:00 departs at 17:36 and arrives at 18:55. would this interest you ? 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 B-Train-Inform+Arrive O O O O O O O Train-Select +bos yes , that sounds good . i will need 6 seats booked please . eos O O O O O O O O O B-Train-Inform+People O O O O O N/A +bos i 've booked 6 tickets for you , and your reference number is zu6ercqg . eos O O O O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos thanks , hate to bug you again but i need a 4 star place to stay that has free wifi and parking . 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 O O O N/A +bos what area would you prefer ? eos O O O O O O O Hotel-Request+Area +bos i prefer a hotel in the center of town . eos O O O O O O O O O O O N/A +bos the alexander bed and breakfast is in the cheap range and the university arms hotel is in the expensive range . which do you prefer ? 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 O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O Hotel-Select +bos either is fine . could you try to book one of those for 6 people for five nights , starting tuesday ? eos 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 N/A +bos since you mentioned a hotel rather than a guesthouse , i 've booked you at the university arms hotel , but just let me know if you prefer the other . your reference # is p8gzalbu . eos O 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 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 thank you so much . you have been very helpful . eos O O O O O O O O O O O O general-thank +bos great ! i hope you enjoy your stay ! eos O O O O O O O O O O general-greet +bos i 'm looking for places to visit . i 'd like to find any sports related 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 O N/A +bos i 'm sorry , there are n't any sports attractions in the south . would you be interested in another 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 Attraction-Request+Area +bos are there any entertainment attractions in that area ? eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos there two entertainment attractions in that area the nusha and the tenpin . would you like the addresses for them ? eos O O O B-Attraction-Inform+Choice I-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 O O O O O O general-reqmore +bos yes , i still need the address , postcode , and entrance fee for the nusha , 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,Attraction-Request+Addr +bos nusha is located at unit g6 , cambridge leisure park , clifton road , postcode cb17dy . i do n't have any information on the entrance fee . what else can i help you with ? eos O B-Attraction-Inform+Name 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 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 O O O O O O general-reqmore +bos i need a 4-star place to stay . i do n't care about internet , but i do need free parking . 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 N/A +bos there are 19 entries that match your specifications . do you need any more specifications ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O N/A +bos actually i do need free wifi . eos O O O O O O O O N/A +bos do you have any price preferences ? or area preferences ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i do n't really care , i just need free parking and prefer 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 how about acorn guest house . it 's at 154 chersterton road . 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 I-Hotel-Recommend+Addr O O N/A +bos can you try to book that for me for 6 people for 3 nights from 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 N/A +bos i was unable to book acorn guest house for you . would you like to try a different hotel ? 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 Booking-NoBook,Booking-Request+Stay +bos yes , i 'll shorten my stay . how about 1 night ? eos O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos ok , i have you booked at the acorn for 1 night ! your reference number is gfsn1shy . is there anything else i can help you with today ? 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore +bos yes actually . i will need a taxi to leave the hotel at 4:45 to head to the nusha . eos O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Dest O O N/A +bos okay sure . i have booked that for you and your contact number for the driver is : 07195670404. a black volkswagen will be picking you up . eos O O O O O O O O O O O O O O O O O B-Taxi-Inform+Phone O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O N/A +bos perfect ! you 've given me all of the information i need . thanks . eos O O O 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 +bos hello ! i need a hospital with a oral and maxillofacial surgery and ent department please . eos 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 O N/A +bos addenbrookes hospital provies oral and maxillofacial surgery and ent department . would you like directions on how to 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 N/A +bos if you could give me the address , that would be great ! eos O O O O O O O O O O O O O O Hospital-Request+Addr +bos the hospital is located at hills rd , cambridge . do you need any other information ? 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 all i needed . thank you very much ! eos O O O O O O O O O O O O O O general-thank +bos your very welcome ! have a good day ! eos O O O O O O O O O O general-bye +bos i 'm looking for a train that departs cambridge on saturday . any ideas ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O Train-Request+TrainID +bos there are 202 trains that leave cambridge on saturday . eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos i would like to leave after 16:30 and would like to go to kings lynn . eos O O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos there are 7 trips that would work . the earliest leaves at 17:11 and the latest leaves at 23:11. the train ride will be 47 minutes . 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O Train-Select +bos i 'm interested in the earliest one . what is the train id ? eos O O O O O O O O O O O O O O O Train-Request+TrainID +bos that 's the tr2840 . eos O O O B-Train-Inform+Id O O N/A +bos alright , are there any 1 star hotels that offer free parking ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos i am not showing any hotels with 1 star that have free parking , would you like to look for something else ? eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Stars O O O O O O O O O O O O O O Hotel-NoOffer+Parking,general-reqmore +bos does any of them have free wifi ? eos O O O O O O O O O N/A +bos sorry , no , i do not see any one star hotels with free wifi . would you like to try another option ? eos O O 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 O O O O O Hotel-NoOffer+Internet,general-reqmore +bos are there any with 4 stars ? eos O O O O O O B-Hotel-Inform+Stars O N/A +bos we have three 4 star hotels that provide free internet and free parking . is there an area you would prefer to stay at ? 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 O O Hotel-Request+Area,Hotel-Inform+Parking,Hotel-Inform+Internet +bos any place is fine , i go with whatever you recommend . eos O O O O O O O O O O O O O N/A +bos i recommend the cambridge belfry , a cheap 4-star hotel on the west side . would you like to reserve a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Price B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O Booking-Inform +bos yes please and i 'll also need the postcode . eos O O O O O O O O O O O Hotel-Request+Post +bos i need more information on the number of nights and people . eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos i need the postcode , hotel type , and price range for 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 O Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Type +bos the postcode is cb236bw . it is a hotel in the cheap price range . when would you like to stay from , how many people , and for how long ? eos O O O O B-Hotel-Inform+Post 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 Booking-Request+Day,Booking-Request+Stay,Booking-Request+People +bos forget about booking it , just please tell me what type of hotel it is . eos O O O O O O O O O O O O O O O O O Hotel-Request+Type +bos the cambridge belfry is a hotel , not a guesthouse . may i help with something else ? 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 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 welcome ! have a great day . eos O O O O O O O O O O general-welcome,general-bye +bos i have been injured , can i please have the address for a nearby hospital ? eos O O O O O O O O O O O O O O O O O Hospital-Inform +bos certainly ! addenbrookes hospital is on hills rd , cambridge . do you need an appointment with 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 N/A +bos please give me the phone number and post code . eos O O O O O O O O O O O Hospital-Request+Post,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 thank you very much for helping me today ! eos O O O O O O O O O O general-thank +bos you are 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 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 i hope all goes well . 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 O O general-bye +bos i want to find a four star hotel that has free internet . eos O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos there are 3 hotels matching your criteria . would you prefer an expensive or cheap price range ? eos O O O O B-Hotel-Inform+Choice 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 a cheap hotel . eos O O O O O B-Hotel-Inform+Price O O N/A +bos the cambridge belfry is a match to your request . 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 O O O O O O O O O O O O O Booking-Inform +bos yes , please book it for 6 people for 4 nights starting saturday . i 'll need the reference number when it is booked . thank you . 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O Hotel-Request+Ref +bos your booking was successful . the reference number is w30r422g . eos 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 out of cambridge after 20:30. 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 what day will you be traveling ? and will it be for 6 people , also ? eos O O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+People +bos i 'm not sure yet how many people but i would like to leave on wednesday . 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 what station will you be traveling to ? eos O O O 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 i have train tr8533 leaving at 21:50 and arriving at 22:07. would you like to book seats on that ? 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 Train-OfferBook +bos how much would one ticket cost ? eos O O O O O O O O N/A +bos the price for that train is 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 not at this time but thank you . eos 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 i 'm looking for the addenbrookes hospital with a haematology day unit . eos O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O O N/A +bos addenbrookes hospital has a haematology day unit . the number for the unit is 01223348169. eos O O O O O O O O O O O O O O O O N/A +bos thanks , can i also get the postcode ? eos O 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 i think you have given me all that i need . 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 am looking for the addenbrookes hospital , can you please give me their phone number ? eos O O O O O O O O O O O O O O O O O O Hospital-Request+Phone +bos the phone number for the addenbrookes hospital is 01223245151. is there anything else ? eos O O O O O 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 Hospital-Request+Post,Hospital-Request+Addr +bos addenbrookes hospital is located at hills rd , cambridge , postcode cb20qq . do you need any further information ? 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 should be all . i better get going . eos O O O O O O O O O O O O O N/A +bos glad to be of help . goodbye . eos O O O O O O O O O general-bye +bos yeah , i 'm hoping to find a cheap place to stay . can you help with 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 N/A +bos of course ! 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 O Hotel-Request+Area +bos i do n't have an area preference but it should have a star of 4 and have free parking . 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 N/A +bos sure . how about the allenbell ? it is in the east and fits all of your needs . eos O O O O O O B-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos okay that sounds great . eos O O O O O O N/A +bos would you like me to make a booking for you ? eos O O O O O O O O O O O O Booking-Inform +bos what 's the postcode ? eos O O O O O O Hotel-Request+Post +bos the postcode is cb13js . would you like a reservation ? eos O O O O B-Hotel-Inform+Post O O O O O O O Booking-Inform +bos what sort of hotel is it ? guest house or hotel ? eos O O O O O O O O O O O O O Hotel-Inform +bos its a guesthouse eos O O O B-Hotel-Inform+Type N/A +bos yes please go ahead and book it . i 'm also looking for a train . eos O O O O O O O O O O O O O O O O O Train-Inform +bos how many people and how many nights should i make the booking for ? eos O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos i just need the postcode and hotel type . eos O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Type +bos sure it is a guesthouse and the postcode is cb13js , anything else today ? eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Post 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 general-thank +bos you earlier mentioned you need train information . starting from what city and ending at what city ? 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 cambridge , travel time , arrival time , and price please eos O B-Train-Inform+Dest O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive +bos i 'm sorry , i do n't understand your response . could you please verify from where you are leaving and where you are 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 Train-Request+Dest,Train-Request+Depart +bos i need help finding a train from leicester to cambridge , departing on sunday after 11:45. no reservation , just need to know travel time , arrival time , and price please . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest 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 Train-Request+Duration,Train-Request+Price,Train-Request+Arrive +bos tr9999 leaves at 12:09 , travel tine is 105 minutes , cost is 30.24 pounds per person . any other questions , 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 B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O general-reqmore +bos no , thank you . you have been very patient and helpful . 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 thank you so much for calling . it has been my pleasure . have a great trip and a wonderful 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 O general-welcome,general-bye +bos i need to find the nearest hospital . eos O O O O O O O O O Hospital-Inform +bos the nearest hospital is addenbrookes . the phone number is 01223245151. do you need a specific department ? 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 needed thank you ! eos O O O O O O O O O O general-thank +bos you are 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 general-reqmore +bos no , that is it thank you ! eos O 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 yes , hello . i 'm trying to find a particular museum , 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 general-greet +bos yeah , i 've got access to a complete and comprehensive list of all the museums in cambridge . which one 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+Name +bos i am looking for the museum of archaelogy and anthropology . if you find it i 'll need the area , phone and postcode please . 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 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 sure , it is in the town centre with a postcode of cb23dz . you can call them at 01223333516. is there anything else i can assist you with ? eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 O general-reqmore +bos can you find me somewhere to stay in the east 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 seven places to stay , could you tell me a price range or other criteria 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 Hotel-Request+Price,Hotel-Request+Internet,Hotel-Request+Stars,Hotel-Request+Parking +bos i am looking for a place with free parking and wifi eos O O O O O O O O O O O O N/A +bos alright , you have six options : three cheap , two moderate , and one expensive . would you like more information ? 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 general-reqmore +bos i think the expensive one will do nicely . may i have the postcode , hotel type , and phone number 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 O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Type +bos it is a hotel . the post code is cb13lh and the phone number is 01223866800. eos O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O N/A +bos that 's all i need . i 'll call an uber . eos O O O O O O O O O O O O O N/A +bos sounds good . let me know if there 's anything else you need . eos O O O O O O O O O O O O O O O general-bye +bos any trains leaving after 18:00 ? eos O O O O O B-Train-Inform+Leave O N/A +bos there are lots of trains that leave after 18:00. where would you like to travel ? eos O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Leave O O O O O O O Train-Request+Dest +bos i would like to travel to the stansted airport and leave 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 great ! that narrows it down a lot . what day will you be leaving ? eos O O O O O O O O O O O O O O O O O Train-Request+Day +bos we will be leaving on tuesday . please book four seats on the train and provide the reference number . thank you ! 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 O O O Train-Request+Ref +bos ok , you have 4 tickets reserved on tr9495 , leaving cambridge at 18:40 on tuesday . the total fee at the station will be 40.4gbp , and your reference number is 4ll98nyc . eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O O O O O O O O B-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O N/A +bos i also need a moderate priced guesthouse . eos O O O O O O O O O N/A +bos sure . i can assist you with that request . 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 O O Booking-Request+Stay +bos i only need the details . is it a 3 star ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos alpha-milton guest house is the only 3 star hotel fitting your description . eos 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 N/A +bos can i have the address , phone number and the area its in please . eos O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Phone,Hotel-Request+Addr +bos it is in the north , address is 63 milton road and the phone number 01223311625. is there anything else i can assist you with ? eos O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore +bos that is everything for today , thank you . eos O O O O O O O O O O general-thank +bos thank you for calling . please call if you need anything else . 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 unusual and expensive cuisine in the west . do you have any suggestions ? eos O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O N/A +bos i did n't find any records matching those criteria . eos O O O O O O O O O O O Restaurant-NoOffer +bos how about an indian restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos there are several in the west area . what is your address and i can find one that is closest to you ? do you want to walk ? 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 O O O O O O O O O Restaurant-Request+Area +bos i just want to go to one you think is best please eos O O O O O O O O O O O O O N/A +bos you should definitely try cocum . can i reserve a table for you ? eos O O O O O B-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos yes , please . i need a table for 4 people at 14:45 on thursday . if not thursday , i 'd like the same time on tuesday . please send me 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 O O O O O O O O O O O O O O Restaurant-Request+Ref +bos i was able to get you a table on thursday , ref # xluim3sn . is there anything else i can help you with today ? eos O O O O O O O O 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 general-reqmore +bos no , you 've been awesome thanks for all your help ! eos O O O O O O O O O O O O O general-thank +bos i hope you enjoy your meal . goodbye ! eos O O O O O O O O O O general-bye +bos hi i 'm looking for a train for tuesday . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos okay what time would you like to depart from cambridge and arrive in london kings cross on tuesday ? 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 I-Train-Inform+Dest O B-Train-Inform+Day O Train-Request+Arrive,Train-Request+Leave +bos i need to depart after 19:15. can you please provide me with a price ? eos O O O O O O O O O O O O O O O O Train-Request+Price +bos the next train departs at 21:00. the price is 23.60 pounds per ticket . can i book this train for you ? eos O O O O O O B-Train-Inform+Leave 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 this train for me , thank you . eos O O O O 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 am not ready to book the train yet . thanks for the help . eos O O O O O O O O O O O O O O O O Train-Inform +bos can i be of further assistance to you today ? eos O O O O O O O O O O O general-reqmore +bos no thanks , that is all i needed . eos 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 general-welcome,general-bye +bos i 'm looking for a hotel that has free wifi please . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos all right , we 've got quite a few hotels that offer free wi-fi . what area of town would you prefer ? eos O 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 O O O O O O Hotel-Request+Area,Hotel-Inform+Internet +bos i do n't care what area , i just want to be sure it 's a hotel with free wifi and parking and a star of 4 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 O O B-Hotel-Inform+Stars O O O O N/A +bos okay , i 've found 3 hotels that meet your needs . would you prefer expensive or cheap ? eos O O O O O B-Hotel-Inform+Choice 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 mind , just pick your favorite ! can you get me the postcode and tell me what part of town it 's 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+Post +bos the university arms hotel is in the town centre . will that do ? it 's postcode is cb21ad . 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 O O O O O O B-Hotel-Recommend+Post O O O O general-reqmore +bos that 's fine . i 'm also looking for nightclubs . eos O O O O O O O O O O O O N/A +bos there are a few . can i suggest ballare or soul tree nightclub ? . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos sure ! could you tell me the area , address , and phone number for the ballare ? 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,Attraction-Request+Addr +bos the ballare is in the centre of town . it 's located at heidelberg gardens , lion yard . their phone number is 01223364222. did you need any other information ? eos O O B-Attraction-Inform+Name 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 B-Attraction-Inform+Phone 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 today . eos O O O O O O O O O O O O O O O O O general-thank +bos certainly . thanks and goodbye . eos O O O O O O O general-bye +bos i need a place to stay that is a guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos of course , in which area of town will you be staying ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos i want it in the west , and it should be moderately priced . eos O O O O O O O O O O O O O O O N/A +bos there are 3 in the south all of them have free parking and internet . would you like me to book a room ? eos O O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 one for 4 people and 3 nights starting from wednesday . i will need the reference number also . 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 you 're booked at the bridge guest house , ref # bwmdvcv1 . 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 O B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore +bos that would be all thank you very much . eos O O O O O O O O O O N/A +bos you 're welcome and enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for a museum to visit in the centre of town 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 many museums in the centre of town , but i would recommend broughton house gallery . could i be of further assistance ? eos 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 O O O O O general-reqmore +bos yes , can you give me the postcode and entrance fee 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+Fee +bos absolutely . there is no entrance fee for the broughton house gallery and the postcode is cb11ln . eos O 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 I-Attraction-Inform+Name O O O O B-Attraction-Inform+Post O O N/A +bos thank you ! are there any guesthouses nearby ? eos O O O O O O B-Hotel-Inform+Type O O O N/A +bos the alexander bed and breakfast is located in the centre area . may i book this 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 B-Hotel-Recommend+Area O O O O O O O O O Booking-Inform +bos yes that will work , please book . eos O O O O O O O O O N/A +bos certainly . how long would you like to stay ? eos O O O O O O O O O O O Booking-Request+Stay +bos i will need 3 nights for 2 people . eos O O O O O O O O B-Hotel-Inform+People 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 i would like to start my stay on friday . eos O O O O O O O O O B-Hotel-Inform+Day O N/A +bos sorry , that booking is unavailable . perhaps you 'd prefer 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 how about 6 people for 5 nights starting friday ? eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O N/A +bos oh that definitely worked . i have booked you in and your reference number is kvjnzbg6 . 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 . can you please confirm for me that the guesthouse you booked for me is moderately priced ? 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 is actually cheaply priced . is that going to be okay ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O N/A +bos no , sorry . i am looking for something moderately priced . eos O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos i 'm sorry there are no moderately priced guesthouses in centre . would you like to try something else ? eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area O O O O O O O O O O N/A +bos yes , please . we seem to have gone very astray . i need a moderately priced 3 star guest house . it does n't matter where . 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 N/A +bos okay , there are four available . how about hamilton lodge in the north ? it 's at 156 chesterton road cb41da with phone 01223365664. would that work for you ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O B-Hotel-Recommend+Phone O O O O O O O O O O N/A +bos please book the hamilton lodge or 6 people and 5 nights starting from friday . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Stay O O O O N/A +bos booking was successful . the reference number is 999s42ab . anything else ? eos O O O O O O O O O B-Booking-Book+Ref 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 i have confirmed your booking and you are are all set . thank you for calling the cambridge town info 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-bye +bos i am looking for a hotel called 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 sure ! i 've located the guesthouse , it is located in the north area . would you like me to book you a room ? eos O O O O O B-Hotel-Inform+Type 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 +bos no thank you but i do need the address please ? eos O O O O O O O O O O O O Hotel-Request+Addr +bos sure , the address is : 63 milton road , postcode cb41xa . anything else i can get you ? 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 O general-reqmore +bos i am also looking for a attraction called cambridge contemporary art . 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 yes , it is located at 6 trinity street , is there other information you need on it ? 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 O O general-reqmore +bos could i get the phone number and entrance fee ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos it 's free to get in , and their phone number is 01223324222. 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 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 all i needed . thank you so much and 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-thank +bos thank you ! you , too , and i hope you will 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 information about the hotel express by holiday inn cambridge . 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 it 's a 2 star hotel located at 15-17 norman way , coldhams business park in the east part of town . their phone number is 01223866800. eos 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 I-Hotel-Inform+Addr O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Phone O O O N/A +bos please book it for 3 people for 3 nights starting tuesday . eos O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O N/A +bos the booking was unsuccessful , can you book on another day or do 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+Day,Booking-Request+Stay +bos can you try for just 2 nights instead ? eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos sure , i 've got you booked , and your reference number is hbf47jlh . eos 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 places to go in town . the attraction should be in the type of museum 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 N/A +bos i recommend cambridge artworks in the east . it 's free to go to . does that work ? eos O O O B-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 N/A +bos that sounds great . can i have the address please ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos the address is 5 greens road in postcode cb13ef . 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 O O O O O O O O O O O general-reqmore +bos i also need 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 ok perfect , will you be departing from the museum or the hotel ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos from the museum to the hotel eos O O O O O O O N/A +bos sure ! what is the time frame you were considering ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i want to leave the museum at 9:00. eos O O O O O O O O O N/A +bos ok a grey tesla will pick you up . the contact number is 07778890580. anything else i can do for you today ? 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 O general-reqmore +bos thank you goodbye eos O O O O general-bye +bos my pleasure ! enjoy your stay ! eos O O O O O O O O general-bye +bos i need to find an entertainment place in the centre 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 unfortunately , there are no entertainment attractions in the centre of town ? would you like me to search for a different area or a different type of attraction ? 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 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 is there a museum then ? eos O O O O B-Attraction-Inform+Type O O N/A +bos yes ! there are 11 museums located in the centre of town . would you like the information for any of them ? 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 general-reqmore +bos yes , thank you . the address for any on that you recommend . eos O O O O O O O O O O O O O O O Attraction-Request+Addr +bos the primavera is located at 10 king s parage postcode cb21sj eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post N/A +bos thanks ! i 'm also looking for a guesthouse to stay in in the north . eos O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O O N/A +bos acorn guest house would be nice , can i boot it for you ? eos O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O Attraction-Recommend +bos does it have free wifi ? eos O O O O O O O N/A +bos yes , they offer free wifi as well as free parking . 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 O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , for seven people . we want to check in on sunday and stay for two nights . eos 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 unfortunately there is no availability . would you like to change the length of your stay or choose another guesthouse ? 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,general-reqmore +bos alright , how about a single night stay ? would that work ? eos O O O O O O O O O O O O O O N/A +bos booking was successful.reference number is : kiz22nb2 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i am looking for a place called abbey pool ? is there one in cambridge ? eos O O O O O O O O O O O O O O O O O N/A +bos yes , i have a listing for that . what information would you like ? eos O O O O O O O O O O O O O O O O Attraction-Inform,general-reqmore +bos could you provide me the phone number , postcode , and entrance fee ? 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 unfortunately , i do not have the entrance fee for them , but you can reach them at 01223902088 to get that info . their postcode is cb58nt . is there 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 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 B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos yes , i also need a hotel on the west side . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos i found two , huntingdon marriot hotel and the cambridge belfry . do you have a preference ? 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 O O O O O general-reqmore +bos i definitely want a 4-star place with free parking . which of those meets that criteria ? eos 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 , they both meet your criteria . which one do you prefer ? eos O O O O O O O O O O O O O O O Hotel-Select +bos i think the huntingdon marriot hotel . could i get the passcode ? eos O O O O O O O O O O O O O O Hotel-Inform +bos just to clarify , were you wanting the postcode . if so , the postcode is pe296fl . is there anything else i can assist you with ? eos O O O O 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 O general-reqmore +bos yes , one more thing . i will need a taxi to pick me up from the abbey pool and astroturf pitch at 20:00 and take me 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 I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O O O O O N/A +bos a white ford will be picking you up at abbey pool at 20:00. the contact number is 07835847552. can i help you with anything else ? eos 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 O general-reqmore +bos no , that is everything . thank you for your assistance ! eos O O O O O O O O O O O O O general-thank +bos you are welcome . enjoy your stay in cambridge . 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 guesthouse that does n't have to have free 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 24 possible matches for you . is there a certain price range or area you want 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 O O Hotel-Request+Area,Hotel-Request+Price +bos i would prefer it in the south please . eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos how about the bridge guest house ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos do they have free parking and free wifi ? eos O O O O O O O O O O N/A +bos yes , they do offer free internet and parking . eos O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos ok , can you book me for 7 people , 5 nights starting on saturday ? 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 your room is booked at the bridge guest house , ref # 06m9th0m . can i assist you with anything else today ? eos O O O O O O O B-Hotel-Inform+Name I-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 what places are there to go in town ? what about museums ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos byard art is a good museum and entrance is free eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Fee N/A +bos hi ! can you help me find some places to go on the south side of the city ? i 'm super bored ! 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 i am happy to help . there are several types of places to go in the south . parks , theatre , cinema , museum , nightclub . what sounds good to you ? eos O O O O O O O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Inform+Area 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 i do n't have a preference . could you make a recommendation ? eos O O O O O O O O O O O O O O N/A +bos how about a nightclub or cinema ? there 's also a great museum . eos O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O N/A +bos anything is fine whatever is most popular . eos O O O O O O O O O N/A +bos sure , cineworld cinema will be great . what information do you need about this attraction ? 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 N/A +bos can i get the address , entrance fee and attraction type please ? eos O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type,Attraction-Request+Addr +bos the address is cambridge leisure park , clifton way . it is a cinema . i do not know the entrance fee , unfortunately . eos 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 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 N/A +bos i am also wanting some information on a hotel called the kirkwood house . can you tell me about them ? 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 N/A +bos that is a guesthouse found in the north . it is in the moderate price range and is rated four stars . do you need their contact details ? eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area 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 N/A +bos i need a booking there for five people staying three nights from monday . eos O O O O O O O O O O O O O B-Hotel-Inform+Day O N/A +bos excellent . you are all booked . reference number is j0vgu1ux . 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 O general-reqmore +bos yes . i need a taxi to commute between the two places . i 'd like to leave the park by 01: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 O O N/A +bos you are booked with a taxi going from cineworld cinema to kirkwood house w/yellow skoda . your contact number is 07191555645. would you need anything else ? 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 B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O O O general-reqmore +bos that should be all ! thank you for your help ! good bye . eos O O O O O O O O O O O O O O O general-bye +bos please call again . goodbye . eos O O O O O O O general-welcome,general-bye +bos i am looking for colleges to visit while i am in town . eos O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos there are 5 in town , but i recommend clare college in the west . it 's free to visit . does that sound good ? 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 B-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O O O O O O O O O O N/A +bos yes that sounds good may i have the phone number please ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos sure ! the phone number is 01223333200. anything else for you today ? eos O 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 . could you help with that ? eos O O O O O O O O O O O O O O O O O N/A +bos sure , do you have any area preferences ? eos O O O O O O O O O O Hotel-Request+Area +bos yeah . moderate price range . internet and parking are not a priority for me . eos 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 your area preference and star rating of the hotel ? eos O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area +bos no star preference , just as long as it 's moderately priced . thank you . eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos how about a and b guesthouse ? it is moderately priced . 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 I-Hotel-Recommend+Price O N/A +bos i prefer hotels . moderately priced . eos O O O B-Hotel-Inform+Type O B-Hotel-Inform+Price O O N/A +bos i would recommend the ashley hotel . would you like more 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 N/A +bos i 'd like one with free wifi , and could you give me the star rating ? 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 fits your needs and has 2 stars . would you like a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Stars O O O O O O O Booking-Inform +bos not right now . thank you for the information ! eos O O O O O O O O O O O general-thank +bos not a problem ! 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 nope ! that will do it , thanks ! eos O O O O O O O O O O general-thank +bos thanks for using our service . have a nice night . bye . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos yes , i need a hotel that offers free wifi & parking . eos O B-Hotel-Inform+Internet O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos there are 8 to choose from with your preference . is there a certain area or price range 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 Hotel-Request+Area,Hotel-Request+Price +bos i need one in the moderate price range and a guesthouse would be great . eos O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Type O O O O N/A +bos i have 12 results here . do you prefer one with a certain number of stars or in a certain 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 Hotel-Request+Area,Hotel-Request+Stars +bos not really . is there one you would recommend for someone who was 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 N/A +bos i think acorn guest house would be perfect . would you like more information ? 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 general-reqmore +bos no , i would like you to book 3 people for 3 nights starting on friday . 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 okay , you 're all set ! your reference number is igonqkg9 . would you like 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 whats the entrance fee and post code. ? eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos cb41da is the postcode eos O B-Hotel-Inform+Post I-Hotel-Inform+Post O O N/A +bos hello . i am traveling and will be making a stop in cambridge . i have done some research and need some details . eos O 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 and what sort of details would you like then ? eos O O O O O O O O O O O general-reqmore +bos i 'm interested in the hotel called lovell lodge . i need a reservation for 6 people for 5 nights , starting on thursday . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 apologize , but there 's no openings for that time frame . would you like to try for a shorter stay 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 O O O O O Booking-Request+Day,Booking-Request+Stay +bos please try 1 night , thank you . eos O O O O B-Hotel-Inform+Stay O O O O N/A +bos booking was successful , yourreference number is : txf0wz1o . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am also looking for something to do while i 'm in town . can you recommend any entertainment attractions ? 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 O N/A +bos sure thing . does funky fun house sound good to 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 O O N/A +bos what is their entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos sorry , the entrance fee of the place is unavailable to our system . do you need more help ? eos O O O O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos that 's fine . can i also book a taxi from the funky fun house to the hotel ? 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 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+Arrive,Taxi-Request+Leave +bos thanks for asking . i want to leave the attraction by 16:30 to the hotel . eos O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos you 're all set . the taxi is a red ford with a contact number 07961394234. eos 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 N/A +bos thank you so much . i 'm good now . goodbye . eos 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 looking for places to go in cambridge . i was thinking about visiting a college . any suggestions ? 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 O N/A +bos would you be interested in visiting christ 's college located in the city centre on saint andrew 's street ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos that sounds great , i 'll need the 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 certainly , christ 's college is free and located at saint andrew 's street , cb23bu . is there anything else i can help with today ? eos O O B-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 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 can you help me find the limehouse hotel ? eos O O O O O O O B-Hotel-Inform+Name O O N/A +bos sure can . it 's a moderately priced , 4 star guest house at 78-80 milton road . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O N/A +bos does the hotel have free wi-fi ? eos O O O O O O O O Hotel-Inform +bos yes it does and parking . 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no thank you i just need their postcode and phone number please . eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos the post code is cb42je . the phone number is 01223300552. eos O O O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O N/A +bos that is all for now . thanks for your help . eos O O O O O O O O O O O O general-thank +bos thanks for using this service . have a nice day . eos O O O O O O O O O O O O general-bye +bos i need a train to cambridge please . i plan to leave out on tuesday eos 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 sure , no problem . where are you heading in from ? eos O O O O O O O O O O O O O Train-Request+Depart,general-greet +bos i am leaving peterborough . eos O O O O B-Train-Inform+Depart O N/A +bos what time do you need to travel ? eos O O O O O O O O O Train-Request+Leave +bos i need to leave after 14:15 eos O O O O O O B-Train-Inform+Leave N/A +bos tr9964 departs peterborough at 14:19 , or there is also a later one that leaves at 14:48. do either of these suit your needs ? 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 O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Select +bos um , the one at 14:48 please . could you book it for 6 people ? eos O O O O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+People O O O N/A +bos your train is book it will cost 99 gbp and payable at station . your reference number is 7znqomb8 . anything else you may 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 B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos yes . i 'm looking for a restaurant called gourmet burger kitchen . can you tell me the price range and area that 's in ? 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 O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos i sure can . gourmet burger kitchen is on the expensive side and it 's located in the center area of town . anything else today ? eos O O O 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 B-Restaurant-Inform+Area O O O O O O O O O O general-greet,general-reqmore +bos no , that 's it . thanks 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 using the 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 restaurant . the restaurant should serve italian 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 O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are five italian restaurants in the moderate price range . four have pizza in their names and then there is prezzo . eos O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Inform+Name O O N/A +bos could i book through you a table at the prezzo for 8 on 17:15 this friday , as well as get the reference number for the prezzo ? eos O O O O O O O O O O B-Restaurant-Inform+Name 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 i have booked that for you and your reference number is s6vdpmw3 . 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 general-reqmore +bos nothing else . thanks for your great help . goodbye . eos 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 need a place to stay that includes free wifi and parking . eos O O O O O O O O O O O O O O N/A +bos the acorn guest house has free wifi and parking . it is cheap and has 4 star rating . the address is 56 saint barnabas road . 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 O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i need a 3 star rated hotel eos O O O O O B-Hotel-Inform+Stars O O N/A +bos bridge guest house is rated 3 stars . would you like a reservation ? eos 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 Booking-Inform +bos book it for 6 people and 4 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 N/A +bos yes i was able to reserve this for you and your reference number is 2i3y6mmy . 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 very 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 O general-reqmore +bos i need a train on wednesday which will go to liverpool street in london . eos O O O O O O B-Train-Inform+Day O O O O O O O O O N/A +bos there are several that day . what time 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 Train-Request+Arrive,Train-Request+Leave +bos i need to arrive by 18:30 and need to depart from cambridge . eos O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Depart O N/A +bos how many people will that train be for ? eos O O O O O O O O O O Train-Request+People +bos just for myself . give me the travel tiem and 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 tr5285 arrives at london liverpool street at 15:27 with a total travel time of 88 minutes . eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +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 no thank you that will be all eos O O O O O O O O general-bye +bos i am looking for a particular attraction . its name is called the fitzwilliam museum . 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 N/A +bos the fitzwilliam museum is located in the area of centre . their phone number is 01223332900. there is no entrance fee . is there anything else i can do for you ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone 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 can you send me the postcode please ? eos O O O O O O O O O Attraction-Request+Post +bos their postcode is cb21rb eos O O O O B-Attraction-Inform+Post N/A +bos i 'm also looking for a cheap hotel to crash in . can you find one for me ? eos 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 N/A +bos there 's only one cheap hotel in town , the cambridge belfry , located in the west part of town . do you need to book a room ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price B-Hotel-Inform+Type 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform +bos does it have a star of 3 ? eos O O O O O O O O O N/A +bos no it has 4 star rating . eos O O O O O B-Hotel-Inform+Stars O O N/A +bos do you have any expensive hotels with a 3 star rating ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O N/A +bos i have 2 different hotels for you , both have free wifi and free parking , would you prefer the centre area or the south area ? eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos what 's the phone number for the one in the center ? eos O O O O O O O O O O O O O Hotel-Request+Phone +bos the hotel located in the centre of town is gonville hotel and their phone number is 01223366611. is there anything else you need ? eos O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-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 general-thank +bos have a good day . eos O O O O O O general-bye +bos can you help me find a cinema in the centre ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos sure , there 's a cineman called vue cinema eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos great . can i get the phone number for the cinema ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number for vue cinema is 08712240240 and they are in the grafton centre on east road . can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone 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 O O O O O O O O general-reqmore +bos thanks . i also need to find a place to dine , please . eos O O O O O O O O O O O O O O O general-thank +bos what type of food would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos italian food , please eos O B-Restaurant-Inform+Food O O O N/A +bos we have quite a few italian restaurants all over town . is there a particular part of town you want to stick to ? eos 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+Area +bos yes , i 'd like one that was in the centra as well . eos O O O O O O O O O O O O O O O N/A +bos we have 9 choices in the centre , any preference on 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 yes please ; i 'd greatly prefer the moderate price range as i 'm on a bit of a budget . eos 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 N/A +bos pizza express would fit your needs , would you like to make a booking ? eos 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 , please book it for thursday at 18:30 for 4 people . i 'll need the reference number as well please . 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 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 : 7lylsh0v eos O O O O O O O O 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 where will you need the taxi to pick you up ? eos O O O O O O O O O O O O Taxi-Request+Depart +bos i need to be picked up at vue cinema . eos O O O O O O O O O O O N/A +bos and where will your destination be ? eos O O O O O O O O Taxi-Request+Dest +bos i need to get to pizza express for my 18:30 reservation , please . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Arrive O O O O N/A +bos okay , you 're all set with a taxi . it 's going to be a black toyota and the contact number is 07976731692 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 N/A +bos you have been most helpful setting this up . thank you . goodbye . 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 today ! eos O O O O O O O O O general-bye +bos i am looking for a restaurant in the centre of cambridge that serves modern american food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i was unable to find any restaurants matching that . eos O O O O O O O O O O O Restaurant-NoOffer +bos then what about modern european ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i have 4 modern european restaurants in the centre . do you have a preference on price range ? 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 no , just pick a popular one for me and book it for 1 person 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+Day O O O N/A +bos i book you a table at riverside brasserie , i will send you the reference number . 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 N/A +bos okay what is it ? eos O O O O O O N/A +bos i need to know the reservation time before i can book a table for you . eos O O O O O O O O O O O O O O O O O Booking-Request+Time +bos i would like the time to be at 14:00 , if you cant get that time 13:00 will do . can i have a reference number ? i also need a train . eos O O O O O O O O O B-Restaurant-Inform+Time 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 your table has been booked at de luca cucina and bar at 14:00. your reference number is m81rflpz . 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 B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A +bos thank you . i need a train on tuesday and i need it to arrive by 10: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 N/A +bos there are several trains arriving in cambridge before 10:15. where are you traveling from ? 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 Train-Request+Depart +bos i will be leaving 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 help you with that but first 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 Train-Request+People +bos one ticket is all i need . thank you . eos O O O O O O O O O O O N/A +bos i booked a train leaving at 5:17. your reference number is lg54yrtf . eos O O O O O O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O N/A +bos thank you for your help . that 's everything i need for now . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +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 need a place to stay eos O O O O O O O N/A +bos ok , what area or price range do you have in mind ? eos O O O O O O O O O O O O O O Hotel-Request+Price +bos no particular price range but i would like for it to have free parking internet with a 2 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 Hotel-Request+Price +bos you have a choice of three , two in the north and one in the west . eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos north work for me , ill go with what you pick , just need the price range , hotel type and postal code so i can plan ahead . eos 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 Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Type +bos ashley hotel is nice . it 's a moderately priced hotel in the north . the postcode is cb41er . can i book it for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O B-Hotel-Recommend+Area O O O B-Hotel-Recommend+Post O O O O O O O O O O O Booking-Inform +bos not yet . do you have a price range for that hotel ? eos O O O O O O O O O O O O O O Hotel-Request+Price +bos it is moderately priced . eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos does it have a pool ? eos O O O O O O O N/A +bos i am unsure but it does have free wifi and parking . would you like me to book a reservation 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , i do need a reservation . eos O O O O O O O O O N/A +bos when will you start your stay and for how long ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos you know what ? i think i 'm going to hold off on the hotel reservation right now . is there a swimiming pool near 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 Hotel-Inform +bos there are two , jesus green outdoor pool and kings hedges learner pool . 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos is one of them free ? eos O O O O O O O N/A +bos neither prices are listed and can vary by season and day , you would have to call them , jesus green can be reached at 01223302579 , kings hedges at 01223353248 , any preference ? eos O B-Attraction-Inform+Price I-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 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 N/A +bos yes , i could 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 O O Taxi-Inform +bos what time do you want to leave ? eos O O O O O O O O O N/A +bos i would like to leave the hotel by 02:45. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos at what time do want to arrive eos O O O O O O O O N/A +bos i dont have a specific time to arrive eos O 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+Arrive +bos i will be leaving from the hotel eos O O O O O O O O Hotel-Inform +bos headed to what place ? eos O O O O O O Taxi-Request+Depart +bos this conversation has gotten a little confused , has n't it ? i 'd like to go to king hedges learner pool , 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 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. eos O O O O O O O O O O O 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 thank you that was all i needed goodbye . eos 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 N/A +bos i 'm looking for a particualr hotel called cityroomz ? eos O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Name O O N/A +bos yes , cityroomz is available . 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 O O O O O O Booking-Inform +bos what is the star rating and price range of cityroomz ? eos O O O O O O O O O O O O Hotel-Request+Price +bos 0 stars . moderate price range . eos O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O O N/A +bos thank you . i 'm also looking for an expensive restaurant that serves polynesian food . eos 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 sorry i do n't have any polynesian restaurants in the area . is there another kind of food you are looking for ? 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 O O O O O O O O O O O O Restaurant-Request+Food +bos hmm , i was pretty sure that there was a polynesian restaurant in the centre of town . would you mind double-checking ? 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 O O N/A +bos nope . so sorry . no polynesian restaurants in the center . 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 N/A +bos are there any mediterranean restaurants ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos yes 3. do you prefer cheap or expensive ? eos O O O B-Restaurant-Select+Choice O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O N/A +bos i would like an expensive one please . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos sure , there is la mimosa or shiraz restaurant to choose from . eos 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 N/A +bos can you book a table for 2 at 18:00 on sunday at the la mimosa ? 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 N/A +bos reference number is : 1ubr84qy . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos yes i need a taxi to take me to the restaurant from my hotel . eos O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos if your leaving the resturant going back to the hotel a grey toyota will be picking you up the contact # is 07105515127 eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O B-Taxi-Inform+Phone N/A +bos no . that 's not what i asked for . i want the taxi to take me to the restaurant and arrive 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 O O O O N/A +bos sorry about the mixup . a yellow ford will take you to la mimosa in time for your reservation . their contact number is 07669331804. anything else i can do for you ? eos 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+Dest I-Taxi-Inform+Dest 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 . good job ! that is all i need . eos 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-bye +bos thank you for the help ! eos 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-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-OfferBook+Id O O O O O B-Train-OfferBook+Arrive O O O O O O O N/A +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-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos hello . i am looking for a hotel that is cheap and also has a 2 star rating . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O N/A +bos there are no hotels that fit that criteria would you like to try something else ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O N/A +bos no , i really need a hotel . it should be cheap with two stars . i do n't care what area of town it is in . 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 O O N/A +bos there are zero hotels matching those requirements . eos O O O O O O O O O Hotel-NoOffer +bos ok , then i guess i will need to be more flexible with my budget . how about a 2 star hotel that is 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+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O N/A +bos we have 2 options in the north with 2 stars in the moderate price range - ashley hotel and lovell lodge . do you have a preference ? 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 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 Hotel-Select +bos um , i like the sounds of the lovell lodge . can you give me a 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 certainly that would be 01223425478. eos O O O O O O B-Hotel-Inform+Phone N/A +bos i also need a train that leaves ely after 8:30. eos O O O O O O O O O B-Train-Inform+Depart 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 sunday and i 'll be going to cambridge . eos O O O O O B-Train-Inform+Day O O O O O O O O O N/A +bos tr4212 leaves at 09:35 , would you me to book 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 what time would i be arriving in cambridge ? what would my travel time be ? thanks . eos O O O O O O O O O O O O O O O O O O O Train-Request+Duration +bos you would arrive at 09:52. the ride is only 19 minutes . eos O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thanks ! that 's all i need . 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 thanks and goodbye ! eos O O O O O general-bye +bos have a great time ! eos O O O O O O general-bye +bos can you assist me in finding me an expensive restaurant in cambridge where i can dine ? the restaurant should be serving british foods . 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 B-Restaurant-Inform+Food O O O N/A +bos sure , i have 6 options for you eos O O O O O B-Restaurant-Inform+Choice O O O N/A +bos i 'd like it to be in centre . eos O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i would suggest midsummer house restaurant it has great food . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos can you make me a reservation for saturday please for 3 people ? eos O O O O O O O O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+People O N/A +bos what time would you like to dine on saturday ? eos O O O O O O O O O B-Booking-Inform+Day O Booking-Request+Time +bos we will be dining at 16:30. please book a table for 3 on saturday and provide the reference number . i also need a hotel in the same area . eos O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos alright , i have your restaurant booking . your reference number is : dhdb0h4v . what are you looking for in a hotel , so i can narrow down the choices ? 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 O O O O O O O N/A +bos something in the same area as the restaurant . it should also be in that same price range . 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 've got two expensive hotels in the area . both have internet and parking . university arms hotel has 4 stars . does that meet your needs ? eos O O O O B-Hotel-Inform+Choice B-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 O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , that should be perfect thank you . eos O O O O O O O O O O N/A +bos would you like me to book you a room ? if so , i will need how many people and nights you will be staying 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 O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay,Booking-Inform +bos i would like a room for three people , just for saturday night . eos O O O O O O O O O O O O O O O N/A +bos the booking was successful i have a reference number and the hotel number for you . eos O O O O O O O O O O O O O O O O O Booking-Book +bos can i have the postcode and hotel type , please ? eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Type +bos it is the type of a hotel . its post code is cb21ad . anything else ? eos O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Post O O O O O N/A +bos i also need a taxi between the hotel and the restaurant . eos O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos i will look a taxi up for you . eos O O O O O O O O O O N/A +bos thank you very much ! can you please make sure that it 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 O O O O N/A +bos a grey toyota will be waiting to pick you up , if you have any further questions the contact number is 07137847685. 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 O O O B-Taxi-Inform+Phone O N/A +bos thanks so much ! eos 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 will be all . thank you ! eos O O O O O O O O O O O general-thank +bos thanks for using our service , good day ! eos O O O O O O O O O O general-bye +bos thanks for all the help . eos O O O O O O O general-thank +bos anytime , were here 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 can you help me find places to go in town ? eos O O O O O O O O O O O O N/A +bos certainly , did you have a particular place in mind ? eos O O O O O O O O O O O O Attraction-Request+Name +bos an architecture attraction would be good . eos O O B-Attraction-Inform+Type O O O O O N/A +bos old schools is in trinity lane and entrance is free . can i give you their phone number ? eos 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+Fee O O O O O O O O O general-reqmore +bos what area is trinity lane in ? i 'd love to find a train going to cambridge as well . eos O O O O O O O O O O O O O O O B-Train-Inform+Dest O O O O O Attraction-Request+Area +bos old schools is located in the centre area of town . is that location convenient for you ? 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 O N/A +bos perfect , thanks . could you also tell me if there are any trains from norwich to cambridge that arrive by 10:00 on friday ? 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 O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O N/A +bos there are four trains arriving before 10:00 on friday . they leave norwich every hour on the :16 starting at 05:16 to 08:16 eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O B-Train-Inform+Depart 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 N/A +bos can i have the travel time ? and the train id please . eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos well the travel time for the tr3293 that leaves at 8:01 is 79 minutes . eos O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos great , thank-you ! that is perfect . 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 have a nice day . eos O O O O O O O O O O O N/A +bos i 'm glad i could help . if you think of anything else you need feel free to contact us any 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 general-bye +bos i am looking to visit the centre while i am here . what types of attractions are available for tourists ? 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 N/A +bos there 's a wide variety of attractions from architecture , museums , among others . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O N/A +bos can i get some information about the museums ? eos O O O O O O O O B-Attraction-Inform+Type O N/A +bos sure thing , is there a certain area you are interested in ? eos O O O O O O O O O O O O O O Attraction-Request+Area +bos the centre of town please . eos O O O O O O O N/A +bos there are 11 museums in the centre area . an example is the museum of archaelogy and anthropology . are you interested in this one or would you like some other choices ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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-Select +bos could i get the phone number of the museum of archaeology and anthropology ? 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 Attraction-Request+Phone +bos their phone number is 01223333516. 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 please . i need a reservation for a particular restaurant called cocum . eos O O O O O O O O O O O O B-Restaurant-Inform+Name O O N/A +bos okay , i 'm looking at the restaurant cocum in the west , would you like me to book you a table ? eos 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 Booking-Inform +bos yes , wednesday at 17:45. for 7 people . eos O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O N/A +bos success ! reference number is 3jtl308p , anything else today ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos nope , that 's it , thanks ! eos O O O 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 can you tell me about cheap restaurants on the west 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 N/A +bos there 's two : la margherita , a italian place , and thanh binh , which serves vietnamese food . can i provide you more information ? eos 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O general-reqmore +bos can i get the postcode of that ? eos O O O O O O O O O Restaurant-Request+Post +bos the post code for la margherita and thanh binh is cb30af . would you like a reservation at one of these great restaurants ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Post O O O O O O O O O O O O O Booking-Inform +bos the italian place would be great . eos O O O O O O O O N/A +bos how many people will be with you ? eos O O O O O O O O O Booking-Request+People +bos 4 people acan you book it for me ? eos O O O O O O O O O O N/A +bos can i also get what time and what day you would like the reservation for ? eos 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 '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 . eos O O O O O 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 are your other requirements ? eos O O O O O O O general-reqmore +bos find me one near that italian place , it should be in the same price range . eos 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 a cheap guesthouse on the west side of town . should i reserve you any rooms ? eos 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+Type 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 Booking-Inform +bos yes , that would be great . i 'll need it booked for saturday , 4 nights , and 8 people . can i have the reference number please ? eos 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 O O O O O O O O O Hotel-Request+Ref +bos your room is booked , ref # 1dcw8jzn . 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 'm looking for a 4 star hotel in the west . could you please find me one ? eos 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 O O N/A +bos it looks like you 're already booked at a hotel . would you like 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 Booking-Book,general-reqmore +bos you 're right , i 'm sorry . i actually have all that i need from you at this time . 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 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 'd like to stay in a guesthouse that offers free parking . eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i have several guesthouses that offer free parking . is there a particular price range you are interested in ? what area of town are you interested in staying ? 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 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 an expensive guesthouse please ! the area does not matter . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos there are no expensive guesthouses in the area . would you like a moderately priced guesthouse ? eos O O O O B-Hotel-NoOffer+Type B-Hotel-Select+Type O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O N/A +bos i want a guesthouse with a 4 star rating . eos O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos acorn guest house as a 4 star rating and in the moderate price range . would you like to book this one ? 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 B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform +bos i guess . i 'll need a room for 8 people , for two 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 O O N/A +bos i was able to book your party of 8 into acorn guest house on wednesday for 2 nights , reference : tgma40ey . can i help more today ? eos O O O O O O O O O O B-Booking-Book+People 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i am also looking for some international food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are three restaurants that serve international food , are you looking for one in a particular area or 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 O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos do you have any in the east ? eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos we have one and it 's called the missing sock . would you like a booking . 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 Booking-Inform +bos yes , please book at 18:45 on the same day , wednesday , for the same number of people , eight . 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 ok thank you i will send you the booking receipt as soon welcome eos O O O O O O O O O O O O O O general-welcome,Booking-Inform +bos i am looking for a mexican restaurant in south cambridge eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O N/A +bos there is a restaurant called chiquito restaurant bar that is in the expensive price range . do you want the address ? eos O O O O O O B-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 general-reqmore +bos yes . actually can you make a booking for me ? eos O O O O O O O O O O O O N/A +bos what day , number guests and time of day you would like to dine ? eos 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 , can you just send me the address ? eos O O O O O O O O O O O Restaurant-Request+Addr +bos their address is 2g cambridge leisure park cherry hinton road 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 i am needing a place to stay with a star of 3 and free wifi please . 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 several options that meet your criteria , what is your price range and what area are you looking for ? eos O O O B-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-Request+Price,Hotel-Request+Area +bos i need something cheap eos O O O O B-Hotel-Inform+Price N/A +bos i do n't have anything meeting that criteria . can i try something else ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos do you have an expensive hotel that meets my other criteria ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O N/A +bos sure . there are two . the gonville hotel , and the lensfield hotel . would you like me to book one of those for you ? 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 O O O O O O O O O Hotel-Select,general-greet +bos either of those sounds great . there will be 8 of us for 5 nights starting on sunday . can you book that , please ? eos O O O 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 O O O O O N/A +bos i am unable to book either of those options . 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 Booking-NoBook,general-reqmore +bos darn . why do n't we try booking it for tuesday instead then ? eos O O O O O O O O O B-Hotel-Inform+Day O O O O O N/A +bos i think the system is down , i am unable to make any bookings . eos O O O O O O O O O O O O O O O O Booking-NoBook +bos is the system back up now ? eos O O O O O O O O N/A +bos i can try to book it again . eos O O O O O O O O O Booking-Inform +bos that would be great , thank you . eos O O O O O O O O O general-thank +bos i booked you at the gonville , your reference number is j782kuh9 , anything else today ? eos O O O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos nope , 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 O O general-bye +bos have a great day . eos O O O O O O general-bye +bos i 'm looking to get some info on a hotel called cityroomz . eos O O O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos i 've 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 O Booking-Inform +bos yes please book it for one person for 2 nights starting friday . eos O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos sure . your booking was successful and i have a reference number for you . it is ibdddiaj . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O O O general-greet +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 thank you for using our service today . eos O O O O O O O O O general-bye +bos hello i am new to cambridge and was wondering about good 4 star hotels with free wifi . any suggestions ? 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 alexander bed and breakfast looks good , would you like to try that ? 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 i need it to be in the north area , is alexander bed and breakfast located there ? eos O O O O O O O O O O O O O O O O O O O N/A +bos no , but the acorn guest house is in the north . would you like a room there ? eos O 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 O O O O O Booking-Inform,Hotel-Inform +bos yes , please ! i 'd like a room for 6 people . we 'll arrive on friday and 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 B-Hotel-Inform+Stay O O O O O O N/A +bos i have you booked at the acorn guesthouse , six people for four nights . your confirmation is glvbzvyo eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+People I-Booking-Book+People B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O N/A +bos i would also like to eat some chinese food near the hotel . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos how does the golden wok sound ? it is close to that area . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos sure , can you book it for 6 people on friday at 17:15 please ? and then give me the reference number 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 O O O O O O O N/A +bos successfully booked . your reference number is xzztyrwb . what else would you like help with ? 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 all your help . eos O O O O O O O O O O O O O O general-thank +bos i 'm glad i could help , have a great time . eos O O O O O O O O O O O O O general-welcome,general-bye +bos thanks so much , goodbye ! eos O O O O O O O general-bye +bos best wishes for an enjoyable stay from the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O general-bye,general-greet +bos i 'm looking for some information on a restaurant called the varsity restaurant . 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 N/A +bos i can look that up for you ! the varsity restaurant is located in centre and is a moderate priced place . do you need more information ? eos O 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+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O general-reqmore +bos nope , that is all the information i needed ! eos O O O O O O O O O O O N/A +bos please do n't hesitate to let us know if we can be of any other assistance ? eos O O O O O O O O O O O O O O O O O O general-bye +bos yes i need a place to stay that includes free parking and is located on the east side of town . eos O O B-Hotel-Inform+Parking 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 6 that meet your requests , do you have a price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price +bos yes , are there any 4-star places that are cheap ? eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O N/A +bos how about the autumn house ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos great , can you book it for just me for 3 nights ? i 'll need it from thursday . 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 N/A +bos yes i will book it for you eos O O O O O O O O Booking-Inform +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 i 've found 57 restaurants that match your request . is there a particular area you 'd 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 O O O O Restaurant-Request+Area +bos in the centre , please . eos O O O B-Restaurant-Inform+Area O O O N/A +bos there are 33 restaurants in that area , do you have a preference of the type of restaurant ? 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 i want something with malaysian food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i am sorry i have no listings for malaysian food , another type ? eos O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O Restaurant-Request+Food +bos i actually just need an expensive place to dine in the centre of town . eos O O O O O O O O O O O O O O O O N/A +bos kymmoy offers asian oriental food . would you like to book a table there ? eos O B-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 Booking-Inform +bos yes please . can you book that for 8 people on saturday at 15:30 ? eos O O O O O O O O O O O O O O O O N/A +bos sure thing . i will work on getting this booked and be right back with you . eos O O O O O O O O O O O O O O O O O O Booking-Inform,general-greet +bos okay , thank you . eos O O O O O O general-thank +bos you are welcome eos O O O O general-welcome +bos if saturday fails , try monday and provide the reference number . also looking for a guesthouse in the same area with internet . provide starts 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 O O O O O O O O Restaurant-Request+Ref,Hotel-Request+Internet,Hotel-Request+Addr +bos your restaurant booking was successful . this is the reference number pqa4wknf . it is for saturday at 15:30 for 8 people . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+People O N/A +bos can you book me two taxi cabs that offer groupon discounts to take us to the restaurant ? 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 i do n't think we have any affiliations with groupon . 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 general-reqmore +bos i 'm looking for a place to stay . the hotel should be in the same price range as the restaurant 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 O O O O B-Hotel-Inform+Type O O O N/A +bos i am sorry but there are no guesthouses matching . would you like to try a hotel instead ? eos O 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 N/A +bos a hotel would be fine . eos O O B-Hotel-Inform+Type 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 what expensive hotel do you recommend ? eos O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O N/A +bos there are two hotels matching your needs and i highly recommend university arms hotel . do you want me to book it ? eos 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 I-Hotel-Recommend+Name O O O O O O O O O Booking-Inform +bos i just need their address , star level and whether they have internet please . eos O O O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Addr +bos university arms hotel is 4 stars located on regent street . they have internet and parking . would you like me to book that for you ? eos 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 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,Hotel-Inform+Parking +bos not yet , that 's 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 O O general-thank +bos thank you for calling . please call us back if we can assist you in any other way . 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,general-reqmore +bos i am looking for a moderately priced hotel . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A +bos sure , there are 3. is there a particular part of town you prefer ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos no , but i am looking for a 4 star hotel . eos O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i see no 4 star rating hotels , there are 2 hotels with 2 star rating in that price range . would you like information on 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 N/A +bos i really am interested in a 4 star hotel and would rather not settle for a 2 star hotel . 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 N/A +bos if you would be willing to stay at a guesthouse instead , i have 11 different moderately priced 4-star guesthouses available throughout the city . would any of these be acceptable ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price 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-Select +bos yes , that sounds good . can you recommend one of those ? eos O O O O O O O O O O O O O O N/A +bos i would recommend acorn guest house , moderately priced and includes free parking and internet . would you like a reservation ? eos 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 O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos what 's the postcode ? eos O O O O O O Hotel-Request+Post +bos the postcode is cb41da eos O O O O B-Hotel-Inform+Post N/A +bos great , i am also looking for a restaurant in the centre of town in the moderate price range too . 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 O N/A +bos we have 21 places , i would hate to steer you toward something that was n't a match , any food preferences ? 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+Food +bos i would really enjoy some international food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos the varsity restaurant and bloomsbury restaurant both offer international food . could you like a recommendation ? eos O 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 N/A +bos let 's go with the bloomsbury . i need a reservation for tuesday for 7 people . eos O O O O O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People 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 . can you book for 15:45 ? eos O O O O O O O O O general-thank +bos ok i will book it for you eos O O O O O O O O Booking-Inform +bos hi i am hoping to find a place that is expensive i can stay at , and also has free wifi . 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 N/A +bos university arms hotel near centre is a 4 star with internet on regent street . phone is 01223351241. eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Phone O Hotel-Inform+Internet +bos can you find me one with a 3 star rating ? eos O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos the gonville hotel is in the center . the have free internet and parking . their number is 01223366611. 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 B-Hotel-Inform+Phone O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'd like to book this for 2 people , 3 nights starting on tuesday please . 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 ok i was able to get this for you . reference number is 2rab8amp . are you looking for places to go as well ? i can help with that too . 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 yes can you please assist with entertainment ? eos O O O O O O O O O N/A +bos what type of attraction ? eos O O O O O O Attraction-Request+Type +bos i apologize , i was n't paying attention to what i wanted . can you help me find a modern eclectic restaurant in the centre ? 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 B-Restaurant-Inform+Area O O O O N/A +bos unfortunately , i do n't have any modern eclectic restaurants in the city . is there another type of restaurant i can look for ? 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 Restaurant-Request+Food +bos hmm , is there none at all ? eclectic food ? eos O O O O O O O O O O O O N/A +bos no , i 'm sorry . want to try a different food type ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos mediterranean , please . eos O B-Restaurant-Inform+Food O O O N/A +bos there are 3 places . two are expensive and one is cheap . which do you prefer ? eos O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Restaurant-Select +bos i need something in the same price range as the hotel . eos O O O O O O O O O O O O O Hotel-Inform +bos la mimosa is in the expensive price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O 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 01223362525 eos O O O O O B-Restaurant-Inform+Phone N/A +bos i also need the postcode . eos O O O O O O O Restaurant-Request+Post +bos sure ! their postcode is cb58aq . eos O O O O O B-Restaurant-Inform+Post O O N/A +bos could i book a taxi from the restaurant to the hotel please ? eos O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos yes , i can do that . what time would you like to leave ? 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 by 16:45. eos O O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! it will be a grey tesla , contact number is 07315091381 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 N/A +bos great , that 's all i needed ! thanks ! bye ! eos O O O O O O O O O O O O O general-bye +bos yeah , no problem . i am glad i could assist . eos O O O O O O O O O O O O O general-welcome,general-bye +bos hey , i 'm looking for a cheap place to dine with indian cuisine preferably ! eos 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 how about royal spice ? that 's in the north part of town . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area O O O O O O N/A +bos sure , i 'd like to try it , can you help me book a table for 4 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 i can . what day and time will you be dining ? also , 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 O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos 4 people at 17:45 on monday . by the way , i need a hotel too , is that something you can help me out with ? eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Hotel-Inform+Day 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 i have reserved . reference number is : tj5mu21h . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos great , thanks ! can you also help me find somewhere to stay ? eos O O O O O O O O O O O O O O O general-thank +bos i can definitely help you with that ! 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 O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos please find me a htel in a moderate price range , no need for internet . the area does n't matter . 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 O N/A +bos i have many options available in the moderate price range . are looking for a hotel or guesthouse ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Price 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 B-Hotel-Inform+Type O O N/A +bos i have three to choose from . two in the north and one in the center all moderately priced . any preference ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O Hotel-Select +bos how about the center . book it for 3 nights from monday for 4 people . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A +bos there is a moderately priced place named cityroomz in the centre . would you like me to book it for you ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Name O O B-Hotel-Inform+Area 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 N/A +bos ok thanks and enjoy your stay . eos O O O O O O O O general-bye +bos actually i changed my mind . i do want to book the hotel . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos booking was successful.reference number is : i1lk8ves . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you very much . 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 +bos hello , do you have a train doing to norwich from cambridge ? eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos yes , what day and time will you be travelling ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'm traveling to norwich on thursday after 20:00 ( 8 pm ) eos O O O O O O O O O O O O O O N/A +bos will you be departing from cabridge ? eos O O O O O O O O Train-Request+Depart +bos no , i 'm looking to leave from cambridge . eos O O O O O O O O O O O N/A +bos ok i have found a train that departs at 22:36 and arrives 23:55 it is 17.60 pounds , would you like me to book it for you ? eos O O O O O O O O O O B-Train-Inform+Leave 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 Train-OfferBook +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-bye +bos i need to make a train reservation for friday and i need it to arrive by 19:00 eos O O O O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive N/A +bos sure , i can help with that . can you please let me know 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 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 and what is your destination ? eos O O O O O O O Train-Request+Dest +bos i will be going to stansted airport . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos train tr7213 departing from cambridge at 05:40 and arriving at stansted airport at 06:08 will be the best option for you . 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 I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O N/A +bos that 's an early arrival . is there a later train that arrives before 19:00 , please ? eos 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 there is another train that arrives at 18:08. would that work better for you ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos yes , that would work . could you book it for 5 people ? eos O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos your reference number is raa2478c . 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 general-reqmore +bos no that was all . thanks ! eos O O O O O O O O general-thank +bos thanks for inquiring with us . good day eos O O O O O O O O O general-bye +bos i need to contact the nearest police station . eos O O O O O O O O O O Police-Inform +bos the nearest police station is at parkside in cambridge . 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 thank you , may i also get the address and postcode ? eos O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos the postcode is cb11jg . i do not have an address listed , however . eos O O O O O O O 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 you are welcome . do you need any further assistance ? eos O O O O O O O O O O O O general-reqmore +bos no that will be all . thank you very much . eos O O O O O O O O O O O O general-thank +bos happy to help . thank you for using our service . eos O O O O O O O O O O O O general-bye +bos i 'd like a taxi to the ugly duckling 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 depart at ? eos O O O O O O O O O O Taxi-Request+Leave +bos i need to actually arrive by 19:15. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos where will you be departing from today ? eos O O O O O O O O O Taxi-Request+Depart +bos i will be departing from parkside police station . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos your grey honda is booked , and the contact number for the driver is 07817450562. can i do anything else for you today ? 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 O O O O O O general-reqmore +bos no , that 's great , thanks . eos O O O O O O O O O general-thank +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 i 'd like to be picked up today from alexander bed and breakfast 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 N/A +bos absolutely ! when would you like to arrive ? eos O O O O O O O O O O Taxi-Request+Arrive +bos 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 . eos O 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 what is your destination ? eos O O O O O O Taxi-Request+Dest +bos i am going to rice house eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos i have booked a blue volkswagen and contact number 07325713060. eos 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 thank you , that is all . eos O O O O O O O O general-thank +bos perfect . have a great day ! eos O O O O O O O O general-bye +bos i 'm hoping to book a train from bishops stortford to cambridge . please list all times for that route . 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 N/A +bos there 's a total of 70 trains . is there a particular time of day you would like to travel ? 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 O O O Train-Request+Arrive,Train-Request+Leave +bos i need to leave wednesday and arrive after 11:15. eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos thanks for that information . what time you would like to leave ? eos O O O O 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 B-Train-Inform+Leave N/A +bos unfortunately there are no trains meeting your criteria . would you like me to look up another departure 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-NoOffer,Train-Request+Leave,Train-Request+Arrive +bos no , i want that day and time please eos O O O O O O O O O O N/A +bos the tr0516 leaves cambridge at 11:29 on wednesday . will 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+Leave O B-Train-Inform+Day O O O O O O O N/A +bos well , i need to know the arrival time first . eos O O O O O O O O O O O O Train-Request+Arrive +bos arrival time is 12:07 does that work for you ? eos O O O O B-Train-Inform+Arrive O O O O O O N/A +bos yeah , that works . can you recommend a 0 star hotel for me ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos yes i have two guesthouses and 1 hotel in that category do you have a preferred area ? 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 Hotel-Request+Area +bos i am looking for 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 . the number is 01223358966. 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 N/A +bos thank you goodbye eos O O O O general-bye +bos you are most welcome ! eos O O O O O O general-welcome +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-Select,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 Train-Select +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 Train-Request+Ref +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 O O O O B-Train-Inform+Ref I-Train-Inform+Ref 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 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+Stars B-Hotel-Inform+Type O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Select +bos i 'm looking for a train that will be going to london kings cross on wednesday . 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 B-Train-Inform+Day O O N/A +bos there are ten trains departing from cambridge and arriving in london kings cross on wednesday . do you need to arrive by a certain time ? eos O O O O B-Train-Inform+Choice 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+Day O O O O O O O O O O O Train-Request+Arrive +bos i need it to arrive by 18:00. eos O O O O O O O B-Train-Inform+Leave N/A +bos how about tr8676 that leaves at 19:00 ? eos O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O N/A +bos i want to book for three people . help me get the reference number too eos O O O O O O O O O O O O O O O O Train-Request+Ref +bos i 'm sorry for the confusion , that train wo n't arrive by 18:00. tr3843 will arrive by 17:51 , does that sound like it will work ? eos O O O O O O O O O O O B-Train-NoOffer+Arrive B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-Select +bos yes , please book for 3 people . i will need a reference number also . 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 70.8 gbp payable at the station . reference number is : h6yk4bjl . 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 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 you 're certainly welcome . my pleasure , sir . anything else i may 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-greet,general-reqmore +bos you 've covered it all . thanks a million . goodbye . eos O O O O O O O O O O O O O general-bye +bos happy to be of service . please let us know if we can assist you in the future . 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 am looking for a place to stay . the hotel should be in the type of guesthouse and should include free wifi 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 N/A +bos there are 23 guesthouses with free wifi . what price range or area do you prefer ? 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,Hotel-Inform+Internet +bos i would prefer a price range of expensive eos O O O O O O O O B-Hotel-Inform+Price N/A +bos it seems that there are no guesthouses in the expensive price range . can i offer you a different price range or a different type of hotel ? eos 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 O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Type +bos how about moderate price range with a star of 4 ? eos O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O N/A +bos there are several . do you have a preference for area ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos area does n't matter but i need to know if they have free parking eos O O O O O O O O O O O O O O O Hotel-Request+Parking +bos i have discovered 9 choices fitting your description . may i recommend the archway house ? it 's on gilbert road . 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 O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O N/A +bos sounds great , thank you . eos O O O O O O O general-thank +bos you 're welcome . would you like me to make a reservation in your name ? eos O O O O O O O O O O O O O O O O O Booking-Inform +bos yes please make a reservation in my name . thank you . eos O O O O O O O O O O O O O general-thank +bos i will need to know the day you will be arriving , the amount of days and for how many people before making the 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Stay +bos i 'm sorry i do n't need a reservation right now . can you just tell me if 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 Hotel-Request+Parking +bos yes , archway house offers free parking . may i help with something else ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos great , thanks . that is all i needed . eos O O O O O O O O O O O general-thank +bos should i book that for you ? eos O O O O O O O O Booking-Inform +bos no , i can book myself later . thanks . good bye . eos O O O O O O O O O O O O O O general-bye +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-bye,general-reqmore +bos i was robbed and i do n't know what i should do , any ideas ? eos 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 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 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 you take care now , if you need anything else do n't hesitate to call . 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 addenbrookes hospital please . eos O O O O O O O O O Hospital-Inform +bos i can help you with that ! do you information about any particular department of addenbrookes hospital ? eos O O O O O O O O O O O O O O O O O O O N/A +bos the hospital should have the neurology department . eos O O O O O O B-Hospital-Inform+Department O O N/A +bos yes , they have both a neurology department and a neurology neurosurgery . would you like the number for 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 N/A +bos help me get postcode and phone number eos O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the postcode is cb20qq , phone for neurology is 01223274680. eos O O 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 , sir . do call us again . good day . eos O O O O O O O O O O O O O O general-bye,general-greet +bos have a good day yourself . goodbye . 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-bye +bos i 'm looking for a train departing from broxbourne . eos O O O O O O O O B-Train-Inform+Depart O O N/A +bos where are you headed ? eos O O O O O O Train-Request+Dest +bos i am heading to cambridge . eos O O O O O B-Train-Inform+Dest O N/A +bos how about tr5570 that leaves at 05:32 ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O N/A +bos i will need to arrive by 17:15. eos O O O O O O O B-Train-Inform+Arrive 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 leaving on wednesday . eos O O O O O O B-Train-Inform+Day O N/A +bos how about the tr0788 train that leaves at 05:32 ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Leave I-Train-Inform+Leave N/A +bos does that train arrive in cambridge before 17:15 ? eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos tr0788 arrives in cambridge by 06:32. would you like me to find something closer to arriving at 17:15 ? 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 O O O O O N/A +bos yes , and i 'll just need the train id and departure time . eos O O O O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave +bos tr5972 leaves broxbourne wednesday at 15:32 and arrives in cambridge at 16:32 , the fare is 17 pounds 90. eos 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 B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos okay . would you please book 2 tickets for that one ? 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 35.79 gbp payable at the station .reference number is : g2jza2ze . 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 ca n't imagine why i asked you to book passage . i always buy my own tickets . in any case , thanks ever 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 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 N/A +bos no thanks for your service i enjoyed 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 am looking for the addenbrookes hospital eos O O O O O O O O Hospital-Inform +bos okay , addenbrooke 's hospital is located at hills road , cambridge . 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 N/A +bos i want the postcode eos O O O O O Hospital-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 thank you . that was all i needed . eos O O O O O O O O O O general-thank +bos okay . enjoy the rest of your day today eos O O O O O O O O O O general-bye +bos am looking for a train it should arrive by 18:30 and should go to peterborough eos O O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Dest N/A +bos tr9859 cost 16.50 pounds . is there anything else ? eos O B-Train-Inform+Ref O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O general-reqmore +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 there are two trains that arrive in peterborough by 18:30. what time are you planning to leave cambridge ? 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 O Train-Request+Leave +bos i just need to arrive by 18:30 in peterborough the departure time does n't matter . eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O N/A +bos tr8293 arrives at 17:56 and tr2913 arrives at 18:24. would you like me to book tickets on one of them ? eos 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 O Train-OfferBook +bos i need tickets for 8 people . can you book and give me the reference number ? 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 booked tr 8293 and you reference number is epabnnpd . is there anything else ? eos 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 O general-reqmore +bos no that is all . 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 am looking for a place to stay . the hotel 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 N/A +bos there are many hotels that match your criteria . which area of town would you like to stay in ? 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 O Hotel-Request+Area +bos area of town close to public transportation eos O O O O O O O O N/A +bos then , that narrows down to 3 hotels in the centre of town . do you prefer expensive or moderate 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 'm not picky . it needs to have free parking , though . eos O O O O O O O O O O O O O O O N/A +bos ashley hotel has free parking , would you like a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos oh , i 'm sorry , i also want to make sure it 's got a 4 star rating , at least . could you confirm that for me 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 O O O O O O O O O O O O N/A +bos unfortunately ashley hotel is only 2 stars . there are no 4 star hotels from what i can see . would you like me to search for 3 star hotels or 5 star ? eos O O O O O O O O O O O O O O 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 search for a 5 star please ? eos O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i am sorry , there are not 5 stars available . eos O O O O O O O O B-Hotel-NoOffer+Stars O O O N/A +bos well , i 'm not sure what i should so . i guess i should go with the two star 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 N/A +bos how about a three star hotel ? i have two that would match your description . eos O O O O O O O O O O O O O O O O O N/A +bos do you have any 4 star guesthouses available instead ? eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos yes , the alexander bread and breakfast is a 4 star guesthouse in the centre . 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 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 O O O O O O O Booking-Inform +bos yes , but only if they offer free parking . and free wifi . do they ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes , both free wifi and parking is available at this location . eos O O O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos thank you , could i get the postal code to this hotel , please ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb12de . shall i book a room for you ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O Booking-Inform +bos that is all i need for the time being . thank you 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 general-thank +bos okay have a great day ! eos 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 , and how can i help you ? eos O O O O O O O O O O general-reqmore +bos i need to find a hotel in cambridge . eos O O O O O O B-Hotel-Inform+Type O O O N/A +bos any particular location or price range ? eos O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos yes i would like to stay in an expensive hotel in the city center . 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 university arms is available . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos what 's their address and star rating ? and do they have free parking ? eos O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Addr +bos university arms hotel star rating is 4. should i go ahead and book that for you ? eos 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 Booking-Inform +bos no , thanks . does it have free parking and what 's the address 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 parking . they are on regent street . can i help you with anything else ? eos O O 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 need to book a train for 6 people departing at cambridge and arriving at stevenage at 10:30. eos O O O O O O O O O B-Train-Inform+People O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive 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 need to leave on a monday please . eos O O O O O O O O O O N/A +bos let me find one for you . eos O O O O O O O O Train-OfferBook +bos excellent , thanks . eos O O O O O general-thank +bos i found you the tr8290 that leaves at 09:21 on monday arriving at 10:10. would you like to book this one ? eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O B-Train-Inform+Day O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos i need it to arrive at 10:30 actually . eos O O O O O O O O O O N/A +bos that is the closest train we have to 10:30 eos O O O O O O O O O B-Train-Inform+Arrive N/A +bos arriving at 10:10 is fine.can i get six tickets ? eos O O O O O O O O O O O N/A +bos your train is booked . total fee is 76.8 gbp payable at the station . reference number : l9xgqw87 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 N/A +bos great , thank you ! i wo n't be needing anything else ! bye ! eos O O O O O O O O O O O O O O O O general-bye +bos have a wonderful time in town . i am glad to help 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 O O O general-bye +bos hi , i am looking for a restaurant that is expensive and serves european food . eos O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O N/A +bos i show 5 listings . would you like a certain 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 no specific area , but i would like it for friday . eos O O O O O O O O O O O O O N/A +bos okay , i recommend city stop restaurant . what time would you like the reservation for and for how many people ? 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 Booking-Request+Time,Booking-Request+People +bos i 'd like to make reservations for 7 people at 11:15 on friday 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 N/A +bos you have a table reserved for 7 on friday at 11:15. your reference number is v2iwl8vw . 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 N/A +bos thanks , i 'm also looking for a train for friday that goes to cambridge and arrives by 08:15. eos O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O O N/A +bos and where will you be coming from ? eos O O O O O O O O O Train-Request+Depart +bos i 'll be coming from peterborough . all 7 of us will need tickets for the train . eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+People O O O O O O O O O O N/A +bos tr0035 arrives by 08:09. does 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 yes , please include the reference number . eos O O O O O O O O O N/A +bos yes of course , the reference number for the train is mu82ccwu . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you , that is all for today . goodbye . 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 please find a cheap place to eat that serves light bites food . eos O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i am sorry i am not finding anything to match your criteria . is there 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 O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos what type of cheap restaurants do you have in the center ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos there are 15 restaurants in the centre with a cheap price range , serving a variety of cuisines . would italian or mediterranean cuisines be of interest ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O O N/A +bos mediterranean sounds good . eos O B-Restaurant-Inform+Food O O O N/A +bos the gardenia would suit you just right . i would be happy to book a reservation for you if you would like ? 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 O O Booking-Inform +bos yes , please make me a reservation . eos O O O O O O O O O N/A +bos for what day would you like your reservation and what time ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos book a table for 6 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 N/A +bos your reservation has been booked . your reference number is s7wwfycu . 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 yes , i 'm interested in seeing some attractions with sports . is there any place with multiple sports in the centre ? 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 O B-Attraction-Inform+Area O O O O N/A +bos no i am sorry eos O O O O O Attraction-NoOffer +bos what about a nightclub instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos i have five nightclubs . would you like more info on one ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O general-reqmore +bos yes . whichever you can recommend . please give me their postcode when you choose . thank you ! eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos then how about ballare ? it 's code is cb23na . eos O O O O B-Attraction-Inform+Name O O O B-Attraction-Inform+Post O O O N/A +bos could i get the postcode ? eos O O O O O O O Attraction-Request+Post +bos yes , the postcode is cb23na . 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 no . that 's it . thank you . eos O O O O O O O O O O general-thank +bos you 're welcome . we hope you have a great trip , and feel free to contact us if you need additional 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 general-welcome,general-bye +bos thanks , you , too ! eos O O O O O O O general-thank +bos let us know id you need any more help . eos O O O O O O O O O O O general-bye +bos yes , hopefully you can help with some information on a particular hotel ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos what hotel are you interested in ? eos O O O O O O O O Hotel-Request+Name +bos it is called home from home . i was wondering what type of hotel it is and the star of the hotel . 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 O O Hotel-Request+Type +bos home from home is a 4 star , guesthouse type hotel . eos 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 O N/A +bos thanks , that is all i need on the hotel but can i book a train from cambridge to stevenage , i need ot arrive by 20:45. eos 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 O O B-Train-Inform+Arrive O O N/A +bos i 'll be more than happy to help you book the train . what 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 O O O O Train-Request+Day,Train-OfferBook +bos i would like to leave on thursday . eos O O O O O O O B-Train-Inform+Day O N/A +bos i have trains available 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 Train-OfferBook +bos i just need the departure time and price please eos O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos leave at 5:21 and arrive by 6:10 for 12.80 pounds eos O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos i am looking for a restaurant in the moderate price range and in the centre 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 N/A +bos there are 21 restaurants in the centre of town in the moderate price range . 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 B-Restaurant-Inform+Price O O O N/A +bos ok , how about chinese food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos yes , i recommend the ian hong house in the centre . should i reserve a table for you ? eos O O O O O O B-Restaurant-Recommend+Name I-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 please , i would like a table for 6 at 11:30 on friday . 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 have booked a table for 6 people on friday at 11:30 , your reference number is 452nkgsn . can i help you with anything else ? eos O O 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 O O O O O O O O O general-reqmore +bos i need a hotel same price range as restaurant that includes free wifi and parking . can you 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 O O O N/A +bos sure , i can help you with that . were you looking for 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 Hotel-Request+Area +bos well , let see . i am eating in the centre of town , so let me find a place in the centre . 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 N/A +bos sorry , i 'm not finding anything . want to change your location ? eos O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos lets try a expensive price range eos O O O O B-Hotel-Inform+Price O O N/A +bos we have two hotels that fit your criteria . one has 3 stars , the other 4. do you have a preference ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O Hotel-Select +bos no preference really , just recommend one for me eos O O O O O O O O O O N/A +bos okay ! how about university arms hotel on regent street ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O N/A +bos sure , does it have free wifi and free parking ? eos O O O O O O O O O O O O N/A +bos yes they have both internet and wifi eos O O O O B-Hotel-Inform+Choice O O O Hotel-Inform+Internet +bos great , thanks ! what about free parking ? eos O O O O O O O O O O general-thank +bos yes they have free parking as well . eos O O O O O O O O O Hotel-Inform+Parking +bos thanks . and now could you also provide me with the address for that location ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos absolutely . the hotel is located on regent street . eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O N/A +bos thanks for the information . have a great day eos 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 find me a place to stay that has free parking , but 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 N/A +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 i would prefer to be in the centre . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos we have 2 cheap guesthouses and 2 expensive hotels , all in the centre of town but with different star ratings . do you have any preferences ? eos O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O Hotel-Select +bos do you have one in a 4 star rating that has free wifi ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos yes , the university arms hotel is available and is located on regent street . would you like me to book a reservation ? 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O Booking-Inform +bos i really need a hotel in the east . can you take a look at those for me ? eos 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 there are 5 options in the east that meet your criteria . all are guest houses . do you have a price range in mind ? eos 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+Type I-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Price +bos no , should have four stars though . eos O O B-Hotel-Inform+Internet O O O O O O N/A +bos i 'm sorry , did you say you do n't need internet ? because i 'm not finding anything that meets your criteria 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 O B-Hotel-NoOffer+Area O O O O O O O O Hotel-Select+Internet +bos i do need internet . eos O O O O O O N/A +bos would you like to try another part of town as the east was a no go ? eos O O O O O O O O O O O O B-Hotel-NoOffer+Area O O O O O Hotel-Request+Area +bos yes , i suppose . eos O O O O O O N/A +bos i checked all the different areas and there 's still no matches . eos O O O O O O O O O O O O O O Hotel-NoOffer +bos no thank you that will be all eos 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 can you help me find a train departing from cambridge going to stevenage ? eos O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest 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 leave after 16:15 on tuesday . eos O O O O O O O B-Train-Inform+Leave O O O N/A +bos i have a train that laeves at 17:21. will that do ? eos O O O O O O O O B-Train-Inform+Leave O O O O Train-Select +bos there is none that leaves earlier ? how much will that one cost me ? eos O O O O O O O O O O O O O O O O N/A +bos there is no earlier train . the price is 12.80 pounds . eos O O O O B-Train-NoOffer+Leave I-Train-NoOffer+Leave O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos okay thank you . could you help me find a guesthouse in the centre to stay at ? eos 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 i have 2 guesthouses in the center . they 're both cheap , but the 4-star alexander b & b is by far the better choice . would you like to book a room ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Recommend+Stars 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 O O O Booking-Inform +bos i need one in the expensive price range that includes free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O O Train-Request+Price +bos i 'm sorry we do n't have an expensive guesthouse in the centre area . would you like to try some different criteria ? eos 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 N/A +bos ok , well do you mind trying to see if there is a hotel that matches my other requests . 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 N/A +bos i recommend university arms motel . i meets your criteria . would you like me to book you 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 O O O O O O O O Booking-Inform +bos yes , please . i would like it for thursday for 7 people , 5 nights . eos 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 your booking was successful . your reference number is : vh6mrhba . 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 thanks , that 's all . goodbye eos 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-bye +bos i need to take a train here on friday , i will be coming from leicester . 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 N/A +bos train tr3190 leicester to cambridge leaves friday at 6:09. would you like me to book it for you ? eos O O B-Train-Inform+Id 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 Train-OfferBook +bos is there one that leaves after 10:00 ? eos O O O O O O O B-Train-Inform+Leave O N/A +bos yes , the tr8659 leaves at 10:09. eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O N/A +bos thanks , please book it for 8 people . i 'll need to reference number eos 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 302.39 gbp payable at the station .reference number is : iojtyl4c . 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 i am also looking for places to go in town . the attraction should be 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 N/A +bos what are you interested in ? there 's architecture , colleges , cinemas , etc . eos O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O Attraction-Request+Type +bos it does n't really matter , as long as it is in the centre . i will just need 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 O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos may i recommend the primavera museum in the centre of town located at 10 king s parade in post code cb21sj . their phone number is 01223357708 eos O O 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O N/A +bos that 's perfect ! thank you for your help ! eos O O O O O O O O O O O general-thank +bos of course . no problem . can we help 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 is all for today . 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 service today . eos O O O O O O O O O general-bye +bos i am looking for a train that departs from kings lynn . i need to leave after 11:30. eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave O N/A +bos i have many trains available . what is your destination and 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 Train-Request+Dest,Train-Request+Day +bos i would like to leave from kings lynn and go to cambridge . eos 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 tr0864 will be fine with you . how many tickets do i book ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos can i get the travel time , and arrival time of that ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive +bos travel time is 47 minutes and arrive by 16:58. eos O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Arrive N/A +bos thank you . i am also looking for a 4 star hotel on the east 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 O N/A +bos we have six , though all are guesthouses . eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Type O O N/A +bos that 's fine , can you find one in the moderate price range with free parking . eos 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 is in the moderate price range . would you like me to book it ? 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 O O O O O O O O Booking-Inform +bos i 'm still thinking about it . can you please provide me with the address and phone number ? 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 O O O Hotel-Request+Phone,Hotel-Request+Addr +bos 124 tenison road , cb12dp . the phone is 01223315702. eos O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O N/A +bos thanks for all of your help today eos O O O O O O O O general-thank +bos you 're welcome . i hope you can decide soon . eos O O O O O O O O O O O O general-welcome +bos thank you for your time . eos O O O O O O O general-thank +bos good day to you too , bye ! eos O O O O O O O O O general-bye +bos i am looking for a place to eat that serves gastropub 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 we have 3 great gastropubs in the center . i recommend the backstreet bistro . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos is it expensive ? eos O O O O O N/A +bos yes it is . would you like to book it ? eos O O O O O O O O O O O O Booking-Inform,general-greet +bos no , thank you . i just need the address , please . eos O O O O O O O O O O O O O O Restaurant-Request+Addr +bos the address is 2 sturton 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 i also am looking for places to go in the same area as the restaurant . i would like to visit a college . 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 N/A +bos we have many fine colleges in the center , such as christ 's college , corpus christi , jesus college , and trinity college . would you like more information about one of them , or perhaps others ? eos O O O B-Attraction-Inform+Choice I-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 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 O O O O O O general-reqmore +bos trinity college please . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos trinity college is located on trinity street , and the phone number is 01223338400. the entrance fee is 1 pound . do you need any additional information ? 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 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 general-reqmore +bos no that is all i need , thank you . eos O O O O O O O O O O O general-thank +bos okay . please let us know if you need anything else during your trip to cambridge . eos 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 some information about the mutliple sports in the centre eos O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O N/A +bos we only have one multiple sports complex but it is in the east , are you interested in that , or do you want another search in the centre ? eos O O O O O B-Attraction-Inform+Type I-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 O O O O general-reqmore +bos no , i need to stay in the centre . are there any parks there ? eos O O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type O O O O N/A +bos okay ! you can try cambridge university botanic gardens on bateman street . it is in the centre part of town , and the admission fee is 4 pounds . 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+Addr I-Attraction-Recommend+Addr 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O general-greet +bos great ! what is their phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223336265. eos O O O O O B-Attraction-Inform+Phone N/A +bos i also need a train departing from cambridge to arrive by 21:15 eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos ok. i can help with train info . whata is your destination ? eos O O O O O O O O O O O O O O Train-Request+Dest,general-greet +bos the destination is peterborough . eos O O O O B-Train-Inform+Dest O N/A +bos how about tr9859 ? it leaves at 05:06 eos O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O N/A +bos sounds good , please book me for four people and can i get a 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 booking was successful , the total fee is 66 gbp payable at the station , your reference number is 2wxsc5i1 . will that be all ? 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 general-reqmore +bos that is all i need . eos O O O O O O O N/A +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,general-greet +bos i am looking for information in cambridge . eos O O O O O O O O O N/A +bos sure , what do you need to know ? eos O O O O O O O O O O general-reqmore +bos i 'm looking for a 3 star hotel . 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 O N/A +bos are you looking for a certain 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 Hotel-Request+Area,Hotel-Request+Price +bos i would like a hotel in a moderate price range not far from the railway station . 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 'm sorry i don ; t have anything matching your description . do you have another area 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 Hotel-NoOffer,Hotel-Request+Area +bos if there are n't any , how about a guesthouse ? eos O O O O O O O O O O O O N/A +bos nothing matches for guesthouse or hotel , can i try something else for you ? eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O general-reqmore +bos a guesthouse with a 3 star rating and does not need to have internet , nothing ? eos O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O O O O O O O N/A +bos there are no guest houses in that area with a three star rating . is there another area you would like me to check ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars O O O O O O O O O O O O O Hotel-Request+Area +bos i guess a hotel in the same area with any rating will do . eos O O O O O O O O O O O O O O O Hotel-Inform +bos i have the gonville hotel that is a 3 star expensive hotel . would you like me to book this one ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform +bos yes , please . i need a reservation for sunday . eos O O O O O O O O B-Hotel-Inform+Day O O O N/A +bos how many people will be staying and how many nights do you need ? 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 it for 7 people for 5 nights starting on sunday . could you give me the reference number ? 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 O O O O O O Hotel-Request+Ref +bos okay . your booking was successful . your reference number is v0e1x9sl . 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 no , that will be all thank you for your help . eos O O O O O O O O O O O O O general-thank +bos may i book you a train and or a taxi ? eos O O O O O O O O O O O O general-reqmore +bos no , thank you . i have everything i need . eos 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-bye +bos i am looking for information in cambridge looking for a restaurant in the north eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area N/A +bos we have a range of options in the north . do you have preferred cuisine or 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+Food,Restaurant-Request+Price +bos how about an expensive venetian place ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , i 'm not finding any results . is there another location or price range 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 Restaurant-Request+Price,Restaurant-Request+Area,Restaurant-NoOffer +bos how about something that serves asian oriental food ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i do have one expensive asian oriental restaurant in the north . it is called saigon city . can i make you a reservation ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-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 O O O O O O Booking-Inform +bos that sounds great . i will need a table for 5. eos O O O O O O O O O O O O N/A +bos what day and time would you like this reservation for ? eos O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos 16:30 on thursday , please . eos O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos we booked you for thursday at 16:30 , is their anything else i can assist you with ? eos 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 general-reqmore +bos can you provide me with a reference number , please ? eos O O O O O O O O O O O O Restaurant-Request+Ref +bos yes , your reference number is 80sx075c . 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 i would like to take a train from stansted airport to cambridge , on thursday , with arrival by 13: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 B-Train-Inform+Day O O O B-Train-Inform+Arrive O O N/A +bos tr9775 arrives by 12:52 , would you like more info or tickets ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O O O general-reqmore,Train-OfferBook +bos please give me the departure and travel time . eos O O O O O O O O O O Train-Request+Duration +bos it departs at 12:24 and the duration of the trip is 28 minutes . eos O O O O B-Train-Inform+Leave O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time 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 excellent , have a great day ! eos O O O O O O O O general-bye +bos i need a cheap hotel in cambridge . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A +bos i have 10 cheap hotels available . which area of town are you looking to stay in ? eos 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 Hotel-Request+Area +bos i would like to stay in the west area . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos 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 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-Recommend,Hotel-Select +bos does it have free wifi ? eos O O O O O O O N/A +bos yes it does . would you like me to book it for you now ? 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 . i need it for one person on saturday . a 3 night stay . 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 ok i will book it for you eos O O O O O O O O Booking-Inform +bos can you help me find a train departing from norwich leaving on sunday ? 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 i found 19 trains that leave norwich on sunday . where will you be traveling to and do you have an arrival time in mind ? 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 O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Dest +bos i am traveling to cambridge , of course ! i can leave norwich anytime after 12:45 eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O N/A +bos i recommend tr2974 which leaves 17:16. can i book that one ? eos O O O B-Train-Select+Id I-Train-Select+Id O B-Train-Select+Leave O O O O O O Train-OfferBook +bos yes , that would be fine . i 'll need it booked for 3 people . i 'll also need 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 O O N/A +bos okay , i 've book you for 3 people on sunday . you reference number is 4w6oghua . can i help you with anything else today ? eos O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Day 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 'm also looking for a place to stay in the north that has free wifi . eos O B-Hotel-Inform+Internet 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 have 12 options available that match your request . 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 O Hotel-Request+Price +bos the hotel should be in the moderate price range and should have a star of 4. eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos what about hamilton lodge ? its lovely eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos sure , thanks ! will you please book it for the same group of 4 for 5 nights , starting sunday ? 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 O O N/A +bos your reference # d4z2bo28 anything else ? eos O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O general-reqmore +bos that is all . thank you ! eos O O O O O O O O general-thank +bos thank you very much ! i hope you have a great 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 i 'm craving indian food and money is n't an issue so find me an expensive restaurant that serves it please eos 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 O O N/A +bos sure i have 14 options for you eos O O O O O B-Restaurant-Inform+Choice O O N/A +bos oh what the heck money is no object , an expensive indian restaurant in the west . eos 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 N/A +bos tandoori palace is the best one . it 's at 68 histon road chesterton , cb43le . would you like a table booked ? 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 O O O O O O O O O Booking-Inform +bos yes , i want to book for 3 people at 16:30 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 great ! i 've booked the tandoori palace for 3 on friday at 16:30. would you like your reference number ? eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O B-Booking-Inform+People B-Booking-Inform+Day O B-Booking-Inform+Time O O O O O O O O O N/A +bos yes thank you . please give me the reference number for the restaurant . eos O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos your booking was successful . your table will be reserved for 15 mins . reference number is : xlkz4515 . 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 general-reqmore +bos i also need a train departing from cambridge going to stevenage leaving on saturday after 19:45 eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos there are 2 trains that meet your needs . one arrives at 22:10 and one arrives at 24:10. both are 10.24 pounds . would you like for me to book one ? eos O O O O O O O O O O O O O O O O O B-Train-Select+Arrive O O B-Train-Select+Ticket I-Train-Select+Ticket O O O O O O O O O O O Train-OfferBook +bos no , please just give me the travel time , price , and train id . thanks 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 which one would you like ? eos O O O O O O O Train-Select +bos how about all three ? eos O O O O O O N/A +bos i 'm sorry , i would be happy to give you the information . i meant , which of the two trains 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 Train-Select +bos let 's go with the one that arrives at 22:10. i 'll need the train id , 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 Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos okay . the train id is tr5842 . the travel time is 49 minutes . the price is 10.24 pounds . is there anything else i can help with today ? eos O O O O O O B-Train-Inform+Id 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 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 O general-thank +bos ok ! have a wonderful day ! eos O O O O O O O O general-bye +bos i need to eat australian food in a place that is expensive eos O O O O O O O O O O O O O N/A +bos unfortunately , i am not able to find any australian cuisine in cambridge ? can i look up another type of restaurant for you ? eos O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O Restaurant-Request+Food +bos are you sure there are no restaurants that serve australian food in the north that has an expensive price range ? 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 B-Restaurant-Inform+Price O O O N/A +bos no , i apologize there are no australian restaurants in cambridge . would you like to try another type of cuisine ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Food +bos hmm , i 'll try asian oriental instead . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos saigon city is one of the best places in town . shall i book it for you ? eos 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 , please book it for me . eos O O O O O O O O O N/A +bos what day and time should i make the reservation for ? how many people ? eos 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 let 's make it for six people at 15:00 on saturday . eos 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 . the reference number is 30d245lz . anything else i can do ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos thank you ! now i need some suggestions on places to go in that 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 N/A +bos would you like to go to milton country park ? they are located in the north and the entrance fee is free . eos O 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-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee O O N/A +bos sure . what is their postcode and phone number ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the postcode is cb46az . the phone number is 01223420060. can i help you with anything else ? 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 general-reqmore +bos that all thank you very much for all your help . eos O O O O O O O O O O O O general-thank +bos you are very welcome . thank you for using our system . eos 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 sure , what can i help you find ? eos O O O O O O O O O O general-reqmore +bos i 'm looking for a place to eat in the centere of town in the expensive price range serving hungarian food . 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 there are no hungarian restaurant located in the centre of town . how about another food type ? 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 O O O O O O O Restaurant-Request+Food +bos sure , let 's try british food , please ? eos O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos yes , there are 3. i recommend midsummer house restaurant . eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos that sounds great ! could you book a table there for wednesday ? there will be 7 of us , and we 'd like to eat at 16:00. eos O O O O O 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 B-Restaurant-Inform+Time O O O O N/A +bos i certainly can . just let me call them and confirm the reservation . can you hold please ? eos O O O O O O O O O O O O O O O O O O O O Booking-Inform +bos ok and get me the reference number please eos O O O O O O O O O N/A +bos reference number is : tfup32ph . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O N/A +bos i also need a train to leicester . eos O O O O O O O B-Train-Inform+Dest O N/A +bos would you be leaving from cambridge ? eos O O O O O O O O Train-Request+Depart +bos yes , on thursday . eos O O 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 prefer to depart after 16:45. just choose the first train you see listed and book tickets for 7 people . then give me the 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 B-Train-Inform+People O O O O O O O O N/A +bos ikcbzmlx is you confirmation number , have you booked for seven tickets . eos O B-Train-OfferBooked+Ref O O O O O O O O B-Train-OfferBooked+People O 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 you 're welcome . do you need additional help with a taxi or attractions ? 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 everything i needed . thank you . eos 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 looking for a place to stay in cambridge . i prefer it to be in the north and include free wifi , 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 O N/A +bos do you have any other specifications ? eos O O O O O O O O Hotel-Request+Stars,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Type +bos yes , if you could find a 4 star hotel with free parking that would be great . eos O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Parking O O O O O O O N/A +bos sorry there are no 4 star hotel fitting that description . anything else ? eos O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O N/A +bos can you list alternatives close to 4 star with free parking ? eos O O O O O O O O O O O O O N/A +bos what type of alternatives would you like to know about ? eos O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Internet,Hotel-Request+Parking +bos i need some place in the north , four stars and having free wifi . eos O O O O O O O O O O O O O O O O N/A +bos there are seven guesthouses in the north that offer parking and internet , i am not sure if the parking and internet are free though . eos O O O B-Hotel-Inform+Choice 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos i really need one that has free parking . can you check again please ? eos O O O O O O O O O O O O O O O O N/A +bos parking is free on all 7 , do you have a preference ? eos O O O O O O O O O O O O O O Hotel-Inform+Parking +bos no preference really . could you pick one and get me the postcode and price range please ? 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+Price +bos i have selected the kirkwood house , it is moderately priced and the postal code is cb41da , can i help with anything else ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O O O O O O B-Hotel-Recommend+Post O O O O O O O O O general-reqmore +bos i also need a train going to kings lynn on wednesday . 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 tr5159 leaves for kings lynn from cambridge leaves at 05.11 eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos ok , thank you , i just need the price . eos O O O O O O O O O O O O general-thank +bos sure , tr5159 from cambridge to kings lynn costs 9.80 pounds . is there anything else i can help with ? eos O O B-Train-Inform+Id 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-reqmore +bos no , you 've been great . thanks for your help ! eos 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-bye +bos i 'm in the midst of planning my trip to cambridge and need help finding a guesthouse that offers free wifi 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 N/A +bos what days would you like ? eos O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos lets find a place first , i would like one in the north . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos acorn guest house is a great place to stay . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O N/A +bos get me their phone number and address and whether 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,Hotel-Request+Addr +bos yes , acorn guest house has free parking . they are located at 154 chesterton road . their phone number is 01223353888. eos 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 I-Hotel-Inform+Addr O O O B-Hotel-Inform+Phone O O O Hotel-Inform+Parking +bos i 'm looking for a place to dine . the restaurant should serve unusual food and should be 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 O O N/A +bos i 'm sorry . i do n't have any matching results . would you like to try a different type of food , 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 O O Restaurant-Request+Food,Restaurant-NoOffer +bos yes , please try chinese food instead . eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are three options available . i 'd recommend the hotpot . would you like to book a table ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 not at the moment but i would like their phone number and address with 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 they are located at 66 chesterton road chesterton in the north part of town . zip code is cb41ep and their hone number is 01223366552. 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O N/A +bos thank you , that is all for today . goodbye . eos O O O O O O O O O O O O general-bye +bos bye . thank you for using our services . eos O O O O O O O O O O general-welcome,general-bye +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 ok , i have several hotels . any particular location ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O Hotel-Request+Area +bos location does n't really matter as long as there 's free parking available . eos O O O O O O O O O O O O O O O N/A +bos i have several available . what is your price range ? eos O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Price +bos between $ 100- $ 300 per night . eos O O O O O O O O O N/A +bos how about the gonville hotel located in the centre area of town ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O N/A +bos what is their postcode ? eos O O O O O O Hotel-Request+Post +bos their postcode is cb11iy , address gonville place , phone 0122336661 they have wifi and free parking too . would you like me to book this for you ? eos O O O O B-Hotel-Inform+Post O B-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'm looking for a train to cambridge that leaves after 10:45 eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave 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 kings lynn on saturday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr7578 will leave at 11:11 and arrive at cambridge at 11:58. is that okay ? would you like to book a ticket right now ? eos 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 O O O O O O O O general-reqmore,Train-OfferBook +bos that sounds great . i will need 7 tickets please ! eos O O O O O O O O B-Train-Inform+People O O O N/A +bos all done ! you will owe 54.88gbp at the station and your reference number is glbnk5od . is there anything else i can help with ? eos 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 O O O O general-reqmore +bos i also need a place to stay in the centre of town n the moderate price range . 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 N/A +bos there is one hotel under that criteria by the name of cityroomz , would you like more information or a booking ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O Booking-Inform,general-reqmore +bos how many stars does it have ? i want a 0 star hotel . eos O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos cityroomz is indeed a 0-star place . eos O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O N/A +bos yes , i 'd lie to book it for 7 people for 4 nights starting saturday . may i have the reference number please ? 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 N/A +bos booking was successful , and your reference number is vjx5f7uj . 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 that 's all i need . thanks for your assistance ! eos 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 want an expensive french place to dine in . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos sure , do you prefer the centre of town or the north end ? eos O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O N/A +bos in the north please . eos O O O B-Restaurant-Inform+Area O O N/A +bos restaurant two two is an expensive french restaurant in the north . would you like a reservation ? 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 O O O O O O O Booking-Inform +bos no i want the post code and address eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos sure , they are located at 22 chesterton road chesterton and their postcode is cb43ax . is there anything else you need ? 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 O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos a train . the train should arrive by 20:45 and should go to stansted airport eos 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 N/A +bos where are you departing from , what day do you want to travel and how many people can i book tickets 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 Train-Request+Day,Train-Request+People,Train-Request+Depart +bos departing from cambridge on saturday . eos O O O B-Train-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 Train-Request+Leave +bos it does n't matter what time i leave as long as i arrive at the airport by 20:45. eos O O O O O O O O O O O O O O O O O O O N/A +bos tr1703 leaves cambridge on sunday at 19:40 and arrives at stansted airport at 20:08. the cost is 8.08 pounds . would you like me to book it for you ? eos 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 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 , can you book 2 tickets and can i get a reference number please ? thank you . 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 Train-Request+Ref +bos booking was successful , the total fee is 16.16 gbp payable at the station .reference number is : 86bn010l 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 , my trip is planned , that is everything . eos O O O O O O O O O O O O O general-thank +bos okay , great . let us know if you need anything else . 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 moderately priced guesthouse for the night . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O N/A +bos for that price range , i have several guesthouses . do you have a preference on the area of town you stay in ? eos O O 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 Hotel-Request+Area +bos yes , i 'd really like to stay on the west end of the city . anything available there ? 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 how about hobsons house ? it is a moderately priced guesthouse in the west end . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O N/A +bos does that place have free wifi ? eos O O O O O O O O N/A +bos yes the place provides free wifi . eos O O O O O O O O Hotel-Inform+Internet +bos thank you , can you book me for 7 people and two nights , beginning on sunday ? may i also get a 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 O O Hotel-Request+Ref +bos your booking was successful and reference number is q1p81y9z . 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 general-reqmore +bos no thanks , that is all . eos O O O O O O O O general-thank +bos thank you , if you need anything else let me know.good bye . eos O O O O O O O O O O O O O O general-bye,general-greet +bos hello , i am looking for a hotel called the worth house . can you help me find it ? 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 N/A +bos absolutely . the worth house is located in the north . it offers free wifi and parking . they are located at 152 chesterton road . can i assist you in booking a room ? 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 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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos is this a hotel or a guesthouse ? eos O O O O O O O O O Hotel-Inform +bos the worth house is a guesthouse . eos O O O O O O B-Hotel-Inform+Type O N/A +bos ok , that will be perfect . i think thats 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 okay , have a great day ! eos O O O O O O O O general-bye +bos i 'm looking for places to go in town eos O O O O O O O O O O N/A +bos sure . what do you like to do ? eos O O O O O O O O O O Attraction-Request+Type +bos a park in the north part of town eos O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos milton country park is located at milton country park , milton . do you need anything else ? eos O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Name O O O O O O O O O O O O O O O general-reqmore +bos i 'm looking to stay at a guesthouse in the centre . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos el shaddai is located in the center and is a cheap one . would you like me to book room ( s ) for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O Booking-Inform +bos that sounds good but i need free wifi . does it have free wifi ? eos O O O O O O O O O O O O O O O O N/A +bos yes it does . would you like me to make a reservation ? eos O O O O O O O O O O O O O O Booking-Inform +bos book it for 6 people and 4 nights starting from tuesday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O N/A +bos all set , your confirmation number is pwvdkbn8 . anything else today ? eos O O O O O O O B-Booking-Book+Ref 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 happy to help ! eos O O O O O general-welcome +bos i am looking for information in cambridge . eos O O O O O O O O O N/A +bos what can i help you with ? eos O O O O O O O O general-reqmore +bos i would like info on train travel . eos O O O O O O O O O Train-Inform +bos what day would you like to travel ? where are you departing and arriving to ? eos 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 i 'd like to leave on saturday . any train is fine . i 'll just need the departure time and price . 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 O Train-Request+Price +bos where are you leaving from and where are you going to ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos the train should arrive by 11:45 in cambridge . i am leaving on saturday from birmingham new street on saturday . also need places to go in the east side of town . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest 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 O O O O O O O O O O N/A +bos i have a train departing birmingham new street on saturday at 22:40 and arriving in cambridge at 1:23. tickets are 60.08 pounds , would you like to book this train ? 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 O O O B-Train-Inform+Dest I-Train-Inform+Dest 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 yes , please book me . eos 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 just one for myself , please , and thank you . eos O O O O O O O O O O O O N/A +bos ok , the booking was successful , the total fee is 60.08 gbp payable at the station .reference number is : ueeakf0q . 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 yes , i would like information on attractions in the east . eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos is there a specific type of attraction you are looking for ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos nope . any that you recommend will be fine . i 'll just need the postcode , entrance fee , 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 O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Type +bos okay i recommend the funky fun house which is entertainment in the east . 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+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O N/A +bos okay , thanks ! what type of attraction is it ? eos O O O O O O O O O O O O Attraction-Request+Type +bos it is an entertainment attraction . would you like their phone number and address ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O general-reqmore +bos just the postcode please eos O O O O O Attraction-Request+Post +bos the post code is cb58hy . 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 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 i 'm glad i could help . have a nice day ! eos O O O O O O O O O O O O O general-bye +bos i need information about a train . eos O O O O O O O O Train-Inform +bos okay ! where would you like to go ? eos O O O O O O O O O O Train-Request+Dest +bos i need a train on thursday that 'll arrive by 18:00 , traveling from leicester to cambridge . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A +bos i have train tr1575 that leaves at 15:09 and arrives in cambridge at 16:54. 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 N/A +bos yes , can you please book me for 3 people and get me 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 Train-Request+Ref +bos i have booked you for 3 people on tr1575 . your reference number is y4iu29um . can i do anything else for you ? eos O O O O O O O B-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 general-reqmore +bos thanks , i need to find a danish 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 N/A +bos i am terribly sorry there are n't any , another type perhaps ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos how about european food then ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos yes there are 4 results . how about hotel du vin and bistro ? eos O O O O O B-Restaurant-Inform+Choice 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 is the price range for hotel du vin and bistro ? eos O O O O O O O O O O O O O Restaurant-Request+Price +bos that one is a moderately priced restaurant . it 's fantastic ! eos O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O N/A +bos 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 . eos O O O O O O O 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 , we 'll be happy to help when you 're ready to make a reservation . 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,Booking-Inform,general-bye +bos i am looking for a hotel with a 3 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 there are 2 hotels with a 3 star rating and free parking . would you like to stay in the centre or south ? eos 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 B-Hotel-Select+Area I-Hotel-Select+Area O Hotel-Inform+Parking +bos either is fine . i 'd like a guesthouse . eos O O O O O O O B-Hotel-Inform+Type O O O N/A +bos sorry , i was mistaken . there are 3 guesthouses matching your request . one each in the south , north , and west . would you like to book one ? eos O O O O 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 O O O O O O O O O O O O Booking-Inform +bos yes please . which is the cheapest ? eos O O O O O O O O O N/A +bos i can only tell you they are all in the moderate price range . do you have any other preferences ? eos O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price O O O O O O O O O O general-reqmore +bos no . i would like to make a reservation for wednesday for 3 nights and 8 people . i will also require a reference number . eos O 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 O O Hotel-Request+Ref +bos i was unable to book your stay at any of the three hotels . would you like to change the length of your stay or change 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 O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day,general-reqmore +bos can you please try a 2 day stay . eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos booking was successful for the bridge guest house . your reference number is : lbeov690 . 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 . have a nice day . eos 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-bye +bos can you help me find a hotel in the north that is moderately priced ? eos 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 Train-Request+Price +bos i have two hotels , would you like me to book one ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O Booking-Inform +bos do either of them have free wifi and parking ? it is critical that i have internet and a parking spot . 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 yes , both the ashley hotel and the lovell lodge have free wifi and parking . 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos can you book the ashley hotel for me ? 4 people and 5 nights starting from wednesday . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 those reservations made for you . your reference number is 732e0lhx . 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 a train that departs from stansted airport and heads 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 N/A +bos of course ! when would you like to travel ? eos O O O O O O O O O O O Train-Request+Day,general-greet +bos wednesday also . i ca n't leave until after 15:15 though . eos O B-Train-Inform+Day O O O O O O O B-Train-Inform+Leave O O O N/A +bos tr1342 leaves at 16:24 and arrives by 16:52. 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 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 ? eos O O O O O O O O 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 10.10 and it takes 28 minutes . eos O O O O B-Train-Inform+Ticket O O O O O B-Train-Inform+Time 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 thank you for contacting us today , have a good night . eos O O O O O O O O O O O O O general-bye +bos could you please find me a 4 star guesthouse eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type N/A +bos i found acorn guest house would that work for you ? eos O O O O O O O O O O O O N/A +bos yes . will you please make me a reservation ? eos O O O O O O O O O O O N/A +bos sure . when will you check in and how long would you like to stay for ? will it be just for yourself ? eos O 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-Request+Stay +bos it 's going to be for 8 people and 2 nights , starting thursday . 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 i 'm afraid that is n't available . could you book a different arrival 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 what about for just one night ? eos O O O O O O O O N/A +bos the booking is successful for 1 night . the reference number is nna3oc5w . may i help you with anything else ? eos 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 general-reqmore +bos that is all ! thanks ! eos O O O O O O O general-thank +bos it was my pleasure . thank you for calling the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos do you have information about the lovell lodge ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos i do . it 's a moderately priced 2 star hotel . eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos what is the postcode for the lovell lodge , please ? i want to determine the location . 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+Post +bos the postcode is cb41sr . is there anything else i can help you with today ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore +bos no that 'll do 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 alright . enjoy the remainder of your stay ! eos O O O O O O O O O O general-bye +bos hi there , i 'm looking for a train that gets into cambridge by 09:30 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 we have lots of trains that come in by then . where are you departing from ? 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 +bos i 'm leaving from kings lynn . eos O O O O B-Train-Inform+Depart I-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 wednesday is the day i want , please . eos O B-Train-Inform+Day O O O O O O O O N/A +bos i have a train that gets into cambridge by 08:58. eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos that would work perfectly . can you get me 5 tickets for that train ? 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 successful and the amount due at the station is 49 gbp . your reference number is ogxndtvx . can i do anything else for you ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos i need a place to dine that serves chinese food and is in the south . eos O 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 three restaurants available . did you have a price preference ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price +bos not really . can i just have the address , postcode , and phone for your favorite ? 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 the good luck chinese food takeaway is expensive . the phone number is 01223244149. the address and postcode are 82 cherry hinton road cherry hinton cb17ag . anything else ? 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 B-Restaurant-Inform+Price O O O O B-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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 great day . eos O O O O O O O O O general-bye +bos i am looking for a swimmingpool in town . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are four public pools , one in the east , two in the north , one in the centre , any preferences ? eos O O O B-Attraction-Inform+Choice 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 Attraction-Select +bos i just need the address for one of them . i guess the one in the east will do . 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 Attraction-Request+Addr +bos okay abbey pool and astroturf pitch is located on pool way , whitehill road , off newmarket road . 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 O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos okay , great . thank you . eos O O O O O O O O general-thank +bos is there anything else i can help you with today ? a train , perhaps ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos yes , actually , a train would be great . i need a train that 's going to cambridge . i 'd like to arrive by 13:00. eos O 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+Arrive O O O O O O N/A +bos where is your departure site ? eos O O O O O O O Train-Request+Depart +bos yes , i need to leave on thursday and am departing from london liverpool street . eos 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 i 'm sorry but we do n't have any matching trains at that particular time . would you like to try a different time ? eos O O O O O O O O O O O B-Train-NoOffer+Leave I-Train-NoOffer+Leave I-Train-NoOffer+Leave O O O O O O O O O O O O Train-Request+Leave +bos what times are available for departing from london liverpool street and arriving by 13: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 B-Train-Inform+Arrive O N/A +bos you can choose from 05:39 , 07:39 , and 09:39. which would you like ? eos O O O O O O O O B-Train-Select+Leave I-Train-Select+Leave O O O O O O N/A +bos what is the travel time for that trip ? eos O O O O O O O O O O Train-Request+Duration +bos the travel time for the trip is 88 minutes one way . eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O N/A +bos hello i am looking for a guesthouse please . eos O O O O O O O B-Hotel-Inform+Type O O N/A +bos i have 24 guesthouses in cambridge . do you have an area of the town you 'd like to stay in so we can narrow down this list ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type 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 Hotel-Request+Area,Hotel-Select +bos i would like to stay in the west . i prefer the hotel to have free wifi and be a 3 star . 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 B-Hotel-Inform+Stars O O N/A +bos there is the hobsons house which is 3 star and has wifi and free parking . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos could i please get the postcode , and the address for this guesthouse ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos sure the postcode is cb39lh . their address is 96 barton road . eos O O O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos great . i 'll also need a train going to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O O 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 'm departing from leicester . the train should leave on monday . eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Day O O O N/A +bos i 've got 19 trains that leave on monday . what time would you like to arrive ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Arrive +bos i would like the earliest train available please . can you tell me the 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 O O O O Train-Request+Duration,Train-Request+TrainID +bos the tr3173 leaves at 06:54 for a duration of 105 minutes . would you like a seat booked ? 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+Time I-Train-Inform+Time O O O O O O O Train-OfferBook +bos not right now , but i do need to know the fare for that train . eos O O O O O O O O O O O O O O O O O Train-Inform +bos the fare will be 37.80 pounds . can i help you with anything else ? 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 nope , i think that 's it for today . have a nice one . 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 . enjoy ! eos O O O O O O O general-welcome,general-bye +bos hi ! what can you tell me about 4-star guesthouses in town ? eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A +bos there are 18 matching your request . do you have any preferences such as area , price , parking , or internet ? 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+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos yes , i would like a guesthouse in the south part of town and it should include wifi . 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 N/A +bos there are 2 : rosa 's bed and breakfast is cheap , located at 53 roseford road cb22ha and aylesbray lodge guest house is moderate , located at 5 mowbray road cb17sr . shall we book ? eos O O O O B-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 I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price 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 yes , let 's try rosa 's for 3 nights starting friday . there will be 8 of us . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 you are all set for checking in on friday . your reference number is 32gmtm5v . can i help with anything else ? eos O 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 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 no problem . glad to help . eos O O O O O O O O general-bye +bos hello . can you help me find a hotel in the north 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 i have 2 hotels in the north , would you like to book one ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O Booking-Inform +bos are either of them moderately priced ? do they include free wifi ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos we have 2 hotels and 8 guesthouses that match your needs . do you have additional requirements ? eos 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 Hotel-Request+Internet,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Stars +bos could you book me into one of the 2 hotels please . eos O O O O O O O O O O O O O Hotel-Inform +bos how about the ashley hotel ? how many people in your party ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O Booking-Request+People,Booking-Inform +bos but i 'm not sure from what you said - is the ashley priced moderately , and do they have free wifi ? we are 3 people and we 'd like to stay 4 nights . 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 B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos ashley hotel is moderately priced and has free wifi . what night would you like to begin your stay ? eos 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 O O O O O O O O Booking-Request+Day,Booking-Inform,Hotel-Inform+Internet +bos i would like it to start sunday . eos O O O O O O O B-Hotel-Inform+Day O N/A +bos you have your reservation at the ashley , reference number bof076g4 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks so much for your help . bye . eos 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,general-greet +bos hi , i need a place to stay . something expensive on the north side . eos O O O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O O N/A +bos i 'm sorry , but there is not a single expensive hotel or guesthouse on the north side of town . would you like a different area or perhaps a different price range ? eos O O O O O O O O B-Hotel-NoOffer+Choice B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O 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 O O O O O Hotel-Request+Area,Hotel-Request+Price +bos how about any part of town with free parking and free wifi ? eos O O O O O O O O O O O O O O N/A +bos i have 5 different options for you . my recommendation would be the huntingdon marriott hotel . its in the west side and is expensive with a 4-star rating . would that work ? eos O O O O B-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 O O B-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O O O O O N/A +bos is there something in the cheap price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are 2 cheap guesthouses if you still want to stay on the north side of town , they both have internet and parking . would either of these work ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type 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 O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes please . i 'll need the phone number and hotel type please . eos O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Type +bos all right , the worth house is a guesthouse that should meet your needs . the phone number is 01223316074. what other informatoin do you need ? eos O O 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 B-Hotel-Inform+Phone 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 thanks for using the cambridge towninfo centre , and enjoy your stay in our city ! eos O O O O O O O O O O O O O O O O O general-bye +bos hi . have you heard of a hotel called warkworth house ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos yes ma'am . i have the warkworkth house guesthouse on warkworth terrace , with is the east section of the city . can i help book a reservation for you ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type O B-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 O O O Booking-Inform +bos can i get the price range on it ? eos O O O O O O O O O O Hotel-Request+Price +bos warkworth house falls in the moderate price range . would you like me to book a room for you ? 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 Booking-Inform +bos no , that 's all the information i 'll need for now . thanks so much ! 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 . can i find you a restaurant , or help in any other way 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 no , but thank you ! eos 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-bye +bos are there any hotels ( not guesthouses ) that have 0 stars ? eos O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O O N/A +bos yes , actually . cityroomz is a moderately priced 0 star hotel . eos O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O N/A +bos do they have free wifi ? eos O O O O O O O N/A +bos yes , they do have free wifi ! would you like me to book a stay 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,Hotel-Inform+Internet +bos yes ! can you book it for 5 people and 5 nights starting friday ? 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 that booking was successful , your reference number is tfpbtyhn . 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 was all i needed thank you . goodbye . eos O O O O O O O O O O O O general-bye +bos thank you for choosing us to book for you . have a great day ! 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 4 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 certainly . alexander bed and breakfast and rosa 's bed and breakfast are two of our best kept secrets , offering 4 star quality at inexpensive prices . 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 B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O O N/A +bos alexander 's b & b sounds perfect ! can i 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 N/A +bos what day should i start your booking , and how many days do you plan on staying ? also , how many people would 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 Booking-Request+Day,Booking-Request+People,Booking-Request+Stay +bos yes , please book for 1 person staying 5 nights starting monday . thank you ! 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 N/A +bos unfortunately , i was not able to make a booking for that . we could try for another day or see if they have availability 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 O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos how about 3 nights ? eos O O O O B-Hotel-Inform+Stay O N/A +bos i was able to book you for three nights starting on monday . your reference number is q8edducc . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Stay 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 will be all . thank you . eos O O O O O O O O O O O general-thank +bos have a great day then ! eos O O O O O O O general-bye +bos i am looking for some help locating a moderately priced room . eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos i found 18 hotels do you have any other requirements ? eos O O O O B-Hotel-Inform+Choice O O O O O O O N/A +bos i 'd like the place to be rated 4 stars , and include free wifi . eos 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 11 options to choose from . which area of town do you prefer ? i have options in the north , south and the east . 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 B-Hotel-Select+Area I-Hotel-Select+Area O O O N/A +bos it does n't matter . i would need a room for 6 people starting saturday . for 6 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 O O O O N/A +bos unfortunately , i was unable to find you rooms for that length of stay beginning on saturday . would you be able to change the day , or the number of nights ? eos 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 O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos no , i really need it starting saturday for 5 nights and with free wifi . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos ok. i have you booked into warkworth house starting on saturday for 5 nights and 6 people . the reference number is igqb0hc7 . is there anything else ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 N/A +bos that 's all , thank you . eos O O O O O O O O general-thank +bos thank you , bye . eos O O O O O O general-bye +bos hi , i 'm looking for an upscale hotel . could you recommend me anywhere in the west part of the area ? 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 huntingdon marriott hotel is available in the west part of town and looks upscale . eos 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 N/A +bos does it have a star of 4 and free parking ? eos O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos yes . would you like to book a room ? eos O O O O O O O O O O O Booking-Inform +bos yes , most likely . can you provide me with the postcode of the hotel please ? eos O 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 pe296fl . is there anything else i can do for you today ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O O O O general-reqmore +bos thanks , that will be all . eos O O O O O O O O general-thank +bos thanks ! eos O O O general-bye +bos hi there . i was wondering if you might be able to help me locate a guesthouse to stay at in town . 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 N/A +bos i found 24 guesthouses do you have a location you prefer or any other requirements ? 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 i am just looking for one with free parking eos O O O O O O O O O O N/A +bos all right , the allenbell is a cheap guesthouse on the east side that might suit your needs . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O 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 N/A +bos that sounds good . please book it for 1 person and 3 nights 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 have reserved you a room at the allenbell guesthouse for 1 on friday , for 3 nights , reference number o35qes09 . eos O O O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O O B-Booking-Book+Stay O O B-Booking-Book+Ref 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 enjoy your stay ! goodbye ! eos O O O O O O O general-welcome,general-bye +bos hi ! are there any guesthouses in town that have free parking ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos yes , indeed . we have more than 20. do you have any additional preferences ? 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 N/A +bos i would like something cheap and a 4-star rated guesthouse would be better . eos O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O N/A +bos how about the alexander bed and breakfast ? it 's got a 4 star rating and is cheap . 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 B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O N/A +bos can you make me a booking for 6 of us starting on sunday 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 N/A +bos yes . i made a reservation for you at the alexander for 6 people , 5 nights , starting sunday . the reference number is y7x3uyy5 . can i help you with anything else ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 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 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 hi ! can you help me find a particular restaurant ? eos O O O O O O O O O O O O Restaurant-Inform +bos of course , there are 110 restaurants in town . would you like me to search by restaurant name ? 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 Restaurant-Request+Name +bos yes , i am looking for the varsity restaurant . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos the varsity restaurant serves international food 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 I-Restaurant-Inform+Name 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 Booking-Inform +bos yes , can i get a table for 4 on saturday at 15:15 ? eos O O O O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos yes , i will book a table for 4 on saturday at 15:15. eos O O O O O O O O O B-Booking-Inform+People B-Booking-Inform+Day I-Booking-Inform+Day B-Booking-Inform+Time O N/A +bos excellent . i 'll need the reference number . eos O O O O O O O O O O Restaurant-Request+Ref +bos unfortunately they are filled up for that time would you like me to reserve another time or would you like to choose another 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 Booking-NoBook,Booking-Request+Time,general-reqmore +bos i am looking for fitzbillies in cambridge . eos O O O O O B-Restaurant-Inform+Name O O O N/A +bos there is a fitzbillies restaurant at this address : 51 trumpington 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 N/A +bos awesome . what price range is that in ? eos O O O O O O O O O O Restaurant-Request+Price +bos it offers british food and it is expensive eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price N/A +bos what area is that in ? eos O O O O O O O Restaurant-Request+Area +bos the restaurant is located in the centre , would you like me to book you a table ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform +bos do n't book it but can you send me their full contact info ? thanks . eos O O O O O O O O O O O O O O O O O general-thank +bos here is the phone number 01223352500. eos O O O O O O B-Restaurant-Inform+Phone N/A +bos thanks , i 'm also looking for a place to stay in the north area 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 Restaurant-Request+Area +bos sure . were you looking for a specific price range ? eos O O O O O O O O O O O O Hotel-Request+Price,general-greet +bos yes cheap please . eos O O B-Hotel-Inform+Price O O N/A +bos there are two guesthouses , in the north , in the cheap price range . both have wifi and parking . one is 4 stars . the other is 0 stars . eos O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos book 4 star one . for 5 people , 3 nights , tuesday . eos O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay B-Hotel-Inform+Day O O O O N/A +bos okay . your booking at the worth house was successful . the reference number is 6z40cano . can i help with anything else today ? eos O 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 O general-greet,general-reqmore +bos nope thats everything thanks eos O O O O O general-thank +bos thank you enjoy the stay in cambridge . eos O O O O O O O O O general-bye +bos i 'm looking for an expensive mediterranean restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i show two that are located in the centre . we have the la mimosa or the shiraz restaurant . may i book a table for you ? eos O 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform +bos could you check either to see if i could make a reservation for 8 people at 15: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 N/A +bos yes . i have successfully books you at the shiraz resturant , address 84 regent street city centre . your reference number is 9oe645ny . you should arrive within 15 minutes of your time . eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+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-Booking-Book+Ref O O O O O O O O O O O O O O N/A +bos thank you very much . eos O O O O O O general-thank +bos thank you very much eos O O O O O general-bye +bos yes , i am looking for a restaurant in the area . it should serve spanish food , and it should also be in the more expensive price range . can you possibly help me ? 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 B-Restaurant-Inform+Price O O O O O O O O O O O O N/A +bos i have n't found anything matching what you 're looking for . eos O O O O O O O O O O O O O Restaurant-NoOffer +bos how about a chinese restaurant then ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos yes i have listings for many of them , what area are you looking to eat in ? 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 Restaurant-Request+Area +bos area does not matter . eos O O O O O O N/A +bos the good luck chinese food takeaway is in the south would you like me to 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 B-Restaurant-Recommend+Area O O O O O O O O Booking-Inform +bos i am looking for a cuban food place , in the east . eos O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A +bos i am sorry but there are n't any restaurants matching your 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 O O O Restaurant-NoOffer,general-reqmore +bos can you check again ? the only thing i 'm interested in is a moderately priced cuban restaurant in the east . 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 i apologize i am still not showing any restaurants that meet your criteria . is there another type of cuisine 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 O Restaurant-Request+Food,Restaurant-NoOffer +bos do you have a moderately priced indian restaurant in the east ? eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos yes i have 2. curry prince and rajmahal . eos O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos i will try the curry prince . can you book a table for 4 people on monday at 17:30 ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 apologize booking was unsuccessful . would you like me to try rajmahal eos O O O O O O O O O O O O O O Booking-NoBook +bos yes , try that . eos O O O O O O N/A +bos i have you at rajmahal , reference number is : t44kc552 . anything else you need ? eos O O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos no , thank you . you have been very helpful . 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 here is the address and the phone number : 7 barnwell road fen ditton , 01223244955. 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 O N/A +bos thanks again for helping to find me a place to eat . i have the reference number t44kc552 . 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 enjoy your meal at the rajmahal . have a great day . eos O O O O O O O O O O O O O general-bye +bos i am looking for a restaurant that serves chinese food in the moderate price range . eos 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 found 4 restaurants that serve chinese food . which area would you be looking to dine in ? eos 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 Restaurant-Request+Area +bos the centre . eos O O B-Restaurant-Inform+Area O N/A +bos i found the jinling noodle bar . would you like me to book ? 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 , please book a table for 7 people at 16:00 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 am sorry they do n't have an open table at that time . i can book a table at lan hong house . eos 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 Booking-NoBook +bos is that in the same area and price range . i really want to make sure . eos O O O O O O O O O O O O O O O O O O N/A +bos yes it is in the same price range and area and your reservation number is g43tc012 . eos O O O O O O O O O O O O O O O O O O N/A +bos thanks so much eos 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 no that is everything i needed today . 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 hi ! i need to find a cheap restaurant in the centre . 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 15 restaurants in the centre that serve cheap food . what type of food do you want ? 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 Restaurant-Request+Food +bos no preference . please recommend any one of those restaurants . eos O O O O O O O O O O O O Restaurant-Inform +bos how about dojo noodle bar . it is on the cheap side and located in the centre . eos O O O B-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 I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos sure , can you try and book a table for wednesday at 12:15 ? there are 5 people . eos O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O B-Restaurant-Inform+People O O O O O N/A +bos i 'm sorry but there are no available tables at that time , would you like to find another restaurant ? 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 yes , what other restaurants are in the same area in price range ? eos O O O O O O O O O O O O O O O Restaurant-Inform +bos there are 15 such restaurants . how about the j restaurant ? it also serves asian oriental food . would that work ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O general-reqmore +bos any place i can get in to will be fine , in that are . eos O O O O O O O O O O O O O O O O N/A +bos okay i will make reservation for j restaurant is available . eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O N/A +bos can you find a moderately priced restaurant in the east side ? eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A +bos i have 2 indian restaurants and 1 italian in the moderate price range on the east side . is there a food type you prefer ? eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 Restaurant-Request+Food +bos i would like the one with the italian food . can you see if i can book a table for 7 people at 14:30 on tuesday there 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 O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A +bos i was unable to book a reservation at 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 O O O Booking-NoBook,Booking-Request+Time +bos how about either of the indian restaurants in the same area and price range ? eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos sure , there are three restaurants . they are located at 451 newmarket road fen ditton , 7 barnwell road fen ditton , and cambridge retail park newmarket road fen ditten . 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 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 N/A +bos i would like to try the restaurant at 451 newmarket road fen ditton since it 's close by . can you try a 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 O O Restaurant-Inform +bos booking was successful . your reference number is 80s3hgan.. 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 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 're welcome . goodbye ! eos O O O O O O O general-welcome,general-bye +bos i 'm looking for a restaurant called the copper kettle . 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 i have found the copper kettle lcoated at 4 kings parade . would you like to make 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform +bos yes i would like a table for 3 on tuesday at 15:15. eos 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 unsuccessful , would you like to try a different time of place ? eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos can you find me another place in the same area and price range ? 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 at the oak bistro . reference number k4quy32n . 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+Ref 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 general-thank +bos okay enjoy your dinner . eos O O O O O O general-bye +bos can you find me an italian restaurant that is in the centre ? eos O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O N/A +bos you have your choice of pizza hut city centre , stazione restaurant and coffee bar , pizza express , ask , or zizzi cambridge . 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 O N/A +bos are any of them in the cheap price range ? eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos pizza hut , ask and zizzi all appear to be in the cheap price range , would you like me to book one ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos which one would you recommend ? eos O O O O O O O N/A +bos i recommend ask . do you want me to book it for you ? what day and time do you want to eat ? eos O O O B-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-Request+Time,Booking-Request+Day,Booking-Inform +bos as long as it 's in the same area and price range , i guess i can try it . please book it for 6 people at 17:15 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 B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A +bos i 'm sorry , a table was not available . 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 another , same area and price range please . eos O O O O O O O O O O N/A +bos zizi cambridge is available . it is also a cheap italian restaurant in the centre . your reservation is for wednesday at 17:15 for 6 people . your reference number is crw6r09z . eos O B-Booking-Book+Name I-Booking-Book+Name 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 O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O N/A +bos great thank you for your help that 's all i needed today . 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 hi , can you help me plan my cambridge trip ? i need a train from london kings cross to cambridge . eos O O O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O N/A +bos i can help you with that . one leaves friday at 05:17 , is that time okay for you ? 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 O O O N/A +bos actually , i need to leave tuesday after 10:30. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos i have a train that leaves tuesday at 11:17 that will arrive at 12:08. would you like to make a reservation ? eos O O O O O O O B-Train-Inform+Day I-Train-Inform+Day 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 make a reservation for 6 people . i 'll 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 Train-Request+Ref +bos i was able to book your train . your reference number is f13rs8cp . is there anything else that you need ? 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 also looking for a place to eat . i would like an expensive south indian restaurant . 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 O N/A +bos it looks like we do n't have any of those . 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 Restaurant-NoOffer,general-reqmore +bos hmm , are you sure ? i want something south indian , expensive and in the centre of town . 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 O O O N/A +bos i have curry garden for indian in the centre of town , but no south indian . eos 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O N/A +bos what about one that serves mediterranean ? eos O O O O O O B-Restaurant-Inform+Food O N/A +bos i have two options . i can recommend la mimosa . would you like me to reserve a table ? 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 O O O O Booking-Inform +bos you said you have two options . what is the other option available ? eos O O O O O O O O O O O O O O O N/A +bos other than the la mimosa restaurant , i also have the shiraz restaurant . both are located in the center and are expensive . which do you prefer ? 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 B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O Restaurant-Select +bos lets go with the shiraz please eos O O O O O O O N/A +bos ok perfect , would you like me to book a reservation for you ? eos O O O O O O O O O O O O O O O Booking-Inform +bos no . i think i am ok although i would like 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 cb21dp . 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 no , that is all . thank you so much . eos O 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 do n't need anything else . you were a great 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 to find a place that serves european food to eat at . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i have 11 results for european restaurants , what area would you like to dine in ? 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 Restaurant-Request+Area +bos in the centre , sorry did n't i mention that ? eos O O O B-Restaurant-Inform+Area O O 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 need one in the expensive range . eos O O O O O O B-Restaurant-Inform+Price O O N/A +bos there are three options : eraina , michehouse cafe , and darry 's cookhouse and wine shop . which would you prefer ? eos 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 O O O O O O O O O Restaurant-Select +bos wine shop sound good . could i have their address and postcode please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos their address is 40270 king street city centre and the post code is cb11ln . 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+Post O N/A +bos thank you so much . can you help me book a train too ? eos O O O O O O O O O O O O O O O Train-Inform +bos i certainly can . which departure and destination did you have in mind ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'd like to depart cambridge on sunday sometime after 9:45. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O N/A +bos where would you be going to ? eos O O O O O O O O Train-Request+Dest +bos i 'll be heading to stevenage . eos O O O O O B-Train-Inform+Dest O O N/A +bos i have the tr8464 train leaving at 11:21 and arriving at 12:10. would that be good ? 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 Train-Select +bos that sounds perfect ! can you book me 6 tickets for that train please ? eos O O O O O O O O O B-Train-Inform+People O O O O O O N/A +bos i have you booked on that train . your confirmation numbers is nlv3a4jf . eos O O O O O O O O O O O O O O B-Train-OfferBooked+Ref N/A +bos i appreciate all your help . goodbye . eos O O O O O O O O O general-bye +bos you 're welcome . 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 train leaving on saturday from kings lynn . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos do you have any time preferences ? eos O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i need to leave after 13:00. eos O O O O O O B-Train-Inform+Leave N/A +bos what will your destination be ? eos O O O O O O O Train-Request+Dest +bos i am wanting to go to cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A +bos the tr1499 leaves at 17:11. can i book some tickets 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 Train-OfferBook +bos yes book for 4 people eos O O O O O B-Train-Inform+People N/A +bos you 're reference number is biazmbuc . 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 O general-reqmore +bos i am looking for an expensive restaurant in the centre city . 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 several restaurants in the centre in the expensive range . what type of cuisine would your prefer ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-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 Restaurant-Request+Food +bos no preference . can you recommend one & book a table for 4 people at 17:45 on saturday . & may i have the reference # please ? 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 O O O O O O O O N/A +bos i would recommend british cuisine . would that be okay with you ? eos O O O O B-Restaurant-Recommend+Food O O O O O O O O O general-reqmore +bos that would be fine . is it available saturday at 17:45 ? eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos the restaurant fitzbillies is available , and i 've made you a reservation . your reference number is 4wgdgosa . eos 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 N/A +bos thank you for your help , have a nice day . eos O O O O O O O O O O O O general-thank +bos it was my pleasure to serve you . please contact us again if you need any more assistance . 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-greet +bos i am going to cambridge and would like to find a place to eat locally . can you suggest a good 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 N/A +bos there are several hotels that match that description . what kind of food are you interested in and what is your price range ? 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 O O O O O Hotel-Request+Price,Restaurant-Request+Food +bos i 'm sorry , actually i need to find a train departing from cambridge going to ely on wednesday . i need to arrive by 21:30. eos O O O O O O 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 O B-Train-Inform+Arrive O O O N/A +bos train tr6745 leaves cambridge on wednesday at 15:50 and arrives at ely at 16:07. would you like to book it ? 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 O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , please , i need a booking for 7 people . eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos i was able to book it , reference number is ghnb4f22 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks , i need to find a place for dinner too please . chinese place in the north if there is anything available . 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 O O N/A +bos there are three restaurants that meet your criteria . do you prefer an expensive or moderate price range ? 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 O O N/A +bos we are celebrating so how about in the expensive price range ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i can recommend the hotpot , it is very good . when would you like the reservation to be for ? 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-Request+Time,Booking-Inform +bos we want to eat around 13:15 so we have enough time to eat and still catch the train . eos O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos the booking for 13:15 on wednesday at the hotpot was successful . the reference number is ymmr1g9v . is there anything else i can help you with ? eos O O O O O O B-Booking-Book+Day O O B-Restaurant-Inform+Name I-Restaurant-Inform+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 's all i need . eos O O O O O O O N/A +bos thank you 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 thank you , i appreciate all your help today . eos O O O O O O O O O O O general-thank +bos you are 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 hi , i 'm looking for a restaurant that serves expensive new zealand food and is in the center area . eos O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O N/A +bos sorry , there are no restaurants like that in the centre . would you like to change the type of food ? eos O O O O O O O O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O N/A +bos no i really wanted an expensive place in centre that serves new zealand cuisine . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos there are none in the centre . there is no new zealand food at all . eos O O O O O O B-Restaurant-NoOffer+Area O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O N/A +bos how about chinese food ? still expensive , still in the center . eos O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O N/A +bos yes , i have four that i can recommend . how about ugly duckling ? 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 O O N/A +bos i would like a table for 2 at 13:45 monday . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O N/A +bos there are no openings at that time , 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 O Booking-NoBook,Booking-Request+Time +bos could you try one of those different places ? i really need that day and time . 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 to say that all 4 of the restaurants do not have openings at that time . would you like to see other price ranges or areas ? eos O O O O O O O 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,Restaurant-Request+Price +bos how about on wednesday , the same time for 2 ? eos O O O O B-Restaurant-Inform+Day O O O O O O O N/A +bos success ! you 've got a table for 2 reserved on wednesday at 13:45. reference number i51p6c79 . can i help with anything else today ? eos 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 I-Booking-Book+Time O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos i 'm also needing a train that departs from norwich and goes to cambridge . eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A +bos sure , when would you like to travel ? eos O O O O O O O O O O Train-Request+Leave +bos i need the train to arrive by 10:45 and should be on the same day as the restaurant booking . 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 N/A +bos the tr1180 will have you in cambridge about 10:35. 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 N/A +bos thank you so much ! goodbye . eos O O O O O O O O general-bye +bos enjoy your stay in cambridge and have a great day . eos O O O O O O O O O O O O general-bye,general-greet +bos need a restaurant called the golden curry eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos they are a wonderful indian restaurant in the centre of town . they are rather expensive . they are located on mill road city centre . can i help you reserve a table ? eos 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 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 I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Inform +bos yes please . there will 8 of us at 15:15 on monday . eos O 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 booking was successful.the table will be reserved for 15 minutes.reference number is : 7x63ljxx . 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 general-reqmore +bos i 'm looking for a train as well to cambridge that will arrive by 12:15 , is there anything available ? eos O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos where will you be traveling from ? eos O O O O O O O O Train-Request+Depart +bos i would like to leave from birmingham new street . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos on what day are you looking to travel ? eos O O O O O O O O O O Train-Request+Day +bos same day as my golden curry reservation , please . eos O O O O O O O O O O O N/A +bos the tr9942 will get you there at 11:23. would that work for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O O Train-Select +bos yes that is all i need , thank you . eos O O O O O O O O O O O general-thank +bos is there anything else i can you with such as booking reservations for entertainment ventures afterwards . eos 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 seafood 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 sure thing ! there is the loch fyne restaurant in that area that you may enjoy . would you like more information ? 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 O O O O O general-greet,general-reqmore +bos that sounds great . can you book me a table there for 3 people ? eos O O O O O O O O O O O O O B-Restaurant-Inform+People O O N/A +bos they seem to be booked solid for the next week , which is all i can book for . their phone number is 01223362433 , if you would like to call for 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 B-Restaurant-Inform+Phone O O O O O O O O O O O O O Booking-NoBook +bos is there any other restaurant that you could try for me before i call myself ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos is there a different cuisine you would be willing to try ? asian or italian maybe ? eos O 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 Restaurant-Request+Food +bos as long as the seafood restaurant is in the centre i am fine with 18:00 and i need the reference number . i need a train arriving at cambridge by 08:00. 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+Time O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O Restaurant-Request+Ref +bos what day will you be wanting to dine ? eos O O O O O O O O O O Booking-Request+Day +bos i 'm dining on saturday . eos O O O O B-Restaurant-Inform+Day O O N/A +bos loch fyne is a great seafood place . i have booked a table for you and your reservation number is ndsugzk9 . anything else ? eos 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 O O B-Booking-Book+Ref O O O O general-reqmore +bos i need to find a train leaving london kings cross on saturday as well . 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 N/A +bos i can help you with that . first , i need to confirm that the destination is cambridge , and can you provide the desired timeframe for 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 Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive,general-greet +bos i would like to be in cambridge by 08:00 eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos i have found train tr2687 , it will depart at 05:17 at arrive by 06:08. would you like me to book this for you ? 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 O O O O Train-OfferBook +bos no thank you . what is the price for that train ? eos O O O O O O O O O O O O O Train-Request+Price +bos the price is 18.88 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 the train booking is for the same day as my dinner reservation correct ? eos O O O O O O O O O O O O O O O Train-Inform +bos yes of course . anything else ? eos O O O O O O O O general-greet,general-reqmore +bos no thanks . i may be back in touch though ! eos O O O O O O O O O O O O general-thank +bos feel free to get in touch if you need anything else . enjoy your evening . eos O O O O O O O O O O O O O O O O O general-bye,general-reqmore +bos thank you , good bye eos O O O O O O general-bye +bos goodbye . thanks for using cambridge towninfo centre . eos O O O O O O O O O O general-welcome,general-bye +bos hi , i 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 O N/A +bos may i ask for your departure city ? eos O O O O O O O O O Train-Request+Depart +bos i will be leaving from stansted airport and will need to get to cambridge by 18:00. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O B-Train-Inform+Arrive N/A +bos i found a train that arrives at 09:52. will that work ? eos O O O O O O O O B-Train-Inform+Arrive O O O O general-reqmore +bos that is very early , can i get one closer to 18:00 ? eos O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos the closest to 18:00 arrival time is a train that arrives at 17:52. does this interest you ? eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O general-reqmore +bos yes that 's fine . i also need help finding an expensive indian restaurant . can you help ? eos 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 we have many of those ! cocum in the west is my favorite . eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name O O O O O O O O N/A +bos is there anything near the centre ? eos O O O O O O B-Restaurant-Inform+Area O N/A +bos yes there are 6 to choose from , would you like me to book one of them 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 Booking-Inform +bos yes , please book me for 8 people at 21:00 on the same day . thank you ! 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 N/A +bos i 'm sorry , there 's no available seats at the time and day you 've requested . is there another day or time you would like to try and book 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 O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos can i get the departure time and price of my train reservation ? also , could you try to book my table 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 Train-Request+Price,Train-Request+Leave +bos the departure time is 9:24 and the price is 80.8gbp payable at the station . eos O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket O O O O O N/A +bos as for the restaurant cocum , is that in the centre of town ? i really would like to dine in the city centre . eos O O O O O B-Restaurant-Inform+Name 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 cocum is in the west , would you like to try somewhere else ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O O O general-reqmore +bos yes . please find 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 O N/A +bos there are 5 indian restaurants available in the centre of town . is there a price range you are looking for ? 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 O O O O O O O O O O O Restaurant-Request+Price +bos yes , the expensive price range please . eos O O O B-Restaurant-Inform+Price O O O O O Train-Request+Price +bos curry garden is in the expensive price range , would that work for you ? eos 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 N/A +bos yes . please book a table for 8 people at 21:00 on the same day . if 21:00 is n't available , please do 20:00. i will need a reference number too . 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 O O O O O O Restaurant-Request+Ref +bos okay , i was able to book a table for 8 at curry garden for 20:00 on wednesday . your reference number is ctmuj6u5 . eos O 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 B-Booking-Book+Ref O O O N/A +bos thank you very much . eos O O O O O O general-thank +bos you are quite welcome ! eos O O O O O O general-welcome +bos i need to find an expensive place to eat . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are plenty of choices in the expensive range . do you have a particular food type or area you 're interested in ? eos O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos yes , i 'm looking for seafood . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos loch fyne is an expensive restaurant in the expensive price range . would 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 O O O O O N/A +bos yes . can you book a table for 7 people on monday at 12: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 O N/A +bos i 'm sorry . there are no reservations at that time . would you like to try another time slot 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos lets try earlier around 11:45 ? eos O O O O O B-Restaurant-Inform+Time O N/A +bos the booking was successful . the table will be reserved for 15 minutes . your reference number is : jqpiej2r . 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 O general-reqmore +bos yes . i 'll need a train departing from cambridge . eos O O O O O O O O O B-Train-Inform+Depart 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 would be traveling on tuesday and should leave norwich after 11:30. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Leave N/A +bos there are 5 trains for that day departing after 11:30 what time would you like to arrive by ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Leave O O O O O O O O O Train-Request+Arrive +bos 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 . eos O O O O 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 tr5949 departs cambridge at 11:36 and arrives ag 12:44. may i book that 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 O Train-OfferBook +bos yes , please book this train . also , i will need a reference number . eos O O O O O O O O O O O O O O O O O Train-Inform +bos the booking was successful , the total fee due at the station is 123.2 gbp and the reference number is f14s262z . 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 N/A +bos thank you so much for your help with the restaurant and the train . eos O O O O O O O O O O O O O O O Restaurant-Inform,Train-Inform +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 direct me to a catalan restaurant that is moderately priced please ? 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 unfortunately , i do not happen to have anything serving catalan food that is moderately priced . would you like me to check a different cuisine type or price range ? eos O O 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 O O Restaurant-Request+Food,Restaurant-Request+Price +bos yes how about a moderate mexican restaurant ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos sorry , but there are no mexican restaurants in the price range either . would you like to try a different type of restaurant ? 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 Restaurant-Request+Food +bos italian would work just as good . eos O B-Restaurant-Inform+Food O O O O O O N/A +bos italian is a wonderful choice . there is a pizza express in centre , would you like to make a reservation ? eos O B-Restaurant-Recommend+Food O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform,general-greet +bos no , but could you give me the phone number for pizza express ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O Restaurant-Request+Phone +bos the phone number is 01223324033. eos O O O O O B-Restaurant-Inform+Phone N/A +bos i am also looking for a train going to bishops stortford that leaves after 15:30. eos 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 N/A +bos what day would you be traveling on ? eos O O O O O O O O O Train-Request+Day +bos i need it for friday an i 'm departing from cambridge eos O O O O O O O O O O O O N/A +bos okay i have a 17:30 that arrives at 18:07. 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+Arrive O O O O O O O O O O Train-OfferBook +bos i 'm not sure if i want to book yet or not , can you confirm the travel time 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+Duration +bos of course . tr1567 leaves at 17:29 and arrives at 18: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 O general-greet +bos thanks that 's all i need have a good day . eos O O 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-bye +bos i am looking for a place to go in town . preferably a park that is in the east . eos 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 N/A +bos cherry hinton water play is in the east side . anything else i can do for you ? 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 O O O O general-reqmore +bos yes . please get me their address , phone number and their 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,Attraction-Request+Addr +bos the park is located at cherry hinton hall , cherry hinton road . the phone number is 01223446100 and is free to enter . is there 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 I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O O O O O O O O O O O O O general-reqmore +bos yes , i 'm also looking for an expensive restaurant that serves jamaican food . eos 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 i 'm sorry , but there are no jamaican restaurants anywhere in cambridge . we do have plenty of expensive restaurants , though , so i could find you 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 B-Restaurant-Inform+Choice I-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 that is fine , how about a restaurant that serves asian 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 there are two expensive asian oriental restaurants in cambridge , one in the north and the other in the centre . which would you prefer ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 O O O O O O Restaurant-Select +bos let 's try the one in the north . i 'd like to book a table for 4 at 19:00 on wednesday , 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+Time O B-Restaurant-Inform+Day O O O O O O N/A +bos i 'm sorry , there were no more tables available . would you like to try the other restaurant , or 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 O Booking-NoBook,Booking-Request+Time +bos i would like to try the other oriental restaurant for the same time 19:00 for party of 4. eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos i 'm very sorry , neither of these restaurants have availability at that time on wednesday . would you like to try another time/day ? eos O O O O O O O O O O O B-Booking-NoBook+Time I-Booking-NoBook+Time O B-Booking-NoBook+Day O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos can any of them do a time at 18:00 ? i 'll also need a taxi to travel inbetween two locations . eos 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 N/A +bos your booking for kymmoy restaurant was successful and your reference number is 5ifchkns . the information for you taxi is a grey tesla and its contact number is 07674543654. eos O O O O B-Booking-Book+Name O O O O O O O O B-Booking-Book+Ref 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 wonderful . thanks for your help . that 's all 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 great time ! eos O O O O O O O O O O general-welcome,general-bye +bos hi , i need a moderate price range restaurant in the centre of town . eos 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 21 restaurants that are moderately priced in the centre of town . do you have a food preference ? eos O O O O B-Restaurant-Inform+Choice O 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 O O O O O Restaurant-Request+Food +bos british or european would be fine . may i book a table for 2 at 16:00 on a wednesday and get a reference number please ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Day O O O O O O O O Restaurant-Request+Ref +bos the oak bistro is a british restaurant in the centre area , in the moderate price range . would you like to book this restaurant ? eos O 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 B-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform +bos yes . the booking should be for 2 on wednesday at 16:00. could i also get a reference number ? 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 Restaurant-Request+Ref +bos alright , you 're all booked ! your reference number is ywekso7h . 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 O O general-reqmore +bos i 'm also looking for a place to visit within the same area as the restaurant . 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 Restaurant-Inform +bos we have parks , boats , museums , and many other interesting things to do . what strikes your fancy ? eos O O O O O O O B-Attraction-Inform+Choice B-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 O Attraction-Request+Type +bos an art museum near the restaurant sounds nice . how much is the admission price ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos the cambridge contemporary art museum is fantastic , and it 's free . 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 B-Attraction-Recommend+Type O O O O O O O O O general-reqmore +bos i will need a taxi to take me from the museum to the restaurant . obviously it needs to get me there before 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 Restaurant-Inform,Taxi-Inform +bos sure ! expect a grey toyota and call 07319086162 to contact your taxi eos 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 thank you , that is all i need . eos O O O O O O O O O O general-thank +bos you are welcome , please enjoy your time in cambridge and if there 's anything else we can assist you with 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 O O O O general-welcome,general-bye +bos i need a train that leaves on wednesday after 17:00 eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos there are 152 trains on wednesday . what are your departure and arrival stations ? 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,Train-Request+Dest +bos i would like to go to cambridge departing from norwich . eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O N/A +bos are you able to tell me your preferred departure and arrival times ? eos 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 17:00. eos O O O O O O O B-Train-Inform+Leave N/A +bos there are 7 trains that depart after 17:00 on wednesday , would you like me to book the 17:16 train for you ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O B-Train-OfferBook+Leave O O O O O N/A +bos please book it for two people and send the reference number . we are also looking for a moderately priced place to dine in the town center . 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 N/A +bos tr 2379 from norwich to cambridge on wednesday at 17:16 is booked for 2 , reference number d5s6b0gc . there are many options for dining , for kind of food do you like ? eos O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O O O B-Train-OfferBooked+Leave O O O O O O B-Train-OfferBooked+Ref O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Food +bos the type of food does n't matter . i need to book a table for two at 21:00 on wednesday . 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 N/A +bos i tried to book you at table for two at the yippee noodle bar but they have no available reservations . did you want to try another day or time ? eos O O O O O O O O O O B-Booking-NoBook+People 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 Booking-Request+Day,Booking-Request+Time +bos can you see if there 's anything at 20:00 ? eos O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos ok , that worked . your table is booked , and your reference number is 5qh1pwgz . 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 O O general-reqmore +bos that is all thank you very much . eos 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 looking for a restaurant on the east side of cambridge that serves kosher 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 i 'm sorry , there are no restaurants matching those specifications . would you like to check a different 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 Restaurant-Request+Area,Restaurant-NoOffer +bos how about one in the same location with indian food ? eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 4 that meet your request . 2 are moderately priced and 2 are expensively priced . does that work for you ? eos O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Booking-Inform +bos that works for me . can you please book one of them for me for 8 people at 12:15 on tuesday ? 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 N/A +bos it does n't look like like any of them have available reservations as that time for that many people . would you like to look at 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 O O O O O O Booking-NoBook,Booking-Request+Time +bos can you check and see if any have availability for 11:15 and if they do book it and send me the reference number ? 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 O O N/A +bos great your reservation at curry prince is set , your reference number is g3gje7zp 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 N/A +bos thanks , can i also get a train the same day as the restaurant booking that departs from bishops stortford ? 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 N/A +bos there are 10 trains from bishops stortford that day . do you have a preferred departure or arrival time ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day I-Train-Inform+Day O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i need a train arriving in cambridge by 8 eos O O O O O O O B-Train-Inform+Dest O O N/A +bos there is a train departing bishops stortford at 05:29 and arriving in cambridge at 06:07. the cost is 10.10 pounds per ticket . would 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+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 Train-OfferBook +bos yes , please , could you book it for the same 8 people and send me the reference number once completed ? 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 N/A +bos ok , i have booked 8 tickets on train tr8912 for tuesday . your reference number is q0y74qur . is there anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Day 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 would be it . thanks . eos O 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-welcome,general-bye +bos i am looking for train from london kings cross and should leave after 21:30. 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+Leave N/A +bos we have several trains available . is there a particularly day you wish to leave on ? 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+Day +bos i would be leaving on tuesday going to cambridge . eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A +bos i have one train available that meets what you need . train tr2471 leaves at 23:17 and arrives on 24:08. would you like me to book you a ticket for this train ? eos O O O O O O O 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 O O O Train-OfferBook +bos yes , please . can i have the train id and total travel time , 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+TrainID +bos sure . the train id is tr2471 and the duration is 51 minutes . 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 N/A +bos thanks . can you also help with a guesthouse to stay out ? i prefer in the east . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Area O O O N/A +bos there are six . would you like one moderately priced or cheap ? eos O O O O O O O O O O O O O O Hotel-Request+Price +bos does n't matter , do any have a 4 star rating ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos yes i have many 4 star guesthouses matching your criteria . do you have a preference for free parking and/or internet amenities ? eos O O O O 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 Hotel-Request+Parking,Hotel-Request+Internet +bos 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 . eos O O O O O O 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 +bos the carolina bed and breakfast has free parking and their phone number is 01223247015 , do you want me to book a reservation 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 O O B-Hotel-Inform+Phone O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos no . i do n't need a reservation now . thank you very much 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 general-thank +bos terrific , 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 nope , that 'll do it , thanks for your time ! eos O O O 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 +bos hi , i am looking for a guesthouse to stay on the north side of cambridge . eos O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O O N/A +bos i found 11 guesthouses matching your preferences . do you have a star rating you 'd 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+Stars +bos 4 stars , please , but still just moderately priced . eos O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O Train-Request+Price +bos i have 7 guesthouses that fit your needs . do you have any other 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 general-reqmore +bos one with free parking would be great ! eos O O O O O O O O O Hotel-Request+Parking +bos there are 6 guesthouses that match your criteria . if you give me your length of stay and beginning date perhaps i can narrow them down for you . 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 Booking-Request+Stay,Booking-Request+Day +bos great can i get the address of one 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 Hotel-Request+Parking,Hotel-Request+Addr +bos arbury lodge at 82 arbury road has free parking . 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 Hotel-Inform+Parking +bos thank you . can you tell me if there is a train going to norwich on friday ? 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 i have 19 trains departing for norwich on friday . do you have a preferred departure time ? 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 Train-Request+Leave +bos yes , after 19:45 and departing from cambridge please . eos O O O B-Train-Inform+Leave O O O B-Train-Inform+Depart O O O N/A +bos okay , the tr4885 train leaves at 20:36 and arrives by 21:55. would that work for you ? 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 O general-reqmore +bos yes , i think that will work . can you tell me the price , travel time and confirm the 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 O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive +bos my apologies , the train id is actually tr4886 , it costs 17.60 pounds per ticket and is a 79 minute trip . the train arrives at 21:55. eos O O O O O O O O B-Train-Inform+Id 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 I-Train-Inform+Time O O O B-Train-Inform+Arrive O O O N/A +bos okay , thank you for your help ! eos O O O O O O O O O general-thank +bos you are welcome , what else can i do for you today ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore +bos nope , that 's everything . you 've been very helpful . eos O O O O O O O O O O O O O N/A +bos 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 . eos O O O O O O O O O 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 train that departs out of town on monday . i 'm in cambridge now . 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 many trains that match this search . where would you like your destination to be ? 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 +bos what trains do you see listed leaving monday ? eos O O O O O O O O B-Train-Inform+Day O N/A +bos well , there are 202 total , where would you want to go ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Dest +bos i 'd like to go 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 we have ten trains leaving from cambridge to london - liverpool street . did you need to arrive by a particular time ? eos O 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 I-Train-Inform+Dest O O O O O O O O O O O Train-Request+Arrive +bos yes , i need leave before 1:00 pm . eos O O O O O O O O O O N/A +bos alright . tr7276 leaves cambridge at 11:59 and arrives at london liverpool st at 13:27. does that work ? 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 I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O general-reqmore +bos no , i need to arrive by 12:00. eos O O O O O O O B-Train-Inform+Arrive O N/A +bos the tr3085 leaves cambridge on monday at 0959 and arrives at london liverpool street at 11:27. does that work ? 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 general-reqmore +bos yes thanks but i need the price for the train . eos O O O O O O O O O O O O Train-Request+Price +bos the cost for the train is 16.60 pounds . would you like me to book it 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 Train-OfferBook +bos not at this time . could you also help me find a moderately priced lodging ? eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O Train-Request+Price +bos there are 3 available hotels , do you need free parking ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O Hotel-Request+Parking +bos yes . i also would like it to be a guesthouse and have a 4 star rating . eos O B-Hotel-Inform+Parking O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O N/A +bos the archway house fits your criteria . would you like to book there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform +bos does the archway house have internet ? eos O O O O O O O O Hotel-Request+Internet +bos yes , i believe it does . eos O O O O O O O O Hotel-Inform+Internet +bos what 's the phone number there ? eos O O O O O O O O Hotel-Request+Phone +bos their phone number is 01223575314. eos O O O O O B-Hotel-Inform+Phone N/A +bos great , thanks . can i please also get the address ? eos O O O O O O O O O O O O O Hotel-Request+Addr +bos sure , it is located at 52 gilbert road , cb43pe . would you like me to book it for you ? eos O O O 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 +bos no that wo n't be necessary , that 's all i needed . thank you ! eos 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 all . goodbye ! eos 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 'm looking for a museum with a restaurant . eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos how does the cafe jello gallery sound ? it is located in the west and does not have an entrance fee . 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+Area I-Attraction-Recommend+Area B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O N/A +bos great . please get me their address . eos O O O O O O O O O Attraction-Request+Addr +bos cafe jello gallery can be found at 13 magdalene street . 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 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 do you know of any restaurants in the centre of town that serve lebanese 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 ali baba is in the centre of town serving lebanese food eos 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 B-Restaurant-Inform+Food O N/A +bos is it moderately priced ? eos O O O O O O N/A +bos yes . ali baba is moderately priced . would you like me to make a reservation for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform +bos yes i 'd like one for sunday for 19:15 , there will be 8 of us . eos O O O O O O O O O O O O O O O O O O N/A +bos will you need to have all eight of you seated at the same table ? eos O O O O O O O O O O O O O O O O Booking-Request+People +bos yes please . i need the reference number too . eos 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 : h570z3kn . do you have any other questions 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 can i get a taxi to take us fro the gallery 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 ok , a white audi will pick you up at cafe jello gallery and bring you to ali baba by 9:15. you can contact the driver at 07646811518. anything else ? eos 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 O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O O O O O B-Taxi-Inform+Phone 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 're welcome . thank you . eos O O O O O O O O general-welcome,general-bye +bos i need a train going to leicester that leaves after 11:45 eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave N/A +bos sure , are you going to leicester , or to cambridge ? what is your departure site please ? 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 will be departing leicester going to cambridge , sorry for the confusion . i need to leave after 11:45 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 N/A +bos the earliest train leaving after 11:45 is at 12:09 on friday . would you like me to book this for you ? eos O 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 Train-OfferBook +bos that is fine . can i have the train id once it 's booked ? eos O O O O O O O O O O O O O O O O Train-Request+TrainID +bos of course , what day will you be traveling , 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 O Train-Request+People,Train-Request+Day +bos i need 1 ticket for departure on thursday . eos O O O O B-Train-Inform+People O O O O O N/A +bos great . i have booked you one seat on the 12:09 train from leicester and your reference number is 7ur3bfw6 . is there anything else i can do for you ? eos O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Leave 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 want to reserve a table for 7 people at 15:00 on thursday at an expensive african restaurant . can you help me with this ? eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Train-Inform+Day O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O N/A +bos there are no tables available at bedouin at that time . would you like to try a different time slot or perhaps 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos sure . if there are no other african eateries to choose from , try the 14:00 at the bedouin . 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 is one restaurant called bedouin , but unfortunately it does not have any open reservations for matching your specifications . could you provide another day or time ? eos 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 O O O Booking-Request+Day,Booking-Request+Time +bos could you get a reservation at a difference expensive african restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i was successfully able to book you a reservation for 7. the reference number is r2rplbi3 . 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 O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos no thank you . i have everything i need . eos O O O O O O O O O O O general-thank +bos you are welcome . good bye . eos O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant in the south part of town in the expensive price range . can you help me find one ? 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 O O N/A +bos of course . there are 5 restaurants in the south that are expensive . 2 chinese , 2 indian and 1 mexican . do you have a preference ? eos O O O 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-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Select,general-greet +bos do n't you have one that serves south african food ? eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos no , i 'm sorry . would you like me to check 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 N/A +bos actually , could you see if there is an italian one ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there is a restaurant called frankie and bennys . would you like me to book it for you ? 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 O Booking-Inform +bos yes , can you put me down for a party of 5 at 18:15 this thursday ? 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 can we try another day or time slot ? it appears this one is full . eos 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 to book for 17:15 ? eos O O O O O O O B-Restaurant-Inform+Time O N/A +bos i 've booked your reservation at frankie and bennys thursday at 17:15 for a party of 5. your reference number is 6fx43af8 , your table will be held for 15 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 N/A +bos thank you so much for your help ! we will arrive there at frankie and bennys ,17 :15 on thursday . is it close to funky fun house ? we are looking 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O N/A +bos funky fun house is in the east area of town . eos 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 N/A +bos what kind of attraction is funky fun house ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos i do not know the answer to that , sorry . you can call them at 01223304705 for further clarification . again , i 'm really sorry for the inconvenience . eos 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 O O O O O general-greet +bos that is fine , i will contact them . thank you . eos O O O O O O O O O O O O O general-thank +bos is there something else i can help you with ? eos O O O O O O O O O O O general-reqmore +bos hmm , well i am really wondering what the funky fun house is as for as attraction type . it does n't give any additional info on that ? eos 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 Attraction-Request+Type +bos it is listed as entertainment . eos O O O O O B-Attraction-Inform+Type O N/A +bos should i just call them directly for more info ? eos O O O O O O O O O O O N/A +bos yes , again , their phone number is 01223304705. eos O O O O O O O B-Attraction-Inform+Phone O O N/A +bos great , thanks . that 's all i needed . eos O O O O O O O O O O O general-thank +bos ok , have a great day . please contact me again if i can help you further . 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 general-welcome,general-bye,general-reqmore +bos hello , i would like to eat somewhere expensive in the north . eos O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O N/A +bos saigon city is an expensive place in the north part of town . 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 N/A +bos okay , i want to book a table for 6 people at 11:45 on saturday . 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 you are all set for a party of 6 on saturday at saigon city , reference # 3ib3ppd0 . is there anything else i could help you with today ? eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 is all . eos O O O O O O O O O general-thank +bos all right , enjoy your meal ! eos O O O O O O O O general-bye +bos i 'd like some information on a restaurant called kymmoy , please . eos O O O O O O O O O B-Restaurant-Inform+Name O O O O N/A +bos kymmoy is an asian oriental restaurant located at 52 mill road city centre . it is in the expensive price range . would you also like their phone number ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-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 B-Restaurant-Inform+Price O O O O O O O O O O O O general-reqmore +bos sure , and could you book a table for 3 at 12:45 on sunday . i would also like the reference number as well , thank you 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 booking was successful . the table will be reserved for 15 minutes . your reference number is : 4m02k9xy . 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 ! would you also be able to book a train for me ? eos O O O O O O O O O O O O O O O O Train-Inform +bos absolutely . can you provide me with more specifics to narrow down your search ? 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 going to cambridge departing from norwich . eos O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O N/A +bos there are two trains you can take , one leaves at 10:16 and arrives at 11:35 , or there is one that leaves at 11:16 and arrives at 12:35. 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 B-Train-Inform+Arrive I-Train-Inform+Arrive O N/A +bos i would like this train to be on the same day of the restaurant booking and arrive by 8:00. 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 passage for you on tr5163 , arriving in cambridge at 7:35 on sunday . how many tickets do you need ? eos O O O O O O O O B-Train-OfferBook+Id O O B-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O B-Train-OfferBook+Day O O O O O O O O O Train-Request+People +bos i would like to know the approximate travel time and price per ticket for this particular train . 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 it costs 14.08 pounds per ticket , and the travel time is 79 minutes . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos thanks . looks like 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 O general-thank +bos i 'm glad i could help . have a wonderful day ! eos O O O O O O O O O O O O O general-bye +bos i am looking for a moderately priced place to dine in the centre of cambridge eos O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O N/A +bos is there any specific type of food you are wanting ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i would like a polynesian restaurant , please . eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos unfortunately there are no polynesian restaurants located in cambridge , were you wanting any other type of food ? eos O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O O O Restaurant-Request+Food +bos are there any turkish restaurants ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos i have 2 turkish restaurants in the centre , both are moderately priced . anatolia and efes restaurant , would you like to book at either one of them ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O B-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 Booking-Inform +bos could you tell me more about their locations ? do they offer free parking ? how far are each of them from 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 O O Hotel-Inform +bos one is at 30 bridge street city centre , and the other is at king street city centre 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 O O O O O O O O O O O O N/A +bos please book the one at 30 bridge street . can you also give me 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 O O Restaurant-Request+Post,Restaurant-Request+Phone +bos that would be the anatolia restaurant . the postcode is cb21uj , phone 01223362372. how many are in your party and what day would you like the reservation ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Post O B-Restaurant-Inform+Phone 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 'll be dining saturday at 7 pm , there are 3 in my party . also , i need to know if there are any trains leaving sunday going to peterborough . eos O 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 B-Train-Inform+Dest O O O O O N/A +bos yes , there are plenty of trains leaving cambridge going to peterborough . what time 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 O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to leave after 8:30 on sunday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos train tr8821 departs cambridge at 08:34 , the cost is 13.2 pounds . should i book it 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+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook +bos real quickly , what is the travel time ? eos O O O O O O O O O O Train-Request+Duration +bos the travel time is 50 minutes . may 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 no , that was all the information i needed . thank you very much . eos 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 wonderful day . eos O O O O O O O O O O O O O O general-welcome +bos i am 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 i can definitely help you out with that . is there a certain area of town you 'd 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 Hotel-Request+Area +bos i would prefer to be in the centre of town , and i need the hotel to include free parking . 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 N/A +bos alexander bed and breakfast is a guesthouse in town centre in the cheap price range . it has both 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+Type O B-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 O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , please . that sounds perfect . there will be six of us . eos O O O O O O O O O O O O O O O O N/A +bos i will need to know how many nights and what day you will be starting your stay before we finish 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 Booking-Request+Stay,Booking-Request+Day +bos we will be arriving on friday and staying 3 nights . eos O O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O N/A +bos i have booked your stay at the alexander bed and breakfast for friday for 3 days for 6 people . your reference number is djf36wmd . is there anything else i can help you with today . 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 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 O O N/A +bos i will need to take a train from leicester on the same day as my hotel booking . 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 all trips from leicester cost 37.8 pounds and take 105 minutes . is there a specific time you would like to depart or arrive by ? eos O O 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 O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i need to leave after 17:45 heading for cambridge . go ahead and book the closest time and give me the train id and arrival time . eos 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 O O O O O O O O Train-Request+Arrive,Train-Request+TrainID +bos the train id is tr9629 , leaving at 18:09 and arriving by 19:54. can you tell me how many tickets you would like to purchase ? 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 Train-Request+People +bos i 'd like one ticket please . eos O O O O O O O O N/A +bos alright i 've booked you one ticket , the total will be 37.79 and your reference number is pgy0g1j2 . how else can i help you ? eos O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O N/A +bos can you please schedule a taxi to take me from the station to my hotel ? eos O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos sure , you need a taxi to alexander bed and breakfast from where , and do you have an arrival time request ? eos 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,Taxi-Request+Depart +bos i do not . i just need the train id and what arrival time it has . 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 arrives by 19:54 and tr9629 is the train id . eos O O O O O B-Train-Inform+Arrive O B-Train-Inform+Id 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 help you with ? possibly entertainment or places to visit on your trip ? 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 want to stay at a guesthouse in the expensive price range . eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i 'm sorry , there are no expensive guesthouses available . would you like to try a moderately priced guesthouse instead ? eos O O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type O O O O O O O O O O O O O O O N/A +bos could you check one more time please . eos O O O O O O O O O N/A +bos unfortunately , there are not any available guesthouses in the expensive price range . may i suggest a moderate priced one that has the quality of an expensive 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 N/A +bos yes , can you try a moderate priced hotel ? eos O O O O O O B-Hotel-Inform+Price O O O O N/A +bos please confirm - are you looking for a hotel or a guesthouse ? eos O O O O O O O O O O O O O O Hotel-Request+Type +bos i 'm looking for a hotel . eos O O O O O O O O Hotel-Inform +bos okay , what part of town are you looking for ? eos O O O O O O O O O O O O Hotel-Request+Area +bos east part of town thank you eos O B-Hotel-Inform+Area O O O O O N/A +bos there are no moderate hotels in the east . however , there is an expensive hotel in the east called express by holiday inn cambridge . do you want to book ? eos O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 i apologize . i am looking for an moderately priced guesthouse . eos O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A +bos i recommend carolina bed and breakfast in east . it gets 4 stars . would you like more info or for me to help book it ? eos 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 B-Hotel-Recommend+Stars O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos i would like more information before booking this guest house please . eos O O O O 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 does it have free wifi ? eos O O O O O O O N/A +bos yes , free wifi and parking eos O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos great , can i book a reservation just for myself , starting on wednesday for 3 nights ? eos 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 N/A +bos booking was successful.reference number is : eljhqgoz . 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 i 'd also like to find a train departing from kings cross and going to cambridge on wednesday . 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 O N/A +bos we have train every two hours starting at 05:17 , what time works for you ? eos 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 only need to arrive by 13:00 or earlier . eos O O O O O O O B-Train-Inform+Arrive O O O N/A +bos how about the tr417 train arriving by 12:08 ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O N/A +bos thanks for the information . eos O O O O O O general-thank +bos you are welcome . eos O O O O O general-welcome +bos yes , can you help me with some information on a place to stay ? eos O O O O O O O O O O O O O O O O N/A +bos yes , what do you have in mind ? eos O O O O O O O O O O general-reqmore +bos i 'd like something moderately priced , with a 4 star rating . i 'd like free parking too . eos 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 Train-Request+Price +bos there are 9 results that match your criteria , is there a particular 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 would prefer to stay in the west . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos i am sorry but no guesthouses exist that match those criteria . would you consider a hotel ? eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O B-Hotel-Select+Type O O N/A +bos yes , i 'm open to a hotel as long as it 's a 4 star with free parking eos O B-Hotel-Inform+Parking O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos sorry , i have no hotels that meet your criteria . would you like to try a different area or a different price range , perhaps ? 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 O O O Hotel-Request+Price,Hotel-Request+Area +bos i 'm looking for a restaurant that serves spanish food eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos la raza is a spanish restaurant , it is in the cheap price range , and it is located in the centre part of town . would you like the phone number ? eos O 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 O B-Restaurant-Inform+Area 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 the address for la raza is 4 - 6 rose crescent . would you like their phone number ? 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 I-Restaurant-Inform+Addr O O O O O O general-reqmore +bos no , thank you eos 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 am looking for an expensive restaurant in the south part of town . i also need the address and type of food they serve . 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 O O Restaurant-Request+Food,Restaurant-Request+Addr +bos chiquito restaurant bar is an expensive restaurant on the south part of town , their address is 2g cambridge leisure park cherry hinton road cherry hinton 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 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 what type of food ? eos O O O O O O Restaurant-Request+Food +bos it 's mexican . eos O O B-Restaurant-Inform+Food O O N/A +bos thank you , goodbye . eos O 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 that will be all , thank you ! eos O O O O O O O O O general-thank +bos thank you and good dbye eos O O O O O O general-bye +bos i need a restaurant that serves turkish food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two moderately priced turkish restaurants and one expensive one , all in centre area . do you have a price range 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 O N/A +bos i do not have a preference . eos O O O O O O O O N/A +bos anatolia serves turkish food in the moderate price range eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A +bos what is the other turkish 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 Restaurant-Request+Price +bos efes restaurant . do you have any additional questions ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O general-reqmore +bos what is the address and price range ? eos O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Addr +bos they are in the moderate price range and the address is king street city centre 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 N/A +bos what is the food type they are good at ? eos O O O O O O O O O O O N/A +bos they serve turkish food . eos O O O B-Restaurant-Inform+Food O O N/A +bos thank you goodbye . eos O O O O O general-bye +bos good bye . thank you for contacting us . eos O O O O O O O O O O general-bye +bos i 'm looking for a restaurant in the east part of town that serves cantonese 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 i 'm sorry but there is not cantonese restaurant in the east , can i offer you something else ? 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 Restaurant-NoOffer,general-reqmore +bos what about an indian restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos curry prince is an indian restaurant in the east part of town . 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 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 324351 eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos address please eos O O O N/A +bos curry prince is at 451 newmarket road fen ditton . 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 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 i would like the phone number of an expensive restaurant on the east side of town , please . 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 Restaurant-Request+Phone +bos there are five restaurants in the expensive price range and in the east part of town . what kind of food would you like ? eos O O O B-Restaurant-Inform+Choice 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 Restaurant-Request+Food +bos i would like indian food please . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos sitar tandoori is an expensive indian restaurant in the east part of town . 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 N/A +bos is there anything else ? eos O O O O O O N/A +bos pipasha restaurant is in the expensive category and serves indian food . it is in the east part of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos what is there phone number ? eos O O O O O O O Restaurant-Request+Phone +bos their phone number is 01223 577786. do you need their address also ? eos 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 O O general-bye +bos goodbye . eos O O O general-bye +bos i would really like to find a basque restaurant on the west side . does that exist ? 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 'm sorry , there are no restaurants serving basque food in the west part of town . would you like a different type of food ? 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 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 N/A +bos la margherita is an italian restaurant in the west part of town . would you like their location ? 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 O O O O O general-reqmore +bos no , what is the phone number ? eos 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 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 no , thank you ! eos O O O O O O general-thank +bos thank you . eos O O O O general-bye +bos hello , i am looking for a moderately priced restaurant that serves fusion food . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos which area you would like to search in ? 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 i am sorry , there is no restaurant serving fusion food in the moderate price range . would you like any other type of food or different price range ? eos 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 O O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-NoOffer +bos bummer . how about some reasonably priced chinese food , then ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are 4 chinese restaurants . three in the center of town and one in the north part of town all moderatly priced . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O N/A +bos what is the phone number of one of them ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos the lan hong house is great . their phone number is 01223 350420. would you like any additional information about them ? eos O 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+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 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 +bos i 'm looking for a moderately priced restaurant in the north part of town . i would like to know the type of food , address and phone number . 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 O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food,Restaurant-Request+Addr +bos first we have golden wok at 191 histon road chesterton c.b 4 , 3.h l . it is chinese and it 's phone number is 01223350688. next we have an indian restaurant at 7 milton road chesterton c.b 4 , 1.uy . it is called the nirala eos 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+Phone O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos do you have the phone number for nirala ? eos O O O O O O O O O O Restaurant-Request+Phone +bos the nirala 's phone number is 01223 360966 eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 . i hope you enjoy your meal at the nirala . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos one in the east part of town eos O O O O B-Restaurant-Inform+Area O O O N/A +bos there are several restaurants in the east part of town . do you have a preference for the type of food or price range ? eos 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 O O O Restaurant-Request+Food,Restaurant-Request+Price +bos and serves irish style food please eos O O O B-Restaurant-Inform+Food O O O N/A +bos i apologize , there are no restaurants in the east part of town that serve irish food . would you like to choose a different part of town or type of 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 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 indian food in the east part of town would be good . eos O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O N/A +bos there are four restaurants in the east part of town that serve 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 O B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Price +bos it does n't matter . eos O O O O O O N/A +bos curry prince is an indian restaurant located in the east part of town in the moderate price range . would you like any additional information ? eos O B-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 B-Restaurant-Inform+Price O O O O O 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 the phone number is 01223 566388. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos curry prince is located at 451 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 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 goodbye . eos O O O O O general-bye +bos okay thank you eos O O O O general-greet +bos good bye eos O O O general-bye +bos good bye . eos O O O O general-bye +bos i would like a restaurant that serves world food eos O O O O O O O O B-Restaurant-Inform+Food O N/A +bos im sorry , there are no restaurants that serve world food . can i help you with something else ? 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 Restaurant-NoOffer,general-reqmore +bos how about portuguese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos nandos serves portuguese and is located in the south part of town and is in the cheap price range . eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food 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 what is the phone number and address ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number is 01223 327908 , and the address is cambridge leisure park clifton way . may i help you with anything else ? 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 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 hi , i am planning my cambridge trip and could use some help with a particular attraction . eos O O O O O O O O O O O O O O O O O O O Attraction-Inform +bos sure , is there a particular area of town you 're interested in ? eos O O O O O O O O O O O O O O O Attraction-Request+Area +bos no , i need help with a particular attraction . can you help ? eos O O O O O O O O O O O O O O O Attraction-Inform +bos i sure can , what is the name of the attraction you are seeking information about ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Name +bos i 'm looking for tenpin i want the address and entrance fee . eos O O O O B-Attraction-Inform+Name O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos tenpin address is cambridge leisure park , clifton way . i am sorry i have no information about their entrance fee . can i assist you with anything else today ? eos O B-Attraction-Inform+Name 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 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 general-reqmore +bos yes , i also wanted to find an expensive guesthouse to stay at . eos 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 expensive hotels , or moderately priced guesthouses . but no expensive guesthouses . eos O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-NoOffer+Type I-Hotel-Inform+Type O O O O O O N/A +bos what about a 4 star guest with free parking . if there is no such guesthouse how about one that is in the cheap range . eos O O O O O B-Hotel-Inform+Stars O O O O 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 i found 7 cheap ones . 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 Hotel-Request+Area +bos i do n't have a preference . please make a suggestion and book it for 6 people for 2 nights starting on friday . 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 okay , you are all booked at the leverton house . your reference number is udjh8b4e . 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 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 it for today , thank you . eos O O O O O O O O O O O O general-thank +bos you are welcome . have a good afternoon . eos 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 . it should include free wifi and be a 3 star . can you help me please ? 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 O N/A +bos there are five to choose from . would you like moderate or expensive price point ? eos O O O B-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 not care about price . eos O O O O O O 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 i would like a hotel in the centre with free parking . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos i have the gonville hotel . it is expensive . 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+Price O O O O O O O O O O O O Booking-Inform +bos do they have free parking ? if so , please reserve a room for tuesday for 7 people , 4 nights . 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 B-Hotel-Inform+Stay O O O O N/A +bos done ! your reference number is odemz03r . 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 thank you . i 'm looking for places to go in town . can you recommend 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 Hotel-Inform +bos i recommend old schools , phone-01223332320 eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos what 's the postal code ? eos O O O O O O O Attraction-Request+Post +bos the post code is cb21tt eos O O O O O B-Attraction-Inform+Post N/A +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 have a great day and enjoy your stay . eos O O O O O O O O O O general-bye +bos i want to go to a museum in the west area of the 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 found 7 museums in the west area of town . what type of museum would you like to visit ? 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 N/A +bos can you list 2 of them for me to choose from ? thanks eos O O O O O O O O O O O O O O general-thank +bos cafe jello gallery and people 's portraits exhibition at girton college are the two places i would recommend . 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 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 general-reqmore +bos may i get the phone number and postcode for the cafe jello 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 O Attraction-Request+Post,Attraction-Request+Phone +bos of course . the phone number for cafe jello gallery is 01223312112. the post code is cb30af . may i be of further assistance ? eos O 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 B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos i am also looking for the warkworth house . what area is that in ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O N/A +bos it is in east . need a reservation ? eos O O O O B-Hotel-Inform+Area O O O O O Booking-Inform +bos yes please . i need it for 1 person , 2 nights starting on monday please . 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 booking was successful.reference number is : otq22omb . eos O O 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 can i look up anything else for you ? eos 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 , 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 i 'm looking for a hotel with free parking and free wifi . eos O O O O O O O O O O O O O O N/A +bos i have 8 hotels that offer free parking and wifi . do you have a preference for an area 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 Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking +bos we are looking for a guesthouse , preferable a fancy and expensive one . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos there are no expensive guest houses . eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O N/A +bos okay how about a moderately priced one then ? eos O O O O O O O O O O N/A +bos i am sorry there are no expensive guesthouse either . would you like to try cheap price range or a hotel instead ? 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 O Hotel-Request+Type,Hotel-Request+Price +bos yes a moderately priced hotel would be fine . eos O O O B-Hotel-Inform+Price O O O O O O N/A +bos the archway house is a popular 4 star guesthouse in the north part of town in the moderate price range with free internet and parking . should i book it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 B-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 . please book it for monday . 3 nights , 6 people . i 'll also need the 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 O Hotel-Request+Ref +bos you 're all set ! your reference number is 7cidi5rh . 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 thanks ! i 'm also looking for a particular attraction called saint catharine 's college . 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 saint catharine 's college in the centre of cambridge . what information would you like about the college ? eos 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 O O O O O O O O O O general-reqmore +bos just the address and phone number please . eos O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos saint catharine 's college information is : tel . 01223338300 , postcode : cb21rl , address : king 's parade . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone O B-Attraction-Inform+Post O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O N/A +bos can you help me book a taxi to travel between the two places ? eos O O O O O O O O O O O O O O O Taxi-Inform +bos ywa which spot will you be leaving from and do you have an estimated time ? eos 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 want to leave the hotel by 07:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos done ! you 'll be picked up in a white ford , and the contact number is 07049413666. 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-reqmore +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 have a fantastic day , goodbye eos O O O O O O O general-bye +bos i would like to find a museum to to go to in the centre in town . 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 O O N/A +bos broughton house gallery is a museum in the cetnre of town . 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 I-Attraction-Inform+Area O N/A +bos can i have the postcode ? eos O O O O O O O Attraction-Request+Post +bos yes the post code is cb11ln . eos O O O O O O B-Attraction-Inform+Post O N/A +bos thanks ! i 'm also looking for a nice place to stay . 4-stars , expensive - that sort of thing . eos 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 O O O N/A +bos in what area ? eos O O O O O Hotel-Request+Area +bos also in the centre of town , please . and , i 'm not too fond of guesthouses , so can you try for a hotel instead please . thanks . eos O O O O B-Hotel-Inform+Area 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 the university arms hotel meets your needs . if you give me your travel details , i can 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 O O O O O O O O O O O O O O O O Booking-Inform +bos sounds good ! i need a room for 6 people , 5 nights , starting on saturday . eos 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 i 've completed your booking , your reference number is bxrzyuu7 . what else can i 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 cool i also need a taxi to get to the hotel after visiting the museum . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos 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 eos O O O O O O O O O O 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,Taxi-Request+Leave +bos i want to leave the attraction by 14:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos you are booked for a red volkswagen . your contact number is 07391981336. may i help you with anything else ? 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 O O general-reqmore +bos attraction , lodging and taxi . that 's everything . thank you . goodbye . eos O O O O O O O O O O O O O O O O Taxi-Inform,Attraction-Inform +bos glad i could help . enjoy your stay . goodbye ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i wanted help with finding a hotel in cambridge today . eos O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos sure , are you looking to stay on 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 i do n't have a preference . but it does need to have 4 stars and include 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 two hotels located in the west . one is cheap and one is expensive . one hotel is located in the centre and is expensive . any preference ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O N/A +bos can you tell me the area the cheap one is in and give me it 's 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+Area,Hotel-Request+Phone +bos the cheap hotel is in the west . the phone number is 01954714600. can i help you with something else ? eos O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos yes , could you give me information on the cambridge corn exchange ? 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 N/A +bos sure , what kind of information are you looking for ? eos O O O O O O O O O O O O general-reqmore +bos i need the postcode please . eos O O O O O O O Attraction-Request+Post +bos here you go cb236bw eos O O O O O N/A +bos that is all i need , thank you . good bye . eos O O O O O O O O O O O O O general-bye +bos have a great day , 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,general-reqmore +bos i am looking for a college type attraction . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos sure . there are a number of college attractions to visit . is there a specific place or area of the city you were interested in ? 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 O O O O O O Attraction-Request+Area,general-greet +bos none . just recommend one and let me know its entry fee . eos O O O O O O O O O O O O O O N/A +bos how about king 's college ? it 's in the centre of town and the admission is free . you can contact them at 01223331100. 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 O O O O O B-Attraction-Recommend+Phone O O O O N/A +bos great ! i also need a moderate priced guesthouse . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O N/A +bos there are 15 results for guesthouses in the moderate price range , what area are you looking to stay in ? eos O O O O B-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 O O O O Hotel-Request+Area +bos the area does n't matter , but i would like 4 stars , please . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O Attraction-Request+Area +bos great , how about the archway house ? it 's in the north , moderate price , and 4 stars . it also has internet . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area 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 Hotel-Recommend+Internet +bos do they also have free parking ? eos O O O O O O O O Hotel-Request+Parking +bos archway house does have 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 O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos not at the moment . what is the postcode ? eos O O O O O O O O O O O Hotel-Request+Post +bos the postcode to archway house is cb43pe and the phone is 01223575314. would you like me to book this for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform +bos i would love to book a taxi to commute between the two places . i want to leave the attraction by 08:45. 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 B-Taxi-Inform+Leave O O O O O O O O O O Taxi-Request+Car +bos a blue bmw will pick you up , contact number 07646838374. is there anything else i can help you with ? eos 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 no , that 's it . thank you ! eos 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 how many museums are in town ? eos O O O B-Attraction-Inform+Type O O O O N/A +bos we have 23 museums here . eos O O O O B-Attraction-Inform+Choice O O N/A +bos could you choose the best and give me their phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos the cambridge artworks is on the east side of town and their phone number is 01223902168. can i help you with anything else ? eos O O B-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+Phone O O O O O O O O general-reqmore +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 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 the centre . eos O O O O O B-Hotel-Inform+Area O N/A +bos would you like a guesthouse or a hotel , and what 's your price range ? eos O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O O Hotel-Request+Price +bos a hotel please . i do n't care about price . i do want free parking and 0 stars . eos O O B-Hotel-Inform+Type 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 am sorry but i can find no matching hotels for your request . would you like to try a guesthouse or a different star rating ? eos O 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+Type I-Hotel-Select+Type O O O O O Hotel-Request+Stars +bos how about one that has a star of 4 ? eos O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos university arms hotel meets your requirements . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos ok that will work i need the phone number please . eos O O O O O O O O O O O O Hotel-Request+Phone +bos yes , their phone number is 01223351241. eos O O O O O O B-Hotel-Inform+Phone O N/A +bos thanks a lot . 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 . that is all i needed . thanks ! eos O O O O O O O O O O O general-thank +bos hope you have a wonderful stay here in cambridge ! eos O O O O O O O O O O O general-bye +bos i am looking for information on a nightclub 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 i have one listing for a nightclub called , '' the place '' . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Type O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A +bos okay . could i get the address , postcode , and phone number for that one ? 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 it is located on 22 sidney street . the phone number is 01223324600. can i be of further assistance ? 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 O O O general-reqmore +bos i need the postcode too eos O O O O O O Attraction-Request+Post +bos it is located on sidney street and the postcode is cb23hg 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 N/A +bos i need car type and contact number eos O O O O O O O O Taxi-Request+Car +bos ok i will find you one and send you.thanks eos O O O O O O O O O O N/A +bos i want to visit a concert hall . are there any in the center 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 i 'm sorry there are none in the center of town . would you like to try a different area ? eos O O O O 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 Attraction-Request+Area +bos i really wanted a concerthall in the centre area , are you certain there is n't one ? 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 actually , it looks like there is one named the man on the moon . would you like more information about it ? eos O O O O O O O O B-Attraction-Inform+Choice 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 N/A +bos yes , please . may i have the phone number , entrance fee , and post code ? 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 they can be reached at 01223474144 , postal code cb12lf and i do not have any information abotu the entrance fee . can i help you with anything else today ? eos O O O O O O B-Attraction-Inform+Phone 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 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 general-reqmore +bos yes . i also need to find a train to birmingham new street please . 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 N/A +bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos i want to leave from cambridge after 21:15 on monday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos the tr7001 train leaves cambridge at 22:01. would you like me to book that one for you ? 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 Train-OfferBook +bos yes , please book for me . eos O O O O O O O O N/A +bos how many seats will you be requiring ? eos O O O O O O O O O Train-Request+People +bos two people . could i get a reference number too please ? eos O O O O O O O O O O O O O Train-Request+Ref +bos your tickets have been booked . your reference number is ejn85nl3 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you very much . that should be everything . eos O O O O O O O O O O O general-thank +bos you are welcome . enjoy your visit ! let us know if we can help you in any way . 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 yes , i am visiting cambridge , and would like to know what theatres are available 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 N/A +bos there are 5 theatres . will you be in the centre or south part of cambridge ? eos O O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-Select+Area O N/A +bos oh i 'm not picky , can you pick one for me ? eos O O O O O O O O O O O O O O N/A +bos i 'm going to recommend the junction for you . it 's located on clifton way . would you like the phone number to see what is playing and when ? eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 O general-reqmore +bos no thank you . however , i am looking for a train . i need to depart from london kings cross and travel to cambridge . 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 I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O N/A +bos when would you like to travel ? eos O O O O O O O O Train-Request+Leave,Train-Request+Day +bos wednesday and i need to leave after 13:30 please . eos O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O O N/A +bos tr0397 will leave at 15:17 and arrive at 16:08. would you be interested in booking 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 O Train-Select,Train-OfferBook +bos yes , that would be fine . i need to make the booking for 8 people , 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 N/A +bos i 've booked that for you . the reference number is 1lhocoga . anything else i can do for you ? 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 general-reqmore +bos that is all . thank you , good bye . eos O O O O O O O O O O O general-bye +bos please contact us anytime . goodbye . eos O O O O O O O O general-bye +bos can you locate for me a train that leaves on tuesday after 3:15 pm ? thanks . eos O O O O O O O O O O O B-Train-Inform+Day O O O O O O N/A +bos there is a train that leaves cambridge at 15:00 and arrives at london kings cross at 15:51 on tuesday . eos O 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 O B-Train-Inform+Arrive I-Train-Inform+Arrive B-Train-Inform+Day O N/A +bos that 's too early . i need to leave after 15:15. eos O O O O O O O O O B-Train-Inform+Leave O O N/A +bos the next best option will be tr0945 which leaves cambridge at 17:00 and arrives at london kings cross at 17:51. eos O O 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 B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos yes . book that one for 8 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos i have , ade the booking and here is the information : booking was successful , the total fee is 188.8 gbp payable at the station .reference number is : pyeq37fs . 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 I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O O O O N/A +bos i 'm also looking for a place 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 sure , what type of attraction are you interested in ? eos O O O O O O O O O O O O Attraction-Request+Type +bos i would like to go to a theatre . can i please have the address , post code , and phone number to one that 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 O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos i suggest the cambridge arts theatre . the address is 6 saint edward 's passage . the post code is cb23pj and the phone number is 01223503333. 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 I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Post O O O O O B-Attraction-Recommend+Phone O O O N/A +bos that works . i am all set . eos 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 i need help finding a train . eos O O O O O O O O Train-Inform +bos i can help with that . where would you like to go ? eos O O O O O O O O O O O O O O Train-Request+Dest,general-greet +bos bishops stortford and should leave after 19:15 on sunday and go to cambridge eos O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O B-Train-Inform+Day O O O N/A +bos i have two trains on a sunday matching those demands . one leaves at 21:07 and one leaves at 24:07. any preference ? 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O N/A +bos the 21:07 train please . eos O O B-Train-Inform+Leave O O O N/A +bos train tr7879 will leave bishops stotford at 21:29 and arrive at cambridge by 22:07. eos O O B-Train-Inform+Id I-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 I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos cool i need to tickets eos O O O O O O N/A +bos ok , you have 2 tickets booked for a total of 16.16gbp . your reference number is ashitd7u . can i help you with anything else today ? eos O O O O O B-Train-OfferBooked+People O O 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 O general-reqmore +bos yes , are there any museum that i should check out in the centre area ? eos O O O O O B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area O O O N/A +bos how about the museum of archaelogy and anthropology located at university of cambridge , downing street . entrance fee is free . anything else i can help with ? 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Fee O O O O O O O O O general-reqmore +bos yeah , what 's their phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos 01223333516. do you need anything else ? eos O B-Attraction-Inform+Phone O O O O O O general-reqmore +bos no that will be it , thanks ! eos O O O O O O O O O general-thank +bos have a great visit ! eos O O O O O O general-bye +bos is there any place to go swimming here ? eos O O O O O O O O O O N/A +bos we have that ! how about jesus green outdoor pool in the north . sound fun ? 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 B-Attraction-Recommend+Area O O O O N/A +bos that does sound fun , but i 'm looking for a swimming pool in the east . may i please have the entrance fee and address for one ? 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 Attraction-Request+Fee,Attraction-Request+Addr +bos abbey pool and astroturf pitch is in the east , the address is pool way , whitehill road , off newmarket road and the entrance fee is n't listed i 'm afraid . 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 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 I-Attraction-Inform+Fee O O O O O O O O N/A +bos do you have a phone number for them ? eos O O O O O O O O O O N/A +bos that i do : 01223902088. eos O O O O B-Attraction-Inform+Phone O N/A +bos i also need a train from london liverpool street to cambridge on sunday . i need to arrive by 09:45. eos 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 O O O B-Train-Inform+Arrive O N/A +bos tr8580 leaves 23:39 and costs 13.28 pounds.can we book ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O Train-OfferBook +bos what is the travel time ? eos O O O O O O O Train-Request+Duration +bos the travel time is 88 minutes . can i book seats ? is there anything else i can 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 O O O O O general-reqmore,Train-OfferBook +bos i need a train that leaves cambridge on monday after 09:15 eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave 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 ely . eos O O O O O O B-Train-Inform+Dest O N/A +bos tr8399 leaves cambridge at 09:50 and arrives by 10:07 , does this suit your needs ? 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 O O O O O O N/A +bos yes , that will be sufficient . eos O O O O O O O O N/A +bos would you like me to book this for you ? eos O O O O O O O O O O O Train-OfferBook +bos yes , please book it for me . eos O O O O O O O O O N/A +bos 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 N/A +bos 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 . eos O O O O O O O O O O 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 no problem . what type of attraction are you interested in ? there is lots to do here . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Choice O O O O general-welcome,Attraction-Request+Type +bos it does n't matter what type , you pick ! eos O O O O O O O O O O O Attraction-Request+Type +bos all saints church is located in the town centre . its very popular this time of year . wou.d this work for you ? 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 O O O O O O O O O O O O O O O N/A +bos yes that sounds like a great place to visit . eos O O O O O O O O O O O N/A +bos anything else you need ? eos O O O O O O general-reqmore +bos i need the post code and attraction type of all saints church 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 Attraction-Request+Post,Attraction-Request+Type +bos the attraction type for all saint 's is architecture and the postcode is cb58bs . is there anything else i can help you with ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore +bos that 's all i need today . 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 i need info on attractions in the center of the town . eos O O O O O O O O O O O O O Attraction-Inform +bos what type of attraction are you looking to attend ? eos O O O O O O O O O O O Attraction-Request+Type +bos i 'm not sure . can you recommend one for me ? eos O O O O O O O O O O O O O N/A +bos i recommend old school architecture . it is located in trinity lane . can i give you the address ? eos 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 O O O O O O O general-reqmore +bos yes i would like the ostcode and phone number as well . can you find a me a train departing cambridge on wednesday ? 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 O B-Train-Inform+Day O O Attraction-Request+Phone +bos old schools , trinity lane , cb21tt . the phone number is 01223332320. as for the train , which station will you be traveling to ? eos O O B-Attraction-Inform+Name 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 O O O O O Train-Request+Dest +bos i am going to kings lynn . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest 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 am looking for a train leaving from ely . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos ok , where will you be traveling to ? eos O O O O O O O O O O Train-Request+Dest +bos i 'll be going to cambridge . eos O O O O O B-Train-Inform+Dest O O N/A +bos what time would you like to depart and arrive ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to leave after 08:15 on sunday please . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos the first train after 08:15 is the tr4212 , which leaves at 09:35. eos O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that 's great . can you tell me where architecture attractions are near the center of town ? eos 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 near the centre is all saints church , great saint mary 's church , holy trinity church , little saint mary 's church , and old schools . would you like more information ? eos 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-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 oh can you make a suggestion and get me 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 O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos sure ! all saints church is located on jesus lane and the phone number is 01223452587. there is no entrance fee . can i help with anything else ? 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 O 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 no , you have been quite helpful . that is all i need to plan a great vacation . thanks , and 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 have a nice trip ! eos O O O O O O general-bye +bos i would like to find out about going to a park in the west . eos O O 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 no parks in the west . would you like me to look in another area , or for a different 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 O O O N/A +bos what about a museum on the west side ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos sure . there are 7 options . do you have any preference as far as entrance fee ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Price +bos free is great for entrance fee . i 'll just need the postcode . eos O O O O O O O O O O O O O O O Attraction-Request+Post +bos cafe jello gallery is free . their postcode is cb30af . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O N/A +bos i 'm also looking for a train to leave after 12:30 eos O O O O O O O O O O B-Train-Inform+Leave O N/A +bos there is a train leaving for london kings cross at 13:00 , would you like me to book a seat for you ? 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 O O O O O O O O O Train-OfferBook +bos no , thank you - were you just going to book a random day for me ? eos O O O O O O O O O O O O O O O O O O general-thank +bos where are you traveling from and your destination ? also what day ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day,Train-Request+Depart +bos i need to go cambridge from london liverpool street on thurday , please . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O N/A +bos okay ! how about the 13:59 train ? it 's the earliest one after 12:30. eos O O O O O B-Train-Inform+Leave O O O O O O O O O O N/A +bos that sounds great , can i please get 6 tickets ? eos O O O O O O O O O B-Train-Inform+People O O N/A +bos i booked you 6 tickets on the tr4187 . your reservation is oq5tx031 . a total of 99.6 gbp is due at the station . is there anything else i can help you with ? 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 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 O O O O general-reqmore +bos no thank you . you 've been very helpful . 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 this service good bye eos O O O O O O O O O general-welcome,general-bye +bos i need an expensive restaurant in west cambridge . eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O N/A +bos we have several to choose from . did you have a specific cuisine in mind ? 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 i want indian food . eos O O O O O O N/A +bos i have 5 restaurants that match what you 're looking for . would you like to try tandoori palace ? its located at 68 histon road chesteron . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O 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 O O O N/A +bos sure , can i get a reservation for sunday at 16:15 ? i will need a table for 3. 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 i will book that for you . would you like the phone number in case you change your mind ? 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 no i just need the reference number for the reservation for 3 people on sunday at 16:15. eos 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 Restaurant-Request+Ref +bos sure . the reference number is cbagg03s and your table will be reserved for 15 minutes . is there anything else today ? eos 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 general-greet,general-reqmore +bos i would like a place to stay eos 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 area , price range , type , 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 O Hotel-Request+Area,Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Stars +bos in terms of type , i want a hotel . and i 'd like 4 stars and wifi as well , with a location in the south eos O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos there are two places that meet your search criteria . did 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 O O O O O O O O O Hotel-Request+Price +bos price does n't matter . do they have free parking ? eos O O O O O O O O O O O O Hotel-Request+Parking +bos yes as a matter of fact they do . eos O O O O O O O O O O Hotel-Inform+Parking,general-greet +bos do they have free wifi also ? eos O O O O O O O O N/A +bos yes , both the establishments offer free internet as well . eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O Hotel-Inform+Internet +bos give me the address and phone number for the one you most recommend eos O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos rosa 's bed and breakfast is the one i recommend . it 's address is 53 roseford road and it 's phone number is 01223512596 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-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 offer free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes , they do offer free parking . can i book a room 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 no thank you . i have all the info i need . eos O O O O O O O O O O O O O general-thank +bos will you need a taxi to get to tandoori palace ? i can help with that . eos O O O O O O O O O O O O O O O O O O Taxi-Request+Dest,general-greet +bos no i am good ! i do not need a taxi . eos O O O O O O O O O O O O O Taxi-Inform +bos can i help you with anything else today ? eos O O O O O O O O O O general-reqmore +bos no i believe we have got everything done . goodbye . eos O O O O O O O O O O O O general-bye +bos happy to help . have a great day . eos O O O O O O O O O O general-welcome,general-bye +bos can you recommend a guesthouse at a moderate price ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O N/A +bos sure ! and will you be staying in a particular area ? eos O O O O O O O O O O O O O Hotel-Request+Area,general-greet +bos no area does not matter but i need free wifi . eos O O O O O O O O O O O O N/A +bos what is the price range you would like ? eos 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 O O O O N/A +bos the acorn guesthouse appears to meet your needs . it 's in the moderate price range , has 4 stars and wifi . would you like more information ? 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+Price O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O Hotel-Inform+Internet +bos yes i would like to book that for 8 people for 3 nights staring on a wednesday . 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 N/A +bos acorn guest house will be expecting your party of 8 for three nights starting wednesday . your reference number is h9qg5ylk . do you need anything else ? eos O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O B-Booking-Book+People 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 general-reqmore +bos thanks , i 'm also looking for a place that serves korean food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos little seoul serves korean food in the centre area . would you like to know more about it ? eos 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 O O N/A +bos if it is in the same price range as the hotel , may i please have 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 O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos it is actually in the expensive price range . would you like me to look for another place instead ? 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 N/A +bos yes . i really would prefer somewhere moderately priced . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are no moderately priced korean restaurants . do you have another food type you would like to try ? eos O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price 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 yes , i would like to see if you have any restaurants that serve modern european food . 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 N/A +bos i have found 2 restaurants that serve modern european food in the centre area . would you like me to book one for you ? eos O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-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 Booking-Inform +bos 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 ? eos O O O O O O O O O O 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 riverside brasserie 's name is 01223259988 and their postcode is cb21rt eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O N/A +bos that is it for today thanks alot eos 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-welcome,general-bye +bos i 'm currently planning a visit to cambridge and looking for a cheap place to stay . i do n't need internet or any frills . any good 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 O O O O O O O O O N/A +bos i have none listed like that , a different price range maybe ? eos O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price +bos so , you are saying there are no cheap hotels in all of cambridge ? can you maybe look one more time ? thanks ! 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 O O O O N/A +bos sorry about that ! why yes , there are 10 options for inexpensive hotels . eos O O O O O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A +bos i would like to have a 4 star rating with free parking . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos i would suggest autumn house eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos sounds good . 1 person , 4 nights and leaving from wednesday . eos O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O O O O N/A +bos booking was successful.reference number is : aenedxfy eos O O O O O O O B-Booking-Book+Ref N/A +bos i also need a restaurant , preferably one that serves portuguese food and is the same price point as my 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 N/A +bos there are two options here . would you prefer the south or the centre ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A +bos i do n't mind . surprise me ! eos O O O O O O O O O N/A +bos nandos is located both in the south and in the centre . would you like me to make a reservation for you ? eos 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 O O O O O O O O O O O Booking-Inform +bos yes , that would be fantastic . thank you very much . eos O O O O O O O O O O O O O general-thank +bos how many people for the restaurant ? eos O O O O O O O O Booking-Request+People +bos there will be just me . eos O O O O O O O N/A +bos what date and time for your reservation ? eos O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos the reservation should be at 13:00 eos O O O O O O O N/A +bos i am unable to book it right now . eos O O O O O O O O O O Booking-NoBook +bos can you try the other restaurant ? eos O O O O O O O O Restaurant-Inform +bos would you like me to make you a reservation at nandos city centre ? eos 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 sure . just give me the reference number once you do it eos O O O O O O O O O O O O O N/A +bos i am in the process of completing your reservation and nandos city centre . what day will you be dining ? eos 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 O O O O O Booking-Request+Day +bos make the reservation for wednesday and then give me the reference number eos O O O O O B-Restaurant-Inform+Day O O O O O O O N/A +bos you are set , ref number is cpd3xeji is there anything else i can help you with ? eos 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 general-reqmore +bos no i think i bugged you enough ! you have been great and fast too ! 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 service , and 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 am looking for an expensive place to eat . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos we have plenty of high end expensive options in cambridge , 57 to be exact . anything i can do to narrow down your options ? eos O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Area O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O general-reqmore +bos are there any japanese 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 there are not any expensive japanese restaurants in the centre , but there is a moderately priced one . would that work for you ? eos 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos could you check again for an expensive one ? eos O O O O O O O B-Restaurant-Inform+Price O O N/A +bos it is wagamama , would you like a reservation ? eos O O O B-Restaurant-Recommend+Name O O O O O O O Booking-Inform +bos yes i need it monday at 17:45 for 3 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 booking was successful . the table will be reserved for 15 minutes . reference number is : d77jcgj2 . 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 'm also looking for hobsons house . do you know where it is ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A +bos yes , that 's a great guesthouse in the west . it 's address is 96 barton road eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O N/A +bos i would like to book rooms for the same group of people for 2 nights starting monday . eos 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 N/A +bos booking was successful . reference number is : sai2ffes . can i be of more assistance ? 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 also need a taxi that will get me 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 Restaurant-Inform,Taxi-Inform +bos i booked a taxi for you . it 's a blue lexus . the contact number is 07689515988. is there anything else i can 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 general-reqmore +bos that is it for today . have a great day eos O O O O O O O O O O O N/A +bos i 'm glad i could help . eos O O O O O O O O general-welcome +bos i have a business luncheon this week and need a place to host , preferably in the centre of the city . 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 N/A +bos there are plenty of hotels and guesthouses that would do the trick in that area . do you have a price range ? eos O O O B-Hotel-Inform+Choice I-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 O O O Hotel-Request+Price +bos i 'd like it to be expensive . eos O O O O O O B-Hotel-Inform+Price O O N/A +bos i 've found 2 hotels that fit your criteria . one is called gonville hotel and the other is university arms 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 I-Hotel-Inform+Name O O N/A +bos excellent . can i get the phone number for the gonville hotel ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos sure thing . their phone number is 01223366611 . is there anything else i can help you with ? eos O 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 i am looking for a restaurant that is in the centre of city and is expensive . can you help me with that ? 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 O O O O N/A +bos i sure can . if there is a specific type of food you are interested in that would help to narrow down the possibilities . eos O O 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 i do n't really care . it 's for a business meeting so just need to make sure it 's expensive so it 's 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 N/A +bos the cambridge chop house would be my recommendation , would you like me to book it for you ? 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 O O Restaurant-Inform,Booking-Inform,Restaurant-Select +bos yes , i also need the reference number . eos O O O O O O O O O O Hotel-Request+Ref +bos first i 'll need to know how many are in your party , and what day and time 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 O O Booking-Request+People,Booking-Request+Day,Booking-Request+Time +bos there are 4 people . i would like it to be on monday and arrive by 15:15. eos O O O O B-Restaurant-Inform+People O O O O O O O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+Time O N/A +bos i was able to book your table . your reference number is fffw4hle . eos 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 an expensive range guesthouse in the same area . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos no , we do n't have any guesthouses that are expensive . eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Price O O O N/A +bos i need a guesthouse that is in the same area as the restaurant , centre , and has free parking , too . 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 O O N/A +bos i am sorry we have no guesthouse hotels in the centre of town . would you prefer another location ? eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O Hotel-Request+Area +bos i needed it to be in that side . anyway thanks for your help eos O O O O O O O O O O O O O O O general-thank +bos are you sure you would not prefer another side of town ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos are there any hotels like that in that area ? eos O O O O B-Hotel-Inform+Type O O O O O O N/A +bos we have two guesthouses in centre that are on the cheap side . the alexander bed and breakfast has a 4 star rating . would you like that one ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price 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 O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Select +bos yes please just book that hotel for me . eos O O O O O O B-Hotel-Inform+Type O O O N/A +bos what day would you be arriving at the guesthouse ? eos O O O O O O O O O O O Booking-Request+Day +bos i get into town monday . is the guesthouse expensive ? eos O O O O O O O O O O O O N/A +bos it is priced cheap . would you like a different price range ? eos O O O O B-Hotel-Inform+Price O O O O O O O O O Hotel-Request+Area +bos no the price range is fine . just make sure it is 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 Restaurant-Inform +bos great , how many people do you want to book at guesthouse and for how many days ? eos O O O O O O O O O O O B-Booking-Inform+Name O O O O O O O Booking-Request+Stay,Booking-Request+People +bos sorry , i actually want an expensive hotel with parking in that same area eos 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 is one option . it is the university arms hotel . eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos okay , i want a reservation for 4 people starting monday , for 3 nights total eos 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 N/A +bos you are booked . your reference number is pwfvg1hp eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks . now i will be needing a taxi please . i want to depart from the hotel 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 what time do you want to leave or arrive by and what is your destination eos O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive,Taxi-Request+Dest +bos i want to leave at 15:15 and go to the cambridge chop house 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 N/A +bos booking completed ! booked red lexus and their contact number is 07732008521. 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 thanks so 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 no that is all i needed . thanks ! eos 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 would like an inexpensive hotel on the west side of town . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos the cambridge belfry is a hotel on the west side and is inexpensive . their phone number is 01954714600. 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 B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Phone N/A +bos okay , how about mexican food in the south ? i 'll be needing a table for 4 this friday . 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 N/A +bos chiquito restaurant and bar is in the south area , what time would you like me to book your 4 people for ? 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+Area O O O O O O O O O O O B-Booking-Inform+People O O O Booking-Request+Time +bos yes four people for friday at 17:30 eos O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos the table has been booked . your reference number is pqpb99pp . 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 N/A +bos what can you tell me about finches bed and breakfast ? what area are they in ? 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 N/A +bos finches bed and breakfast is in the west , it is cheap , 4 star guesthouse , free internet and parking . do you need anything else ? eos 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 B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos can i get their postcode please ? eos O O O O O O O O Hotel-Request+Post +bos postal is cb30nd , and if you need to call them they can be reached at 01223276653 , any thing else that i can assist with ? eos O O O B-Hotel-Inform+Post 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-reqmore +bos yes , i 'll also need a taxi to commute between the two places . 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 i booked your taxi . it will be a blue lexus coming . their phone number is 07566783718. 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 's great . everything is set . thank you for helping me . 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 , have a great day ! eos O O O O O O O O O O general-welcome,general-bye +bos hi , i am planning a trip and am hoping you can help with some places to go when i get into 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 N/A +bos great , we have 79 attractions , do you have a particular type or area of town ? eos O 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 no particular area but i would like to go swimming . are there any swimming pools ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos could i recommend abbey pool and astroturf pitch it is very nice . 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 N/A +bos that sounds nice . what area is that pool in ? eos O O O O O O O O O O O O Attraction-Request+Area +bos that is on 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 perfect . i am also looking for a hotel in the south side . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos there are several , did you have a price range preference ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Price +bos no , but i want something 4-star that offers free wifi . eos O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos rosa 's bed and breakfast is a great deal for a guesthouse that meets your needs . 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 O O B-Hotel-Inform+Type O O O O O O O O O O O O O O Booking-Inform +bos i do not want to book yet , just gathering information . what is the postcode ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Post +bos the post code is cb22ha is there anything else i can help with today ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore +bos yes can you book me a taxi to go from the hotel to the pool ? 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 do you want to go ? eos O O O O O O O O O Taxi-Request+Leave +bos i need to leave the hotel by 6:00 , need the contact # and car type please eos O O O O O O O O O O O O O O O O O O Taxi-Request+Car +bos red skoda # 07340785160 eos O O B-Taxi-Inform+Car B-Taxi-Inform+Phone O N/A +bos thank you , that was quick . that is 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 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 what 's good to eat on the west side , in the moderate price range ? eos O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O O N/A +bos do you have a food preference ? eos O O O O O O O O Restaurant-Request+Food +bos i would really like indian today if you can find it for me . eos O O O O O O O O O O O O O O O N/A +bos the meghana is an indian restruarant with a moderate price range . would you like me to book a reservation ? eos O O B-Restaurant-Inform+Name 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 Booking-Inform +bos yes , please book me a table for 4 people at 13:45 on tuesday . eos O O O O O O O O O O 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 Booking-Inform +bos thank you , please do . eos O O O O O O O general-thank +bos great , i got that booked for you . 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 O O O O Booking-Book,general-reqmore +bos i still need the reference number ... eos O O O O O O O O Restaurant-Request+Ref +bos i am sorry that i told you it was booked . something is wrong with our system . here is the phone number so you can call them directly , 01223727410. eos O O O O O 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+Phone O O Booking-NoBook +bos if you can not book it on that day , could you try to get me in o wednesday ? 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 was able to book tuesday . the table will be reserved for 15 minutes.reference number is : oi555uw4 . eos O O O O O O B-Booking-Book+Day O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i need an expensive hotel also . eos O O O O B-Hotel-Inform+Price O O O N/A +bos we have five options , any preference on area or amenities ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area,general-reqmore +bos the hotel should have a star of 1 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 i 'm sorry , but there are no 1-star expensive places to stay . eos O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O N/A +bos what about a 4 star one then . eos O O O O O B-Hotel-Inform+Stars O O O N/A +bos we have two hotels with 4 star ratings . would you like it in the west or centre ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O N/A +bos i would prefer the west . are there any hotels in the west area ? eos O O O O O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Area +bos yes we have the huntingdon marriott hotel in the west . 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 B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform +bos no , i just need hotel information at this time . thanks for the restaurant booking . have a good 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 O Restaurant-Inform,Hotel-Inform +bos have a great trip . if there is anything else i can help with just call us back . 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 to find a restaurant in the south to dine at that serves new zealand food . can you help ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A +bos i 'm sorry , i 'm not finding a restaurant in the south that serves new zealand food . eos O O O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O N/A +bos what about a mexican food restaurant also in the south part of town ? eos O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O N/A +bos yes , there is chiquito restaurant bar , which is an expensive mexican place in the area . how does that sound ? eos 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 O O O O O O O O O O O O Booking-Inform +bos that sounds good . please book a table for 1 people at 13:15 on monday . 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 . reference number is : 2rj7au7v . 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 also need to book a hotel . it needs to have 2 star and be of a moderate range with free parking . eos 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 have two such entries . both are hotels in the north . there is the ashley hotel and lovell lodge . do you have a preference ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 Hotel-Select +bos i will try the lovell lodge . will you book a room for me starting on monday for 3 nights , please ? i am traveling alone . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O 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 O O N/A +bos there is a known system glitch within dialogue systems where some things can not be booked , the hotel can be reached at 01223425478 , i apologize any other questions 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-Hotel-Inform+Phone O O O O O O O O O O Booking-NoBook,general-reqmore +bos that will be all then , thank you . eos 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 howdy ! i 'd like to go to a museum . eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos we have 23 museums in cambridge . could you help me narrow down your search with an area or price range ? 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 Attraction-Request+Area,Attraction-Request+Price +bos could you recommend one to me ? i am not looking for one in particular . may i also have it 's 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 +bos sure , cambridge artworks museum is on greens road , post code cb13ef . is there anything i else i can help you with today ? eos 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 B-Attraction-Recommend+Post O O O O O O O O O O O O O O O general-reqmore +bos can you recommend an expensive guesthouse ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos unfortunately , i do n't have any guesthouses that are in the expensive range . is there any other price range you would consider ? eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O 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 'm looking for a 0 star guesthouse in the north . 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 no zero star places in that area , can i checked another area for you or another star rating place ? eos O O O O B-Hotel-NoOffer+Stars I-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 how about one in the cheap price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos there is the city centre north b and b. would you like me to 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 I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform +bos if you could , that would be awesome . eos O O O O O O O O O O N/A +bos i believe that 's your job , right ? could 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 is that in the cheap price range ? eos O O O O O O O O O N/A +bos yes . i can go ahead and book that for you if you can give me the the days 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 Booking-Request+Stay,Booking-Inform +bos can i book for 8 people for 3 nights starting tuesday ? eos 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 unfortunately i was not able to book that time slot for you . is there another day 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 +bos looks like there 's some confusion . i need the hotel on tuesday , for 3 nights , and 8 people . if that does n't work , try 2 nights instead . 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 B-Hotel-Inform+Stay O O O O O O O O O N/A +bos okay , i was able to book you for 2 nights with 8 people at city centre north b and b. your reference number is nxw9xx08 . is there anything else ? eos O O O O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+People 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 . no , that will be all . eos O O O O O O O O O O O general-thank +bos great ! thanks for using our service . eos O O O O O O O O O general-bye +bos sure . have a nice day . eos O O O O O O O O N/A +bos you as well ! goodbye ! eos O O O O O O O general-bye +bos i am looking for a restaurant in the moderate price range that serves lebanese 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 the ali baba restaraunt serves lebanese food and is in the moderate price range . eos 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos tell me the address and phone number of ali baba restaraunt . eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos their address is 59 hills road city centre and their phone number is 01462 432565. 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+Post I-Restaurant-Inform+Post N/A +bos thank you bye bye eos O 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 'm looking for a particular attraction called funky fun house . eos 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 yes , it is at 8 mercers row , with a phone of 01223304705. 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 N/A +bos can you tell me the address ? eos O O O O O O O O Attraction-Request+Addr +bos 8 mercers row , mercers row industrial estate . 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 I-Attraction-Inform+Addr O O O O O O O O general-reqmore +bos actually , yes . i 'm looking for a guesthouse called the arbury lodge . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos arbury lodge guesthouse is a moderate price 4 star guesthouse located north . it has free parking and internet . 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 O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area 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 want to book the archway house in cambridge . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos and what day would you like to check-in ? eos O O O O O O O O O O Booking-Request+Day +bos we 'll be checking in on monday and will be staying for 3 nights . eos 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 how people will be staying ? eos O O O O O O O Booking-Request+People +bos there will 6 people can you book it and send me the reference number ? eos O O O O B-Hotel-Inform+People O O O O O O O O O O O Hotel-Request+Ref +bos i have made those reservations . your reference number is b3hcu4vs . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am also looking for entertainment 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 there are n't any entertainment spots in the centre of town . would you like to search for a different type of place or 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 I-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,Attraction-Request+Type +bos how about one that is in the type of college ? eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos christ 's college is in the centre of town and their entrance fee is free . would you like their 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 O O O O O B-Attraction-Inform+Fee O O O O O O O O general-reqmore +bos yes , may i have their phone number and address please . eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos of course . the phone number is 01223334900. the address is saint andrew 's street . can i help you with anything else today ? eos O O O O O O O B-Attraction-Inform+Phone 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 ! thanks , bye ! 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 going to be staying in the centre part of town , what is there to do at that area ? 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 's a lot of popular attractions in the centre of town , including boating , cinema , museums , nightclubs , and much more . do you have a specific preference ? eos O O O B-Attraction-Inform+Choice I-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 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 Attraction-Request+Type +bos no , i do n't have a preference . what 's a good place to go to ? 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 suggest the museum of archaelogy and anthropology . it is located at university of cambridge , downing street and has free admission . 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Fee O O O N/A +bos may i get the postcode , phone number for that attraction ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos yes , the postcode is cb23dz . the phone number is 01223333516. can i help you with anything else ? eos 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 general-reqmore +bos yes , i 'd like information about the alpha milton guest house . eos O O O O O O O O O O O O O O N/A +bos alpha-milton guest house is a moderate priced 3 start guesthouse in the north , it does not have free internet or parking . they are located at 63 milton road . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O N/A +bos that sounds good please book that for 3 people starting on saturday for 5 nights . eos 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 N/A +bos you are all set , the reference number is c3ja0ezj , any further questions today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos 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 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 O O O B-Taxi-Inform+Leave O O O O N/A +bos booking completed ! booked car type : grey fordcontact number : 07511988882 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 . thank you , that will be all for now . 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 okay . thank you very much . eos O O O O O O O O general-bye +bos i am looking for a german restaurant in the west 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 german restaurants in the west part of town . would you like to make another query ? 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 italian ? eos O O O B-Restaurant-Inform+Food O N/A +bos there are several italian restaurants in the west part of town . la margherita is cheap and prezzo is moderate . would you like the address of one of those ? 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-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O general-reqmore +bos what is the phone number of one of them ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number to prezzo , which is moderately priced , is 01799 521260. is there anything else i can assist you with today ? eos O O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone 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 thank you . good bye eos O O O O O O general-bye +bos i am looking for a park to go visit . eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are 5 parks here in cambridge , did you have a particular area of town you 'd like ? 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 Attraction-Request+Area +bos no , not really , do you think you could recommend one ? eos O O O O O O O O O O O O O O N/A +bos yes . cherry hinton water play is located in the east . would you like anymore information ? 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 O O O O O O O O general-reqmore +bos yes . can i please have the phone number and address ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos certainly . the park is located at cherry hinton hall , cherry hinton road . the phone number is 01223446100. what else can i do for you ? eos 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 O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos i am also looking for a four star hotel in the south . eos O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos there are no four star hotels in the area , could i look somewhere else or another star rating ? eos O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area +bos are there any four star guesthouses in the south ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos there are no four star guesthouses in the south . is there a different type of four star guesthouses that 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 how about just any guesthouse in the south , then ? eos O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos there are two guesthouses that meet your criteria . would you rather have something in the price range of moderate or cheap ? 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 B-Hotel-Select+Price I-Hotel-Select+Price O N/A +bos i guess moderate would be better . eos O O O O O O O O N/A +bos i would recommend the aylesbray lodge guest house . it 's moderately priced and located in the south with free wifi and parking . would you like assistance booking there ? 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+Price I-Hotel-Recommend+Price O O O O B-Hotel-Recommend+Area O O O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos ok. yes , can you book the hotel ? eos O O O O O O O O O O Hotel-Inform +bos of course . i just need to know your arrival day , how many nights you 'll be staying , 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Stay +bos it does n't matter . none of those matter . eos O O O O O O O O O O O N/A +bos 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 . eos O O O O O O O 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 do n't need to book a room . i just need the phone number , postcode and price range of the guesthouse you found . eos O O O 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+Price +bos sure , aylesbray lodge guest house phone number 01223240089 , postcode cb17sr and price range moderate . 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 O B-Hotel-Inform+Post O O O B-Hotel-Inform+Price O O O N/A +bos can i also book a taxi with you to leave that hotel at 23:30 going to the attraction we discussed ? 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 N/A +bos i have confirmed your taxi , a blue audi will be picking you up . their contact number is 07496908373. 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 that is all , you have answered all my questions eos O O O O O O O O O O O O N/A +bos i 'm glad we could be of service . have a nice day . eos O O O O O O O O O O O O O O O general-greet +bos i hope you have a nice day as well . eos O O O O O O O O O O O N/A +bos thank you , enjoy your stay in cambridge . eos O O O O O O O O O O general-bye +bos yes , can i get a taxi ? i want to leave lock fyne and go to king '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 N/A +bos can you let me know when you want to leave or when you want to 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 arrive by 22:00. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos booking completed ! booked car type : white fordcontact number : 07570319007 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 . that was easy enough . goodbye . eos O O O O O O O O O O O general-bye +bos can i help you with anything else ? eos O O O O O O O O O general-reqmore +bos i was just robbed and i need some assistance please . eos O O O O O O O O O O O O N/A +bos please contact the parkside police at 01223358966 eos 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 absolutely ! the postcode is cb11jg . eos 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 i hope things work out for you . goodbye . eos O O O O O O O O O O O general-bye +bos i am looking for the parkside police station eos O O O O O O O O O Police-Inform +bos the telephone for the parkside police station is 01223358966 , eos 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 have a great day ! bye ! eos O O O O O O O O general-bye +bos do you know of the parkside police station ? eos 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 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 their 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 no , that 's it . thank you . 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 assistance in finding the parkside police station eos O O O O O O O O O O Police-Inform +bos i have that telephone 01223358966 and adress parkside , cambridge with postcode : cb11jg eos 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 thank you goodbye eos O O O O general-bye +bos i need to find a good vegetarian restaurant eos O O O O O O O O O Restaurant-Inform +bos i 'm sorry could you 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 N/A +bos i meant train . i need a train ticket for monday . eos O O O O O O O O O O O B-Train-Inform+Day O N/A +bos where did you want to depart from , sir ? eos O O O O O O O O O O O Train-Request+Depart +bos i am departing from cambridge and going to bishops stortford . 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 there are 5 trains from cambridge to bishops stortford on monday . do you want to leave at any certain time ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Leave +bos what is the first train after 11:30 ? eos O O O O O O O B-Train-Inform+Leave O N/A +bos tr4861 leaves at 13:29 eos O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos could you give me the arrival time and price also please ? eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos yes , it arrives by 14:07 and costs 10.10 pounds . would you like to book ? eos 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 Train-OfferBook +bos yes , please book the train for 1 person . eos O O O O O O O O B-Train-Inform+People O O N/A +bos i 've booked you a ticket . the reference number is i3eas0f7 . anything else i can assist 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 general-reqmore +bos i 'm confused . did i ask you to book a ticket ? i can book my own passage , 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 O O O O O O general-thank +bos thanks for your service eos O O O O O general-welcome +bos thank you also . have a nice day . eos O O O O O O O O O O general-thank +bos you also . let us know if we can assist you with anything more . eos O O O O O O O O O O O O O O O O general-welcome +bos okay , thanks . goodbye . eos O O O O O O O general-bye +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 to contact the police please . eos O O O O O O O O O Police-Inform +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 it does n't matter eos O O O O O N/A +bos would you like the phone number ? eos O O O O O O O O general-reqmore +bos yes and the postcode please eos O O O O O O Police-Request+Post +bos yes , the postal is cb11jg , may i assist with anything else today ? eos O O O O O O O O O O O O O O O O N/A +bos yes , i will need their address also please . eos O O O O O O O O O O O Police-Request+Addr +bos the parkside police station 's address is parkside , cambridge . do you need any further assistance 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 was everything . goodbye . eos O O O O O O O O general-bye +bos okay , have a good day . thanks ! eos O O O O O O O O O O general-greet +bos i want to find some international food 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 the missing sock serves international food and is located in the east side of town , at finders corner newmarket road . would you like more information or a reservation ? eos O O B-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+Area I-Restaurant-Recommend+Area I-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,general-reqmore +bos i need the restaurant to be cheap , does this restaurant fir that criteria ? eos 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 N/A +bos yes , the missing sock is listed as being in the cheap price range . would you like to reserve a table ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos yes , please book for 8 people on saturday for 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 am sorry but the missing sock is full . may i look for another restaurant for you on the east 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 Booking-NoBook,general-reqmore +bos can you find me something in the same price range ? eos O O O O O O O O O O O O N/A +bos there is nothing else . would you like to try another time ? eos O O O O O O O O O O O O O O Booking-Request+Time,Restaurant-NoOffer +bos i was really hoping to find a cheap restaurant in the east part of town . can you check for availability again ? any cuisine is fine . 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 O O O O O O O O O O N/A +bos i 'm sorry bu there are no other restaurants on the east side of town that are listed as cheap . can we try 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 O O O Restaurant-Request+Area,Restaurant-NoOffer +bos yes alright then . eos O O O O O N/A +bos i will look up a cheap restaurant on the other part of the town . eos O O O O O O B-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 I-Restaurant-Inform+Area O N/A +bos ok , any area will be ok eos O O O O O O O O N/A +bos i am sorry there are no others in any area , would you like me to check in another 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 Restaurant-Request+Price,Restaurant-NoOffer +bos no , i need a cheap restaurant in the east . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos the missing sock is the only cheap restaurant in the east . can you perhaps do another time ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Booking-Request+Time +bos i really needed it to be at that time . 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 i 'm really sorry we could n't book the table for you . 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 O O O O O O O O O O Booking-NoBook,general-reqmore +bos you 're certain that , with no particular cuisine needed , there were no cheap restaurants at all ? eos 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 i booked for you a table at gardenia . it 's in the center and serves mediterranean food . your reservation is on msf1lno1 . eos O O O O O O O O B-Booking-Book+Name O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Booking-Book+Ref O O O N/A +bos thanks , i hope it will be a good one . bye ! eos O O O O O O O O O O O O O O general-bye +bos i 'm sure it will , bye ! eos O O O O O O O O O general-bye +bos yes , i am looking for a train that will be leaving after 13:30 on tuesday . eos 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 what is your destination ? eos O O O O O O Train-Request+Dest +bos the train should go to cambridge and should depart from london liverpool street . eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos tr1395 leaves london liverpool street for cambridge on tuesday at 13:39 and arrives by 15:07. 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+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos could you book that for 8 people , please ? eos O O O O O O O B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 132.8 gbp payable at the station .reference number is : lxvnuonw . 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 , that 's all i need . good bye . eos O O O O O O O O O O O O general-bye +bos glad to have helped . goodbye . eos O O O O O O O O general-bye +bos find me an expensive moroccan restaurant please . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i have n't found any , maybe a less expensive one ? eos O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O Restaurant-NoOffer +bos did you check the east area ? eos O O O O O B-Restaurant-Inform+Area O O N/A +bos i have n't found any in the east too eos O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area N/A +bos how about expensive indian food in the east area ? eos O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos yes , there 's pipasha restaurant and sitar tandoori . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos can you give me the postal code and phone number for pipasha restaurant ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O Restaurant-Request+Post,Restaurant-Request+Phone +bos sure ! the phone number is 01223577786 and the postcode is cb58pa . can be of any further help ? eos O O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos great can i also get a train on monday heading to broxbourne eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart N/A +bos yes and where will you be departing from and what time would you like to arrive or leave ? 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+Depart +bos actually , i 'm departing from broxbourne and heading into cambridge . i 'd love to arrive by 12:30 on monday 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+Arrive O O O O O O N/A +bos tr0559 leaves monday at 09:32 and arrives in cambridge by 10:32 on monday . would you like to book 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 I-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos yes ! book for 8 people , please . eos O O O O O O B-Train-Inform+People O O O N/A +bos i 've booked you 8 tickets for train tr0559 departing broxbourne at 9:32 on monday . the cost is 143.19 gbp . your reference number is b87u1boh . can i help you with anything else ? eos O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Ref O O O O O O O O O O O O general-reqmore +bos that is all i need , thank you very much . eos 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 general-bye +bos can 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 does location matter ? eos O O O O O Attraction-Request+Area +bos location is not important for me eos O O O O O O O N/A +bos i have 18 that match . do you have any other preferences ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O general-reqmore +bos pick for me and i would need the area and postcode eos O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post +bos clare hall is in the west and the postcode is cb3al . can i help with anything else ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O B-Attraction-Recommend+Post O O O O O O O O general-reqmore +bos actually , yes . i am really in the mood for good indian food . could you help me find somewhere new to try ? 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 O O O O N/A +bos we have a lot of indian places in cambridge . do you have a preference for price range or location ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos i would like a moderately priced one on the east side . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A +bos curry prince is a moderately priced indian restaurant . address 451 newmarket road fen ditton . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-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 I-Restaurant-Recommend+Addr O N/A +bos what their postcode ? eos O O O O O Restaurant-Request+Post +bos their post code is cb58jj . is there in any other information your needed ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos yes , could i also have their phone number please ? eos O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223566388. would you like me to make a reservation ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O O Booking-Inform +bos no reservation please , 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 O O O O Taxi-Inform +bos please tell about your departure and destination sites . eos O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart +bos i need to leave clair hall by 24:45 going to curry prince . i also need the contact number and car type please . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave 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 a white volvo car will pick you up at clair hall at 24:45 and the contact number is 07113259690. may i further assist you today ? eos 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 O B-Taxi-Inform+Phone O O O O O O O general-reqmore +bos no thanks , that is all for today 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 can you help me find a place to stay that is moderately priced and 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 N/A +bos is there a certain side of town you would like to stay on ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos no preference in area , just need to make sure that it also has wifi . eos O O O O O O O O O O O O O O O O O N/A +bos i have 14 results matching your criteria . how many star rated should it be ? 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 preference on star rating . it needs to be in a hotel , not a guesthouse . what do you recommend ? 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 N/A +bos i 'd recommend ashley hotel . would you like a room ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Booking-Inform +bos yes , that would be great . i 'll need to stay starting on saturday . it will be for five nights and eight 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 N/A +bos your reservation has been made . reference number is p1fii4x8 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks ! i also need a train departing cambridge to kings lynn on thursday . i want to arrive by 11:15. can you help ? 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 O O O B-Train-Inform+Arrive O O O O O O N/A +bos tr7618 arrives at 10:58. is that okay for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O general-reqmore +bos yes , can you please make a reservation for 8 people ? and can i get a reference number to give everyone ? thanks ! 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 N/A +bos i was able to book you for 8 tickets . the reference number is : vbe2blho . is there anything else you need today ? 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 O O O O O general-reqmore +bos no , that 's all i need . thanks ! eos O O 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-greet +bos i need help finding a place to dine that is very expensive and is located in the centre . eos 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 there are a variety of restaurants that are expensive and are located in the centre . is there a food type that you are interested in ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 Restaurant-Request+Food +bos i will just take the first one on the list . can you make a reservation for 5 at 16:00 this tuesday ? 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 O O O N/A +bos unfortunately bedouin does n't have anything available . would you like me to keep going down the list ? eos O O B-Booking-NoBook+Name O O O O O O O O O O O O O O O O O general-reqmore +bos yes the next one down the list eos O O O O O O O O N/A +bos booking was a success . it 'll be at kymmoy and the reference number is x651if9f . eos O O O O O O O O B-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O N/A +bos just to be certain , does kymmoy share the same area and price range as bedouin ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes it most certainly does . eos O O O O O O O Restaurant-Inform +bos can you book that for me then ? eos O O O O O O O O O N/A +bos yes your booking reference number is x651if9f . eos O O O O O O O B-Booking-Book+Ref 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 . will you be needing anything else today ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos no that will be all . 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 you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye +bos i need a train leaving after 8:15 going to stevenage . eos O O O O O O O O O O B-Train-Inform+Dest O N/A +bos is that leaving from cambridge ? what day would you like to leave ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos yes , i 'm leaving from cambridge on wednesday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos tr8913 will leave at 9:21 and arrive by 10:10. do you want to book a seat ? it will cost 12.80 pounds . 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O Train-OfferBook +bos no that is all i need for now . eos O O O O O O O O O O N/A +bos do you need help with anything else ? hotel , attraction , etc ? eos O O O O O O O O O O O O O O O general-reqmore +bos yes , a place to stay/ i am treating myself so make it an expensive one with free parking . eos O B-Hotel-Inform+Parking 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 can you tell me what area you would like to stay in please ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos any area would work . it needs to be a 2 star hotel . eos O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos the express by holiday inn cambridge meets your description . 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 I-Hotel-Recommend+Name 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 'd be happy to help . is it just you , or will you have other guests ? and for 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+People,Booking-Request+Stay +bos i do not want to book it . i just need the postcode . eos O O O O O O O O O O O O O O O Hotel-Request+Post +bos their postcode is cb13lh . can i help with anything else ? eos O O O O B-Hotel-Inform+Post O O O O O O O O general-reqmore +bos that 's all i needed . eos O O O O O O O N/A +bos ok great , have a fantastic day ! eos O O O O O O O O O general-bye +bos i am looking for a restaurant called panahar . eos O O O O O O O O B-Restaurant-Inform+Name O N/A +bos panahar is an expensive indian restaurant located at 8 norfolk street city centre , cb12lf . their phone number is 01223355012. would you like to book a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform +bos yes , for 5 at 11:00 on thursday eos 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 reservation for 5 on thursday at 11:00. your reference number is 2uoivx5l . 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 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 thanks so much . let me double check my list . eos O O O O O O O O O O O O general-thank +bos perhaps i could help you find an attraction to visit while you 're in town ? eos 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 'm looking for a place to go in the centre . a college would be nice . eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Type O O O O O O O N/A +bos we have several 3 in the west and 2 in the centre of town , any preference ? 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 O O O O Attraction-Select +bos i do n't have a specific college in mind , do you mind giving me your recommendation ? which one do you think is the most beautiful ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos corpus christi in the centre is quite beautiful , in my opinion . eos 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 N/A +bos great , could i get the address there ? eos O O O O O O O O O O N/A +bos sure , their address is king 's parade . do you need 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 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 Taxi-Inform +bos you taxi is booked . look for a black lexus , contact number is 07439355567. 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos i believe that is all for today . i really appreciate all your help . 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-bye +bos excellent , have a great day ! eos O O O O O O O O general-bye +bos i want to eat some greek food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there is no match for that criterion , do you have any other food preferences ? eos 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 will be just fine eos O B-Restaurant-Inform+Food 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 no , price does n't matter to me . i will need a reservation 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+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A +bos ok , is have booked you for the shiraz restaurant in the centre area , if you need to contact them they can be reached at 01223307581 , 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 O O O O O O O O N/A +bos great , can i get the reference number ? eos O O O O O O O O O O N/A +bos the reference number is 664rv8fs . can i help you 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 also wanting to book a hotel by the name of bridge guesthouse . i need it for three nights beginning on thursday for one person . could you provide the reference number ? 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 O O O O B-Hotel-Inform+Day O O O O O O O O O O O O N/A +bos your reference number is cyqzo8k2 . 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 i 'm going to need a taxi to take me from the hotel 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,Hotel-Inform +bos okay , i booked a taxi . a white honda will take you from the hotel to the restaurant in time for your reservation . the taxi contact number is 07203638050 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Depart O O B-Taxi-Inform+Dest O O O O O O O O O O B-Taxi-Inform+Phone O O O N/A +bos thank you very much for your help , you were awesome . 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 have a nice trip ! eos O O O O O O general-bye +bos please help me , i 've just been robbed and i need to report this to 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 the local police station 's number is 01223358966. eos O O O O O O O O O N/A +bos and the address for the police station please ? eos O O O O O O O O O O Police-Request+Addr +bos yes , it is parkside , cambridge . eos O O O O O O O O O N/A +bos that 's all i need , thanks . eos O O O O O O O O O general-thank +bos okay , please let me know if i can be of further assistance . eos O O O O O O O O O O O O O O O general-reqmore +bos i am coming to cambridge and need a place to stay . is there a hotel in centre with free wifi ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O N/A +bos i recommend the university arms hotel on regent street . would you like me to book your stay ? 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 O O O O O O O O Booking-Inform +bos is that a guesthouse ? i would like to stay in a guesthouse please . it does n't need to have free parking . 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 O N/A +bos no it is n't . but the alexander bed and breakfast and el shaddai are both guesthouses that fit what you are looking for . are you interested ? 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 I-Hotel-Recommend+Choice O O O O O O O O O O O O O O Booking-Inform,general-greet +bos el shaddai sounds interesting . can you tell me more about it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A +bos el shaddai is a cheap guesthouse in the centre of town . the phone number is 01223327978. can i be of further help ? 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 I-Hotel-Inform+Area O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos yes , please . i 'd like a reservation for 7 people for 4 nights starting on 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 O O N/A +bos you 're booked at the el shaddai , ref # xs30ydoa . can i help you with anything else today ? eos 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 general-reqmore +bos nothing else . thank you for getting us booked . 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 actually , i also need a chinese restaurant . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i can help you with that . in what area of town and price range 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 O O Restaurant-Request+Price,Restaurant-Request+Area,general-greet +bos i am looking for the south side and cheap please . eos O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos the lucky star will fit your needs . would you like me to make you a reservation ? 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 O Booking-Inform +bos yes the same group of people on the same day at 13:30 please , sorry for being such a pain today 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 okay . i have made reservations for 7 at the lucky star restaurant for tuesday at 13:30. 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 I-Booking-Book+Day B-Booking-Book+Time general-greet +bos thank you . what is the reference number ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : 3gobxa42 . 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 ok great , thank you . that is all that i need . 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 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 i have 2. sheep 's green and lammas land park fen causeway and wandlebury country park . would you like more information on one ? 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 O O O O O O O O general-reqmore +bos yes . can i have the address to wandlebury country park ? eos O O O O O O O O O O O O O Attraction-Request+Addr +bos the address is wandlebury ring , gog magog hills , babraham , postcode cb223ae . can i get you any other info ? 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 O O O O O O general-reqmore +bos yes . 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 B-Train-Inform+Dest O O N/A +bos 133 match our criteria . help me narrow this down eos O O B-Train-Inform+Choice O O O O O O O O general-reqmore +bos i need ro leave monday and arrive by 16:30. eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos if you are interested in leaving the in the morning , we have trains as early as 5:24 and as late as 15:24 that fit your arrival time . eos 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 O O O O O N/A +bos i would like the train that arrives closest to 16:30. i also need the price of the ticket . eos 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+Price +bos i have train tr2781 leaving stansted airport monday at 15:24 and arriving in cambridge at 15:52. tickets are 10.10 pounds , would you like me to book a seat for you ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Leave O O O B-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 O Train-OfferBook +bos that was 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 you 're welcome . let us know if there is anything else we can do in the future . 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 place to eat that 's expensive and has chinese food . can you help me ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos sure . i have a number of different restaurants available . do have a preference for the area ? 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 O Restaurant-Request+Area,general-greet +bos i prefer a restaurant in the south . eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos you can choose from the good luck chinese food takeaway or peking restaurant . which would you like ? eos 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 O O N/A +bos i would like the postcode on the good luck chinese food takeaway 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 Restaurant-Request+Post +bos sure ! the postcode is cb17ag . would you like to make a booking ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O O Booking-Inform,general-greet +bos no , thank you . i also need a train to cambridge on sunday . can you help with that ? eos 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 N/A +bos i can . there are a lot of trains that meet that criteria . would you like to narrow it down by departure location or departure time ? 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 O O O O O O O O O O Train-Request+Leave,Train-Request+Depart,general-greet +bos yes , i 'd like to go to leicester after 19:45. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave O O N/A +bos in order to avoid confusion , you are wanting to leave from cambridge or go to cambridge ? 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+Depart +bos i 'm going to cambridge . i 'll be departing from leicester . eos O O O O O O O O O O O O O O N/A +bos i have 4 trains that meet your needs . the earliest one leaves at 20:21 and arrives at 22:06. would that work ? 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 B-Train-Inform+Arrive O O O O O Train-OfferBook +bos you book for 5 people please . eos O O O O O B-Train-Inform+People O O N/A +bos i 've reserved 5 tickets . the total fee is 151.19 gbp payable at the station . your reference number is b86rrjrh eos O O O O B-Train-OfferBooked+People 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 perfect , thank you so much ! i do n't need anything further 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 have a wonderful day . goodbye . eos O O O O O O O O general-bye +bos i 'm looking for a restaurant in the centre.. eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos there are over 60 restaurants to choose from in the centre . is there a type of food you are interested in ? eos O O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Food +bos i 'd like for it to be expensive . any you choose is fine . i 'll need the postcode , also , please . eos 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 Restaurant-Request+Post +bos kymmoy meets your criteria . it serves asian oriental food . the postcode is cb12as . 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 B-Restaurant-Inform+Post O O O N/A +bos great , thanks . i 'm also looking for an attraction called the sheep 's green and lammas land park fen causeway . 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 I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos sheep 's green and lammas land park fen causeway is a park in the south area with free admission . postcode cb22ad , phone 01223302580 and is located on fen causeway , newnham road . 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 I-Attraction-Inform+Area O B-Attraction-Inform+Fee O O B-Attraction-Inform+Post 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 O O O N/A +bos i am 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 B-Attraction-Inform+Type O O N/A +bos how about corpus christi ? it is located in the centre . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area O O N/A +bos can i get 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 sure th entrance fee is 2 pounds and the postcode is cb21rh and the address is king 's parade . eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos thank you , i plan on going here so lets get a train ticket ready eos O O O O O O O O O O O O O O O O Train-Inform +bos we can book you a train ticket . 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 Train-Request+Leave,Train-OfferBook +bos i actually do n't need a train , i need a guesthouse . i 'd like something expensive in the north with free wifi , if possible . eos O O O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O O O O O O O O O N/A +bos unfortunately nothing is coming up that match those perimeters . would you like to search 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+Price,Hotel-Request+Area +bos what about something cheap then ? eos O O O O B-Hotel-Inform+Price O O N/A +bos yes , i found two . do you have any other preferences , like star rating ? 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 +bos no . which one of the two would you recommend ? eos O O O O O O O O O O O O N/A +bos i hear the worth house is really nice . would you like me to book you a room there ? 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 Booking-Inform +bos yes , that will be great . i 'll need it booked for saturday , 3 nights , and 5 people , please ? eos 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 O O O N/A +bos your booking was successful ! your reference number is dn5r06rn . 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 general-reqmore +bos yes , i 'll also need a taxi . i 'll need 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 Taxi-Inform +bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart +bos i will leave from the attraction to the hotel . eos O O O O O O O O O O O N/A +bos ok great and what time do you prefer to leave or arrive ? 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 leave by 20:30 eos O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! booked car type : blue audicontact number : 07971903299 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 general-reqmore +bos sounds great ! thank you so much . 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-reqmore +bos no thank you ! thanks for everything ! bye ! eos 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 yes , hello . i interested in finding a 0-star hotel in the centre please eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos there are two . both have wifi . do you need parking ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Parking,Hotel-Inform+Internet +bos i do n't need free parking . eos O O O O O O O O N/A +bos there is a moderately priced hotel or a cheap priced guesthouse . would you like me to book one for you ? eos O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O Booking-Inform,Hotel-Select +bos cheap one . book it for 2 people , 2 nights starting from wednesday . reference number . eos O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O O O N/A +bos great , i have you booked at the el shaddai for 2 nights . your reference number is 4eoyk3v7 . 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 O O B-Booking-Book+Ref O O O N/A +bos thank you . can you help me out in finding an indian restaurant in town ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are 22 restaurants serving indian food in town . do you have a price range ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Price +bos yes , i need the expensive price range please . eos O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos do you have a part of town you 'd like to eat in , or would you just like a suggestion ? 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 +bos there is not a certain part of town . but i will need a table for 2 people on wednesdat at 13:30. eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Time O N/A +bos i found the tandoori palace on the south side of town for you . i also booked a table for the date and time you wanted . here is your reference number r8qvu1mh eos 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 O O O O B-Booking-Book+Ref O O N/A +bos that should be all , thank you very much . eos O O 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-welcome,general-bye +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 O O O O O O O O O O O O O O O O N/A +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 looking for a museum with free entrance fees . eos O O O O O O O O O O N/A +bos i can certainly help with that . eos O O O O O O O O general-reqmore +bos 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 ? eos O O O O O O 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 yes , when were you planing on visiting and from where ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'll be traveling from leicester to cambridge on tuesday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos there are 19 trains that day , 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 O O O Train-Request+Leave +bos i 'd like to arrive by 10:00. how long will the trip be ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos the trip takes 105 minutes . i have one arriving at 09:54. eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Arrive O N/A +bos great , thanks for that . i 'm also looking for a place to stay . it should be a 4 star hotel but cheap . 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 B-Hotel-Inform+Price O O O O O N/A +bos i have a few 4 star hotels in the city that are cheap . do you have a preference for the area ? 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 B-Hotel-Inform+Price O O O O O O O O O O Hotel-Request+Area +bos can you give me the address and postcode of one ? eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos 56 saint barnabas road postcode ce12dealexander bed and breakfast eos O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos thank you for all your information . 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 general-reqmore +bos nope that 's it thanks eos 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-greet +bos please book me a train from cambridge on monday eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos could you please provide me with your destination site and your departure time and arrival ? 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+Dest +bos i am going to london liverpool street and need to leave cambridge after 14:45. 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+Leave N/A +bos there are 5 trains available leaving at 15:59 , 17:59 , 19:59 , 21:59 , and 23:59. they all take 88 minutes and cost 16.60 pounds . eos O O O O B-Train-Inform+Choice O O O O O O O O B-Train-Inform+Leave 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 N/A +bos can you give me the arrival time of the 15:59 ? eos O O O O O O O O O O O O Train-Request+Arrive +bos yes , the arrival time is 17:27. eos O O O O O O B-Train-Inform+Arrive O N/A +bos could you also provide me with a concerthall 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 unfortunately there are n't any concerthalls in the south . is there anything else you would like ? eos 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 general-reqmore +bos what about a nightclub ? eos O O O O B-Attraction-Inform+Type O N/A +bos 'the place ' is a nightclub in the south , located at 22 sidney street . the phone number is 01223324600. would you like to book the 15:59 train ? eos O 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 I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O O O B-Train-OfferBook+Leave O O O O N/A +bos can you help me ? i was in a car accident dispute . eos O O O O O O O O O O O O O O N/A +bos the parkside police station 's phone number is 01223358966 eos O O O O O O O O O O N/A +bos what is the address and postcode , please ? eos O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos the address is parkside and 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 O O O O O N/A +bos no thank you . you have helped tremendously . 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 i am looking for a train leaving on monday that will arrive by 14:00 , can you help ? eos O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O O O O O N/A +bos please tell me your departure time and location , plus your destination , to help narrow the search . 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 will be departing from cambridge and going 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 there are 9 trains that arrive by 14:00 from cambridge . the tr7964 leaves at 5:11 and arrvies at 5:58 , would you like me to book that for you ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive O B-Train-Inform+Depart O B-Train-OfferBook+Id 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 i would like to book for 6 people and i need the 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 i have booked 6 tickets on yys0sw42 . your reference number is bgdebpqv . eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id 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 i can do for you today ? eos O O O O O O O O O O O O general-reqmore +bos yes , i 'd like to book a table for my entire party at the shiraz restaurant at 11:45 that day too . eos 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+Time O O O O O O N/A +bos certainly ! i have 6 people at the shiraz restaurant at 11:45 on monday , ref rvbn1n9m . will that be everything for today ? eos O O O O O B-Booking-Book+People O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time O B-Booking-Book+Day O B-Booking-Book+Ref O O O O O O O O O O N/A +bos yes . you have been very helpful . thank you . eos 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 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 the parkside police station . eos O O O O O O O O O O Police-Inform +bos their number is 01223358966. do you need assistance ? has a crime occured ? eos O O O O O O O O O O O O O O O N/A +bos i only needed the phone number . thank you ! eos O O O O O O O O O O O Police-Request+Phone +bos is there anything else that i can help you with ? 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 O general-thank +bos so glad 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 general-bye +bos i need a train out of cambridge on wednesday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos what 's your destination ? eos 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 there are several departures to broxbourne on wednesday , what time would you like to depart ? eos 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+Leave +bos on wednesday and arriving in broxburne before 14:45. eos O O O O O O O O O N/A +bos yes i have a train arriving in broxbourne at 15:01. will that work ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O Train-Select +bos no , i need to arrive by 14:45. eos O O O O O O O B-Train-Inform+Arrive O N/A +bos i do apologize . i have a train leaving cambridge at 13:01 and it will arrive at your destination of broxbourne by 14:01. would you like to book a seat ? 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 B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes , that will be fine . please book the train 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 booking was successful , the total fee is 71.59 gbp payable at the station . reference number is : cpmonufv . may i be of further assistance ? 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 yes , do you know of any expensive indian restaurants in the centre ? eos O O 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 there are several , i recommend curry garden . would you like me to reserve a table for you there ? eos O O O B-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 O O Booking-Inform +bos yes please , book a table for the same group of people at 11:45 on the same day . eos O O O O O O O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O N/A +bos good news - your booking was successful . your reference number is f71cum9g . is there anything else we 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 O general-reqmore +bos no , not today , 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 thank you and have a great day . eos O O O O O O O O O general-thank +bos i hope you have a great trip . goodbye . eos O O O O O O O O O O O general-bye +bos i 'm looking for a expensive restaurant that serves north american food . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos there is one restaurant that fits what you are looking for . would you like to book a table at the gourmet burger kitchen ? 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 B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O N/A +bos absolutely , i would love to book a table for two at 17:30 on thursday , 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 N/A +bos unfortunately there are no tables available at that time . are you interested in a different day or time slot ? 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 Booking-Request+Day,Booking-Request+Time +bos how about 16:30 then ? eos O O O B-Restaurant-Inform+Time O O N/A +bos perfect . your table has been booked at 16:30 for 2 at the gourmet burger kitchen . the reference number is 3377l9ij . eos O O O O O O O O B-Booking-Book+Time O O B-Booking-Book+People 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 N/A +bos thank you so much . now , i was wondering if you can help me book a train from cambridge to birmingham new street . 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 O O N/A +bos there are definitely trains available for that route , can you tell me what day and what time 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 O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive +bos i would like to leave on friday and arrive by 21:30. 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 trains do you have a time preference you 'd 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 no , i do not have a time preference . also , can you book that train for 2 passengers ? 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 N/A +bos i have booked two tickets for train id : tr9678 . reference nfnfm1au . the fee is 150.19. eos O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket O O O N/A +bos great . that is all i need for now . eos O O O O O O O O O O O N/A +bos wonderful ! 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 general-welcome,general-bye +bos thank you . same to you ! eos O O O O O O O O general-thank +bos i 'm happy i could help you today ! eos O O O O O O O O O O general-bye +bos looking for atrain leaving on tuesday to cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos i found 202 trains matching your request . where is your destination ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Dest +bos that 's a lot . i am going to peterborough . eos O O O O O O O O B-Train-Inform+Dest O O O N/A +bos are you wanting to arrive in peterborough by a certain time ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos the train should leave after 15:30 and should go to peterborough . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O N/A +bos there are several trains that fit your requirements . is there a specific time you 'd 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 O Train-Request+Arrive +bos no , i can arrive at anytime . eos O O O O O O O O O N/A +bos train id tr9561price 16.50 pounds reference number is : yyf3b1a5 . 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 ok great , thanks for the help . eos O O O O O O O O O general-thank +bos you are quite 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 . good bye . eos O O O O O O O O O O general-bye +bos thank you so much for calling . goodbye now ! eos O O O O O O O O O O O general-bye +bos i want to find a train that leaves from norwich on monday . eos 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 19 trains that meet your needs . would you like to narrow it down by time or 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+Leave,Train-Request+Dest +bos yes , the train needs to arrive in cambridge by 12:15. eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos there are 6 different trains that arrive by 12:15 , did you have a time you wanted to leave norwich by ? 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 O O O Train-Request+Leave +bos any departure time is fine . eos O O O O O O O N/A +bos okay i can book you for tr9020 leaving at 05:16 on monday . how many tickets would you like ? eos O O O O O O O B-Train-OfferBook+Id O O B-Train-OfferBook+Leave O B-Train-OfferBook+Day O O O O O O O O Train-Request+People +bos i need 5 tickets . can i please also have 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 booking was successful , the total fee is 88 gbp payable at the station .reference number is : md5uwgdz . 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 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 , actually . i 'm looking for information on the sitar tandoori restaurant . eos 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 sitar tandoori is an expensive indian restaurant on the east side of town . they are located at 43 high street cherry hinton cherry hinton , cb19hx . their phone is 01223249955. 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 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+Phone O O O N/A +bos i 'd like to book a table for the same number of people ( 5 ) for that same day at 16:15 if it 's available . i 'd also like the reference number for that please . eos O O O O O O O O O O O O O O B-Restaurant-Inform+People 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 unfortunately , the time that you provided for 5 people is not available . do you have other times that you prefer ? eos 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 +bos can you try 15:15 ? and i 'll need a reference number if they have a table available . 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 your party of 5 is booked for the restaurant at 15:15 and the reference number is 6ows31dg . can i help you with anything else ? eos O O O O O B-Booking-Book+People 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 great 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 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-bye +bos can you help me find a moderately priced restaurant that serves north american food ? thanks . eos 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 , i am unable to locate a moderately priced north american restaurant . i did find an expensive one , would you be interested in that ? eos O O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O O O O O O O Booking-Inform +bos no . how about italian food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos sure . there are five moderately priced italian restaurants . would you prefer a certain part of town ? eos O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Area +bos perhaps the center ? but i don ; t think i have a preference . eos O O O O O O O O O O O O O O O O N/A +bos pizza express is a great place that serves moderately priced italian in the city centre . would you like me to make you a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O Booking-Inform +bos yes . please reserve for 5 people on sunday at 15:00. 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 was able to book for you . do you need a reference number ? eos O O O O O O O O O O O O O O O O Booking-Book,general-reqmore +bos yes , i do need it . i 'm also looking for a train that goes to leicester after 18:30. is there anything available ? 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+Leave O O O O O O O N/A +bos what day do you need to leave ? eos O O O O O O O O O Train-Request+Day +bos i need to leave on monday and depart from cambridge . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O N/A +bos there are 5 different trains on that day . would you like me to book one of them ? 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-OfferBook +bos yes please . i just need tickets for all 5 of us . as close to 18:30 as possible . eos O O O O O O O O O O B-Train-Inform+People O O O O B-Train-Inform+Leave O O O O O N/A +bos the train id is tr0335 . booking was successful , the total fee is 189 gbp payable at the station .reference number is : 13v7h457 . eos O O O O O B-Train-OfferBooked+Id 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 that 's all i need today eos 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 've heard some buzz about the hamilton lodge . can you tell me about 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 N/A +bos the hamilton lodge is a good hotel , its rated 3 stars and has both internet and parking available . it 's at a moderate price point . their phone number is 01223365664. eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Phone O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'd like to book this hotel . i need a room for 4 people for 3 nights starting on wednesday . i require a reference number . 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 O O O O O O O Hotel-Request+Ref +bos i have booked your room , the reference number is hjjd56xe . eos O O O O O O O O O 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 thank you and have a great day . eos O O O O O O O O O general-bye +bos i 'm looking for a type of boat 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 there is camboats in the east . their phone number is 01223902112 and they are located at the plough , green end , fen ditton , post code cb58sx . anything else ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O 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 general-reqmore +bos is there a high end restaurant that serves british cuisine in the same area ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos you are lucky ! there is only one restaurant called grafton hotel restaurant that serves expensive british in the east . do you need my help to reserve it ? 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 B-Restaurant-Inform+Price 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 not at the moment . but i do need their phone number though . eos O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos no problem . their number is 01223241387. is there anything else i can help with you ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos can you also book me 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 sure thing . what is your destination and when do you want to leave ? 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 want to leave the restaurant by 2:00. the destination would be the camboats . eos O O O O O O O O O O O O O O B-Taxi-Inform+Dest O N/A +bos you 're all set . a blue audi is picking you up and their contact number is 07384256413. 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 N/A +bos hi , i 'm looking for a restaurant that serves carribbean food . do you have any like 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 no , 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are a few restaurants that serve indian food . what area would you like , and price range ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 i 'd like an expensive place . eos O O O O B-Restaurant-Inform+Price O O O N/A +bos i recommend tandoori palace in the west . 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 O O O O O O O O O O O O Booking-Inform +bos what is the postcode for that place ? eos O O O O O O O O O Restaurant-Request+Post +bos the postcode is cb43le . you need anything else ? eos O O O O B-Restaurant-Inform+Post O O O O O O general-reqmore +bos yes i need a train going to stansted airport 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 when would you like to leave ? eos O O O O O O O O Train-Request+Leave +bos it should leave after 12:30 on friday . eos O O O O O O O O O N/A +bos do you have a certain time you need to arrive by ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos does not matter when i arrive , whatever is closest to leaving at 12:30 but after , can you please book me for 7 and give me a reference number ? 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 B-Train-Inform+People O O O O O O O O Train-Request+Ref +bos i have you booked on tr0188 , leaving cambridge at 12:40. the total fee is 70.7 gbp payable at the station . reference number is bfk34xqc . eos O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave 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 N/A +bos thank you . that 's all i need . bye . eos O O O O O O O O O O O O general-bye +bos thanks for inquiring with us . have a great day eos O O O O O O O O O O O general-bye +bos yes , can you help me with some information on a place to stay ? eos O O O O O O O O O O O O O O O O N/A +bos yes , what do you have in mind ? eos O O O O O O O O O O general-reqmore +bos i 'd like something moderately priced , with a 4 star rating . i 'd like free parking too . eos 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 Train-Request+Price +bos there are 9 results that match your criteria , is there a particular 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 would prefer to stay in the west . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos i am sorry but no guesthouses exist that match those criteria . would you consider a hotel ? eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O B-Hotel-Select+Type O O N/A +bos yes , i 'm open to a hotel as long as it 's a 4 star with free parking eos O B-Hotel-Inform+Parking O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos sorry , i have no hotels that meet your criteria . would you like to try a different area or a different price range , perhaps ? 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 O O O Hotel-Request+Price,Hotel-Request+Area +bos no thats all i need thank you eos O O O O O O O O general-thank +bos ok , please let me know if there is 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 O O O general-reqmore +bos could you find me a train leaving on tuesday going to london kings cross ? 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 N/A +bos sure ! what time would you like to leave at ? eos O O O O O O O O O O O O Train-Request+Leave +bos thanks ! whenever i depart is fine , as long as i arrive at london kings cross by 8:30 ! 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 tr3343 will get you there by 07:51. would you like to book a seat ? 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 a ticket today , but could you tell me the price ? eos O O O O O O O O O O O O O O O O O Train-Request+Price +bos if you are leaving from cambridge to london kings cross , the ticket price is 23.60 pounds . do you need more information ? eos O 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 O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 i am glad iwas of help . great day eos O O O O O O O O O O general-greet +bos you too . thank you . eos O O O O O O O general-thank +bos thank you for using the cambridge towninfo centre . enjoy the rest of your day . eos O O O O O O O O O O O O O O O O O general-greet +bos i 'm looking for some place to go in the center of town . eos O O O O O O O O O O O O O O O N/A +bos may i recommend the cambridge contemporary art museum ? it is located in the town centre . 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos sounds neat ! can i have the postcode and phone number for the museum ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos certainly ! the phone number is 01223324222 and the postcode is cb21su . is there anything else i can help you with ? eos 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 general-reqmore +bos yes , i 'm looking for a hotel called a and b guest house . can you get me information on that ? 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 O O O O O O O O O O N/A +bos a and b guest house is located east of town center , but they have internet and a 4 star rating . their phone is 01223315702 and 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 B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Phone O O B-Hotel-Inform+Post O O O Hotel-Inform+Internet +bos thank you ! what type of hotel is that , and the address 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 it 's a guesthouse located on 124 tenison road . eos O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos thank you goodbye eos O O O O general-bye +bos enjoy your day ! eos O O O O O general-bye +bos i need a taxi today . i 'll want to leave after 05:30 eos O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos i would be happy to help with your request , first i 'll need to know where you 'll 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 O O O Taxi-Request+Depart +bos oh i 'm sorry , i need to be picked up at the lensfield hotel , heading to don pasquale pizzeria . 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 O O O N/A +bos i booked your car for you . they will be driving a white toyota and their contact number is 07910293411. 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 great , thanks for your help ! eos O O O O O O O O general-thank +bos you 're welcome . have fun ! eos O O O O O O O O general-greet +bos i am looking for an attraction called great saint mary 's church . 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 great saint mary 's church is at market square , their phone number is 01223350914 , and their postcode is cb23pq . do you need any more information ? eos 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 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 is there price for admission ? what type of attraction is it ? eos O O O O O O O O O O O O O O Attraction-Request+Type +bos it 's the architecture type and there is a 2 pound entrance fee . eos O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos ok thank you . i also need a place to dine that serves austrian and that is cheap . 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 N/A +bos unfortunately there is not a cheap austrian restaurant in the area , is there another type of food you would like ? eos 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 Restaurant-Request+Food +bos what about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos as for chinese food , i have 4 different restaurants . there are several in the centre of town and 1 in the south . do you have a preference ? eos O O O B-Restaurant-Inform+Food 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 O O O O O O O O Restaurant-Select +bos the one in the south will do . could you give me their postcode and phone number please ? eos 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+Post,Restaurant-Request+Phone +bos sure , it 's the lucky star phone number is 01223244277 , and postcode is cb17dy . can i book a table for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Booking-Inform +bos i can book it myself , thanks . however , i will need a taxi from great saint mary 's church to the lucky star . eos 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O N/A +bos i can help with that . 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 Taxi-Request+Arrive,Taxi-Request+Leave +bos i would like to leave the church by 24:30. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos is there a time you would like to arrive by ? eos O O O O O O O O O O O O Taxi-Request+Arrive +bos nope , i just need to get there eventually ! please send me the contact number and car type when you get the chance , 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 Taxi-Request+Car,Attraction-Request+Type +bos the car type is a black lexus and you can contact the driver at 07315214015. anything more today ? 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 O O O O general-reqmore +bos no , i think you covered it . 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 please help me find a guesthouse or hotel that has free parking . i prefer a guesthouse though . eos 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 many . is there a particular area you prefer ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos no , but i 'd like it to be moderately priced . eos O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos they are many here . we can narrow them down by stating how many stars you want . eos O O O O O O O O O O O O O O O O O O O N/A +bos that could be anywhere . book for me for 3 people and 4 nightsstarting from sunday . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos the acorn guest house is a good option 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 okay sounds good can you make a booking for 3 people and 4 nights starting from 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 N/A +bos great ! i booked that room for you . here is your reference number rkbqj4lx . 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 've got another request i need assistance with please . i am looking to stansted airport via train and need help booking it . eos 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 O O O O O O O N/A +bos sure , do you know what day you 're traveling ? eos O O O O O O O O O O O O Train-Request+Day +bos i will travel on thursday . eos O O O O O B-Train-Inform+Day O N/A +bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart +bos departing from cambridge . eos O O O B-Train-Inform+Depart O N/A +bos there are 19 trains that meet your requirements . do you want to narrow it down by 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 Train-Request+Arrive,Train-Request+Leave +bos i want to leave cambridge after 14:45. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos i have narrowed the selection to 9 trains . what time do you want to arrive ? eos O O O O 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 after 14:45. eos O O O O O O B-Train-Inform+Leave N/A +bos your best fit is tr9427 , they leave at 15:40 , cost is 10.10 pounds a ticket and its a 28 minute trip . shall i book you ? eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave 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 I-Train-Inform+Time O O O O O O O Train-OfferBook +bos yes , if you can book it for three people , please . i will 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 N/A +bos i have booked 3 tickets , your reference number is eh1jdwfv . the cost is 30.29 payable at the station , can i do anything else ? eos 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 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 i appreciate your help today . eos O O O O O O O N/A +bos where can i eat in the centre for a moderate price ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O Train-Request+Price +bos how many people will be dining and what kind of cuisine would interest you ? eos O O O O O O O O O O O O O O O O Booking-Request+People,Restaurant-Request+Food +bos 3 people are dining and i do n't care about the food . eos O O O O O O O O O O O O O O N/A +bos the yippee noodle bar is located at 40428 king street city centre and has a moderate price range . what day and time would you like to dine ? eos 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 O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos i would like to book a table for 3 at 16:45 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 N/A +bos i 'm sorry , but something seems to be wrong here . can 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day,Booking-Request+People +bos just a moderately priced restaurant in the centre of town , yippee noodle bar sounds good . if 16:15 does n't work , i can change to 15:15. eos O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O B-Restaurant-Inform+Time O O O O Train-Request+Price +bos i have a table for three booked for you at yippee noodle bar on friday at 15:15. the reference number is afju1tw5 . can i help you with anything else ? eos O O O O O O B-Booking-Book+People 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 general-reqmore +bos i need a train that goes from cambridge to leicester and leaves after 11:15 on saturday eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O B-Train-Inform+People O B-Train-Inform+Day N/A +bos i booked 1 ticket for you on tr1165 and it leaves at 11:21 . 30.24 gbp is payable at the station & your reference number is ory3nal2 . anything else today ? eos O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave 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 general-reqmore +bos that is all , thank you very much . eos 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-welcome +bos i am looking for a cheap restaurant near the centre of cambridge . 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 15 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 pasta sounds good . may i have the phone number for the top rated italian restaurant . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos i have the zizzi cambridge showing at 01223365599. eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone N/A +bos that sounds good . also , i need info on a train . leaving friday and arriving at 19:45. eos 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 N/A +bos i found 294 trains arriving by 1945. what is your departure location and destination please ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Arrive O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos the train should go to bishops stortford and should depart from cambridge . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Depart O N/A +bos i have 7 trains that arrive by 19:45. what time would you like to depart ? 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 have the train id , travel time , and the departure time of the train that will get me there closest to 19: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-Train-Inform+Arrive O O O Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave +bos tr1567 cambridge 17:29 bishops stortford 18:07. is there anything else i can help you with ? eos O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O general-reqmore +bos nope , that is all , thank you 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-welcome +bos i 'm looking for a train going to kings lynn . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos on which day will you be traveling ? eos O O O O O O O O O Train-Request+Day +bos on sunday . i 'd like to arrive by 09:45. eos O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A +bos i have 4 trains on sunday from cambridge to kings lynn . the tr8042 arrives at 08:58. would you like me to book it ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest 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 . make booking for 3 people and can i have a refernce number ? eos O O O O O O B-Train-Inform+People O O O O O O O O O N/A +bos your tickets are ready . reference number is : nghd22ez . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i also need a guesthouse with free wifi . can you help me find one ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A +bos what area are you looking to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos i would like to stay on the south . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos okay ! there are three . what price range would you like ? i can book you at a moderately-priced or cheap guesthouse . 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 I-Hotel-Select+Price B-Hotel-Select+Type I-Hotel-Select+Price O O O N/A +bos is there a guesthouse that does n't have free parking ? eos O O O O O O O O O O O O N/A +bos no , all three have parking and internet . eos O O O B-Hotel-Inform+Choice O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos ok book me one for the same group of people and 4 nights starting from wednesday eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A +bos okay , i have you booked at the bridge guest house . your reservation number is kmyqsg7z . can i help with 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 B-Booking-Book+Ref 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 have a nice day . eos O O O O O O general-bye +bos where would i find the museum of archaeology and anthropology ? eos O O O O O O O O O O O O N/A +bos the museum of archaelogy and anthropology is located at university of cambridge , downing street . their phone number is 01223333516. do you need 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 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 general-reqmore +bos and the attraction type is a museum , right ? eos O O O O O O O O O O O Attraction-Request+Type +bos yes , it is a museum . eos O O O O O B-Attraction-Inform+Type O O N/A +bos sounds great . thank you for the info ! eos O O O O O O O O O O general-thank +bos no problem . can i help you with anything else ? eos O O O O O O O O O O O O general-reqmore +bos yes , i need a place to dine that is expensive in the north please . european would be nice . eos O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O O O N/A +bos the only expensive european restaurant in the north is city stop restaurant . would you like a reservation ? eos O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Booking-Inform +bos yes actually . book me a table for 2 people on sunday ... . let 's say 20:00 ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O O O O O N/A +bos it is not open then , another place or time perhaps ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos it 's not ideal , but maybe a little earlier would work . say 19:00 ? eos O O O O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A +bos got you your table , it 'll be reserved for 15 minutes . your reference number is : zn0cvh11 . 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 general-reqmore +bos no , thank you so much for your help today . 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 i 'm happy i was able to assist you today . have a great day as well . 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 some boats in the east , actually . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos the camboats are located in the east , how 's that ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O general-reqmore +bos that might be good . what is the entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos i do not have information on the fee . eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos ok , thank you . i 'm also looking for a restaurant called don pasquale pizzeria . 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 O N/A +bos don pasquale is in the centre . would you like me to make a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos yes , please . for 5 people at 14:00 on monday . eos 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 booking was successful with reference number 1rf57jd7 . oh , by the way , your table will be reserved for 15 minutes . enjoy ! 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 N/A +bos thank you for the reference number . goodbye ! eos O O O O O O O O O O Restaurant-Request+Ref +bos have a lovely stay in cambridge ! eos O O O O O O O O general-bye +bos you may help me by finding a muslim restaurant for me to eat at please . eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos i 'm sorry , but i 'm not showing any muslim restaurant listings . is there another type of food you would 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 O O O Restaurant-Request+Food +bos can you book the backstreet bistro for me ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos sure when would you like to eat ? eos O O O O O O O O O Booking-Request+Time +bos i 'd like to book a table for two around 19:45 on wednesday . 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 i was able to book a table for two at the restaurant . your confirmation number is di0kd8lz . the table will be reserved for 15 minutes . 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 N/A +bos thanks . next can i get some info on theatre 's 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 O N/A +bos i have four places there , what would you like to know ? eos O O O O O O O O O O O O O O general-reqmore +bos can you recommend one for me please ? eos O O O O O O O O O N/A +bos adc is a good place , what would you like to know ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O general-reqmore +bos could you give me their address ? eos O O O O O O O O Attraction-Request+Addr +bos the address is park street . is there anything else i could help you with ? eos 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 i would also like to know about any attractions that is in the centre of town that is a theatre type . eos O O 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 O N/A +bos there is also cambridge arts theatre , mumford theatre , and the cambridge corn exchange . 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 could i get the address for the cambridge arts theatre ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos the cambridge arts theatre is located at 6 saint edward 's passage . postcode cb23pj 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 O N/A +bos hi , i am coming to cambridge soon and am excited to eat at some great restaurants . can you recommend an attraction for me to visit 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 O O O O O O O O O Restaurant-Inform,Attraction-Inform +bos what type of attraction were you interested in ? eos O O O O O O O O O O Attraction-Request+Type +bos i do n't have a preference , but i 'd like it to be in the centre . eos 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 well , we 've got the all saints church in the centre and it 's free to visit . 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+Area O O B-Attraction-Inform+Fee O O O O O O N/A +bos a free church would cover a lot of my local historical interests . what is their phone number ? 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 the phone number is 01223452587. the address is jesus lane with the post code of cb58bs . do you need any other information ? eos O O O O O B-Attraction-Inform+Phone 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 general-reqmore +bos i 'm also looking for an expensive place to dine that 's in the same area as the church . 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 N/A +bos we have a number of wonderful options for you to dine at in centre , do you have a particular cuisine in mind or would you like a reccomendation ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 Restaurant-Request+Food +bos i would like some indian type food . eos O O O O O B-Restaurant-Inform+Food O O O Attraction-Request+Type +bos i have 6 indian restaurants for you to choose from . may i recommend the golden curry ? eos O O O O B-Restaurant-Inform+Food 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 that would be great . can you book it for 6 people at 14:15 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 i 'm sorry but i was n't able to make those reservation . can i 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,Booking-Request+Time +bos how about trying at 13:15 instead ? eos O O O O O B-Restaurant-Inform+Time O O N/A +bos your table is reserved for 13:15. your reference number is m5q28tga . eos O O O O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A +bos i also need a taxi from all saints church to the golden curry . i need to arrive to the restaurant by 13: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 I-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Arrive O N/A +bos i was able to book that taxi . be looking for a white ford . if you need to reach them , their phone number is 07045306187. 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 O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos no , i believe that will be all today . thank you . eos O O 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 a restaurant that is expensive in the north . eos O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O N/A +bos there are many to choose from . what type of cuisine would you prefer ? chinese , french , european , oriental ? eos O O O B-Restaurant-Inform+Choice 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 Restaurant-Request+Food +bos i think i 'll try chinese . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two listings of chinese cuisine in the north area that are of a expensive price range . there is hakka and the hotpot . eos O O O O O O B-Restaurant-Select+Food O O O B-Restaurant-Select+Area O O O O O B-Restaurant-Select+Price O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O N/A +bos hakka sounds interesting . can you book a table for 3 at 16:30 on sunday please ? eos O B-Restaurant-Inform+Name 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 there are no tables available at that time . would you like to try 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos how about an hour earlier ? eos O O O O O O O N/A +bos yes , the table was available for 15:30. the booking was successful . the table will be reserved for 15 minutes.reference number is : rrkzoi5c . eos O O O O O 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 N/A +bos can you find me an attraction in the same area , too ? eos O O O O O O O O O O O O O O N/A +bos there are four attractions in the north , are you interested in a park , boating or a swimming pool ? eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area 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 I-Attraction-Select+Type O O N/A +bos any is fine . could i get the postcode once you 've found one ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the riverboat georgina 's postcode is cb43ax . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O O N/A +bos could you also get me a taxi to go between the two places , 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 O O O N/A +bos booking completed . your contact number is 07550175887 and the car type is a grey lexus . can i help you with anything else ? eos 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 O O O O O O O O general-reqmore +bos no thank you , that is everything that i need . eos O O 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-bye +bos howdy ! i 'm looking to visit some colleges in the city centre if there are any . preferably ones near food . 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 N/A +bos would you like a free one or a paid entry one ? eos O O O O O O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee O O N/A +bos i am ok with either option . choose one you think i would enjoy and let me know 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 Attraction-Request+Post,Attraction-Request+Addr +bos how about the christ 's college in the center located on saint andrew 's street , postcode cb23bu . it has free admission . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee O O O O O O N/A +bos that sounds fine . does it have actually street address ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos that is the only address information i have , but if you have trouble finding them , you could call them at 01223334900. 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+Phone O O N/A +bos ok. could you help me find an indian restaurant around there which serves indian food , eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos i have 9 indian restaurants in the centre . is there a price range you would like ? 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 Restaurant-Request+Price +bos no preference for price range , but would like to have availability on saturday . eos O O O O O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos i would suggest curry garden . if you tell me the time you would like booked and how many will be in your party , i 'll check availability for you . 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 O O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos please book a table for 3 at 15:30 on saturday . 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 great ! your reference number is qmhalxpg , is there anything else i can do ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos can i get a taxi from the place to the restaurant , i would like to arrive by the booked time of 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 B-Taxi-Inform+Arrive O N/A +bos i booked a red skoda to pick you up and get you to curry for your reservation . the contact number is 07087653240. 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 B-Taxi-Inform+Dest O O O O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore +bos terrific , thanks and have a great day ! eos O O O O O O O O O O general-thank +bos thank you for using the cambridge towninfo center , and i hope you enjoy your time in our city ! 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 am looking forward to trying some local restaurants when i visit cambridge next month . are there any good ones ? eos O 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 we have a lot of good restaurants in the city . do you have a preference in the type of food you want ? eos O 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 O O O O O O O O O O O O O Restaurant-Request+Food +bos yes , i 'd like to find a japanese place 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 is wagamama in 36 saint andrews street , would you like me to book for you ? eos O O O B-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 O Booking-Inform +bos yes please book it for 4 people at 11: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 N/A +bos the booking was successful . the table will be reserved for 15 minutes.reference number is : ulswhgvk , 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 general-reqmore +bos yes , can you tell me some tourist places in town that are in the same area ? 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 quite a lot of different places in the centre . do you have a particular type in mind such as architecture , college , museum etc ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-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-Select+Type I-Attraction-Select+Type O O O O Attraction-Request+Type +bos 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 eos O O O O 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 i recommend great saint mary 's church . its postcode is cb23pq and the entrance fee is 2 pounds . eos 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+Post I-Attraction-Inform+Post O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos thank you very much . actually , can you also reserve a taxi for me ? eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos sure , just let me know your departure location , destination and when you are going to travel . 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,Taxi-Request+Dest +bos i need to leave the church for lunch at the restaurant before the booked time . eos O O O O O O O O O O O O O O O O O N/A +bos absolutely . look for a white tesla . its number is 07550780265 in case you need to reach them . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O N/A +bos it has been a pleasure talking to you . you have helped me get 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 O O O O O O O general-bye +bos it 's a pleasant to help you . please call back if you need further assistance 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 general-welcome,general-bye +bos i 'd love to get some information on 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 the holy trinity church is architecture , in the centre of town , on market street . entrance is free . do you want any more information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 I-Attraction-Inform+Addr O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos can you provide me with the hours of operation and the entrance fee ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i 'm not sure on their hours , but it is free admission . would you like their number ? eos 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 B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos yes that will be fine . i am also looking for a train leaving cambridge on friday . eos 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 N/A +bos phone 01223355397. what is your destination on friday ? is there a specific departure and arrival time ? eos O O B-Attraction-Inform+Phone 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 can you help me find a moderately placed modern european restaurant ? eos O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos how about galleria ? i hear it 's lovely eos O O O B-Restaurant-Recommend+Name O O O O O O N/A +bos sounds good , can you book that for 1 person at 18: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 O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 3g88nrtv . 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 get a train . eos O O O O O O O O O Train-Inform +bos where is your departure and destination ? eos O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i 'll be heading into cambridge from leicester , and i need to get there by 12:30 on thursday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O N/A +bos there are 6 trains to choose from . should 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 Train-OfferBook +bos i there one that arrives close to the 12:30 time ? eos O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos the train that will arrive closest to 12:30 is tr2058 . you will arrive by 11:54. can i book that for you ? eos O O O O O 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 O Train-OfferBook +bos yes , please and provide me with a reference number . eos O O O O O O O O O O O O N/A +bos the booking was successful , and your reference number is r7u78r0g . the fee is 37.79 gbp , payable at the station . is there anything else i can assist you with ? eos O 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 O O O O O O O O O general-reqmore +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 happy to be of service , and enjoy your meal ! eos O O O O O O O O O O O O general-welcome,general-bye +bos hello , i am looking for places to go in the north . eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos certainly ! we have 2 swimming pools , a park , and a boat in the north . what are you most interested in ? eos 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 B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Type +bos the boat sounds like it will be fun . do you have the phone number handy ? eos O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O Attraction-Request+Phone +bos yes , it 's the riverboat georgina and the number is 01223902091. 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 N/A +bos great can i also get a train on sunday that 'll go to 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 did you have a departure or arrival time in mind ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to depart from ely after 11:00 please eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Leave O N/A +bos tr6517 leaves at 11:35 and arrives by 11:52. eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos perfect . i need 3 tickets . please provide the reference number eos O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos your reference number is : jir61xgy . the total fee is 10.56 gbp and you will need to pay at the station . can i help you with anything else today ? eos 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 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 you 're welcome , have a good day . eos O O O O O O O O O O general-welcome +bos i 'm looking for places to go in town . eos O O O O O O O O O O O N/A +bos okay ! what type of place would you like to visit ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos college 's seem nice , can you suggest one and give me the address , postcode and phone number if its not too much trouble eos 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos christ 's college is found in the center their address is saint andrew 's street and their poscode is cb23bu . you can reach them on the number 01223334900 eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 O O B-Attraction-Inform+Post O O O O O O O B-Attraction-Inform+Phone O O N/A +bos thank you very much . eos 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 yeah , i need to book a 4-star hotel in the north that 's mid priced . 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 N/A +bos there is not one listed , do you want to try a 3 star hotel ? eos O O O O O O O O O O O O O B-Hotel-Select+Stars O O O Hotel-NoOffer +bos i do n't need free parking . i do care about moderate price range in the north with 4 stars . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Parking O O B-Hotel-Inform+Stars O O O N/A +bos there are no hotels but there are 7 guesthouses in the north meeting your requirements . do you want me to choose a guesthouse for you ? eos 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 O O O O O O O O O O O O O O general-reqmore +bos yes , please recommend a guesthouse based on recent reviews . eos O O O O O O O O O O O O N/A +bos okay , i recommend avalon . do you want me to book ? eos O O O O B-Hotel-Recommend+Name O O O O O O O O O Booking-Inform +bos yes , please . i need to book it for 3 people for 3 nights starting saturday . eos 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 your 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 and that will be all today . eos 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 : 6gvw9a45 . eos 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 is there anything else i can help with today ? eos O O O O O O O O O O O general-reqmore +bos no thank you , i am all taken care of now . thanks , and goodbye ! eos O O O O O O O O O O O O O O O O O O general-bye +bos have a wonderful night . 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 can i help you with ? eos O O O O O O O O O O O general-reqmore +bos i 'll be leaving from ely on tuesday after 17:45. are there any trains available then ? eos O 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 N/A +bos the earliest train that days leaves at 19:35 will this work ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Leave O O O O Train-OfferBook +bos yes that works . what is the arrival time and price please ? eos O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos if you take the train departing ely at 19:35 you will arrive by 19:52 , and the cost is 4.40. eos 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 O O O B-Train-Inform+Ticket O N/A +bos thanks ! i 'm also looking for a 4-star accommodation with free wifi . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos we have quite a few to choose from . do you have a preference in price range or the area 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 O O O O O Hotel-Request+Price,Hotel-Request+Area +bos well , price should be in the moderate but i do want a 4 star hotel . eos O O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O Train-Request+Price +bos i have no hotels in this area , only guesthouses . would that work ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Booking-Inform +bos that 's fine , can you book one ? eos O O O O O O O O O O N/A +bos i would recommend avalon , which is a 4 star guesthouse in the north . will that work for you ? eos O O O O B-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area O O O O O O O O Booking-Inform +bos yeah , that will be fine . it will need to be on the same day for 3 nights and 3 people . 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 O O N/A +bos okay . your booking was successful ! the reference number is zwh6y40y . 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-greet,general-reqmore +bos that was all i needed . eos O O O O O O O N/A +bos thank you for choosing help desk . have a wonderful day . eos O 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 ok , i can definitely help you with that ! can you give me some specifics as to 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 general-reqmore +bos i want to stay in the north area of town . eos O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos what other requirements do you have ? eos O O O O O O O O general-reqmore +bos a cheap place with 4 stars . eos O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O N/A +bos there is one place that meets your criteria . it is the worth house which is a guesthouse in the north . would you like to reserve a room ? 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 B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +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 you booking for worth house was successful , your confirmation number is lyln7z6m . 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 thanks ! i 'd also like to find something fun to do in the same area as the hotel . what 's 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 N/A +bos there are two swimming pools , a park , and a boat attraction on that side of town . which of these sound good to you ? eos O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Type I-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 Attraction-Select +bos tell me about the boat attraction . eos O O O O O B-Attraction-Inform+Type O O N/A +bos well riverboat georgina is in the north eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area N/A +bos sounds good . is there an entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos unfortunately , i do not have that information . but if you need to reach them , please call 01223902091. 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 B-Attraction-Inform+Phone O O O N/A +bos what about the park , is it free admission ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there is no admission fee for the park . can i help you with anything else ? eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O general-reqmore +bos no that will be all i think thanks for your help eos O O O O O O O O O O O O general-thank +bos do you need me to look up any more info about anything else for your stay ? eos O O O O O O O O O O O O O O O O O O general-reqmore +bos the guesthouse is booked and i have two attractions to visit . that 's all i need for now . 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 O O Attraction-Inform +bos thank you . hope you enjoy your time in cambridge . goodbye . eos O O O O O O O O O O O O O O general-bye +bos yes , i need information on the restaurant ali baba . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos ali baba is a lebanese restaurant in the center of town . their phone number is 01462432565. 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 B-Restaurant-Inform+Phone O N/A +bos great , thanks . could you book me a table for 1 on saturday 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 booking was successful . the table will be reserved for 15 minutes . reference number is : 90esscna . 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 B-Booking-Book+Ref 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 thank you , have a good day ! eos O O O O O O O O O general-bye +bos i would like to find a cheap 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 there are quite a few options in that price range and area . what kind of food are you interested in ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O N/A +bos how about asian oriental ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos hey i 've found dojo noodle bar , how does that sound ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O N/A +bos sure , thank you ! will you please book a table for 2 people ? eos O O O O O O O O O O O O O O O O general-thank +bos what day and time would you like ? eos O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i need to reserve it on monday at 14:00. there will be 2 people dining . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : sbh0atgu . 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 general-reqmore +bos thank you so much . could you also get me the address for the cambridge museum of technology ? 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 Attraction-Request+Addr +bos the address is the old pumping station , cheddars lane . is there anything else i can help you 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 O O O O O O O O O O general-reqmore +bos that was everything i needed , thank you ! eos O O O O O O O O O O general-thank +bos do you need anymore information ? eos O O O O O O O general-reqmore +bos no , you took care of it all . you were very helpful . 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 O general-bye +bos i 'm glad i could be of assistance . eos O O O O O O O O O O general-welcome +bos can you help me find a train leaving after 18:00 on wednesday ? eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos can you please give me your departure and destination , please ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i want to leave after 18:00 to broxbourne from cambridge . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos i have one departing at 19:01. would you like me to book a ticket ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos how much is the price per ticket ? eos O O O O O O O O O N/A +bos 17.90 pounds . would you like 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 i 'm also looking for a place to stay in the moderate price range . eos O O O O O O O O O O O B-Hotel-Inform+Price 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 hotel in the north side with four stars , please . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos there are 7 ! do you need internet and parking ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos no but it needs to be a guesthouse . eos O O O O O O O O B-Hotel-Inform+Type O N/A +bos i have five places . shall i book you one ? eos O O O B-Hotel-Inform+Choice O O O O O O O O Booking-Inform +bos please , for 7 people , 4 nights . the same day as my train . what was the travel time on that train again ? eos O O O O B-Hotel-Inform+People 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 Train-Request+Duration +bos i have booked you at acorn guest house . your reference number is mmsztkrs . your train trip is 60 minutes long , but you 've not booked . would you like to do that now ? 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O O O O O O Train-OfferBook +bos thank you , that is all the information 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,general-bye +bos hello , i 'm looking for a gueshouse on the northside . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos there are 11 guesthouses in the north , do you need free parking or free internet ? 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 Hotel-Request+Parking,Hotel-Request+Internet +bos yes , i am looking for free parking . internet is not important . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O N/A +bos is there a price range you 'd like to stay in ? eos O O O O O O O O O O O O O Hotel-Request+Price +bos not particularly considered about price range , just as long as it 's a 4 star hotel eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O Train-Request+Price +bos i recommend the acorn guest house . 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 I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform +bos okay book it for 2 people for 3 nights and let me have the reference number . also find me a train departing from london liverpool street to arrive cambridge by 08:15. 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 B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Arrive O Hotel-Request+Ref +bos london liverpool street to arrive cambridge by 08:15 the tr536 leaves at 8:00 , would you like me to book it for you ? eos O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Arrive 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 do you have any information on the parkside police station ? eos O O O O O O O O O O O O Police-Inform +bos thank you for calling . i can tell you that their phone number is 01223358966 and that they are located at cb11jg . 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 O O O O O O O O O N/A +bos no that is everything , thank you ! eos O O O O O O O O O general-thank +bos you are welcome . eos O O O O O general-bye +bos i need a taxi to arrive at 09:00 at the riverboat georgina . eos O O O O O O O O B-Taxi-Inform+Arrive O O B-Taxi-Inform+Dest I-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 'm leaving from riverboat georgina . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O 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 my destination is pizza hut city centre . eos 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 booking is complete , a red volkswagen will pick you up . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O N/A +bos thank you , may i have the contact number ? eos O O O O O O O O O O O general-thank +bos sure ! the contact number is 07803183128. eos O O O O O O B-Taxi-Inform+Phone O N/A +bos thank you so much 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 that 's 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-bye +bos i 'm looking for a hotel to stay at in the centre , can you look this up for me ? eos 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 there are three hotels in the center of town . do you prefer something moderate or expensive ? eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O N/A +bos not in terms of that , but do they have free parking and have a 3 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 N/A +bos the gonville hotel has 3 stars and parking , and the university arms hotel has 4 stars and parking . they are both expensive . would you like more details ? 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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos okay , i 'd like to book a room at the gonville hotel for 4 nights . there will be 6 people and we will be arriving on saturday . eos O O O O O O O O O O B-Hotel-Inform+Name B-Hotel-Inform+Type O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O O O N/A +bos i 'm sorry , there are no rooms available for that length of stay . could you shorten your stay or book a different day possibly ? eos O O O O 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 yes , what about 2 nights instead of 4 ? eos O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos sure , that worked . you have booked 2 nights and your reference number is ru89u6v8 . can i be of further help today ? 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 O O O O O O O O general-reqmore +bos no , that looks like everything . thanks . bye . eos O O O O O O 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-bye +bos can you help me book a taxi to lan hong house , please ? eos 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 sure thing , when you like to leave by ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i need to get there by 7:00. eos O O O O O O O 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 'm departing from alexander bed and breakfast . 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 a black audi will be arriving to pick you up . their contact number is 07706975524. thank you ! 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 O O O N/A +bos great , thank you ! 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 general-reqmore +bos that 's all i need . thanks again . eos 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 are there any 4-star hotels which are moderately priced ? eos O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O N/A +bos we have 11 guest houses which are moderately priced , but no hotels . 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 N/A +bos a guesthouse is fine . i 'm looking for a place in the north with 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 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 that 's good . can you book it for 3 people ? eos O O O O O O O O O O O O O N/A +bos for how many days and starting what day ? eos O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos starting friday for 4 nights . there will be 3 guests . eos O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O N/A +bos i 'm not able to book for those nights . would you want 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 yes , that would be fine . is there a room available for one night ? 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 get you 1 night at the acorn ref # e45fqb5o . can i help you with anything else today ? eos O 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 general-reqmore +bos that shall be all ! thank you ! eos O O O O O O O O O general-thank +bos you 're welcome , goodbye and enjoy your stay ! eos O O O O O O O O O O O general-bye +bos someone just hit my car and then attacked me , get the cops for me now ! eos 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 thank you , may i please have the address ? eos O O O O O O O O O O O Police-Request+Addr +bos they are located in parkside , cambridge with postal code cb11jg . can i hep 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 thank you for your help . eos O O O O O O O general-thank +bos you are very 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 O general-reqmore +bos that is all i need . eos O O O O O O O N/A +bos alright , have a great day . eos O O O O O O O O general-bye +bos hello , i 'm looking for an expensive indian restaurant . what can you recommend ? eos 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 found 14 expensive indian restaurants . what location do you prefer ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Request+Area +bos are there any in the centre location ? eos O O O O O O B-Restaurant-Inform+Area O O N/A +bos panahar looks like a good choice . it 's on norfolk street in the city centre . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O N/A +bos that sounds great . could you book me a table for thursday for 2 people at 11:00 ? eos O O 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 seems like i can not make this reservation and should find another restaurant . thank you eos O O O O O O O O O O O O O O O O O Booking-NoBook +bos um ok ? well can you find a different restaurant in the same area and pricerange . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos i was able to make you a reservation at saffron brasserie on hills road in city centre for 2 people at 11:00 on thursday . your reference number is 9vcxtczz . eos O 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 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 you too . thank you . eos O O O O O O O general-bye +bos could you recommend an expensive restaurant in the city centre ? eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos i show several restaurants in the city centre . if you could perhaps indicate what type of food you would like it would narrow my search further . 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 Restaurant-Request+Food +bos it 's for my friend 's birthday and he really likes thai food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i can book a table at bangkok city for 2 when would you like the reservation ? eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O B-Booking-Inform+People O O O O O O Booking-Request+Day +bos since i like chinese food , could you see if any restaurants serve both thai and chinese food ? eos 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 N/A +bos i apologize i do not have any listed that serve both cuisines . would you prefer one 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 Restaurant-Inform,Restaurant-Request+Food,Restaurant-NoOffer +bos lets go with chinese food . he likes chinese just as much . can you recommend one in the centre ? 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 N/A +bos i have the ugly duckling in the centre . would you like to make a reservation there ? eos 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 Booking-Inform +bos sounds good . please make a reservation for 3 next wednesday at 14:15. i would like a 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 Restaurant-Request+Ref +bos i cant get you a table there . how about tang chinese instead . your reference number is sag9pai9 . they have better food . eos O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O B-Booking-Book+Ref O O O O O O O O Booking-NoBook +bos that is fine . 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 O general-welcome,general-bye +bos what restaurants are on the east part of town ? eos O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are several restaurants in the east part of town . would you like something in the moderate , cheap or expensive price range ? 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 O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos expensive eos O B-Restaurant-Inform+Price N/A +bos grafton hotel restaurant serves british food , it is on the east side of town , and it is in the expensive price range . 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos grafton hotel 619 newmarket road fen ditton 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 N/A +bos great , thanks for your help . that 's all i need . eos O O O O O O O O O O O O O O general-thank +bos goodbye . eos O O O general-bye +bos i would like a cheap restaurant that serves portuguese food eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A +bos i found one in the south part of town and one in the centre . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos can i have the address of the location in the centre of town ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos the address to nandos is 33-34 saint andrews street . it servers portuguese food and is in the centre of town.is there anythig else i can help you with ? 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 O O B-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 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 for using our system . good bye eos O O O O O O O O O O general-bye +bos i want a moderate priced restaurant 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 there are three moderately priced restaurants in the west part of town . 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 O O O O O O Restaurant-Request+Food +bos i do n't care . can i also have the postcode and phone number ? eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos meghna is in the west part of town and serving indian food , the phone number is 01223727410 and postcode is cb43lf . is there anything i can help you with ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food 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 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 have a good evening . eos O O O O O O general-bye +bos is there a moderately priced restaurant in the north 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 there are two moderately priced restaurants in the north part of town , golden wok , a chinese restaurant , and the nirala , an indian restaurant . would you like more information on either of these ? 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 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 O O O O O Restaurant-Select,general-reqmore +bos yes i would like the phone number of the nirala . eos O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number for the nirala is 01223 360966. is there anything else i can help you with ? 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 O O O general-reqmore +bos yes . i would like the address of the nirala please ? eos O O O O O O O O O O O O O Restaurant-Request+Addr +bos the address you want is 7 milton road chesterton . how else may i help you ? 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 O O O O O O general-reqmore +bos what is the postcode ? eos O O O O O O N/A +bos the postcode of the nirala is c.b 2 , 1 u.j . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A +bos i think 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 . goodbye . eos O O O O O O general-bye +bos i want a restaurant that is moderately priced and located in the south . eos O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O N/A +bos pizza hut cherry hinton is in the south part of town and 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+Area O O O O O O B-Restaurant-Inform+Price O O O N/A +bos are there any other restaurants i can choose from ? eos O O O O O O O O O O O Restaurant-Inform +bos restaurant alimentum is also located in the south part of town and is in the moderate price range . eos O B-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 N/A +bos can i have the address , phone number , and type of food served by restaurant alimentum ? 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,Restaurant-Request+Addr +bos they serve modern european food and are located at 152 - 154 hills road . their number is 01223 413000. eos O O O B-Restaurant-Inform+Food I-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+Phone I-Restaurant-Inform+Phone N/A +bos thank you eos 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 would like a restaurant in the north part of town that serves canapes 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 N/A +bos there are no records matching your criteria . would you like a different type of food or 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-Request+Food,Restaurant-NoOffer +bos is there a asian oriental type food available ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos saigon city serves asian oriental food and is in the north 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 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 O N/A +bos of course ! eos O O O O N/A +bos the address is 169 high street chesterton chesterton and the phone number is 01223 356555. 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+Phone I-Restaurant-Inform+Phone N/A +bos thank you goodbye . eos O O O O O general-bye +bos your welcome . thanks for calling eos O O O O O O O general-welcome,general-bye +bos i want to find an expensive restaurant eos O O O O O O B-Restaurant-Inform+Price O N/A +bos there are many expensive restaurants in town . is there a particular area or type of food you are looking for ? 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+Area,Restaurant-Request+Food +bos something in the south part of town would be great . any cuisine is fine . eos O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O N/A +bos chiquito restaurant bar serves mexican food , is located in the south part of town , and is in the expensive price range . would you like their location ? eos O B-Restaurant-Inform+Name I-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 O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A +bos yes , please . eos O O O O O N/A +bos chiquito restaurant bar is at 2g cambridge leisure park cherry hinton road cherry hinton . do you need the phone number ? 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O N/A +bos yes , please . eos O O O O O N/A +bos their phone number is 01223 400170. 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 thank you and have a great day ! eos O O O O O O O O O general-bye +bos i want to find a cheap restaurant in the west part of town . what is the address and 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 Restaurant-Request+Food,Restaurant-Request+Addr +bos la margherita an italian restaurant in the west part of town and in the cheap price range . their address is 15 magdalene street city centre eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos thank you . eos O O O O general-thank +bos you are welcome eos O O O O general-welcome +bos i 'd like to dine at a restaurant in the west part of town . can you help me find one ? 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 N/A +bos i would be happy to help you . there are several restaurants located in the west part of town . would you prefer a expensive , moderate or cheap restaurant ? eos O O O O O O O O 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 I-Restaurant-Inform+Area O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O N/A +bos moderately priced . eos O B-Restaurant-Inform+Price O O N/A +bos there is a very tasty indian restaurant in the moderate range . it is called meghna . would you like their information ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Name O O O O O O O O N/A +bos yes please give me the phone number and address of it . eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos meghna is located on the west side of town at 205 victoria road chesterton and the phone number is 01223 727410. is there any other information you needed ? 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 no , thank you goodbye eos O O O O O O general-bye +bos your welcome , goodbye . eos O O O O O O general-welcome,general-bye +bos bye ! eos O O O general-bye +bos thank you for using the cambridge restaurant system . good bye , eos O O O O O O O O O O O O O general-bye +bos hello , i am looking for a lebanese restaurant in any area . could you please provide me with a phone number and postcode ? i 'm very hungry and need food ! ! 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 O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos ali baba is a lebanese restaurant in the centre of town . their phone number is 01462 432565 and the postcode is c.b 2 , 1 n.t 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 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 N/A +bos thank you , goodbye ! eos O O O O O O general-bye +bos you 're welcome ! eos O O O O O general-welcome +bos thank you goodbye eos O O O O general-bye +bos thank you , goodbye . eos O O O O O O general-bye +bos i want a restaurant in the centre of town . eos O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos are you looking for a particular type of food ? eos O O O O O O O O O O O Restaurant-Request+Food +bos yes , french food . eos O O B-Restaurant-Inform+Food O O O N/A +bos cote is a french restaurant in the centre . would you like to make a reservation ? 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 O O O O O O O O O Booking-Inform +bos yes ! i need at table for 6 at 18:30 wednesday . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O N/A +bos here is your reference number 6huyuygs is there anything else i can do for you ? eos O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O general-reqmore +bos yes i need to find a train to cambridge from kings lynn . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos when would you like to travel ? eos O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive +bos thursday morning at 9 am eos O B-Train-Inform+Day O O O O N/A +bos train tr3447 leaves kings lynn at 09:11. would you like to reserve a ticket ? eos O 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 O O O O O Train-OfferBook +bos yes please . make a booking fr the same number of people . eos O O O O O O O O O O O O O O N/A +bos okay , the booking was successful , the total fee is 58.8 gbp payable at the station . reference number is : fz6dqhqt . 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 that is all i needed today . eos O O O O O O O O N/A +bos welcome any day you want to know something eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for asian oriental food in expensive range . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A +bos there is saigon city in the north and kymmoy in the centre . do either of those interest you ? eos 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 O O O O O Restaurant-Select +bos yes . could you provide the address and phone number for kymmoy ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos kymmoy is located at 52 mill road city centre and their phone number is 01223311911. would you like to book a table ? 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 O O O O O O O O Booking-Inform +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 yes , i will send the reference number . eos O O O O O O O O O O N/A +bos i also need a train leaving peterborough 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 any specific time you would like to leave ? eos O O O O O O O O O O O O Train-Request+Leave +bos yes , i would like to leave after 10:30. eos O O O O O O O O B-Train-Inform+Leave O N/A +bos train tr4535 leaves at 10 : 48 and arrives at 11:38. should i book that ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos can you give me the travel time on that ? eos O O O O O O O O O O O Train-Request+Duration +bos the travel time is 50 minutes . can i help 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 general-reqmore +bos that is all i needed today . eos O O O O O O O O N/A +bos perfect . glad to have been of service . 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 +bos i 'm looking for a restaurant that serves asian oriental food located in the south . can you help ? eos 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 O N/A +bos there are no asian oriental restaurants in the south . would you like me to try another area ? eos 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 Restaurant-Request+Area +bos what is the closest asian restaurant that is cheap ? eos O O O O O O O O O B-Restaurant-Inform+Price O N/A +bos i do n't have anything that is cheap in the south . can i try something else ? eos O O O O O O O B-Restaurant-NoOffer+Price O O B-Restaurant-NoOffer+Area O O O O O O O O general-reqmore +bos can you try a chinese restaurant in the same price range and area ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos i have the lucky star . 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 5 at 18:45 on saturday . eos 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 was able to book your table for 5 on saturday . the reference number is : caqb4i7n . eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O O O O O O O B-Booking-Book+Ref N/A +bos thanks . i also want a train that departs from london kings cross eos O 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 okay , where is your destination ? eos O O O O O O O O Train-Request+Dest +bos i need it to go to cambridge and arrive by 15:00. eos O O O O O O O B-Train-Inform+Dest O O O O N/A +bos what day do you need to book the train for ? eos O O O O O O O O O O O O Train-Request+Day +bos tomorrow if it is available eos O O O O O O N/A +bos tomorrow , as in sunday ? eos O O O O B-Train-Select+Day O O Train-Request+Day +bos i want to book it for the same day as the restaurant and the same party . eos O O O O O O O O O O O O O O O O O O N/A +bos i successfully booked your 5 tickets for sunday , the total fee is 94.4 gbp payable at the station and thereference number is : n30iqyxx . 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 N/A +bos that is all i need today . thanks for helping 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 am looking for an expensive restaurant , located 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 O N/A +bos are you looking for a particular type of food ? eos O O O O O O O O O O O Restaurant-Request+Food +bos no , i am not . eos O O O O O O O N/A +bos i have the kymmoy located at 52 mill road city centre . 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 O O O O Booking-Inform +bos yes please can you make a reservation for 5 people at 20:00 on sunday . 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 have your reservation for 5 people on sunday at 20:00 , your reference number is hj2oiwki . can i help with anything else ? eos O 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 O O O O O O O O general-reqmore +bos train . the train should be on the same day as the restaurant booking and should go to cambridge eos 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 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 . eos O O O O O O O O O O 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 'll be departing from birmingham new street and need to arrive by 13: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+Arrive O N/A +bos i booked you for 1 ticket your reference number is fcgnzkow . it will arrive by 12:23 eos 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+Arrive O N/A +bos thank you for booking it . eos O O O O O O O general-thank +bos can i help with anything else today ? eos O O O O O O O O O general-reqmore +bos i actually need 5 tickets - all of us eating at the restaurant will be coming in on that train . 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 N/A +bos okay , i will work on booking this . in the mean time do you know what kid of food 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 Restaurant-Request+Food,Train-OfferBook +bos i 'm sorry , i forgot we already made your reservation for the restaurant . let me work on that train 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 Restaurant-Inform,Train-Inform +bos the booking of the restaurant is ready , and the reference number is : hj2oiwki . 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 ! i appreciate all of your help today . have a good afternoon . 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 ! eos O O O O O O O O general-bye +bos i 'd like to find a cheap restaurant in the center of town . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos is there a type of food you prefer ? chinese , indian , italian and so on ? eos O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O O Restaurant-Request+Food +bos i 'd like chinese , please . eos O O O B-Restaurant-Inform+Food O O O O N/A +bos i have three restaurants to choose from . any preference ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Select +bos just cheap , chinese and in the center of town . eos O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O N/A +bos you might enjoy the rice house . would you like me to book it 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 Booking-Inform +bos i need a table for 8 at 13:15 on wednesday . 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 you 're all set ! your reference number is lhylov9q . 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 general-reqmore +bos i 'm also looking for a train . eos O O O O O O O O O Train-Inform +bos sure , i can help you find one . what 's the departure city , time and day ? 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+Day,Train-Request+Depart +bos it should depart from cambridge , arriving by 18:00 on thursday eos O O O O O B-Train-Inform+Depart O O O O O O N/A +bos where will you be headed ? eos O O O O O O O Train-Request+Dest +bos i am looking to go 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 N/A +bos there is a 13:00 that would arrive by 13:51. would that work ? eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O Train-OfferBook +bos sure . could you give me the train id and travel time ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos train tr0315 has a travel time of 51 minutes . anything else 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 's all i need today . thank you . eos O 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-welcome +bos please list all moderately priced restaurants in the centre of cambridge . eos 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 to choose from . would you like me to narrow this search down by choosing a type of food you would like 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 O O O O O O O Restaurant-Request+Food +bos i would really like some good turkish food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two turkish restaurants listed . anatolia and efes restaurant . would you like to make a reservation for either of these ? eos O O O O B-Restaurant-Inform+Food 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 +bos i 'll try the anatolia . please see if you can get me a table for 2 at 13:45 on saturday eos O O O O B-Restaurant-Inform+Name 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 your reference number is p5c22qw2 . may i help you with anything else today ? eos 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 train to broxbourne . eos O O O O O O O B-Train-Inform+Dest O N/A +bos certainly ! what day and time would you like 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 arrive in broxbourne by 17:15. i am leaving from cambridge , of course . eos O O O O O O O O O O O O O O O O O O N/A +bos ok there is one leaving at 1600 i will book it for you eos O O O O O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos i 'm looking for a cheap indian restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos do you have a location preference ? eos O O O O O O O O Restaurant-Request+Area +bos the centre would be convenient . eos O O B-Restaurant-Inform+Area O O O O N/A +bos the gandhi is a good option . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos that sounds like it would be nice . i 'd like to book a table for 5 people at 14:45 on saturday , please . 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 N/A +bos you reservation is all set ! in case you need it , your reference number is r1yhrk12 . 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 i am also looking for a train that should depart from kings lynn and should arrive by 10: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 O B-Train-Inform+Arrive N/A +bos i 'm sure we can find something that will work for you . what day will you 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 Train-Request+Day +bos saturday departiung from kings lynn and arrive cambridge same day as restaurant booking eos O B-Restaurant-Inform+Day O O O O O O O O O O O O N/A +bos what day was the restaurant booking again ? eos O O O O O O O O O Booking-Request+Day +bos the restaurant booking was for saturday , which is the same day that i would like the train booking to be made for . eos O O O O O 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 i have train tr3297 that leaves at 09:11 and will get you into cambridge at 09:58. would that work for you ? if not , i have earlier trains . 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 O O O O O O O O Train-Select +bos that sounds great ! can you book tickets for everyone on that train ? same group that will be eating together . 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-Inform +bos i was able to get the tickets the cost is 39.20 gbp payable at the station . the reference number is 9s4oxyq4 . is there anything else i can help with ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos that 's all i need today . thank you . eos O O O O O O O O O O O general-thank +bos happy to help . have a good night . eos O O O O O O O O O O general-welcome,general-bye +bos i am look for a hotel near the beach near the main strip eos O O O O O O O O O O O O O O Hotel-Inform +bos sorry , i do n't think i can help you there . 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 Hotel-NoOffer,general-reqmore +bos i am looking for a particular restaurant called zizzi cambridge . can you tell me what area it is in ? 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 O Restaurant-Request+Area +bos zizzi is in the centre of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos excellent . thank you . also , can you assist me with finding a train for monday ? eos 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 ! provide me your itinerary . eos O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+People,Train-Request+Arrive,Train-Request+Depart,Train-Request+Day +bos we will be traveling from cambridge and going to ely , but it needs to leave after 21:00. eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave 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 21:00. eos O O O O O O B-Train-Inform+People N/A +bos i 've booked you a train , the fee is 4.4 gbp and the reference number is cyjkg5sk . eos 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+Ticket O O O N/A +bos i didnt really need a booking , but oh well . can i get the price of the 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 Train-Request+Price +bos 4.40 pounds is the price eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos thanks for the info , 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 contacting us , have a nice day . eos O O O O O O O O O O O O general-greet +bos you 're welcome for contacting you . have a nice day too . bye bye . eos O O O O O O O O O O O O O O O O O general-bye +bos in review , did you need a restaurant reservation or more information ? also , i have cancelled your train 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 general-reqmore +bos hi , i need to locate a particular restaurant please . eos O O O O O O O O O O O O Restaurant-Inform +bos i can help with that . what 's the name ? eos O O O O O O O O O O O O Restaurant-Request+Name +bos it is the pizza hut city centre . i 'd like to eat there on monday if you could reserve a table for me . 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 O O O O O N/A +bos sure , how many people will be in your party ? eos O O O O O O O O O O O O Booking-Request+People +bos we 'll need a table for 4 , please . i 'd love it if we can get the 15:15 time slot . eos O O O 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : n0lqra43 . 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 train that leaves on the same day as my reservation and would allow to arrive 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 N/A +bos i 'll be glad to help with that . where would you like to depart 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 Train-Request+Dest,Train-Request+Depart +bos i need to depart from london kings cross and 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 B-Train-Inform+Dest O N/A +bos the tr9276 arrives by 8:08 , will that be alright ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O Train-Select +bos yes , i will need 4 tickets . eos O O O O O O B-Train-Inform+People O O N/A +bos ok , you have 4 seats reserved on tr9276 . the total fee is 94.4 gbp payable at the station . reference number is : z3hyloym . 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 thats great thanks so much for all the help . eos 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 i am looking for a dining place that serves indian food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are many indian restaurants . what price range do you prefer ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O N/A +bos expensive would be great . eos O B-Restaurant-Inform+Price O O O O N/A +bos i found 14 that would meet your needs . what about curry garden ? it is located at 106 regent 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-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A +bos that sounds great . please make me a reservation for 6 at 13:15 on friday eos O O O O O O O O O O O O O O O O N/A +bos how many people ? eos O O O O O Booking-Request+People +bos i already told you how many people . are you paying attention ? eos O O O O O O O O O O O O O O N/A +bos sorry was trying to confirm . i have booked cocum and reference number is : a5l2t8sv . 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 N/A +bos wait , is that curry garden or a different restaurant you 've booked for me ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos no i booked cocum . is that fine ? eos O O O O B-Booking-Book+Name O O O O O N/A +bos i cocum an indian restaurant ? we did n't discuss cocum at all . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos i changed the restaurant and booked for you . your new reference number is : sefvwprb . 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 looking for a train . the train should go to cambridge and should depart from stansted airport . eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos on what day do you need to travel ? eos O O O O O O O O O O Train-Request+Day +bos i need to the train on friday and i need to arrive by 8:00. eos O O O O O O O B-Train-Inform+Day O O O O O O O N/A +bos i have tr6416 that will get you to cambridge by 07:52. do you need any tickets today ? eos O O O B-Train-Inform+Id O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos i do n't need to book now . i would like the ticket price , please . 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 per ticket is 10.10 pounds . eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos that 's all i need . eos O O O O O O O N/A +bos may i assist you with anything else today ? eos 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 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 need a taxi to the good luck chinese food takeaway . 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 I-Taxi-Inform+Dest N/A +bos i would be happy to help with your request , where will you need picked up ? eos O O O 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 at the bloomsbury restaurant . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos when would you like to be picked up ? eos O O O O O O O O O O Taxi-Request+Leave +bos i want to be picked up after 03:15 , please . eos O O O O O O O O O O O O N/A +bos you are booked on a black skoda with the contact number 07423023261. 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 great ! thank you so much ! eos O O O O O O O O general-thank +bos you are most welcome . do you have any other requests ? eos O O O O O O O O O O O O O general-reqmore +bos no , you have taken care of everything . goodbye . eos O O O O O O O O O O O O general-bye +bos your taxi will be there by 3:30. thank you for contacting the centre . goodbye . eos O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O general-bye +bos please help me reserve a taxi from saint catharine 's college eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 would like to arrive by 01:15. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos great ! and what is your destination ? eos O O O O O O O O O Taxi-Request+Dest +bos i 'm going to loch fyne . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos you are booked for a red lexus with the contact number 07866626052. 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 . i am now finished . eos O O O O O O O O O general-thank +bos i 'm glad we could help . have a good day . eos O O O O O O O O O O O O O general-bye +bos i need a taxi please to express by holiday inn cambridge 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 N/A +bos okay , i will need to know where you are leaving from and what 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 O Taxi-Request+Leave,Taxi-Request+Depart +bos i will be leaving from leverton house arriving by 06:45. eos O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos booking is complete . your car is a white tesla and contact number is 07609996919. 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 thank you that is all i need eos O O O O O O O O general-thank +bos perfect ! have an excellent day ! . eos O O O O O O O O O general-bye +bos yeah , hey , where do i find addenbrookes 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 . 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 postcode and phone number . eos O O O O O O O O O O O O O Hospital-Request+Post,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 great , thanks a lot ! 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 problem . enjoy your day ! eos O O O O O O O O N/A +bos you 're welcome . i hope you have a great day also . eos O O O O O O O O O O O O O O general-bye +bos hi , could you help me find a restaurant called ask . eos O O O O O O O O O O B-Restaurant-Inform+Name O O N/A +bos ask is a cheap italian restaurant located at 12 bridge street city centre , and their phone number is 01223364917 eos O O B-Restaurant-Inform+Name 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 O O O O B-Restaurant-Inform+Phone O N/A +bos are you able to set up a reservation for 8 people at 16:45 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 unfortunately , the booking was unsuccessful . would you like to look for another restaurant ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos please try booking 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 O N/A +bos i can book at zizzi bambridge at 16:45 on tuesday for 8 people . eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O B-Booking-Inform+Time I-Booking-Inform+Time B-Booking-Inform+Day I-Booking-Inform+Day O B-Booking-Inform+People O N/A +bos that will work . eos O O O O O N/A +bos reference number is : wk5jkohn . need anything else ? eos O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos that 's all thank you for your help 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,general-bye +bos i am looking for korean food , 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 there is one korean restaurant in the centre , little seoul . would you like 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 N/A +bos is it in the expensive price range ? eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , it is expensive . are you interested in booking a table there ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos yes book a table , thank you . eos O O O O O O O O O general-thank +bos can you please give me a day and time that you would like to book a table for ? 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+Day +bos 13:45 on monday and a table for 7 please . i will need a reference number too . eos O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O B-Restaurant-Inform+People O O O O O O O O O Restaurant-Request+Ref +bos booking was unsuccessful . do you have a different time preference ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos no . how about finding 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 O N/A +bos how about kymmoy ? it 's an asian restaurant in expensive price range , located in centre area . eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O N/A +bos sure , try booking that one for the same people , date , and time , 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 've booked your table for 7 people on monday at 13:45 at kymmoy . your reference number is 1ms5buu6 . is there anything else i can help you with today ? eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Day O B-Booking-Book+Time O 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 O general-reqmore +bos no , that 's all i need . thank you for your assistance ! eos O O O O O O O O O O O O O O O general-thank +bos i was happy to help , enjoy your meal . eos O O O O O O O O O O O general-welcome,general-bye +bos i am hoping you can find a guesthouse in the north part of town for me . 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 i found five guesthouses . in order to narrow down the choices , would you like one that has internet or parking ? 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 O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos well i would like one that 's in a moderate price range . it needs to include 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 O O N/A +bos there are 7 guesthouses in the north that are moderately priced and all have parking , i apologise for the earlier error . do you have a preference to star numbers ? eos O O O O B-Hotel-Inform+Choice O O 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 O O O O O O O O O O Hotel-Request+Stars,Hotel-Inform+Parking +bos no , that does n't matter . i need to book one for wednesday . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O O N/A +bos how about the archway house ? how manny days would you like to stay , and how many in your group ? 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 Booking-Request+Stay,Booking-Request+People +bos yes , that works . i 'd like to book 3 days for 7 people . i also need the reference number as well . eos O O 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 O O Hotel-Request+Ref +bos i 'm afraid there 's no availability for that time . can we 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos 2 nights , then . eos O O B-Hotel-Inform+People O O O N/A +bos i am sorry , that hotel is not open for that booking . 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 , please . something in the north , again . eos O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos actually i was able to book archway house for you after all . 2 nights . your reference number is mhah7nwt . do you need anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos nope . i think i 'm all set . thank you kindly . eos O O O O O O O O O O O O O O general-thank +bos you 're very welcome . thanks for contacting the cambridge towninfo centre ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos hello ! i 'm planning my trip there and i 'm trying to find out about an attraction called kettle 's yard . 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 B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O N/A +bos yes i can tell you it 's located on the west side and the admission is free and give you them her id and telephone number . eos O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O O O O O O O O O O N/A +bos thank you . what sort of attraction is it ? eos O O O O O O O O O O O Attraction-Inform +bos kettle 's yard is a museum on the west side . would you like anything other information today ? eos O B-Attraction-Inform+Name I-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 general-reqmore +bos yes , is it open on sunday . eos O O O O O O O O O N/A +bos 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 01223748100. eos O O O O O O 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+Phone O O O N/A +bos thanks so much . i 'll call them . can you help me find a train to get me to bishops stortford ? eos 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 O N/A +bos sure . we have several options available . 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 Train-Request+Depart +bos i want to arrive by 11:30. eos O O O O O O B-Train-Inform+Arrive N/A +bos yes i have several entries arriving by that time . what is your departure site and preferred day and time of departure ? 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+Day,Train-Request+Depart +bos i want to arrive by 11:30 on monday . eos O O O O O O O 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 O Train-Request+Leave +bos i do n't care when i leave by as long as i get there by 11:30. i need 7 tickets please . 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 N/A +bos i booked train tr7169 for 7 tickets . the price will be 70.7 gbp which is payable at the station . the train leaves at 9:29 and arrives by 10:07. ref . vu01lyc5 eos O O O O B-Train-OfferBooked+People 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+Leave O O O B-Train-OfferBooked+Arrive O B-Train-OfferBooked+Ref O O O N/A +bos thank you so much . 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 very much . enjoy your trip . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm wanting to go to a museum around the middle of cambridge . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are several . may i suggest castle galleries ? it has free admission . eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee O O N/A +bos that is perfect . 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos it 's at unit su43 , grande arcade , saint andrews street , postcode cb23bj , phone 01223307402. is there anything else you need ? eos 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 B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos actually , i need to find a train to cambridge , are you able to help with that ? eos O 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 of course ! from where are you traveling , 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 O Train-Request+Depart,Train-Request+Leave +bos i 'll be traveling from kings lynn to cambridge on thursday . i want to leave after 9:30. eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Day O O O O O O O O N/A +bos ok i have one train that leaves at 10:11 would you like me to go ahead book that for you eos O 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 Train-OfferBook +bos make a booking for 7 people . eos O O O O O O B-Train-Inform+People O N/A +bos i have you booked for 7 people on train tr6298 . is there anything else i can help you with ? eos O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O O O O O O O O general-reqmore +bos yes , can i also get the reference number for that train ? eos O O O O O O O O O O O O O O Train-Request+Ref +bos reference number zvhhcnyu eos O O O B-Train-Inform+Ref N/A +bos thank you , i think that will be everything . goodbye . eos O O O O O O O O O O O O O general-bye +bos you 're welcome ! enjoy your time in cambridge . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for parks to visit in the south of cambridge . eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O N/A +bos wandlebury country park is popular among visitors . would you like the address ? 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 general-reqmore +bos i just need the postcode , thanks . eos O O O O O O O O O Attraction-Request+Post +bos the postcode is cb223ae . 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 , are there trains that run from london liverpool street to cambridge ? 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 N/A +bos yes , there are ! would you like info on a particular day and time frame ? 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 i would like to arrive by 09:15 on friday eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day N/A +bos i have a train that will arrive in cambridge at 9:07. will that work for you ? eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-Select +bos that would be great , could you tell me the trainid ? eos O O O O O O O O O O O O O Train-Inform +bos the trainid is tr5936 . eos O O O O B-Train-Inform+Id O N/A +bos that 's all i need . eos 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 that takes care of all the info i needed eos O O O O O O O O O O O N/A +bos thank you and enjoy your stay in cambridge . eos O O O O O O O O O O general-bye +bos i 'm looking for a concerthall in cambridge . eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos i actually only have 1 concerthall located in the centre of town . it is called the man on the moon . is there any other information you need for them ? 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 I-Attraction-Inform+Area 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 how about a nightclub on the south side of town . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos i have one called , `` the place '' , would you like more info 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 O general-reqmore +bos yes , i would like the phone number , postcode , and address 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 01223324600 , phones number . address , post code first is : cb23hg , 22 sidney street . anything else ? eos O B-Attraction-Inform+Phone O O O O O O O B-Attraction-Inform+Post 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 need a train to cambridge on wednesday as well . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A +bos where will you be departing from ? do you have a specific time you need 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 Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart +bos it should be departng from london kings cross , and arrive by 16:30 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+Arrive O N/A +bos i have train tr0397 that will be departing at 15:17 and will arrive by 16:08. do you think that would work for you ? eos O O O O B-Train-Inform+Id O O 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-Select +bos possibly . i could probably figure it out from the times , but could you just tell me how long the train trip 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 Train-Inform +bos it is 51 minutes . may i help you with anything else today ? eos O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O N/A +bos that 's all . thank you . eos O O O O O O O O general-thank +bos you 're welcome ! let us know if you need anything further ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i am looking for someplace to go in the north with a swimming pool eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos there is the jesus green outdoor pool and the 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 I-Attraction-Inform+Name N/A +bos that sounds good , what is the postcode ? eos O O O O O O O O O O Attraction-Request+Post +bos it is cb43px . is there anything else you need ? eos O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos i need a train to ely as well . eos O O O O O O O B-Train-Inform+Dest O O N/A +bos where will you be departing from ? and when would you like 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 'd like to go on friday and leave after 13:15. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O N/A +bos okay . i just need to confirm that you are traveling from cambridge ? eos O O O O O O O O O O O O O B-Train-Inform+Depart O N/A +bos yes i am . for 7 people . eos O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 30.8 gbp payable at the station .reference number is : 2vh8slvo . 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 so much . you have been a great help . goodbye ! eos O O O O O O O O O O O O O O O general-bye +bos goodbye ! please contact us again in the future 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 O general-bye +bos i need to find a train leaving on thursday going to cambridge . 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 would you like to leave from ? eos O O O O O O O O O Train-Request+Depart +bos i will be leaving from leicester . also , i need something that will get there by 14:15. eos 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 N/A +bos tr8882 will arrive by 13:54 , would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O N/A +bos yes , that would be perfect . 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 Train-Request+Duration +bos that train is 105 minutes long . can i help you book that or find you more information on something else ? 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 O O O O general-reqmore,Train-OfferBook +bos thanks , yes please . i 'm also looking for something to do in the city centre . can you recommend anything ? 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 N/A +bos absolutely ! what type of attraction are you interested in ? eos O O O O O O O O O O O O Attraction-Request+Type +bos i do n't have anything in mind . it just needs to be in the centre . can you suggest anything ? 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 N/A +bos i 'd like to recommend `` old schools '' . it is in the category of architecture and the entrance is free . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Type O O O O B-Attraction-Recommend+Fee 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 you 're quite welcome . can i help you with anything else today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos thank you . that is all . eos O O O O O O O O general-thank +bos it was my pleasure . feel free to 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 O O general-bye +bos i need to find a train that leaves cambridge after 08:15. eos O O O O O O O O O B-Train-Inform+Depart O O N/A +bos ok , i have many trains meeting that criteria . what day would you be traveling 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 O Train-Request+Dest,Train-Request+Day +bos i 'm looking to travel on friday from cambridge to peterborough , please . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O N/A +bos there are 31 options available . the first leaves at 8:34 and arrives in peterborough at 9:24. does that work for you ? eos O O O O B-Train-Inform+Choice 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 Train-OfferBook +bos sure . can you please tell me the price ? eos O O O O O O O O O O O Train-Request+Price +bos the total price is 16.50 pounds . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos 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 ? eos O O O O O O 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 so many ! did you want something near the centre ? i have museums , cinemas and parks ! eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 Attraction-Request+Area,Attraction-Request+Type +bos i am looking for a cinema in the west . is one available in the area ? if not , how about a museum in the same area ? eos O O O O O O O O O B-Attraction-Inform+Area 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 actually 7 museums in the west . i highly recommend cambridge book and print gallery . would you like the postcode and address ? eos O 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 I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O general-reqmore +bos could i just get the phone number please ? eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223694264 eos O O O O O B-Attraction-Inform+Phone N/A +bos okay , thanks so much for your help . goodbye ! eos O O O O O O O O O O O O general-bye +bos you 're welcome , thanks for contacting us . text back any time ! eos O O O O O O O O O O O O O O O general-welcome +bos hello , i 'm looking for a place to go in the west . are there any museums there ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type O O O O O N/A +bos yes , the museum of classical archaeology is in the west on sidgwick avenue . it offers free entry . 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+Area I-Attraction-Inform+Area B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O N/A +bos ok great ! can you tell me the postcode please ? eos O O O O O O O O O O O O Attraction-Request+Post +bos absolutely . their postcode is cb39da . is there anything else i can do for you today ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O O general-greet,general-reqmore +bos can i get a train leaving from steveage on friday ? eos O O O O O O O O O O B-Train-Inform+Day O N/A +bos that wo n't be a problem . what is your destination and what time would you like to arrive there ? 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,general-greet +bos i want to go to cambridge and arrive by 16:30. eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A +bos the train that arrives closet to your arrival time is tr7785 which arrives at 14:43. does that work for you ? eos 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 yes please book it for me and a reference number eos O O O O O O O O O O O N/A +bos certainly . first , can you confirm how many seats you will be needing for this trip ? eos O O O O O O O O O O O O O O O O O O O Train-Request+People,general-greet +bos just 1 seat please . eos O O O B-Train-Inform+People O O N/A +bos ok , i 've booked you 1 seat on tr7785 . your reference number is xc5xldt7 . your total is 12.8 gbp payable at the station . 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 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 , 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 your welcome , have a nice day . eos O O O O O O O O O general-welcome,general-bye +bos hello , i am looking for a restaurant on the south side of town that serves christmas 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 i 'm sorry , there are n't any restaurants serving christmas food . would you like something else instead ? 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 chinese ? eos O O O B-Restaurant-Inform+Food O N/A +bos there are three results that serve chinese on the south area of town . do you have a price range preference ? eos O O O B-Restaurant-Inform+Choice O O O 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 Restaurant-Request+Price +bos i do n't care about price . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O Restaurant-Request+Price +bos peking restaurant is an expensive chinese restaurant in the south part of town . would you like their information ? 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 I-Restaurant-Inform+Area O O O O O O O O O general-reqmore +bos yes , i would like their address . eos O O O O O O O O O Restaurant-Request+Addr +bos the address for peking restaurant is 10 homerton street city centre . is there any other information you require ? 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 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 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 hi , i 'd like to find a place to stay that includes free wi-fi . eos O O O O O O O O O O O O O O O O O N/A +bos i have quite a few places that offer wifi , is there is a certain price range you are looking for ? 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 O Hotel-Request+Price,Hotel-Inform+Internet +bos something cheap would be good . eos O O B-Hotel-Inform+Price O O O O N/A +bos i have about 10 different places . do you have a preference on the area of town ? 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 not really . but i would prefer a hotel and like both free wifi and parking if possible . 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 cambridge belfry is a hotel in the west that is cheap and has both free internet and wifi . would you like to book this ? 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 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 that 's fine . i 'll need it for three nights starting on sunday . eos O O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A +bos unfortunately , that day does n't work . can we try booking another day or a shorter stay , 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-NoBook,Booking-Request+Stay,Booking-Request+Day +bos is there another hotel that matches that criteria ? eos O O O O O O O O O O Hotel-Inform +bos unfortunately that 's the only hotel that suits your criteria . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O N/A +bos i will try and restate so you can look again , i need free wifi and parking , cheap place , type of room does not matter . 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 O O N/A +bos there are 10 places that match your criteria . 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 Hotel-Request+Area +bos it does n't matter . whatever is available nearby will be fine . eos O O O O O O O O O O O O O O N/A +bos i will give it a try again . how many people will there be ? eos O O O O O O O O O O O O O O O O Booking-Request+People +bos there are 4 of us . eos O O O O B-Hotel-Inform+People O O N/A +bos you are booked at the alexander b & b. it is cheap , with wifi and parking included . your reference number is ztrmokwm . is there 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 O O O B-Hotel-Inform+Price O O O O O O O O O O B-Booking-Book+Ref O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos no . that is all ! eos O O O O O O O N/A +bos have a nice day and enjoy your stay . bye . eos O O O O O O O O O O O O general-bye +bos thank you for your assistance . eos 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-bye +bos where can i find portuguese food ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i found two portuguese restaurants . would you prefer the south or centre part of town ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O N/A +bos any area . eos O O O O N/A +bos nandos is a portuguese restaurant in the south part of town . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos nandos is located at cambridge leisure park clifton way . is there anything else i can help you with today ? eos 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 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 . eos O O O O general-bye +bos i 'm looking for a nice 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 backstreet bistro is an nice expensive one . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O N/A +bos can you please let me know the address with the postcode and the phone number 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+Phone,Restaurant-Request+Addr +bos backstreet bistro is at 2 sturton street city centre , post code c.b 1 , 2 q.a . the phone number is 01223 306306. 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+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 . that is all i needed to know . 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 system . good bye eos O O O O O O O O O O general-bye,general-greet +bos goodbye . eos O O O general-bye +bos have a nice day . eos O O O O O O general-bye +bos do n't care about price , just looking for thai food . eos O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there is bangkok city which serves thai food . is there anything else i can help you with ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O 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 address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number for bangkok city is 01223 354382 and the address is 24 green street city centre . 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 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-welcome,general-bye +bos i want a restaurant in the north part of town and serves british food . eos 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 british restaurants in the north part of town . shall 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 Restaurant-NoOffer,general-reqmore +bos yes . i 'd like the address , phone number , and price range of the best indian restaurant there is . 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 Restaurant-Request+Phone,Restaurant-Request+Price,Restaurant-Request+Addr +bos royal spice is an indian restaurant located in the north part of town and is in the cheap price range . would you like their address ? eos O B-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 O O O O O O general-reqmore +bos of course ! eos O O O O N/A +bos their address is victoria avenue chesterton , postal code c.b 4 , 1 e.h. 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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-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 thank yo and good bye . eos O O O O O O O general-bye +bos i am looking for an expensive restaurant that is in the east 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 the grafton hotel restaurant serves british food in the east part of town and is in the expensive price range . 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 B-Restaurant-Inform+Price O O O N/A +bos no , not that one . i 'd like to know if there 's anything else 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 would recommend pipasha restaurant , a nice indian restaurant in the east . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O N/A +bos i would like to know the address and phone number of pipasha 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 O O O O Restaurant-Request+Phone,Restaurant-Request+Food,Restaurant-Request+Addr +bos the address is at newmarket road fen ditton and the phone number is 01223 577786. the restaurant serves indian food . 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Food O O N/A +bos thanks for the info ! eos 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 looking for the fitzwilliam museum . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos i 'd be happy to give you more information on the fitzwilliam museum . the address is trumpington street . do you need any additional information for this attraction ? eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O 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 could you give me the exact postcode for the museum , please ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos i sure can ! the postcode is cb21rb . is there anything else that i can help 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 O general-greet,general-reqmore +bos yes . i am also looking for a train to cambridge . i am leaving from broxbourne . 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 N/A +bos train tr5570 is what you 're looking for ! eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O N/A +bos ok , great ! thank you very much 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 that is all ! thank you so much ! eos O O O O O O O O O O general-thank +bos you 're welcome . i hope you have a wonderful 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 i want to eat chinese food in the centre . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos how about charlie chan ? it is a cheap chinese restaurant in the centre . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O N/A +bos sure . i would like to book a table for 5 people at 11:00 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 i 'm booking you a table for 5 at 11:00 saturday at charlie chan . what name should i place this under ? eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Time I-Booking-Book+Time I-Booking-Book+Day B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O general-reqmore +bos book it for xxxx , can i please get a reference number ? eos O O O O O O O O O O O O O O Restaurant-Request+Ref +bos booking was unsuccessful . would you like to find another restaurant ? eos O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos are there any other cheap restaurants in the area ? eos O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos not in that criteria , perhaps another area or price range ? eos O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area,Restaurant-NoOffer +bos are there any in the same area and price range but not chinese ? eos O O O O O O O O O O O O O O O N/A +bos i do n't know what i was thinking earlier , we actually have a lot of cheap restaurants in the centre . j restaurant serves asian oriental . should we try that ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Food O O O O O O O O O Booking-Inform +bos yes , please try j restaurant . asian oriental food sounds good . eos O O O O O O O O O O O O O O Restaurant-Inform +bos i was able to book you into the j restaurant and your reference number is 87g7fwzm . eos 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 N/A +bos thank you for your help ! that will be all . good bye . eos 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 want to find a 4 star hotel with a 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 different hotels to choose from . 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 O O O Hotel-Request+Area +bos i prefer a hotel near the main street . i want a hotel that includes free wifi eos O O O O O O O O O O O O O O O O O O N/A +bos do you mean in the center of town ? eos O O O O O O O O O O Hotel-Request+Area +bos actually , location does n't really matter , so long as it 's moderately priced , 4 star , and offers 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 O O O N/A +bos carolina bed and breakfast is a moderately priced four star guesthouse with wifi and parking , in the east area . would you care to make 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+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos sounds good . starting monday , please , for 3 people , 3 nights . eos O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O O O O O N/A +bos i 'm sorry , there are no rooms available at that time . would you like 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 +bos i suppose one night wold be fine as long as we can get a reservation for 3 people . 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 a few rooms , could you tell me the area of town you would 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 it does n't matter . eos O O O O O O N/A +bos i was able to get you a room for 3 people for 1 night , starting monday , at the acorn guest house . the reference number is gxtsrby0 . eos O O O O O O O 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 N/A +bos that is all . thank you . eos O O O O O O O O general-thank +bos thank you . we 'll be happy to help you with your future travel needs . eos O O O O O O O O O O O O O O O O O general-bye +bos can you give me more information about the fitzwilliam museum ? eos 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 ! the fitzwilliam museum is located in the centre of town on trumpington street post code cb21rb and admission is free . would you like me to book a train or taxi ? eos 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O O O O O O O O O O O O O Train-OfferBook +bos what type of attraction is the museum ? eos O O O O O O O O O Attraction-Request+Type +bos the museum has antiques , applied arts , illuminated manuscripts and paintings . would you like for me to book you a train ? eos 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 Train-OfferBook +bos yes , i am interested . i would like a train that arrives saturday by 08:30. eos O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive O O N/A +bos i found the train that leaves at 07:34 and arrives by 08:24. would you like for me to book this ? 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 Train-OfferBook +bos does the train go to peterborough from cambridge ? eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos yes , tr7872 goes from cambridge to petersborough . would you like a booking on this train ? eos O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O O O Train-OfferBook +bos yes please book that for 5 people please . eos O O O O O O O B-Train-Inform+People O O N/A +bos alright , i booked that for 5 people . your reference number is o7fmdcb3 . eos O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O O N/A +bos ok thank you . eos O O O O O general-thank +bos your tickets are booked . have a great day . eos O O O O O O O O O O O Train-OfferBooked,general-bye +bos i 'm planning a visit to cambridge and i want to know when a train that is leaving monday will take me to broxbourne . eos O O O O O O B-Train-Inform+Depart O 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 okay , there are many departures on monday , is there a certain time of departure 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 O O Train-Request+Leave +bos yes , it should leave after 9:00. eos O O O O O O O O N/A +bos alright , you have fifteen options . these trains depart one minute after the hour every hour , starting at 9:01 and running until 23:01. would you like me to book a ticket ? 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 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 Train-OfferBook +bos i will need tickets for 3 people and also the reference number please . eos O O O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos i have booked 3 tickets on tr1213 for you which leaves at 9:01 monday , the reference number is sjxqorh2 . is there anything else i can help you with ? eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Leave B-Train-OfferBooked+Day 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 looking for an attraction called sheep 's green and lammas land park fen causeway . eos 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 N/A +bos sheep 's green and lammas land park fen causeway is located south . the address is fen causeway , newnham road . the entry fee is free . anything else i can help with ? 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 I-Attraction-Inform+Name 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 B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos can i get the entrance fee and phone number please ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos there is no entrance free and the phone number is 01223302580. will that be all you need help with this afternoon ? eos O O O O B-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 general-reqmore +bos that 's all i need . thank you . eos 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-bye +bos i 'm looking for 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 O N/A +bos what type of place are you looking for ? eos O O O O O O O O O O Attraction-Request+Type +bos anything is fine , just be sure and let me know if 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 Attraction-Request+Fee +bos queens ' college is great . the entrance fee is 2.50 pounds . anything else i can help you with ? eos 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 O O O O O O O O general-reqmore +bos yes . i need a train to stevenage on thursday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos where are you heading out of ? and what time are we looking at ? 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 am departing cambridge leaving after 17:15 eos O O O O O O O O N/A +bos how does the 17:21 departure on the tr4765 sound ? eos O O O O B-Train-Inform+Leave O O O B-Train-Inform+Id O O N/A +bos that 's great i need to make a booking for 6 people eos O O O O O O O O O O O B-Train-Inform+People O N/A +bos sure ! i have placed a booking for 6 people on the train departing cambridge to stevenage at 17:21. the total cost of travel is 78.8 pounds . your confirmation number is 3uasojdn . eos O O O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Leave 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 N/A +bos perfect ! thank you ! 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 , you have been very helpful . 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 . good-bye . eos O O O O O O O general-welcome,general-bye +bos i am in ely . i need to figure out how to get to cambridge by train . eos O O O O B-Train-Inform+Depart 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 to travel ? eos O O O O O O O O O Train-Request+Day +bos i need to travel monday and arrive by 20:45 eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos there are 8 trains that arrive before this time . the tr6679 arrives at 19:52 , which is the closest to your requested time . does that work for you ? eos O O O O B-Train-Inform+Choice 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 O O O O O O Train-Select +bos yes , that works for me . please go ahead and book it . thank you ! eos O O O O O O O O O O O O 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 +bos just one ticket , i 'm also looking for an attraction 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 alright , train booked for you , your reference number is sm4xh1cm . did you have a particular type of attraction in the centre you are interested in ? 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 O O O O O O Attraction-Request+Type +bos i 'm looking for a college , actually . eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos i have 18 results for colleges . to help narrow it down , are you looking for one in a particular area ? some are free and some have entrance fees . 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 B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O Attraction-Request+Area +bos let 's look at ones that have no entrance fee please . eos O O O O O O O O O O O O O Attraction-Request+Fee +bos christ 's college is in the centre and is free . would that work for you ? eos 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 Attraction-Select +bos yes that sounds good . what is their 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 the 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 thank you , what time did the train depart ? eos O O O O O O O O O O O Train-Inform +bos tr6679 leaves cambridge at 19:35 on monday . is that still going to work for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O Train-Select +bos yes , that 'll work . thank you ! eos O O O O O O O O O O general-thank +bos okay great . would you like me to book that train ticket for you ? eos O O O O O O O O O O O O O O O O Train-OfferBook +bos no , but could you please let me know what the travel time of that trip is ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Duration +bos the trip should only take 17 minutes . can i help you with anything else today ? 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 general-reqmore +bos no , thank you 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-welcome,general-bye +bos i 'm looking for train going to cambridge . eos O O O O O O O B-Train-Inform+Dest O O N/A +bos there are 1414 trains heading to cambridge , what is your departure location ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O Train-Request+Depart +bos i 'd like to leave from bishops stortford . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos to narrow down the results , please tell me what day and 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 Train-Request+Day,Train-Request+Leave +bos i would like to leave on tuesday after 18:15. i need to work around 6 different people 's schedules . eos O O 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 N/A +bos the closest departure to that time would be tr9286 leaving at 19:29 and arriving at 20:07. 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 B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos that works - yes , please book 6 tickets , and i 'll need a reference number . can you also tell me about restaurants on the east side 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 . tr9286 , leaving at 19:29. your reference number is hjrijowd . what type of restaurant are you interested in ? eos O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O Restaurant-Request+Food +bos i like greek food . i also need to get a list of local attractions in the east . 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 certainly . we have many different attractions in the east , from camboats to the funky fun house and the cambridge museum of technology . are you looking for anything specific ? eos O O O O B-Attraction-Inform+Choice O O O 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O Attraction-Request+Type +bos 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 ? eos O O O O O O O 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 ok , how about cambridge artworks , the phone number is 01223902168 , the address is 5 greens road , the postcode is cb13ef , and it 's free ! eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Phone O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Post O O B-Attraction-Recommend+Fee O O O O O O O N/A +bos that sounds great ! thanks , 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 thank you ! goodbye . eos O O O O O O general-welcome,general-bye +bos i am looking for somewhere to go in the south . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are 8 different attractions in that area , would you maybe like to go to the cinema or a park ? 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 B-Attraction-Recommend+Type I-Attraction-Recommend+Type O N/A +bos can i get post codes ? eos O O O O O O O Attraction-Request+Post +bos postcodes are cb17dy , cb21sj , cb23hg , cb22ad , cb223ae , and cb17gx . eos O O O O O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O N/A +bos can you help me find a train from ely to cambridge ? eos O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O N/A +bos is there a particular day and time you 're looking for ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Day +bos yes i 'm leaving on saturday and not too early , sometime after 10:15. eos O O O O O O O O O O O O B-Train-Inform+Leave O O N/A +bos there is a train from ely to cambridge on friday at 11:35. would you like a ticket on that train ? eos O O O O O O O B-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 O Train-OfferBook +bos that will work . may i get the price , travel time , and train id 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,Train-Request+TrainID +bos trainid : tr0212 . travel time is 17 minutes and the price is 4.4 pounds . would you like me to book that for you ? eos 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+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook +bos no thank you . you 've been very helpful today . eos O O O O O O O O O O O O general-thank +bos my pleasure . enjoy your travels . eos O O O O O O O O general-welcome,general-bye +bos i need to get to london kings cross . can you help me find a train ? 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 O N/A +bos i have 70 trains matching your request . is there a specific day and time when 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 O Train-Request+Leave,Train-Request+Day +bos the train should arrive by 15:45 and should leave on friday from cambridge . eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos there are 5 trains . would you like to leave at 5:00 ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave O O Train-Request+Leave +bos sure , that would work . how much would that cost , and how long would the travel time be ? 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 the price is 23.60 pounds , and the duration is 51 minutes . would you like to book this train ? 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 Train-OfferBook +bos yes please ! can you also recommend some places to go in the west ? 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 5 attractions in the west . what type of attractions were you looking for ? 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 any type is fine can i just get the address of one please ? eos O O O O O O O O O O O O O O O Attraction-Request+Addr +bos sure . let 's go with queens ' college . that is located on silver street . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O N/A +bos okay great ! thank you for your help . eos O O O O O O O O O O general-thank +bos is there anything else i can do for you at this time ? eos O 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 general-thank +bos you 're welcome . goodbye . eos O O O O O O O general-welcome +bos i am looking for a train that can take me to bishops stortford leaving on thursday . eos 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+Day O N/A +bos what time do you need to leave or arrive ? eos O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i need to leave from cambridge and arrive in bishops stortford before 09:15. eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive N/A +bos there are two early morning trains that will get you there by 9:15 , with arrivals at 6:07 or 8:07. would you like a ticket on one of those ? 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+Arrive I-Train-Inform+Arrive O O O O O O O O O O Train-Select,Train-OfferBook +bos i will take the later arrival , and i just need 1 ticket . i also will need 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 O O O Train-Request+Ref +bos booking was successful for tr2617 that arrives by 08:07 , the total fee is 10.1 gbp payable at the station . reference number is : ca1ahdsd . eos O O O O O B-Train-OfferBooked+Id 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 O O B-Train-OfferBooked+Ref O O O N/A +bos could i also get information about places to go in the town centre ? eos O O O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos said to skip eos O O O O N/A +bos can you tell me about attractions located 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 certainly , i have many architectural venues , also cinemas , colleges and some museums . any preference for type of attraction ? eos O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Type +bos a cinema works , could you pick one for me and provide the etrance fee , phone number , and confirm the attraction 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 Attraction-Request+Phone,Attraction-Request+Type +bos sure , vue cinema the phone number is 08712240240. i do n't have the entrance fee information . and i do confirm that it is a cinema type attraction . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Phone O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee 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 all your help today . eos O O O O O O O O O general-thank +bos you 're very welcome . have a wonderful day and thanks 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 +bos i am planning a trip to cambridge i want more information on the primavera , do i need tickets or make seating arrangements 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 N/A +bos the primavera museum is located in the centre area at 10 king s parade . no need to purchase tickets as entrance is free . may i assist you with anything else ? 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos can i also get postcode ? eos O O O O O O O Attraction-Request+Post +bos the postcode is cb21sj . anything else i can do for you ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos yes . i would like to find a train to cambridge that leaves after 14:00. 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 there are 735 trains heading to cambridge what is your departure site ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O Train-Request+Depart +bos stansted airport . can i make that for thursday , too ? eos O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Day O O O O N/A +bos the earliest train is tr5502 and leaves at 15:17. would you like me to book a ticket ? eos O O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O O O O O O O O O N/A +bos i would like to know the price please . eos O O O O O O O O O O Train-Request+Price +bos the price is 23.60 pounds . would you like to book now ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos that 's okay i do n't need to book today but i think you would have solved all my questions 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 a great day . please contact us again if you need additional information or would like to make that 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 general-bye +bos are there any colleges 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 5 colleges in the west . 3 of them have no entrance fees and 2 will cost 2.50 pounds to enter . eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Fee O O O O O O N/A +bos i would like the postcodes and more information about the types of colleges are in the west . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos do you want the postcodes for all five college , the two that have an entrance fee or only the free ones ? 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O Attraction-Select +bos i will take the postcodes for all 5. i 'd also like a train that leaves on sunday for ely as well if that 's possible . eos O 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+Dest O O O O O O O Attraction-Request+Post +bos churchill college cb30ds , clare college cb21tl , clare hall cb39al , magdalene college cb30ag , and queen 's college cb39et . and the train from ely will be departing from where ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Train-Select+Depart O O O 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 O N/A +bos certainly , we have 10 trains for ely from cambridge sunday . what time would you like to arrive or depart ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest B-Train-Inform+Depart B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to leave from cambridge after 21:15 please . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O N/A +bos there is one at 21:50 and one at 23:50 , which would you like ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O Train-OfferBook +bos i would like the price and arrival time for the 21:50 train 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 price for that train is 3.52 pounds and it will arive by 22:07. eos O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Arrive 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 thanks for contacting cambridge towninfo centre , feel free to contact us again . eos O O O O O O O O O O O O O O O general-greet +bos can you help me find a place to stay ? i am looking for a hotel with a star of 0 and it needs free wifi . 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+Stars O O O O O O N/A +bos there are 3 hotels that meet that criteria . would city centre north b and b work for you ? 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 I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos yes . does it have free wifi ? eos O O O O O O O O O N/A +bos yes , they offer free wifi . 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 O O O O O Booking-Inform,Hotel-Inform+Internet +bos is that a guesthouse in the north ? if so , i need to book it for 5 people 3 nights starting tuesday , and i 'll need a reference number . eos O O O O O O O B-Hotel-Inform+Area 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 O O O Hotel-Request+Ref +bos there is one guesthouse called city centre north b and b , your reservation is all booked , your reference number is 7qyc93wt . 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 I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thank you . i would also like to check the train schedule for friday . eos O O 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 departing from and arriving at ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'll be leaving from cambridge and going to norwich on friday . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O N/A +bos trains from cambridge to norwich leave 36 minutes after the hour , every hour . the duration is 79 minutes , and the price is 17.6gbp . would you like to book a ticket ? eos O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket O O O O O O O O O O O O Train-OfferBook +bos can i get the train id for the one you mentioned please ? eos O O O O O O O O O O O O O O Train-Request+TrainID +bos i 'm apologize but before i can provide a train number i need to know what 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 Train-Request+Leave +bos any time after 20:45 is just fine with me . i 'll just need the train id - no booking today . eos 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 Train-Request+TrainID +bos tr0625 departs friday from cambridge at 21:36. do you need any other information ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O general-reqmore +bos could you tell me the price of the train please ? eos O O O O O O O O O O O O Train-Request+Price +bos yes , the cost is 17.60 pounds . do you want to book it ? eos 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 could you please tell me the travel time for that ? eos O O O O O O O O O O O O Train-Request+Duration +bos of course , the travel time is roughly 79 minutes . eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos ok , that 's good . i would like to book that train please eos O O O O O O O O O O O O O O O Train-Inform +bos ok , how many tickets do you need ? eos O O O O O O O O O O Train-Request+People +bos i do n't need a ticket . i just needed to know . that 'll be everything ! 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 , goodbye . eos O O O O O O general-bye +bos i 'd like to find an expensive gastropub , should you have such a beast . eos 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 show 3. they are in the expensive price range . 2 are in the centre and 1 is in the east . may i book a table for you ? eos O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 Booking-Inform +bos yes , can you find out if any of them have an opening at 11:45 on wednesday 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 N/A +bos yes , backstreet bistro has an opening for 6 people at 11:45 on wednesday . eos O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O B-Booking-Inform+People O B-Booking-Inform+Time O B-Booking-Inform+Day O O N/A +bos please book it them and please let me have the reference number when you are done . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos it turns out , they were all booked , but i was able to get you a table at the slug and lettuce with reference number pgv6hf9f . may 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 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 Booking-NoBook,general-reqmore +bos no but i will try that place . eos 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 thank you ! eos O O O O general-thank +bos enjoy your visit and do not hesitate to call if you need any more assistance . eos O O O O O O O O O O O O O O O O O general-bye +bos hi there . i 'm trying to find a place to eat tonight . i 'd like it to be more high end and expensive , and serve gastropub food . 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 B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A +bos i have three gastropub restaurants that meet your criteria . two are in the centre area and one in the east area . do you have a location preference ? 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 O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Area +bos anyone that is available should be fine , i will just need the address of whatever is picked . 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 royal standard has good reviews . their phone # is 01223247877 and they are located at 290 mill road city centre . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O 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 N/A +bos thank you . i am also looking to book a train . i need to go to cambridge and leave on thursday . eos 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+Day O O O N/A +bos i can help you with that . first , can you tell me where you will be departing and the timeframe 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 O O O O O O O Train-Request+Leave,Train-Request+Depart,general-greet +bos i need to leave from bishops stortford , and arrive by 11:30 please . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O N/A +bos there is a train tr0798 leaving at 9:29 and arriving at 10:07 , would this time work for you ? eos O 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 Train-OfferBook +bos that would be perfect . can you please give me the travel time and price of 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,Train-Request+Price +bos it will take 38 minutes and cost 10.10 pounds . eos 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 thanks , could you book that for me please ? and confirm the departure time ? eos O O O O O O O O O O O O O O O O O Train-Request+Leave +bos i have you booked for one seat on tr0798 departing bishops stortford for cambridge at 05:98 and arriving at 06:07. reference is m377zh73 . anything else i can help with ? eos O 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+Dest O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O B-Train-OfferBooked+Ref 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 thank you for contacting us . 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 general-welcome,general-bye +bos hi , are there any modern global restaurants in the centre ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos it looks like there are none . is there another area or type of food you 'd 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 Restaurant-Request+Food,Restaurant-NoOffer +bos i would like to look for one that serves modern european food please . 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 4 modern european restaurants in the center of town . i recommend the riverside brasserie . 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 O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos what is the postcode of that resturant ? eos O O O O O O O O O Restaurant-Request+Post +bos the phone number for riverside brasserie is 01223259988. can i help you with anything else ? eos O O O O O O O O B-Restaurant-Inform+Post O O O O O O O O general-reqmore +bos i was wondering the price range of the riverside brasserie . eos O O O O O O O O O O O O Restaurant-Request+Price +bos the riverside brasserie is moderately priced . eos O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A +bos thanks . could you check on a train for me from london kings cross ? 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 N/A +bos sure , when would you like to leave by ? eos O O O O O O O O O O O Train-Request+Leave +bos i would like to leave after 11:15 on a tuesday . eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Day O N/A +bos tr7850 leaves at 11:17 , can book some seats for you ? also , the postcode for riverside brasserie is cb21rt . i had forgotten to give you that information . eos O B-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O O O O O O O O O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O N/A +bos yes i 'd like to book that train for 5 and i 'd like the reference number as well 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 Train-Request+Ref +bos booking was successful , the total fee is 118 gbp payable at the station .reference number is : 1jo707l5 . will you need 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 general-reqmore +bos i think 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 '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 restaurant named the lucky star in cambridge . 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 this is a chinese restaurant . it is located at cambridge leisure park clifton way cherry hinton . eos O O O O B-Restaurant-Inform+Food I-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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A +bos can you book a table for me ? just for 1 on saturday at 12: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 O N/A +bos i have your table booked . the reference number is opjjx9xa . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great . i 'll also need a train to get me there from london king 's cross station . 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 tr7309 leaves at 11:17 and arrives at 12:08 , would that be one you 'd like to book ? 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 O Train-OfferBook +bos as long it arrives by 08:45 going to cambridge i should be good yes ticket for 1 please . 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 reference number is : ab2fx8kz . the total fee is 18.88 gbp payable at the station eos O O O O O B-Train-Inform+Ref O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O N/A +bos that is wonderful . i believe that should be all i need ! 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 very welcome , have a wonderful time ! goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need to find a spot on a train on wednesday , can you help me find one ? eos O O O O O O O O O O O B-Train-Inform+Day O O O O O O O O N/A +bos yes i can . where are you going and what time would like to arrive or depart ? 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+Dest +bos i 'm leaving from london kings cross and going to cambridge . i 'd like to leave after 14:30 on wednesday . eos 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 B-Train-Inform+Leave O O O O O O N/A +bos i have 5 options available for wednesday . you can leave at 15:17 , 17:17 . 19:17 , 21:17 , or 23:17. what time would you like to leave ? 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O Train-Request+Leave +bos i 'll take the first one at 15:17. when does it arrive ? eos O O O O O O O O O O O O O O Train-Request+Arrive +bos it will arrive at 16:08 eos O O O O O B-Train-Inform+Arrive N/A +bos ok i am also looking for a place to eat in the expensive price range and should be located in the west 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 O O N/A +bos there are nine restaurants available . is there a specific food type 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 no , nothing in particular . just anything you would recommend . eos O O O O O O O O O O O O O N/A +bos i recommend the graffiti located at hotel felix whitehouse lane huntington road . eos 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 I-Restaurant-Recommend+Addr O N/A +bos can you tell me the food type as well as the phone number and address ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food,Restaurant-Request+Addr +bos yes , it 's british food and the phone number is 01223277977 , with the address of hotel felix whitehouse lane huntingdon road . eos O O O B-Restaurant-Inform+Food 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 O O N/A +bos thank you very much , that will be all . 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 your future travel needs . 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 train that leaves cambridge going to leicester arriving by 16:15 eos O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O B-Train-Inform+Arrive N/A +bos we have 77 options available . is there a certain day 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 Train-Request+Day +bos yes , i 'd like to leave on monday , going to cambridge from leicester . eos O O O O O O O B-Train-Inform+Day O O O O O O O O O N/A +bos tr6723 leaves on monday from cambridge arriving in leicester at 16:06. would that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Day O B-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A +bos could i have the travel time and price for that particular train ? eos 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 the cost is 37.80 pounds . 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 N/A +bos okay , i also need a chinese restaurant in the centre , please . 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 10 restaurants in the centre area that have chinese . do you have a certain price range in mind ? eos O O O O B-Restaurant-Inform+Choice 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 O Restaurant-Request+Price +bos i 'm looking for something in the expensive price range . eos O O O O O O O B-Restaurant-Inform+Price O O O O Train-Request+Price +bos i would like to recommend ugly duckling . would you like me to make reservations for you ? eos 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 Booking-Inform +bos yes , a table for 1 at 20:30. but could you check the train again ? i need to leave from liecester , not arrive there . eos 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 O O O N/A +bos i have your table for 1 booked at the ugly duckling , monday at 20:30. the reference number is ydg81nj5 . just a moment while i check on the train . eos O O O O O O O B-Booking-Book+People O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos okay . sorry for the mix-up . thanks for checking . eos O O O O O O O O O O O O general-thank +bos yes i can book that for you if you would like . eos 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 now that your reservation at ugly duckling is taken care of , is there anything else i can assist you with today ? 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 general-reqmore +bos no you have been a great help , thanks . eos O O O O O O O O O O O general-thank +bos it was a pleasure to help you . thanks for using our service . goodbye . 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 to go to cambridge on tuesday . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos i am happy to help with that . can you tell me where you would be leaving 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 from london kings cross and i need it to leave after 18:15. eos O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O B-Train-Inform+Leave N/A +bos i have 3 trains available . they leave at 19:17 , 21:17 and 23:17. would you prefer one of those ? 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 Train-Select +bos i 'd like to book the 19:17 train for 8 please and 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 N/A +bos i was successfully able to book the 19:17 train for 8 people . the total fee is 188.8 gbp payable at the station . your reference number is l0tq4fd6 . eos O O O O O O O O B-Train-OfferBooked+Leave 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 B-Train-OfferBooked+Ref O N/A +bos i will also need a place to dine . i 'm thinking something cheap , after that . maybe portuguese 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 O O O O N/A +bos there are two cheap portuguese restaurants located in the city , the nandos and nandos city centre . would you like to book a table with either of these ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 +bos i would like to dine in the centre area , so let 's go with nandos city centre . eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A +bos sure . how many seats will you need to reserve for the restaurant ? eos O O O O O O O O O O O O O O O Booking-Request+People +bos i will need it for the same amount of people . eos O O O O O O O O O O O O N/A +bos what time would you like to make your reservation ? eos O O O O O O O O O O O Booking-Request+Time +bos i would like to dine at 21:00. eos O O O O O O O B-Restaurant-Inform+Time N/A +bos will you be dining on tuesday as well ? eos O O O O O O O O O O Booking-Request+Day +bos yes . please reserve a table for 8 on tuesday at 21:00. also can you give me the reference number ? eos O O 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 ok , i 've got you booked with reference number w5j24tc2 , they 'll hold your table 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 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 , that looks great . have a good day . eos O O O O O O O O O O O O O O general-thank +bos thank you , have a nice day , too . eos O O O O O O O O O O O general-bye +bos thanks for all the help . goodbye . eos O O O O O O O O O general-bye +bos goodbye and enjoy the restaurant and trip ! eos O O O O O O O O O general-bye +bos i 'm looking for a restaurant in the centre serving modern european food . eos O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos we have four choices , do you have a preference in price range ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Price +bos i need one in the moderate price range . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are 2 restaurants with your given preferences . they are de luca cucina and bar and riverside brasserie . do want me to book a table for you ? 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 O O O O O Booking-Inform +bos yes please . i need a table for one at noon on saturday eos O O O O O O O O O O O O B-Restaurant-Inform+Day O N/A +bos i tried to book a table using your criteria at both restaurants , but unfortunately , there was no availability at either . would you like 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 O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos can you try 11:00 for either place ? eos O O O O B-Restaurant-Inform+Time O O O O N/A +bos that time was successful . you 're booked at de luca cucina and bar at 11:00 on saturday . your reference number is qca3lhqc . need anything else today ? 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 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 general-reqmore +bos yes please . i need train on the same day arriving in cambridge . eos O O O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos what time are you looking to arrive in cambridge ? eos O O O O O O O O O B-Train-Inform+Dest O Train-Request+Arrive +bos i need to arrive by 08:45. are there any trains that early ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos oh yes plenty . how about the 07:17 that arrives by 08:08. eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O N/A +bos what is the travel time and train id ? eos O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos that id would be the tr8885 , and the travel time is 51 minutes . would you like to book a seat on that train ? eos O O 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 O O O O O O O O O Train-OfferBook +bos no thanks . that will not be necessary . thanks for the info . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos just to confirm , that train leaves from london kings cross . is that your intended departure 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 O O O O O O Train-Request+Depart +bos sorry , no , i need to depart from broxbourne . eos O O O O O O O O B-Train-Inform+Depart O O O N/A +bos okay , it looks like the tr1971 would depart broxbourne at 7:32 and arrive in cambridge at 08:32. would that work for you ? eos O O 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 O O O O O O N/A +bos perfect , thanks . i am all set now . eos O O O O O O O O O O O general-thank +bos you are welcome . good bye ! eos O O O O O O O O general-welcome,general-bye +bos do you have information on la raza ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos la raza is a spanish restaurant in the centre area . it is considered cheap 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 B-Restaurant-Inform+Price O N/A +bos can i get their 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 . they 're at 4 - 6 rose crescent . their number is 01223464550. i can help you book a table if you 'd like . or is there anything else you need ? 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+Phone 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 +bos i could use your help finding a train for saturday that leaves after 11:00. eos O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos there are 278 trains that leave after 11:00 on saturday . do you have a particular departure and arrival location ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i need to go from leicester to cambridge . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos it looks like train tr6210 will be leaving leicester at 11:09 on saturday and will arrive to cambridge at 12:54. can i help you with anything else ? eos O O O 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 O B-Train-Inform+Arrive O O O O O O O O general-reqmore +bos what 's the travel time on that trip ? i really dislike math . eos 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 105 minutes . is there anything else i can help you 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 O O O general-reqmore +bos no , thanks . that should be all , thank you ! eos O O O O O O O O O O O O O general-thank +bos glad i could be of help . have a great day . goodbye . eos 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 cambridge on sunday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos i have 202 trains traveling to cambridge on sunday . where will you be departing from , and what time would you like to arrive ? 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 O O O O Train-Request+Depart,Train-Request+Arrive +bos i 'm leaving from london liverpool street after 14:45. 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 there is a train at 15:39 and several others every two hours after that . can i book a seat for you ? eos 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 Train-OfferBook +bos please book me on the 15:39 train . eos O O O O O O O O O Train-Inform +bos will you needing more than one ticket ? the cost per seat is 13.28 pounds . eos O O O O O O O O O O O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O N/A +bos no , just one ticket please . eos O O O O O O O O N/A +bos booking was successful , the total fee is 13.28 gbp payable at the station . your reference number is 33z0fmiq . 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 N/A +bos great . can you also help me find out about a restaurant called charlie chan ? 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 charlie chan 's address is regent street city centre and the number is 01223361763. 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 B-Restaurant-Inform+Phone O N/A +bos could you please make a reservation on sunday for 7 people at 21:00 ? i would like a reference number . 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 O O O O O Restaurant-Request+Ref +bos unfortunately , the restaurant is already booked at that time . is there another day or time 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about 20:00 ? eos O O O B-Restaurant-Inform+Time O N/A +bos your booking is complete . your table is reserved for 15 minutes and your reference number is ncqjqgne . 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 O N/A +bos i think that is it . thanks so much for your help eos 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 i need to book a train for 18:45 that leaves cambridge . eos O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart O N/A +bos what is your final destination ? eos O O O O O O O Train-Request+Dest +bos norwich is my final destination . eos O B-Train-Inform+Dest O O O O O N/A +bos do you have a day in mind ? eos 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 i have a train that leaves on friday at 19:36 and arrives in norwich at 20:55. would you like me to book it for you ? 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 B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos actually , i was n't very clear before . i apologize . i need to arrive in cambridge by 18: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 O O O N/A +bos tr4990 departs norwich at 17:16 and arrives in cambridge at 18:35. 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 I-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O N/A +bos yes , i think it will . how long is the trip and how much will it cost me ? 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 tickets will you need ? eos O O O O O O O O Train-Request+People +bos just the one eos O O O O N/A +bos okay , you 're booked with reference number 3loqwxpk . trip duration is 79 minutes , and the total fee is 17.6 gbp payable at the station . may i help with anything else ? eos O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time 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 yes , i 'm also looking for a place to dine . should be in the west and preferably in the expensive range . eos 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 O O O N/A +bos i can look that up for you . do you desire a particular type of restaurant ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos steakhouse please . eos O B-Restaurant-Inform+Food O O N/A +bos unfortunately there are no steakhouses any where in the city at any price point . do you have another type of food to search for ? eos 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 I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O O O O Restaurant-Request+Food +bos yes , could you see if there is one that serves british food instead ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i would recommend travellers rest . it is on the west side and it is expensive . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Price O N/A +bos could i please have the address and postal code ? eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the zip code is cb30df , while the address is huntingdon road city centre . is there anything else i can help you with ? eos O 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 O O O O O O O O O O O O general-reqmore +bos no that was it thank you very much . eos O O O O O O O O O O general-thank +bos you 're welcome , thanks 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 O O general-welcome +bos thanks , you to . good bye . eos O O O O O O O O O general-bye +bos thank you for calling 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 i am looking for the addenbrookes hospital eos O O O O O O O O Hospital-Inform +bos addenbrookes hospital is located on hills rd , cambridge . is there a department you 're needing the 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 N/A +bos i need the emergency department . could i also get the postcode ? eos O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O O O O O O O O Hospital-Request+Post +bos sure , the emergency department number is 01223217118. eos 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 their postcode is cb20qq . 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 not at this time . thank you and have a great day ! eos O O O O O O O O O O O O O O O general-thank +bos thanks , you as well ! eos O O O O O O O general-bye +bos can you help me , i 've been mugged ? eos O O O O O O O O O O O N/A +bos you can get help here parkside police stationtelephone : 01223358966address : parkside , cambridgepostcode : cb11jg eos O O O O O O O O O O O O O O O O O N/A +bos thank you , i will contact the parkside police station by calling them at : 01223358966. eos O O O O O O O O O O O O O O O O O Police-Inform +bos are you injured ? do you need hospital information ? eos 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 O general-thank +bos i 'm glad you 're not hurt , and i hope the police are able to help you with the robbery . if there 's anything else i can help with just let me 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 O O O O O O O general-bye,general-reqmore +bos i am looking to book a taxi that will leave from the missing sock eos O O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos what is your destination ? eos O O O O O O Taxi-Request+Dest +bos i need to get to the lucky star please . eos O O O O O O O O O O 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 would like to leave after 17:15. i also need 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 Taxi-Request+Car +bos i have you in a blue audi , contact is 07804429006. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 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 thank you i do n't need anything else . 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 'm needing to find a taxi . i need to leave after 13:00 and i 'm leaving the pizza hut fen ditton . 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+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A +bos happy to help ! where will you be traveling to ? eos O O O O O O O O O O O O Taxi-Request+Dest +bos i 'm going to thanh binh . eos O O O O O O O O N/A +bos great . you are booked with a black volkswagen . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A +bos i need the contact number please . eos O O O O O O O O N/A +bos certainly . the contact number is 07590243712. can i help you with anything else ? eos O O O O O O B-Taxi-Inform+Phone O 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 general-thank +bos you 're more than welcome ! eos O O O O O O O general-welcome +bos i need a taxi to arrive by 17:30 at the cambridge punte . eos O O O O O O O O B-Taxi-Inform+Arrive O O O O O N/A +bos i would be happy to help with your request . did you mean the cambridge punter ? 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 O O N/A +bos yes , the cambridge punter and i will be departing from the city stop restaurant . eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos ok , what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart +bos as i said , i am departing from the city stop restaurant . 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 alright , i have a grey lexus and the contact number is 07807857780. eos 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 you help . eos O O O O O O O O O general-thank +bos you are welcome . may i help with any other bookings ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos no , there is nothing else . bye bye . eos O O O O O O O O O O O general-bye +bos alright , have a great day ! eos O O O O O O O O general-bye +bos i 'm looking for a train going to broxbourne please . eos O O O O O O O O B-Train-Inform+Dest O O O N/A +bos the train id is tr6549 and it leaves on friday eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Day N/A +bos is this all you needed ? eos O O O O O O O N/A +bos it will be leaving at 5:01 and arriving at 6:01. eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos am looking for the addenbrookes hospital eos O O O O O O O Hospital-Inform +bos i have the location on hills road in cambridge with a phone number of 01223245151. eos O O O O O O 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 the postcode is cb20qq . eos O O O O O O N/A +bos great , 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 for using our services . eos O O O O O O O O general-bye +bos i need an information on 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 N/A +bos there are several trains from cambridge to ely . what day and time would you like to travel ? 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+Leave,Train-Request+Day +bos i would like to travel on saturday and get to ely by 21:30. eos O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos the latest train will get you there by 20:17. it departs at 19:50. it is train tr6698 . would that work for you ? eos O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave O O O B-Train-Inform+Id O O O O O O O Train-Select +bos can you tell me the price and travel time for that please ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos it will cost 3.52 pounds and takes 17 minutes total . would you like to book it ? 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 O O O O O Train-OfferBook +bos no , i am also looking for 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 we have several cheap restaurants in the center of town . do you have a specific cuisine in mind ? 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 Restaurant-Request+Food +bos i 'm looking for something that offers light bites . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos we do n't have any locations that meet those specifics . would you like to try for 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-NoOffer +bos how about asian oriental ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i highly recommend j restaurant . it has great prices on asian oriental food and is in the center of town . would you like me to book you a reservation ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price 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 O O O O O O O Booking-Inform +bos yes please . i need to book for 4 people on the same day . eos O O O O O O O O O O B-Restaurant-Inform+People O O O O O N/A +bos what time would you like your reservation for ? eos O O O O O O O O O O Booking-Request+Time +bos i 'd like to book it for 12:15 please . eos O O O O O O O B-Restaurant-Inform+Time O O O N/A +bos alright , i have your reservation booked at j restaurant at 12:15 pm for 4 people . confirmation number is zb5sj467 . is there anything else you might need ? eos O 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+People O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos may i also have the reference number please ? eos O O O O O O O O O O Restaurant-Request+Ref +bos your reference number is zb5sj467 . eos O O O O O B-Restaurant-Inform+Ref O N/A +bos thanks so much for all of your help . eos 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 am looking for a 3 star hotel that has 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 i have two hotels in that category . both are expensive and have 3 stars each . both offer free wifi and parking . do you prefer the south or centre of town ? eos O O O O O 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 O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking +bos either one is fine . how about the south ? eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos the lensfield hotel would be the place then . it 's expensive , 3-star rated with free wifi and free parking . 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 O 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 no thanks , just getting information . that 's all i need . eos O O O O O O O O O O O O O O general-thank +bos okay . let us know if you need help booking ! eos O O O O O O O O O O O O Booking-Inform +bos actually my wife says it 's better to book it . can you reserve it for 4 people for 4 nights starting from monday ? eos 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 N/A +bos the hotel is booked and the reference number is h3mwaydx . your wife can sleep calm now . eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O O O N/A +bos fantastic ! have a good day i will let you know ! eos O O O O O O O O O O O O O N/A +bos enjoy your stay , bye ! eos O O O O O O O general-bye +bos i 'm looking for an expensive place to stay at in the north section of town , can you help with this ? eos 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 N/A +bos i 'm afraid there are n't any expensive places in that area . would you like me to try a different part of town ? eos O 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+Area +bos hmm , really . i thought there was . can you double check please ? it can be either a 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 O Hotel-Inform +bos i 've checked again . unfortunately , there are no expensive hotels in the northern part of town . 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 I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O N/A +bos okay . how about one moderately priced ? eos O O O O O O B-Hotel-Inform+Price O O N/A +bos we have 11 moderately priced options on the north end . are free internet or parking requirements 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 O O Hotel-Request+Internet,Hotel-Request+Parking +bos i will need free wifi and parking . eos O O O O O O O O O Hotel-Request+Parking +bos how about the acorn guest house . it fits your needs . shall i book that 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 Booking-Inform +bos hmm , maybe . what 's their postcode ? eos O O O O O O O O O O Hotel-Request+Post +bos the post code for the acorn guesthouse is , cb41da . anything else you may need ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Post O O O O O O O general-reqmore +bos great , i will book it myself . thanks for your 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 . goodbye . eos O O O O O O O general-bye +bos yeah , i 'm looking for a room . do you offer anything in the southern part of town ? 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 N/A +bos i have four places with rooms in the south . 1 is cheap , 2 are moderate , and 1 is expensive . do you have a particular price range ? 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Hotel-Request+Price +bos i am looking for something in the moderate price range with free wifi and does n't 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 O N/A +bos the aylesbray lodge guesthouse and the bridge guesthouse are in the south area with a moderate price range and both have free wifi . can i book one of these for you ? 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 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 Booking-Inform,Hotel-Inform+Internet +bos yes , please . either one sounds perfect ! eos O O O O O O O O O O N/A +bos sure , i can book the bridge guest house . how many people will be staying with you and when will you be arriving and leaving ? 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 O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos i need to book for 6 people starting saturday and staying 3 nights . eos 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 booking was successful . do you need anything else ? eos O O O O O O O O O O O Booking-Book,general-reqmore +bos yes . what is the reference number ? eos O O O O O O O O O Hotel-Request+Ref +bos reference number is dvgibpim . eos O O O O B-Booking-Book+Ref O N/A +bos perfect , thank you very much for your help ! goodbye . eos 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 do you have information on the express by holiday inn cambridge ? 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 i do , indeed ! it is located in the east , is a 2 star hotel , and has both free internet and parking . 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 O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos okay . thanks a lot . that 's all i need right now . 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 i need to find a 4 star hotel that also has free parking . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos i have 19 places to stay with 4 stars and parking , which area would you prefer ? 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 Hotel-Request+Area,Hotel-Inform+Parking +bos i would like to be in the north area . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are no hotels that fit your criteria . however , there are 7 guesthouses available . would you like me to book one of those for you ? eos O 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 O O O O Hotel-NoOffer,Booking-Inform +bos are there any guesthouses with free wifi ? eos O O O O O O O O O N/A +bos yes , all 7 guesthouses have internet available . what 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 Hotel-Request+Price,Hotel-Inform+Internet +bos oh , cool . it really does n't matter . which would you recommend ? eos O O O O O O O O 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 how much per night ? eos O O O O O O N/A +bos it is moderately priced . i do n't have an exact price . eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O N/A +bos ok , i do n't need a room right now , but can i have the post code and phone number for acorn ? eos O 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 . postcode cb41da and phone number 01223353888. is there anything else i can do for you ? eos O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos thanks ! that 's all i needed today . bye ! eos 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-greet +bos yo , i 'm looking for a place to stay that 's as awesome as me . four stars ! it 's got ta have free wifi , so i can do my social media , know what i mean ? eos O O O O O O O O O O O O O O O O O O O O O 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 options for you - what 's your price range or the area you 're looking 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,Hotel-Request+Price +bos i do n't really have a price range . anything is fine . i would like it to have free parking and wifi , though . and of course , 4 stars like i mentioned . eos O O 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 Hotel-Request+Price +bos do you have a preference for a hotel versus a guesthouse ? eos O O O O O O O O O O O O O Hotel-Request+Type +bos no , either will work just fine . eos O O O O O O O O O N/A +bos how about archway house ? it 's located at 52 gilbert road . 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 N/A +bos that 's great . can you give me the area and price range , please ? 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 certainly ! the archway house is in the north area and has a moderate price range . eos O O O B-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 O O O N/A +bos what 's its address ? eos O O O O O O Hotel-Request+Addr +bos it 's located at 52 gilbert road . eos 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 very much ! eos O O O O O O general-thank +bos no problem . anything else i can do for you ? eos O O O O O O O O O O O O general-reqmore +bos i 'm looking for a cheap place to stay with free wifi . eos O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos we have 10 possibilities for you . do you have any additional preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O N/A +bos yes , i am looking for a hotel with a 2 star rating . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i do n't have anything with two stars , free wifi , and in the cheap range . would you like to try a different number of stars ? eos O O O O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars 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 Hotel-Request+Stars,general-reqmore +bos let 's try something in the moderate price range with two stars and free wifi please . 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 i have two options in the moderate price range . the ashley house and lovell lodge . would you like to try one of these ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price 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 Booking-Inform +bos lets try the ashley house please . eos O O O O O O O O N/A +bos when will your stay be ? eos O O O O O O O Booking-Request+Day +bos we 'll arrive on wednesday and stay 3 nights . there will be 2 of us . eos O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O O O N/A +bos i 've made your reservation , and the reference number is 5na21jwo . 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 is all i need for now . thank you for finding the hotel . eos O O O O O O O O O O O O O O O O Hotel-Inform +bos you 're very welcome . thanks for contacting the cambridge towninfo centre . 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 general-bye +bos hi , how are you ? can you help me find an expensive place to stay that 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 O O O N/A +bos we have 5 such places ! any preference on area ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area +bos yes , i need a hotel in the north , close to the airport , thanks . 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 unfortunately , there are no expensive hotels in the north that include free wifi . would you like to change your criteria ? 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 O O O O O O O O O O O O O Hotel-NoOffer+Internet,general-reqmore +bos well , can you check in other areas ? eos O O O O O O O O O O N/A +bos i recommend either the huntingdon marriott hotel in the west or the university arms hotel in the centre . would one of them work for you ? 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 I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O general-reqmore +bos could you give me the phone number of the marriott please ? eos O O O O O O O O O O O O O Hotel-Request+Phone +bos the phone number for the huntingdon marriott hotel is 01480446000. 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+Phone 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 you 're very welcome . have a wonderful stay ! eos O O O O O O O O O O O general-bye +bos i want to find a guesthouse with free parking included . can you help ? 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 21 guesthouses that have parking available . is there a certain price range or part of the city 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 O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos i would really like something expensive . eos O O O O O O B-Hotel-Inform+Price O N/A +bos unfortunately , i ca n't find any that are expensive . let 's try a different price range . eos O O O O O O O O B-Restaurant-NoOffer+Price O O O O O O O O O O O Restaurant-Request+Price +bos alright , let 's try for a cheap hotel . eos O O O O O O B-Hotel-Inform+Price O O O O N/A +bos do you want a cheap hotel or a cheap guesthouse ? eos O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos i meant a cheap guesthouse with free wifi . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O N/A +bos how about alexander 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 sounds good , let 's book it ! 8 people for 4 nights , starting friday . 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 N/A +bos booked . your reference number is 2v7ejva7 . is there anything else you need ? 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 'll do it . 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 're welcome . hope you have a pleasant stay . eos O O O O O O O O O O O O general-bye +bos i have heard a lot of good things about the arbury lodge guesthouse . would you be able to provide any information on them ? 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 O O O O O O O O O N/A +bos yes , the arbury lodge guesthouse is in the north part of town in the moderate price range . it has parking and internet . would you like to book a room ? eos O 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 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 O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no thank you . how many stars does it have ? what is the postcode ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Post +bos it has 4 stars , and the postcode is cb42je . eos O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Post O O N/A +bos okay thank you that is all i need to know . 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-bye +bos i am looking for a cheap place to stay in the east part of town . eos 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 no problem . we have 3 guesthouses that match that . do you have a further preference ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Parking,Hotel-Request+Internet +bos i would like one that it relatively cheap and located 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 N/A +bos well , there 's the autumn house , would you like to give that a try ? 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 Booking-Inform +bos is that a 4-star place ? i would like a 4-star place , even though i need it to be 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 N/A +bos yes , the autumn house is a cheap , 4 star guesthouse . free wifi and parking are included . would you like me to make a booking for you ? 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 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 , can i get the postcode , and also i am looking for a train that departs from cambridge and arrives at kings lynn as well . 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 O O O O O Hotel-Request+Post +bos the postcode for the autumn house is cb58rs . there are 133 trains travelling from cambridge to kings lynn . could you be more specific on what day/time you 're looking for ? eos O O O O O O O O B-Hotel-Inform+Post 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 O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive +bos the train should leave monday after 17:45. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos trains run every hour from 18:11 all the way to 23:11. if you do n't have a preference , perhaps i can book you the 18:11 train ? it arrives at 18:58. eos O O O O O O B-Train-OfferBook+Leave 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 B-Train-Inform+Arrive O O O N/A +bos yes , go ahead and book 4 tickets for me on that train ! once that is done , can i have 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 O O O O O Train-Request+Ref +bos booking was successful , the total fee is 39.2 gbp payable at the station . reference number is : y9ftrigk . 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 nope that is all thanks eos O O O O O O general-thank +bos no problem . enjoy your time in cambridge ! eos O O O O O O O O O O general-bye +bos i need a hotel in cambridge that is rated 4 stars be located in the south area . eos 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 N/A +bos there are two guesthouses that fit your needs . is there a certain price range 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 Hotel-Request+Price +bos i do n't care about price range . eos O O O O O O O O O Hotel-Request+Price +bos how about rosa 's bed and breakfast ? it has internet and parking . 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos okay so it has free parking . what is the price range ? also could i receive 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,Hotel-Request+Parking,Hotel-Request+Price +bos rosa 's is a cheap place to stay and the phone number is 01223512596 ! eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Phone O O N/A +bos thank you ! could you help me find an indian food restaurant 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 O O O N/A +bos there is one indian restaurant in that area - taj tandoori . it is expensive . would you like me to book a table for you ? eos O O O O B-Restaurant-Inform+Food O O O O O 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 Booking-Inform +bos yes . what information do you need from me ? eos O O O O O O O O O O O N/A +bos what day and time would you like ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos monday at 7:00 p.m. eos O O O O O N/A +bos may i please get a phone number for the reservation ? eos O O O O O O O O O O O O general-reqmore +bos before that , can i please have the address , phone number and postcode for the restaurant ? 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 01223412299. the address is 64 cherry hinton road , cherry hinton , and the postcode is cb17aa . 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 O O O O O O B-Restaurant-Inform+Post O O O O N/A +bos i need a taxi to get there and will leave the restaurant by 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 B-Taxi-Inform+Leave O O O O O O O O O O O Taxi-Request+Car +bos yes i have white lexus picking you up at 16:15. the contact number for the taxi is 07932069775. anything else ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Depart O O O O O O O B-Taxi-Inform+Phone O O O general-reqmore +bos sounds great ! that is all i need . thanks . eos O O O O O O O O O O O O general-thank +bos happy to be of service . have a wonderful day ! eos O O O O O O O O O O O O general-bye +bos hi , i 'm interested in getting some information about the cherry hinton village centre in cambridge . eos O O O O O O O O O O B-Hotel-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 it is a multiple sports venue on the east side of town . the phone number is 01223576412. eos 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 I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone N/A +bos what is their entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos i 'm afraid that the entrance fee is unknown . would you like the phone number ? eos O O O O O O O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos no , thanks . could you recommend a hotel in the west with free parking ? eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos the cambridge belfry is a cheap hotel , 4 star , and offers free parking and wifi . would you like me to book you a stay ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price B-Hotel-Recommend+Type O B-Hotel-Recommend+Stars 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-Inform +bos is it a guesthouse ? i 'm looking for a guesthouse . eos O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos no , but the finches bed and breakfast is . can i book you a room there ? 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 Booking-Inform +bos i actually do n't need reservations just information . what can you tell me about the finches bed and breakfast ? 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 I-Hotel-Inform+Name O O N/A +bos finches bed and breakfast is a 4 start guesthouse in the west part of town in the cheap price range with 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 I-Hotel-Inform+Type 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos what 's their postcode ? eos O O O O O O Hotel-Request+Post +bos their postcode is cb30nd eos O O O O B-Hotel-Inform+Post N/A +bos ok. would it be possible to get a taxi from the guesthouse to the sports complex ? eos O O O O O O O O O O O O O O O O O O Taxi-Inform +bos yes , i can do that . i just need to know when 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 Taxi-Request+Arrive,Taxi-Request+Leave,general-greet +bos i want to leave the hotel at 22:45. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos a taxi has been booked . it is a grey tesla and the phone number is 07972543757. 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 B-Taxi-Inform+Phone O N/A +bos thank you so much ! you 've been so helpful . that 's all i need . have a good 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 O general-bye +bos your welcome , have a great day too ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for some places to go in town . it should be a college in the west . eos 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 five colleges in the west . do you mind paying an entrance fee ? 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 Attraction-Request+Price +bos that does not matter , can i get the postcode please ? eos O O O O O O O O O O O O O Attraction-Request+Post +bos i can recommend churchill college . the postcode is cb30ds . it is free to enter . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O O O N/A +bos thank you so much , can you also help me find a train from cambridge ? eos O O O O O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos when would you like to leave ? eos O O O O O O O O Train-Request+Leave +bos i need to leave after 12:45 on wednesday and arrive in leicester . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A +bos train tr8374 leaves at 13:21. is that ok for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O N/A +bos that time is for me . 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 yes , for 7 people . eos O O O O B-Train-Inform+People O O N/A +bos your seats have been reserved . your reference number is i8gssvx9 . is there anything else i can help 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 general-reqmore +bos that is all , you are my favorite rep ever , you were helpful . eos O O O O O O O O O O O O O O O O N/A +bos well , gee , thanks ! have a great day ! eos O O O O O O O O O O O O general-welcome,general-bye +bos hi , i 'm curious about attractions located in the center of town . eos O O O O O O O O O O O O O O O Attraction-Inform +bos i have over 40 great attractions in the town centre . how do you feel about entrance fees ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Price +bos i do n't care about entrance fees . eos O O O O O O O O O N/A +bos do you have a preference for a particular area of town ? eos O O O O O O O O O O O O O Attraction-Request+Area +bos yes i would like the center . eos O O O O O O O O N/A +bos how about all saints church ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos sounds good , could i get the address please ? eos O O O O O O O O O O O Attraction-Request+Addr +bos all saints church jesus lane , postal code 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 I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore +bos no that takes crare of it eos O O O O O O O N/A +bos thank you for using the cambridge towninfo centre ! eos O O O O O O O O O O general-bye +bos i 'm looking for a place to stay with free wifi . find me a hotel like that with a star of 4. 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 B-Hotel-Inform+Stars O O N/A +bos okay . would you like to stay on the west side of town , or the centre ? eos O O O O O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O N/A +bos i would like to stay in the south please . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i 'm sorry but i do n't have any hotels that match your criteria in that area , would you like to try another part of town ? 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 O O O O Hotel-Request+Area +bos can you double check for a 4 star , south area hotel with free wifi and parking please ? eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Area O O O O O O O O O O N/A +bos i have 2 guesthouses matching your requirements , one cheap and one moderate . i recommend the moderately-priced aylesbray lodge . eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Recommend+Price B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos okay , thanks . i 'm also looking for a train for friday . eos O O O O O O O O O O B-Train-Inform+Day O O O O N/A +bos we have 2,828 entries for a train . could you narrow it down to what you need ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O general-reqmore +bos will i be able to get a train out of london liverpool street that leaves after 15:15 , or will i need to use a different station ? 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 B-Train-Inform+Leave O O O O O O O O O O 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 need to be there on friday . eos O O O O O O O O O N/A +bos there is no train leaving at 15:15. however there is leaving at 15:39 on friday , would you like that one ? eos O O O O O O O B-Train-NoOffer+Leave O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O N/A +bos i do n't have to leave at exactly 15:15. i just need to leave after that time and travel to cambridge . what are my choices ? eos O O O O O O O O B-Train-Inform+Leave 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 there is a train at 15:39 and every other hour after that . 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 I-Train-Inform+Leave I-Train-Inform+Leave N/A +bos i would like to book it for friday for 7 people and will need a reference number . eos O O O O O O O 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 116.2 gbp payable at the station . reference number is : m0h2yqdy . 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 O general-reqmore +bos i am also looking for a place to stay . with free parking and one star . eos O O O O O O O O O O O O O O O O O O N/A +bos i 'm afraid that i did n't find any . would you like to try for 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 Hotel-NoOffer,Hotel-Request+Stars +bos try for a 4 star instead . eos O O O O O B-Hotel-Inform+Stars O O N/A +bos sure thing i would suggest this one arbury lodge guesthouse . eos O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos okay can you make a booking for 4 nights from friday for 7 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 booking was successful.reference number is : t4ebbla6 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos okay , great . thanks for your help ! eos O O 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 that is all i will need . eos O O O O O O O O N/A +bos have a great day and stay ! eos O O O O O O O O general-bye +bos good day to you too , goodbye eos O O O O O O O O general-bye +bos thanks ! and if you think of anything more that you need , 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 O general-bye,general-reqmore +bos i 'm looking for a nightclub eos O O O O O B-Attraction-Inform+Type O N/A +bos i have a lot of nightclubs in the city center . do you want me to recommend one to you ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O general-reqmore +bos yes please . and can you tell me what area it 's in and what the entrance fee is ? and the address too , of course . eos O O O O O 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 sure ! the kambar is a nightclub located in the centre . the address is 1 wheeler street . the entrance fee is 5 pounds . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type O O O B-Attraction-Recommend+Area 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 O general-greet +bos thank you , i also need a train from london kings cross 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+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 need to travel saturday and get there by 14:45 eos O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A +bos tr5729 arrives by 14:08. would you like a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos i need 6 tickets and the reference number eos O O O O B-Train-Inform+People O O O O Train-Request+Ref +bos booking was successful , the total fee is 113.28 gbp payable at the station .reference number is : ihjssxl2 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 thanks for all the help ! eos O O O O O O O general-thank +bos i 'm glad i was able to help . thanks for using our service today . 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 am planning a trip to cambridge and am looking to catch a train from leicester . i need to arrive in cambridge by 14:45. is there a train that would work for me ? eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Depart 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 i can help you with that . what day would you like to leave ? 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 thursday . eos O O O O O O O B-Train-Inform+Day O N/A +bos tr8882 departs leicester at 12:09 and arrives in cambridge by 13:54 , would you like to book a seat ? 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 Train-OfferBook +bos i would like you to book the train . eos O O O O O O O O O O Train-Inform +bos okay , i can help with that but first please tell me how many seats to book . eos O O O O O O O O O O O O O O O O O O O Train-Request+People +bos please , just book for one seat . i am also looking for 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 O O O O O O O N/A +bos great , what are you interested in doing or seeing ? eos O O O O O O O O O O O O Attraction-Request+Type +bos i would like to go to a swimming pool eos O O O O O O O O O O N/A +bos i have about 4 pools in town . 2 are in the north , and one each in the centre and east parts of town . do 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O Attraction-Select +bos not really . pick the one you like for me . eos O O O O O O O O O O O O N/A +bos i like abbey pool and astroturf pitch eos 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 what 's the entrance fee for that place ? eos O O O O O O O O O O Attraction-Request+Fee +bos the entrance fee is not currently listed , but here is the phone number for more information : 01223902088 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 O O O O O O O B-Attraction-Inform+Phone O O N/A +bos great , thank you ! eos O O O O O O general-thank +bos can i help you find anything else today ? eos O O O O O O O O O O general-reqmore +bos no , that will be all . thank you , good bye . 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 cool place to go in town later . eos O O O O O O O O O O O O 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 i think visiting a college sounds interesting . eos O O O O O B-Attraction-Inform+Type O O O N/A +bos what about christ 's college ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos ok , what area of town is that ? eos O O O O O O O O O O Attraction-Request+Area +bos it is located in centre . is there anything else you need to know ? eos O O O O O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore +bos yes , i need a 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 01223334900and code.cb23bu , is that all ? eos O O O O O B-Attraction-Inform+Phone B-Attraction-Inform+Post O O O O O general-reqmore +bos are there any entertainment places in the east ? eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos yes ! there are boats , museums , swimming pools , parks , sports , and more in the east . do you have a preference ? eos 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 O O O O O O O O O O O general-reqmore +bos no i do n't have a preference . eos O O O O O O O O O N/A +bos can i recommend camboats in the east ? eos O O O O B-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O N/A +bos yes , that sounds like a great choice . can you give me the phone number for 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 the phone number is 01223902112. eos O O O O O B-Attraction-Inform+Phone N/A +bos great , thanks . i am also looking for a train to kings lynn . i ca n't leave till after 18:00 though . 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+Leave 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 from cambridge . i need to book for 7 people on that train . i will also need the reference number . thanks a bunch ! eos O O B-Train-Inform+Depart 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 what day did you want 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 tr9452 leaves cambridge at 18:11 and arrives in kings lynn at 18:58. will that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O general-reqmore +bos yes that 's pretty good . thanks ! 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-reqmore +bos yes , i need you to book that train for 7 please . 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 68.6 gbp payable at the station . your reference number is : r5cbd0od . can i help with 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 O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos great . you have been very helpful . that is all i needed . thanks . bye . eos 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 O general-bye +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,general-greet +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 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 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 O 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 N/A +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 i am looking for the addenbrookes hospital please . eos O O O O O O O O O O Hospital-Inform +bos the hospital is located at hills rd , cambridge hills rd , cb20qq and their 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 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 welcome . goodbye . eos O O O O O O O general-bye +bos i 'd like to find a hospital . eos O O O O O O O O O Hospital-Inform +bos the addenbrookes hospital is located at hills rd . cambridge , postcode cb20qq . the telephone number is 01223245151. 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 O O O O O N/A +bos no , that 's perfect . thanks . eos O O O O O O O O O general-thank +bos great , thanks for contacting us today and i hope you enjoy the hospital ! eos O O O O O O O O O O O O O O O O general-bye,general-greet +bos help ! i 'm injured and need a nearby hospital ! eos O O O O O O O O O O O O Hospital-Inform +bos so sorry to hear that ! the addenbrookes hospital can help . they are 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 N/A +bos can you give me their full address ? eos O O O O O O O O O Hospital-Request+Addr +bos the address is hills rd , cambridge , postcode cb20qq . their telephone number is 01223245151. eos O O O O O O O O O O O O O O O O O N/A +bos okay . that 's all i need . thanks . eos O O O O O O O O O O O general-thank +bos i am happy to help . have a good day . goodbye . eos O O O O O O O O O O O O O O general-bye +bos i 'm looking for the addenbrookes hospital and need to contact the haematology and haematological oncology department . eos 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 O O O N/A +bos the phone number for addenrookes hospital , haematology and haematological oncology department is 01223217312. eos O O O O O O O O O O O O O O O N/A +bos can you also tell me the postcode for the hospital ? eos O O O O O O O O O O O O Hospital-Request+Post +bos yes , the postcode is cb20qq . can i get you anything else ? eos 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 . 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 general-thank +bos you too , sir . eos O O O O O O general-greet +bos i got injured and are looking for the john farman intensive care unit 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 I-Hospital-Inform+Department O N/A +bos certainly , the number to the intensive care unit is 01223256166. eos O O O O O O O O O O O O N/A +bos could i get the address and postcode please ? 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 . 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 N/A +bos no thank you that will be all for now . thanks 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 , and have a nice day ! eos O O O O O O O O O O general-bye +bos where is the hospital in cambridge ? eos O O O O O O O O Hospital-Inform +bos there are 66 medical facilities in cambridge . do you have a specific hospital in mind ? 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 a hospital in town and the postcode , please ! eos O O O O O O O O O O O O O O O O Hospital-Request+Post +bos addenbrookes hospital is located in cb20qq . anything else ? eos 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 O O general-thank +bos would you like the main number or a department number for any of the facilities in the hospital ? 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 looking for a hospital in town . eos O O O O O O O O O O Hospital-Inform +bos what is the address for this hospital ? eos O O O O O O O O O N/A +bos i just need the name , address and phone number of a hosptital . eos O O O O O O O O O O O O O O O Hospital-Request+Phone +bos there 's addenbrookes hospital located at hills rd , cambridge , postcode cb20qq . the number is 01223245151. is there any particular 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 O O O N/A +bos i 've been injured and need to find a hospital nearby . eos 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 . are you looking for a specific department ? 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 just need the general phone number , please . eos O O O O O O O O O O O O O Hospital-Request+Phone +bos 01223245151 , is the number . do you need anything else ? eos O O O O O O O O O O O O O N/A +bos thank you that will do . eos O O O O O O O general-thank +bos feel better soon ! have a better night ! eos O O O O O O O O O O general-bye +bos i am looking for the addenbrookes hospital . i am wondering if they have a trauma and orthopaedics 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 O O O N/A +bos yes , addenbrookes hospital has two trauma and orthopaedics departments . would you like the phone numbers ? eos 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 postcode , please . eos O O O O O O O O O O O Hospital-Request+Post +bos that 's no problem . the postcode is cb20qq . can 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 N/A +bos can you book me a cab to take me to and from the hospital . eos O O O O O O O O O O O O O O O O Hospital-Inform +bos at what time ? from where are you going ? eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive,Taxi-Request+Depart +bos i 'll have to get back to you on that . eos O O O O O O O O O O O O N/A +bos is there anything else you need assistance with ? eos 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 thank you for using our system ! eos O O O O O O O O general-bye +bos hello , i 'm looking for a nearby hospital that has inpatient occupational therapy . can you help me with this ? 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 O O O O O O O N/A +bos telephone : 01223245151address : hills rd , cambridgepostcode : cb20qq eos O O O O O O O O O O O N/A +bos is that the phone number for the inpatient occupational therapy department ? eos O O O O O O O O O O O O O N/A +bos no , their direct number is 01223216881. eos 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 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 cheap place to stay that has free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos i have 10 hotels that meet that criteria . 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 O O O O Hotel-Request+Area +bos no , but it should be a 1 star establishment . eos O O O O O O O O O O O O N/A +bos i 'm sorry but all the cheap hotels with free wifi are either 0 or 4 stars ? would one of those options work for you ? eos O O O O O B-Hotel-Inform+Choice 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 O O O O O Hotel-Request+Stars,Hotel-Inform+Internet +bos yes , lets go with 4 stars . eos O O O O O O O O O N/A +bos i found a 4 star hotel with free wifi would you like me to book it ? 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 Booking-Inform,Hotel-Inform+Internet +bos yes for 8 people for 3 nights starting friday please . eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O N/A +bos i am sorry the booking was unsuccessful . would you like me to look at one of the other hotels that meet 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 O Booking-NoBook,general-reqmore +bos no thank you that will be all that i can think of . eos O O O O O O 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 on second thought , would you look for another hotel in the cheap price range ? please book it 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 O O O O O O O O O Hotel-Request+Ref +bos booked at worth house . reference number : dkec3gvh . eos O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O O N/A +bos that was great . thank you goodbye ! eos O O O O O O O O O general-bye +bos you are welcome . thank you for contacting cambridge towninfo centre . you 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 O O O O general-welcome,general-bye +bos i 'm looking for a moderate priced place to stay with free parking please . eos 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 if that would work 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 Hotel-Select +bos what is the star rating ? i 'm actually looking for 4 star rating in the east part of town . 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 O O O O N/A +bos then the carolina bed and breakfast or warkworth house might be more to your liking , they 're both 4-star guesthouses . would one of those suit you ? 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+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O Hotel-Select +bos i would like to be booked into the warkworth house starting tuesday . eos O O O O O O O O O B-Hotel-Inform+Name O O O O N/A +bos okay . how many people will be staying ? eos O O O O O O O O O O Booking-Request+People +bos seven , and three nights from tuesday on . eos O O O O O O B-Hotel-Inform+Day O O O N/A +bos i 'm sorry , but there are n't enough rooms available at the warkworth house . should i try another hotel ? 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 general-reqmore +bos yes , any in the same pricerange . eos O O O O O O O O O N/A +bos i got you a room at carolina bed and breakfast . your reference number is ibnbrcmh . 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 I-Booking-Book+Name O O O O B-Hotel-Inform+Ref O O O O O O O O O O O O general-reqmore +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 enjoy your stay eos O O O O general-bye +bos i 'm looking for a hotel that includes free wifi , but 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 O O O O N/A +bos i have 3 hotels in the city that meet your request . are you looking for a certain area of the city ? 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 Hotel-Request+Area +bos i need a hotel in the east . eos O O O O O O O B-Hotel-Inform+Area O N/A +bos i have a and b guest house in the east . does that sound good ? i can help you book a room there if you 'd like . 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 O O O O O O O O O O O O O O O O O O O Booking-Inform +bos yes that will be fine . book the room for 8 and for 5 nights 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 B-Hotel-Inform+Day O O N/A +bos i 'm sorry , we were not able to book a room at that hotel . would you like us to try booking 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 O O O Booking-NoBook,Hotel-Request+Name +bos okay sure . try another hotel in the same price range . eos O O O O O O O O O O O O O N/A +bos okay , you 're booked at avalon with reference number 7u6turws . may i help with anything else ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos that was all that i needed , thank you ! eos 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 need a guest house please . eos O O O O O O O O O O N/A +bos do you have a specific location you want to be ? eos O O O O O O O O O O O O Hotel-Request+Area +bos no , but i need free wifi and i would like a 2 star guesthouse please . 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 is n't a guesthouse with 2 stars and free internet available . is there another type of hotel i can look up for you ? eos 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 Hotel-NoOffer,Hotel-Request+Type,Hotel-Inform+Internet +bos yes , how about a guesthouse with 3 stars and free wifi instead ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos i have 3 guesthouses all in the moderate price range . would you like me to choose one for you ? 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 general-reqmore +bos i 'm sorry . i changed my mind . i do n't want a guesthouse . are there any hotels with 2 stars ? 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 N/A +bos is there a particular 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 no , just any 2-star hotel with free wifi will do . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos i found 3 for you all in the expensive price range . can you please give me the details so that i may book it for you ? eos O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 +bos i would like it for 6 people for 2 nights starting on wednesday . 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 i have you booked in the ashley hotel . your reference number is cw6ymt0b . is there anything else i can do for you today ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Hotel-Inform+Ref O O O O O O O O O O O O O general-reqmore +bos great that was all i needed today , thank you . eos O O O O O O O O O O O O general-thank +bos great glad i could be of help to you . eos O O O O O O O O O O O general-welcome +bos i need a guesthouse with free wifi . eos O O O O B-Hotel-Inform+Type O O O O N/A +bos there are 23 guesthouses available . can you tell me what 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 O O Hotel-Request+Area +bos east part of town eos O B-Hotel-Inform+Area O O O N/A +bos how about allenbell , they offer free parking and wifi ? eos O O O B-Hotel-Inform+Name O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos do they have a 4 star rating ? eos O O O O O O B-Hotel-Inform+Stars O O N/A +bos yes , the allenbell has 4 star rating . eos O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O N/A +bos i 'm sorry , i actually need that 4 star guesthouse to be in the north part of town . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos no worries ! how about the acorn guest house ? it meets your needs . may i help book it ? 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 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 what day , party size , and length of stay would you like to go ? eos 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 need it to be for 5 people for 5 nights starting from tuesday . thank you ! 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 N/A +bos booking was unsuccessful . do you want to find another hotel ? eos O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes please but it needs to be in the same price range . eos O O O O O O O O O O O O O O N/A +bos there is also archway house , would you like me to check booking there as well ? eos O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O N/A +bos that sounds great thanks . eos O O O O O O general-thank +bos booking there was successful . your reference number is : efm3tdr4 . 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 today . 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 i 'm looking for an expensive 2 star hotel . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos i have the express by holiday inn cambridge with internet and parking . 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 I-Hotel-Recommend+Name O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos is it located in the east ? eos O O O O O O O O N/A +bos yes , that is located in the east . eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos that 's what i want . please book it for thursday for 3 people staying 2 nights . eos 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 i 'm sorry , i was unable to book the hotel for you . would you like to look for 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 O O O Booking-NoBook,Hotel-Request+Name +bos yes , i would . how about a different hotel in the same price range ? eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos i '' m sorry but in that price range and star rating there is only the holiday express . could we try another 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 Hotel-NoOffer,Hotel-Request+Stars +bos yes , the star does not matter , just try the same price range , please . eos O O O O O O O O O O O O O O O O O O N/A +bos there are no other hotels located in the east . is there another area you would prefer ? 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 +bos just any hotel in the same price range please . eos O O O O O O O O O O O Hotel-Inform +bos i can try the lensfield hotel in the south , the university arms hotel in the centre , the marriot in the west , or the gonville hotel in the centre . eos O O O O O O O O O O O O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area 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 N/A +bos how about trying the gonville hotel ? eos O O O O O O O O Hotel-Inform +bos yes , i was able to book the gonville hotel , starting on thursday for 2 nights for 3 people . your reference number is 5vna5fpp . would that work for you ? eos O 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 B-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos yes , 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 O O general-thank +bos so glad to help ! 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 yes , could you please tell me about 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 O N/A +bos certainly , it is a moderately priced 3 star guesthouse on the northend . it does n't offer free wifi or parking . would you like the phone number or address ? eos O O O O 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 O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos do you know what the price would be for a 5 night stay for 1 person starting thursday ? eos 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 it is in the moderate price range . if you would like me to book it for you , i can give you a price then . 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 Booking-Inform,Hotel-Select +bos yes can you please book me for a 5 night stay for 1 person starting thursday ? eos O O O O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O 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 is there another hotel in the same price range available at that time ? eos O O O O O O O O O O O O O O O N/A +bos the acorn guest house is available and meets the same criteria . i have booked it for you . your reservation number is li4hvtbm . 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 B-Booking-Book+Ref O N/A +bos perfect that will work for me thanks so much . 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 can you find me a guesthouse that includes wi-fi ? eos O O O O O O B-Hotel-Inform+Type O O O O N/A +bos i have 23 guesthouses with wifi . is there a particular area of the city 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 O O O Hotel-Request+Area,Hotel-Inform+Internet +bos not a particular area , but i would like free parking . eos O O O O O O O O O O O O O N/A +bos there are 21 guesthouses offering both wifi and parking . are you looking for 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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no , i 'm not particular about the price or rating . i do need it available thursday for 3 nights for 3 people . eos O 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 O O O O O N/A +bos i booked a room at the allenbell guesthouse on coldham lane . the reference number is 7qvodjmi . can i be of any other assistance to you ? 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 O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos no thank you . thank you for the reference number 7qvodjmi . goodbye . eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos thank you . enjoy your stay . eos O O O O O O O O general-bye +bos i 'm looking for a moderately priced hotel in the north . eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O N/A +bos yes , there are 33 hotels that meet your requests . some of them offer parking or free internet as well . 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 O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos any listings for a guesthouse ? eos O O O O O B-Hotel-Inform+Type O N/A +bos i have 5 , all located in the north and all are gueshouses . how many will i booking for and when ? eos 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+Type O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos i would like it for 5 people and 2 nights starting from friday . 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 i was able to get a guesthouse for you at arbury lodge for friday . your reference number is hv8fjqju . eos O O O O O O O B-Hotel-Inform+Type O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O O O O B-Hotel-Inform+Ref O O N/A +bos thank you for booking it , that is all i need . eos O O O O O O O O O O O O O general-thank +bos have a good 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 'm looking for a moderately priced 4 star hotel . eos O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos we have no hotels with that criteria , but i can search for a 3-5 star hotel if 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 O O Hotel-NoOffer,general-reqmore +bos the hotel should include free parking and should be in the east eos O O O O O O O O O O O O B-Hotel-Inform+Area N/A +bos ok we have two guesthouses with that criteria , the carolina bed and breakfast , and the warkworth house . eos O 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 O O N/A +bos i need a reservation for 4 people for 5 nights starting on 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 N/A +bos i was able to book you at warkworth house , the reference number is vtzk341t . can i help you with anything else ? 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 general-reqmore +bos no that is perfect . thank you very much . eos O O O O O O O O O O O N/A +bos you are welcome . 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 general-welcome +bos i am looking for a train departing from cambridge after 10:00. eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+People N/A +bos i found this booking for you . can i book it ? eos O O O O O O O O O O O O O Booking-Inform +bos i did n't tell you where i am going , how could you book it without that information ? eos O O O O O O O O O O O O O O O O O O O O N/A +bos my apologies . i found a train leaving cambridge for london kings cross on friday , leaving at 13:00 , for 23.60 pounds . will that work for you ? 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 B-Train-Inform+Day O O B-Train-Inform+Leave O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O N/A +bos actually i need a train for sunday leaving from cambridge , going to birmingham new street departing after 10:00. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Leave O N/A +bos cambridge to birmingham on sunday , right . we have 10:01 , 11:01 and so on , every hour for the rest of the day . would you like me to book one for you ? eos O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day 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 I-Train-Inform+Leave O O O O O O O O O O O O O Train-OfferBook +bos yes , please make the booking for 1 person . eos O O O O O O O O O O O N/A +bos i 've booked you on train tr5401 sunday leaving cambridge at 10:01 arriving at birmingham new street at 12:44. your total is 60.08 gbp and your reference number is 0hn9yskr . eos O O O O O O B-Train-OfferBooked+Id B-Train-OfferBooked+Day O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive 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 thank you i'am also looking for hotel called alexander 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 N/A +bos alexander bed and breakfast is a cheap 4 star guesthouse located in the centre of town . would you like for me to book a stay 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+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 Booking-Inform +bos no . thank you . can i have the address please ? eos O O O O O O O O O O O O O general-thank +bos the address is 56 saint barnabas road , postcode cb12de . can i help you with anything else ? 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 general-reqmore +bos that takes care of everything for today . thank you ! 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,general-bye +bos i need a train that 'll get me to cambridge by 18:30 eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos how about train tr5219 ? it 'll arrive by 06:08 eos O O O O B-Train-Select+Id O O O B-Train-Select+Arrive O O N/A +bos does that train depart from london kings cross leaving on tuesday ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Day O N/A +bos it does not , but there are 7 results with those requests . do you want to leave at a certain time ? eos O O 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+Leave +bos no as long as i am there by 18 30 eos O O O O O O O O O O O N/A +bos the tr7909 train 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 O Train-OfferBook +bos yes please for 8 people . eos O O O O O B-Train-Inform+People O N/A +bos okay , your booking was successful . your reference number is kg7xu3ep . your total fee is 188.8 gbp which can be paid at the station . 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 N/A +bos thanks ! can you recommend a nice museum to see ? eos O O O O O O O O O O O O general-thank +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 in the centre of town please eos O O O B-Attraction-Inform+Area O O O N/A +bos castle galleries is in that area . would you like more information about it ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O O general-reqmore +bos yes , please , can i have the address ? eos O O O O O O O O O O O Attraction-Request+Addr +bos they are at , unit su43 , grande arcade , saint andrews street , cb23bj . good news admission is free . anything else i can assist with ? 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 B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos yes , could you possibly email or fax me the information for my reference ? i appreciate the hard work . 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 'm sorry , we are unable to do that at this time . 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 general-reqmore +bos no , thank you for your time and patience . eos O O O O O O O O O O O general-thank +bos it was my pleasure . have a nice day . eos O O O O O O O O O O O general-bye +bos i am looking for a spanish restaurant in the moderate price range eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A +bos la tasca is located in the centre . do you need for me to book it ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos no , thats ok. thank you . eos 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 i just need to get it 's address postcode and number please . eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos their address is 14 -16 bridge street , their postcode is cb21uf , and their phone number is 01223464630. eos 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 B-Restaurant-Inform+Phone O O N/A +bos ah , thanks . also , i 'm looking for a museum to go to in the same area . can you recommend 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 O O O O O O N/A +bos there are eleven in that area . is there a particular type of museum you like ? art , history , science ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos science is interesting . could you give me the phone number and entrance fee ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos there is the museum of archaelogy and anthropology or the whipple museum of the history of science - do you have a preference ? 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 I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O Attraction-Select +bos you can choose but i need their phone number , postcode and entrance fee . 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 museum of archaeology and anthropology has a free entrance fee . the phone number is 01223333516. 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 O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O N/A +bos ok thank you . i will also need a taxi to get between the restaurant and museum . 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 what time do you need it to arrive ? eos O O O O O O O O O O Taxi-Request+Arrive +bos i just need to leave the museum by 19:15. eos O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos your taxi is booked . look for a red lexus . your contact number is 0777538009 eos 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 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 general-welcome,general-reqmore +bos no , that 's all thank you very much . goodbye eos O O O O O O O O O O O O general-bye +bos thanks for inquiring with us . eos O O O O O O O general-bye +bos i 'm trying to figure out my eating options . are there any expensive restaurants 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 N/A +bos there are 33 expensive restaurants to choose from in the centre . to narrow down results , what type of food are you wanting to eat ? eos 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 O O Restaurant-Request+Food +bos how about a place that serves canapes ? eos O O O O O O O B-Restaurant-Inform+Food O N/A +bos there are no expensive restaurants in the centre of town serving canapes eos O O O O B-Restaurant-NoOffer+Price O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O B-Restaurant-NoOffer+Food N/A +bos aww , that 's too bad . do you have any that serve korean 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 yes , little seoul is a great place for korean food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Food O O O N/A +bos can you book a table for 7 people ? eos O O O O O O O O B-Restaurant-Inform+People O N/A +bos yes i can , i need the day and time you 'd like to go please . eos 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 thursday at 19:15 ? eos O 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 : 718zbffa . 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 now need a train eos O O O O O O Train-Inform +bos 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 ? eos O O O O O O O O O O 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+Depart,Train-Request+Arrive +bos the train should depart from broxbourne and should go to cambridge . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O N/A +bos on what day and time do you need to go there ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i would like to arrive at 16:15 please . eos O O O O O O O B-Train-Inform+Arrive O O N/A +bos the earliest i can have you there is 06:32. the latest is 10:32 , with several options in between . any preference ? eos 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 O O O Train-Select +bos yes , i would like to arrive by 10:32 is 16:15 is not available . eos O O O O O O O O O O O O O O O O N/A +bos train tr2145 will arrive at cambridge by 10:32. how many tickets should i book for you ? eos 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 O Train-Request+People,Train-OfferBook +bos i would like to book for 7 people please . eos O O O O O O O O B-Train-Inform+People O O N/A +bos i would be happy to book a train for you . which day will you be travelling ? 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 will be traveling on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos sorry it looks like tr2145 is no longer available , i will substitute with tr5687 which arrives same time . booking complete 125.29 gbp payable at the station , reference number 8xyhvb3u.anything else ? eos O O O O O B-Train-NoOffer+Id O O O O O O O O B-Train-Inform+Id 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 general-reqmore +bos no thank you that is all i need eos O O O O O O O O O general-thank +bos thank you that is all good bye eos O O O O O O O O general-bye +bos i need to take a train on saturday after 15:00 eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos first i need a little more information to find something that will suit your needs . what are your departure and arrival destinations ? eos O 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 coming to cambridge from peterborough . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos okay , is there a certain time you need to arrive by ? eos O O O O O O O O O O O O O O Train-Request+Arrive +bos no , just need to leave after 15:00. when will i arrive and how long does it take ? eos O O O O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos you have a few options . one train leaves at 15:19 and it 's about a 50 minute trip , putting you in cambridge at 16:09. should i book it for you ? eos O O 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+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-Select,Train-OfferBook +bos no thanks . i also need multiple sports places to go please . eos O O O O O O O O O O O O O O general-thank +bos okay , i found one on the east side called the cherry hinton village centre . would you like me to get you the address ? eos O O O 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 I-Attraction-Inform+Name O O O O O O O O O O O N/A +bos no , thanks i just need the phone number eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number for the cherry hinton village centre is 01223576412 eos O O O O O O O O O O O B-Attraction-Inform+Phone N/A +bos i am also looking for a multiple sports complex to visit . eos O O O O O O O O O O O O O N/A +bos there 's the cherry hinton village centre . would you like more information ? 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 general-reqmore +bos thanks . i am all set here . eos O O O O O O O O O general-thank +bos would you like some info on that venue ? eos O O O O O O O O O O general-reqmore +bos no thank you . i have everything i need for now . eos 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 general-bye +bos i would like to find a train going to norwich . eos O O O O O O O O O O B-Train-Inform+Dest O N/A +bos sure , i have a lot of options for you . what time do you need to arrive by ? and on which 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 Train-Request+Arrive,Train-Request+Day +bos thursday , leave after 21:15. depart from cambridge . eos O B-Train-Inform+Day O O O O O B-Train-Inform+Depart O O N/A +bos the tr9937 meets your criteria . would you like to make a booking ? 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 yes , for 2 people . eos O O O O B-Train-Inform+People O O N/A +bos yes the booking was successful and your reference number is yhns4ej1 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i also want a place to go in the north side of town eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos do you want an attraction or a restaurant ? eos O O O O O O O O O O general-reqmore +bos an attraction please . something in the north please . eos O O O O O O O B-Attraction-Inform+Area O O O N/A +bos what kind of attraction interests you ? you can choose from boat , swimmingpool and park eos O O 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 O Attraction-Request+Type +bos whatever you recommend . i just need the name , number , post code and entrance fee . 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 +bos milton country park is a beautiful place . phone number 01223420060 , postcode cb46az and it is free . is there anything else i can help you with today ? eos 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+Phone O B-Attraction-Recommend+Post I-Attraction-Recommend+Post O O B-Attraction-Recommend+Fee O O O O O O O O O O O O O O general-reqmore +bos i only needed that . eos O O O O O O N/A +bos glad i could help you today thanks for using our service . eos O O O O O O O O O O O O O general-bye +bos i want a hotel that does n't include internet , but it needs to be a place to stay in the east . 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 N/A +bos i do n't have any options specific to the east . may i consider any other areas of town ? eos O O O O O O O O O B-Hotel-NoOffer+Area O O O O O O O O O O O Hotel-Request+Area +bos 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 . eos O O O O O O O O O O O O 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 gives us about 6 options to choose from . all are in the east and all offer both free parking and free internet . what price range do you prefer ? eos O O O O 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 O Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos it does n't matter . i 'd like 4 stars though . eos O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos ok what about the allenbell ? it 's priced cheap . eos O O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O N/A +bos sure . what is the hotel type and address please ? eos 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 it 's located at 517a coldham lane . 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+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 . i also need a train that arrives by 19:45 and departs from cambridge . eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O O N/A +bos what day and time will you be departing ? what is your destination ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day,Train-Request+Depart,Train-Request+Leave +bos what 's your favorite college to visit in cambridge ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i like christ 's college in the center of town , but there are many others throughout the city . what part of the city did you want to visit ? eos 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 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 +bos i think i would like to visit that location , it seems nice . could i get the phone number and 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 Attraction-Request+Area,Attraction-Request+Phone +bos the area is centre and the phone number is 01223334900. is there anything else i can help you with ? eos O O O O B-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 actually , i 'm hungry . can you find me a restaurant that serves north american food ? something not super expensive , maybe in a moderate 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 B-Restaurant-Inform+Price O O O O O O N/A +bos i 'm sorry , there 's no restaurant serving specifically north american or american food in my database , is there another type of food you would consider ? eos O O 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 O O O O O O O O O O O O O O Restaurant-Request+Food +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 three modern european restaurants two in the center and one in the south . do you have a preference ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 Restaurant-Select +bos i would prefer the one on the centre , could i have the phone number and postcode please ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos de luca cucina and bar 's phone number is 01223356666. postcode is cb21aw . 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+Phone O O B-Restaurant-Inform+Post O O N/A +bos could you help me get a taxi to get from the college 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 the college ? i can book you a taxi to take you to the restaurant if 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 O O O O O O O Taxi-Request+Leave +bos i would like to leave by 13:00. eos O O O O O O O O N/A +bos i have booked you a taxi leaving at 12:45. the car will be a red toyota and contact number is 07350032543. anything else today ? eos O O O O O O O O O B-Taxi-Inform+Leave 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 general-reqmore +bos that 's it . thank you very much . eos O O O O O O O O O O general-thank +bos will you need anymore information concerning your stay ? eos O O O O O O O O O O general-reqmore +bos that is all , thanks for the 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 a place to go which is a collage ? eos O O O O O O O O O O O O O N/A +bos i can help . what part of town are you looking to spend time in ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos no place in particular , might you suggest one for me please and give me the postcode eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos queens ' college is in the west and has the poccode cb39et eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Post O N/A +bos please also find me information about warkworth house eos O O O O O O O O B-Hotel-Inform+Name N/A +bos warkworth house is a moderately priced , 4 star guesthouse located in the east end . would you like to book a stay ? 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 O B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform +bos yeah , 2 people 3 nights on tuesday , i am taking the wife out for a surprise trip . eos 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 O O O O N/A +bos oh ! what a wonderful surprise ! i 've booked a room for three nights for the two of you at warkworth house beginning tuesday . your reference number is qhyb953g . eos O O O O O O O O O O O B-Booking-Book+Stay O O O O O O O B-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 N/A +bos thank you very much . i think 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 so glad we could be of service . thank you for using the cambridge towninfo centre , and i hope your wife enjoys her surprise 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 general-bye +bos i 'm looking for a train leaving after 15:30 from cambridge . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O O N/A +bos there are over 623 trains leaving then . where will you be 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 Train-Request+Dest +bos london liverpool street and should leave on monday eos O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Day N/A +bos tr3602 departs at 15:59 monday and arrives at london liverpool street by 17:27. does this suit your needs ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave B-Train-Inform+Day I-Train-Inform+Day 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 N/A +bos that sounds great . can you book that for 6 people for me ? eos O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos sure ! i have 6 people booked for monday with reference number 3ebqsqsc and a total of 99.6 gbp . can i help you with anything else ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Day 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 general-reqmore +bos i 'm also looking for a recommendation on a hotel with free parking in the north . 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 do you have a price range ? eos O O O O O O O O Hotel-Request+Price +bos yes , i 'd like to keep it cheap , please . i do need free wifi , though . eos O B-Hotel-Inform+Internet 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 have listings for two , city centre north b and b and worth house . 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 O O N/A +bos let 's go with city centre north b and b. i need to book for 6 people , 2 nights , and starting on saturday , please . eos 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 O B-Hotel-Inform+Day O O O O O O N/A +bos yes . your reservation was successful . the booking number is 4h91c8i3 . eos O O O O O O 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 general-thank +bos have a great day ! eos O O O O O O general-bye +bos i 'd like a train heading for cambridge from peterborough , please . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O N/A +bos certainly ! did you have a travel day in mind ? eos O 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 first train leaves peterborough at 05:19 the last leaves at 07:19 would you like tickets ? eos O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O Train-OfferBook +bos yes , for 8 people please . eos O O O O B-Train-Inform+People O O O N/A +bos i have 8 seats reserved for you . your reference number is o2j7w28g . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos awesome . i 'm also looking for the gonville hotel . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos i can help you with that . what kind of information did you need about the gonville hotel ? 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 O N/A +bos i would like to book it for the same group for 4 nights on saturday as well . 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 how many rooms would you like to book for that group ? eos O O O O O O O O O O O O O Booking-Request+People +bos uh , i thought i told you 8. eos O O O O O O O O O N/A +bos i have your rooms booked . the reference number is 9wy58ojm . 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 that is all i needed . thank you so much ! eos O O O O O O O O O O O O general-thank +bos you are quite welcome . have a lovely stay ! goodbye ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need a train that leaves london kings cross 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 N/A +bos and what is your destination station ? eos O O O O O O O O Train-Request+Dest +bos i need to arrive at cambridge . i want the train to leave after 17:30. 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 3 trains leaving after 17:30 on friday , by what time would you like to arrive in cambridge ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Dest O O N/A +bos i need to arrive by 5pm . eos O O O O O O O O N/A +bos that 's physically impossible . you want to leave after 17:30 which is 5:30 pm and arrive at 5 pm ? try that 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 O O O N/A +bos can i get the train id and arrival time for the first train after 17:30 on friday , going from kings cross to cambridge ? eos O 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 O O O B-Train-Inform+Dest O O Train-Request+Arrive,Train-Request+TrainID +bos the tr9139 leaves at 19:17 and arrives by 20:08 eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos i am also looking for de luca cucina and bar , can you help me locate it ? eos 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 N/A +bos gladly . it 's located in the centre and it serves modern european food . would you like me to make a reservation for you ? eos O O O 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 O O O O O O Booking-Inform +bos yes please , can i get a reservation for friday at 21:00 for 3 people ? 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 N/A +bos great choice ! your booking was successful . here is your reference number 8w4ezq1e . 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 general-reqmore +bos no thank you , that is everything . eos O O O O O O O O O general-thank +bos i 'm happy we could be of service , and 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 'm looking for a place to stay on the east side 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 N/A +bos 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 ? eos O O O O O O O O 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 i would like a hotel with 3 stars and 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 there are none in the east . perhaps another criteria change ? eos O O O O O O B-Hotel-NoOffer+Area O O O O O O N/A +bos how about the north part of town ? eos O O O O B-Hotel-Inform+Area O O O O N/A +bos there 's the hamilton lodge . it 's a moderate price guesthouse that has both free parking and wifi . would you like to make a reservation ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O B-Hotel-Recommend+Type 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-Inform +bos yes , please book it for one person for 4 nights starting friday . eos 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 are in your party ? eos O O O O O O O O O Booking-Request+People +bos just myself for 4 nights starting friday please . eos O O O O O B-Hotel-Inform+Stay O O O O N/A +bos i made a reservation for 1 person at the hamilton lodge for 4 nights and for 1 person . here 's their phone number 01223365664. have a nice 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 N/A +bos can i please get the reference number and i also need to book a train for tuesday . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Day O Hotel-Request+Ref +bos sure ! the reference number is 8pw074cw . as far as the train , where are you headed ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O O Train-Request+Dest +bos i am looking to leave cambridge after 11:15 and travel to broxbourne . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O N/A +bos which day do you want to travel ? eos O O O O O O O O O Train-Request+Day +bos i 'd like to leave on tuesday , and could you give me the travel time ? eos O O O O O O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Duration +bos yes ! trains from cambridge to broxbourne have a travel duration of 60 minutes . the most suitable for you appears to be tr2368 , leaving cambridge on tuesday at 12:01. would that 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 O N/A +bos that will work for me . i do n't want to book just yet , though . thanks for 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 O O O O O O general-bye +bos well if there is nothing else i can help you 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 O O general-bye +bos i 'm looking for a place to stay . it needs to be in the north but it does n't have to have free parking . 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 N/A +bos what is your price range ? eos O O O O O O O Hotel-Request+Price +bos i am looking for a cheap 4 star hotel on the north . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O N/A +bos worth house is a cheap guesthouse in the north . will that do ? eos O B-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 O N/A +bos yes . is there on in the moderate price range as well ? to compare . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos sure thing ! there are seven 4 star moderately priced guesthouses in the north . maybe you would like to book on of these eos O O O O O B-Hotel-Inform+Choice 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 Booking-Inform +bos can you pick your favorite and book a room for me ? there will be 8 people , and we 'll arrive on thursday and spend 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 O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O O N/A +bos booking was successful.reference number is : ri83hxk1 . do you need information about the hotel ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O N/A +bos no , but i need to find a train . i 'm looking to travel on friday to london liverpool street . can you help ? eos O O O O O O 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 O O O O O O O N/A +bos no thanks a lot it is enough eos O O O O O O O O N/A +bos i 'm looking for information on a placed called riverboat georgina . eos O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Name O O N/A +bos hello . the riverboat georgina is located in the north area at the jubilee house . the phone number is 01223902091. can i answer anything else for you ? eos 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 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-greet,general-reqmore +bos what type of attraction is it ? and the address ? eos O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Addr +bos riverboat georgina is a boat , their office is at cambridge passenger cruisers , jubilee house . eos O B-Attraction-Inform+Type 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 O O N/A +bos i am also looking for a restaurant in the north that serves african food eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O N/A +bos i have nothing african in that area . do you have another choice ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O N/A +bos i guess indian food would work . eos O O O B-Restaurant-Inform+Food O O O O N/A +bos there are 2 one is moderately priced and one is cheap . which do you prefer ? 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 Restaurant-Select +bos how about the moderately priced one . i will need their postcode and phone number as well . 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 okay . their phone number is 01223360966. the postcode is cb41uy . can i help with anything else ? 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-greet,general-reqmore +bos yes , please . i need a taxi to take me from the restaurant to the riverboat georgina and i would need to leave the restaurant by 12:30. 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 O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos what time would you like to arrive by ? eos O O O O O O O O O O Taxi-Request+Arrive +bos when does the riverboat georgina depart ? i 'd like to have time to walk around the area and explore a bit . eos O O O 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 do n't have that information but i can tell you it is located at cambridge passenger cruisers , jubilee house . eos O O O 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 O O N/A +bos i also need to find a restaurant in the north serving african food . eos O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O N/A +bos i 'm afraid that i did not find any . 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 O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos i 'm sorry , you already located an indian restaurant . you gave me the post code and phone number . what is the name of the restaurant ? 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 O O Restaurant-Request+Post +bos the restaurant is named the nirala . eos O O O O O O B-Restaurant-Inform+Name O N/A +bos great ! now i just need a taxi to take me from the restaurant to the boat . i want to leave the restaurant by 12: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 N/A +bos you 're gon na be expecting a black lexus . their contact number is 07528633528 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 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 have a great day also . take care . goodbye . eos O O O O O O O O O O O O general-bye,general-greet +bos i meed a moderately priced place to stay . eos O O O O B-Hotel-Inform+Price O O O O O N/A +bos i have found a list of hotels with a moderate price range , what area , type , star of the hotel would you like ? eos O O 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 O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Type +bos i would like to stay in the east . it should have a 4 stars and i would also like free wifi please . eos 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 there are 3 guesthouses that meet those requirements i recommend warkworth house . would you like me to book it for you ? 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 yes , please ! 5 of us will be staying for 3 nights , and we 're arriving on friday . eos O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+Day O O O O O N/A +bos booking was successful . reference number is : fgtt1obz . 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 i am also looking for a train . eos O O O O O O O O O Train-Inform +bos i 'll be happy to help you with that . what day would you like to travel and where would you like to depart 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+Day,Train-Request+Depart +bos i need to leave from bishops stortford the same day i arrive at the hotel . i need to arrive close to 19:30. 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 O O O B-Train-Inform+Arrive O N/A +bos i have a train that arrives in cambridge by 18:07. it would be helpful to know your destination so i can serve you better . eos O O 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 O O O O Train-Request+Dest +bos the train should leave from bishops stortford and go to cambridge and arrive by 19:30. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A +bos thank you i think you should prepare before departure thank you eos O O O O O O O O O O O O N/A +bos i 'm looking for places to go watch entertainment . eos O O O O O O O O B-Attraction-Inform+Type O O N/A +bos there are 5 entertainment venues in cambridge . do you have an area in mind ? 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 do n't mind the area . can i get the address to one of them ? eos 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 is amazing . i think you 'll love it . their address is 8 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 O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O N/A +bos thanks ! i also need a train to broxbourne on thursday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos there are quite a few options . do you have a preference for departure or arrival time ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos yes , i want to depart from cambridge any time after 8:30. eos O O O O O O O B-Train-Inform+Depart O O O O O N/A +bos tr2125 leaves a 09:01 and arrives by 10: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 yes , please . i need to book the train 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 yes i was able to book that for you and your reservation number is 648c0a9s . eos O O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos fantastic , thank you very much . i do n't need anything further today ! 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 ! eos O O O O O O O general-greet +bos i need a place to stay . find me a hotel with free wifi . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos boom ! ! we have gonville hotel . need me to book a room ? eos 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 that would be great , do you know what the price range is ? eos O O O O O O O O O O O O O O O N/A +bos the gonville is expensive . eos O O B-Hotel-Inform+Name O B-Hotel-Inform+Price O N/A +bos does that have a 5 star rating ? eos O O O O O O O O O N/A +bos no , only 3 stars . eos O O O O B-Hotel-Inform+Stars O O N/A +bos i was hoping for something with at least 4 stars . eos O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i have 3 hotels that meet that criteria . all are 4 star rated and offer free parking and free internet . i have 2 in the west and 1 in the centre . 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 O O O 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos i want to book for 2 people and 3 nights starting sunday . 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 'll be more than happy to help you book a room as soon as you tell me what part of town 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 Hotel-Request+Area +bos i do n't have a preference for side of town . eos O O O O O O O O O O O O N/A +bos huntingdon marriott hotel comes highly recommended , shall i book your room there ? eos O B-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 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 your booking for sunday at the huntingdon marriot hotel has been booked . your reference number is kkv2oagc . eos O O O O B-Booking-Book+Day 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 N/A +bos great i also need a train please . eos O O O O O O O O O Train-Inform +bos can you tell me your departure and destination locations please ? 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 broxbourne after 20:00 on monday . eos 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 N/A +bos there 's a train at 20:01 that will get you to broxbourne at 21:01. would you like to book passage ? eos 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 O O Train-OfferBook +bos yes , two tickets please eos O O O O O O N/A +bos great , you 're all set . your reference number is : lex7i9ay . anything else i can help 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 general-reqmore +bos no thanks . you 've been very helpful . take care . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos you are welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos hi , i could definitely use some help finding information on a particular hotel . eos O O O O O O O O O O O O O O O O Hotel-Inform +bos there are 33 hotels to choose from . what type of hotel do 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+Type +bos i am interested in the gonville hotel . eos O O O O O O B-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 need the price range , area , and star of the hotel . eos O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos it is located in the centre and is in the expensive price range . it is a 3 star hotel . eos O O O O 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 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 yeah , i can definitely do that . what day would you like the reservation for ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform +bos on second thought , i believe i 'll wait on that reservation . eos O O O O O O O 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 yes , i need a train leaving after 18:30 eos O O O O O O O O B-Train-Inform+Leave O N/A +bos i have over 2800 entries under your specification . would you like to narrow it down ? 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 general-reqmore +bos leaving norwich going to cambridge on thursday eos O O B-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos okay ! you can leave at 19:16 , or on one of the 4 other other trains that depart every hour after . which would you like ? 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 B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-Select +bos that train will be fine . can i please get 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 O O O O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID +bos sure , the train id is tr2493 , the arrival time is 20:35 and the train ride is 79 minutes long . do you need me to book you a ticket ? eos O O O O O O B-Train-Inform+Id 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 O O O O O O O O O O Train-OfferBook +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 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 particular hotel . eos O O O O O O O O O Hotel-Inform +bos do you know which hotel or the area the hotel is in ? eos O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Name +bos university arms hotel . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos yes i have located the university arms and it is located in the center . would you like a booking ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O Booking-Inform +bos yes thank you . 2 nights for two people starting on monday . eos 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 . your reference number is og3nrcwj . 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 train going to stevenage on tuesday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos ok , where you departing from 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 'd like to leave after 11:45 , please . eos O O O O O O O O O O O N/A +bos and from where are you departing ? eos O O O O O O O O Train-Request+Depart +bos i am departing from cambridge . can you please provide me with the train id and travel time . thank you . eos 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 Train-Request+Duration,Train-Request+TrainID +bos sure . tr0743 will be the train you want , and it has a travel time of 49 minutes . eos O O O B-Train-Inform+Id O O O O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos excellent , thanks for all of your help ! 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 are you able to help me find a hospital in town ? eos O O O O O O O O O O O O O Hospital-Inform +bos there are several in town , about 66 eos O O O O O O O O O N/A +bos i just need the nearest one . eos O O O O O O O O N/A +bos addenbrookes hospital would be your best bet . eos O O O O O O O O O N/A +bos thanks . what 's the address and the postcode ? eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr +bos hills rd , cambridge , post code cb20qq . eos O O O O O O O O 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 you 're very welcome , glad we could be of assistance . eos O O O O O O O O O O O O O general-bye +bos i 'm looking for a hospital , specifically the addenbrookes hospital . eos O O O O O O O O O O O O O Hospital-Inform +bos i am looking for the main line at the hospital eos O O O O O O O O O O O N/A +bos i would like the postcode and address please . 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 . 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 N/A +bos ok , i 'll call an uber . eos O O O O O O O O O N/A +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 , thank you again . 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-greet +bos that is all i need . thanks eos 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 trying to find info for the addenbrookes hospital gastroenterology department . eos O O O O O O O O O O O B-Hospital-Inform+Department O O N/A +bos the phone number is 01223274284. anything else ? eos O O O O O O O O O N/A +bos could you give me the address and postcode as well ? eos O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr +bos yes , 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 O O N/A +bos okay thank you for your help . eos O O O O O O O O general-thank +bos you 're welcome . thanks for using the cambridge towninfo centre . eos O O O O O O O O O O O O O general-bye +bos hey i 'm looking for the addenbrookes hopistal . please make sure it has the medicine for the elderly 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 O O O O N/A +bos i just double checked and there is a medicine for the elderly department at addenbookes hospital . they can be reached at 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 N/A +bos what is the hospital 's postcode ? eos 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 awesome thats all 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 that 's all that i need today , thank you ! eos O O O O O O O O O O O O general-thank +bos you 're welcome . it was my pleasure . please call us 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-bye +bos i 'm injured pretty severely and need a hospital with a john farman intensive care unit . 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 I-Hospital-Inform+Department O O N/A +bos that would be addenbrookes hospital at hills rd , cambridge . did you need their number ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes , that would be perfect . eos O O O O O O O O N/A +bos the number is 01223245151. eos O O O O O N/A +bos perfect . could you also give me the postcode ? eos O O O O O O O O O O O Hospital-Request+Post +bos the postcode for addenbrookes hospital is cb20qq . eos O O O O O O O O O N/A +bos ok , great thanks . i will head over there . got ta go , bye . eos O O O O O O O O O O O O O O O O O O general-bye +bos okay glad we could be of help . will you require a taxi to get there ? eos O O O O O O O O O O O O O O O O O O general-reqmore +bos no thank you . my son is driving me . on our way now . eos O O O O O O O O O O O O O O O O general-thank +bos there is availability . your reference number is 4uwmydci . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos i actually need the address and phone number for the addenbrookes hospital . can you help me ? eos O O O O O O O O O O O O O O O O O O O Hospital-Request+Addr,Hospital-Request+Phone +bos sure . the hospital is located at hills rd , cambridge , postcode cb20qq . you can call them at 01223245151. 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 O N/A +bos does it have a neonatal unit ? eos O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O N/A +bos it does , the phone number for the neonatal unit is 01223217678. 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 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 okay . glad i could be of assistance . eos O O O O O O O O O O general-welcome +bos i 'm looking for a hospital with a gynecology department . eos O O O O O O O O O O O O N/A +bos addenbrookes has a gynecology department ! would you like to call them or book an appointment ? eos O O O O O O O O O O O O O O O O O O N/A +bos is the hospital located in town , and what is their postcode ? eos O O O O O O O O O O O O O O Hospital-Request+Post +bos addenbrookes hospital is located at hills rd , cambridge , postcode cb20qq . 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 N/A +bos no , that 's ok , i have everything i need now . 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 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-welcome,general-bye +bos i have been hurt , i need to find a hospital nearby , and i need one with an infusion department . eos O O O O O O O O O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O O O N/A +bos addenbrookes hospital has infusion services . they can be reached at 01223245151. eos O O O O O O O O O O O O O N/A +bos please call an ambulance . eos O O O O O O N/A +bos 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 ? eos O O O O O O O O O O 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 n't worry about it . eos O O O O O O O N/A +bos are you sure you do n't want any more assistance ? eos O O O O O O O O O O O O general-reqmore +bos yes , that is all , thank you . eos O O O O O O O O O O general-thank +bos ok , let me know if i can help you with anything else . eos O O O O O O O O O O O O O O O general-bye +bos i would like information on booking a hotel for friday night in cambridge . eos O O O O O O O O O O O O O O O Hotel-Inform +bos are you sure you are looking for a hotel ? eos O O O O O O O O O O O Hotel-Request+Type +bos i 'm sorry . first i need to find a hospital . eos O O O O O O O O O O O O O Hospital-Inform +bos i have addensbrookes hospital near you . they are on hills rd . their main number is 01223245151 , but if you need a certain department i can get the number 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 i need the post code as well . eos O O O O O O O O O Hospital-Request+Post +bos the postcode for addenbrookes hospital is cb20qq . can i help with anything else ? eos O O O O O O O O O O O O O O O O N/A +bos yes , what about for hotel for friday night ? eos O 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 'm sorry i do n't need a hotel . that was all . thank you ! eos O O O O O O O O O O O O O O O O O O Hotel-Inform +bos 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 ? eos O O O O O O 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 i am alright . thank you . eos 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 today ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos yes , thanks . have a good day . bye ! eos 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 where 's the closest hospital with a paediatric intensive care unit ? eos 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 N/A +bos addenbrookes hospital . the contact number for the paediatric intensive care unit is 01223217715. eos O O O O O O O O O O O O O O O N/A +bos can i get the postcode as well ? eos O O O O O O O O O Hospital-Request+Post +bos it looks like the post code is cb20qq . eos O O O O O O O O O O N/A +bos that 's all i need for now . 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 great day ! eos O O O O O O O O O O general-bye +bos i am looking for something to do . are there any attractions related to archaeology ? eos O O O O O O O O O O O O O O O O O Attraction-Inform +bos i do n't have archaeology however i have museums and architecture . are you interested in one of those ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O N/A +bos yes , i think i 've heard of a museum of classical archaeology . do you have their 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 O O O O O O O O O O Attraction-Request+Phone +bos there is a museum of classical archaeology . their phone number is 01223335153. is there anything else i can help with ? 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+Phone O O O O O O O O O O general-reqmore +bos i am also looking for a train departing from cambridge leaving on wednesday . 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 over 200 trains leaving on wednesday . what is your destination ? and do you have a preferred departure or arrival time ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice 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+Dest,Train-Request+Leave,Train-Request+Arrive +bos i am going to stevenage and i want to leave after 11:30. eos O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave N/A +bos there is a train that leaves cambridge at 15:21 and arrives in stevenage at 16:10. would that work for you ? eos 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+Arrive O O O O O O Train-Select +bos yes that 's all the info that i have , thank you . eos O O O O O O O O O O O O O O general-thank +bos great , i have booked the ticket , your reference number is u3r44bjs . is there anything else i can do for you ? 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 that 'll be everything . thank you ! eos O O O O O O O O O general-thank +bos thank you for contacting the help desk . have a wonderful day . eos O O O O O O O O O O O O O O general-bye +bos i need to find a college in town . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos do you have a preference as to which part of town the college is located ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O Attraction-Request+Area +bos i 'd prefer somewhere in the west . eos O O O O O O B-Attraction-Inform+Area O O N/A +bos churchill college is in the west part of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O N/A +bos can you tell me their address and postcode , please ? and do they charge any 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 storey 's way postcode cb30ds . their phone number is 01223336233. entrance to the college is free . is there anything else i can help you with ? eos 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 B-Attraction-Inform+Type O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos i am also looking for train schedules . can you help me with that ? eos O O O O O O O O O O O O O O O O Train-Inform +bos i sure can . what day are you traveling and what is your departure city and destination ? 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+Dest,Train-Request+Depart +bos i 'm leaving sunday from cambridge going towards london kings cross . 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 O N/A +bos i have 70 trains leaving cambridge and going to london kings cross . what day would you like to travel ? eos O O O O B-Train-Inform+Choice 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 O O Train-Request+Day +bos i am traveling on sunday . eos O O O O O B-Train-Inform+Day O N/A +bos ok , great ! i have train tr7423 departing cambridge at 05:00 and arriving at london kings cross 05:51 on sunday . would you like me to book this for you ? eos O 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 I-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 O O Train-OfferBook +bos yes , please . can i get six tickets and a reference number once it 's booked ? eos 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 reference number is 2vrw842p . is there 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 general-reqmore +bos no , thank you very much . eos 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 've heard good things about the acorn guest house . could you find it for me ? 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 N/A +bos the acorn guest house is a 4 star guesthouse in the north with free wifi and parking . the address is 154 chesterton road and the phone number is 01223353888. 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 I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos thank you very 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 O general-reqmore +bos yes , i also need a train to cambridge from ely . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos sure what day will you be traveling ? eos O O O O O O O O O Train-Request+Day +bos wednesday and needs to arrive by 18:15 that day . eos O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O O N/A +bos there are 7 trains , tr1549 arrives at 18:07 if you 'd like to book that just let me know . eos O O O O B-Train-Inform+Choice 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 Train-OfferBook +bos i do n't need to book right now . what time does this train depart from ely ? 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 train tr1549 departs at 17:50 and arrives in ely at 18:07. eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O B-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos excellent , that 's all the information i need right now . thank you ! 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 'm looking for a moderately priced steakhouse . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry there are no moderate priced steakhouses , would you like to try another price range ? eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O O O O O O O O O O O Restaurant-Request+Price +bos i 'm sorry . can you check the south and see if there is one ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos i 'm sorry there are still no matches . would you like me to check 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 Restaurant-Request+Food,Restaurant-NoOffer +bos sure , are there any moderately priced italain restaurants in the south ? eos O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O N/A +bos yes , i have a match . there is a pizza hut cherry hilton . would you like the address and phone number ? eos 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 O O O O O O O O O O general-greet,general-reqmore +bos i think i can find it . could you book a table for 8 on friday for 16:45 ? eos 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 N/A +bos you 're all set . your reference number is utufxta1 . eos O O O O O O O O B-Booking-Book+Ref O O O N/A +bos great ! thank you ! eos O O O O O O general-thank +bos you 're welcome they will hold the table for 15 minutes . would you like anything else today ? 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 am also looking for an attraction in the same are . eos O O O O O O O O O O O O O Attraction-Inform +bos i have eight attractions in that area . what type of attraction would you prefer ? eos 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+Type +bos i do n't have a preference can you make a suggestion ? eos O O O O O O O O O O O O O N/A +bos i would recommend tenpin it is entertainment . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type O N/A +bos that sounds good can i get the postcode and phone number ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos their postcode is cb17dy and their phone number is 08715501010. eos O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone N/A +bos i 'll a taxi to get between the 2 places . eos O O O O O O O O O O O O Taxi-Inform +bos i can help with that . what time do you want to depart ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave,general-greet +bos it will be late at night around 22:00 eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos i have booked your taxi . be expecting a yellow toyota . please call 07036604181 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 so much , have a great day ! eos O O O O O O O O O O O general-thank +bos you 're welcome ! likewise ! eos O O O O O O O general-welcome,general-bye +bos find me a moderately priced place to dine in the west . eos O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O N/A +bos i have 3 options for you - british , indian , and italian . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice 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 how about the british place , i would like to book for 7 people at 13:15 on sunday eos O O O O B-Restaurant-Inform+Food 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 ok. i have a table for 7 booked at saint johns chop house . your reference number is xpkrjxc3 . they will hold the table for 15 minutes . 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 O O O B-Booking-Book+Ref O O O O O O O O O O N/A +bos excellent , thank you so much . eos O O O O O O O O general-thank +bos is there anythign else i can help you with today ? eos O O O O O O O O O O O O general-reqmore +bos i also need a train to cambridge on sunday eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos you have a lot of options . would you like to narrow it down by departure site , departure time , or arrival time ? 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 Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart +bos actually , i 'm so stupid . i need a train from cambridge . i 'm going to broxbourne . eos 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 N/A +bos no problem , there are lots of options . did you have a time to leave in mind ? 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 Train-Request+Leave +bos i am leaving anytime after 11:30 from cambridge to broxbourne , what is the arrival time ? eos O O O O O O B-Train-Inform+Leave O O O O O O O O O O O Train-Request+Arrive +bos tr2939 would have an arrival time of 13:01. would you like to book this train ? 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 no thanks , i just wanted to know the arrival time . eos O O O O O O O O O O O O O Train-Request+Arrive +bos is there anything else ? eos O O O O O O general-reqmore +bos no , you have helped with everything i needed . 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 have a great trip . eos O O O O O O general-bye +bos i am looking for places to go when i get to town . are there any good museums ? 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 many museums . do you prefer a certain part of town ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area +bos yes i would prefer to be in the west . eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos ok , i have 7 listings . might i suggest the museum of classical archaeology ? eos O O 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+Name I-Attraction-Recommend+Name O O N/A +bos that sounds great . can i get the address and entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos they are located on sidgewick avenue and admission is free . can i assist 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 general-reqmore +bos i am also looking for a place to stay . perhaps 4 stars , and i need 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 there are a few places that match that description . do you know what area you 'd like to stay 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 O O O O Hotel-Request+Area +bos yes i am looking for a guesthouse in the north . can you book it for 2 nights starting saturday for 1 person ? 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+Stay O O O O O O O N/A +bos may i 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 that sounds like a great place . eos O O O O O O O O N/A +bos sure thing all set ! reference number is is8bb29k anything else for you today ? eos O O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O general-reqmore +bos no . thank you though , this has been very helpful . eos O 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-welcome,general-bye +bos i am looking for a place to eat that 's expensive and serves belgian 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 , we do n't have any belgian 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 how about somewhere expensive in the centre ? eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O N/A +bos no such restraunts too eos O O O O O Restaurant-NoOffer +bos how about a gastropub restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos i have two , the backstreet bistro and the slug and lettuce . do you have a preference between the 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 can you book a table at the bistro for me ? 4 people at 13:30 on sunday , please . 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 O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : nslkei1g . 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 a train from cambridge to ely , 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 what time will you be departing ? eos O O O O O O O O Train-Request+Leave +bos i want to leave after 10:30 on monday . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos the tr8089 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 yes , what time do i need to be at the station ? eos O O O O O O O O O O O O O O N/A +bos i should be asking you what time you need to be at the station . eos O O O O O O O O O O O O O O O O Train-Request+Leave +bos i just need the arrival time and price . eos O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos the arrival time for train tr8089 is 12:07 , and it will cost only 4.40 pounds . is there anything else i can help with ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id 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 general-reqmore +bos that was everything . thanks very much ! eos 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 hi , i want to eat at an expensive seafood restaurant in cambridge . where can i go ? eos 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 O N/A +bos lock fyne is en expensive seafood restaurant located at 37 trumpington st. 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 O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr N/A +bos i would like to book a table for sunday eos O O O O O O O O O B-Restaurant-Inform+Day N/A +bos okay . how many people will be dining with you ? eos O O O O O O O O O O O O Booking-Request+People,general-greet +bos it will be just myself at 11:45 for the booking . eos O O O O O O O B-Restaurant-Inform+Time O O O O N/A +bos ok ! your table is booked for 11:45 on sunday . your reference number is v0erue79 . your table will be held for 15 minutes . is there anything else you need help with ? eos 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 O O O O O O O O O O O general-greet,general-reqmore +bos i would also like to find some place 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 N/A +bos i have a wide variety of places . a cinema , museum , nightclub and entertainment . is there a certain one you are interested in ? 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 Attraction-Select +bos a nightclub sounds like fun . recommend one please eos O O B-Attraction-Inform+Type O O O O O O O N/A +bos sure , how about `` the place '' . it is a nightclub located at 22 sidney street . would you like more information on it ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Type 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 , please . can i get the phone number and postcode ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos sure thing the adddress is 22 sidney street and the post code is cb23hg . eos 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+Post O N/A +bos i also need a cab by the booked time , contact number and car type please eos O O O O O O O O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Type +bos where are you departing from and going to ? eos O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos the cab has to pick me up from the restaurant to the nightclub . eos O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O O N/A +bos what time would you like to leave the restaurant ? eos O O O O O O O O O O O Taxi-Request+Leave +bos actually , i 'm confused . i apologize . i 'll need a taxi that will take me from the nightclub to the restaurant . i 'd like to arrive by the booked time 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 O O O O O O O O O N/A +bos booked car type is red skoda . contact number is 07623852908. 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 general-reqmore +bos that will be all for today . thank you so much . goodbye eos O O O O O O O O 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,general-greet +bos i 'm looking for an expensive indian restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i have 14 expensive indian restaurants . what area were you looking for ? 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 Restaurant-Request+Area +bos centre is fine ! eos O B-Restaurant-Inform+Area O O O N/A +bos there are 6 restaurants that fit your criteria . would you like me to book a reservation for you at the one with the highest rating ? 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 O Booking-Inform +bos yes , make reservations for 4 people at 18:00 p.m. on 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 booking was successful . the table will be reserved for 15 minutes.reference number is : 78slgy2s . 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 general-reqmore +bos book a table for 7 people at 12:15 on thursday and get 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 Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes.reference number is : eooagzcf . 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 general-reqmore +bos can i book a taxi to arrive by my reservation time ? eos O O O O O O O O O O O O O N/A +bos yes . where are you departing from ? eos O O O O O O O O O Taxi-Request+Depart,general-greet +bos oh my , i got ahead of myself . first , i need a place to go in the east for a boat attraction . can you help ? eos O O O O O O 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 O O O N/A +bos i have the camboats located in the east . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O N/A +bos what is their phone number and address ? eos O O O O O O O O O Attraction-Request+Addr +bos they are located at the plough , green end , fen ditton . do you need any other information ? 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 general-reqmore +bos 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 . eos O O O O 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 camboats ' phone number is 01223902112 eos O B-Attraction-Inform+Name O O O B-Attraction-Inform+Phone O N/A +bos how about that taxi ? eos O O O O O O Taxi-Inform +bos okay i have booked your taxi . it will be a grey skoda whose contact number is 07277217080. 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 N/A +bos thank 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 glad to help , have an awesome weekend . eos O O O O O O O O O O general-welcome,general-bye +bos i will be in cambridge and need a place to stay in the north . i hate internet . eos O O O O O O O O O O O O O O B-Hotel-Inform+Internet O O O O O N/A +bos alpha milton guesthouse is a nice laid back place and does not include internet , does that sound like a good fit 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 O O O O O O O Hotel-Inform+Internet +bos is that a 4-star place ? eos O O O O O O O N/A +bos no , it 's a 3 star guesthouse . do you want to look for something different ? 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 general-reqmore +bos sorry , i was just kidding about the hating internet part . i do need a place 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 N/A +bos i have 8 guesthouses in the north with free wifi , one is cheap the others are in the moderate 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 O O B-Hotel-Inform+Price O O O O Hotel-Inform+Internet +bos any place is fine , can you please book me for 6 people and 2 nights starting on monday ? 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 i 've booked your group of 6 a room at acorn guest house . you 'll be staying for 2 night beginning on monday . your reference number is 76odnsbf . 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 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 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 welcome anytime you ant our help eos O O O O O O O general-welcome +bos i am looking for a particular attraction . eos O O O O O O O O O Attraction-Inform +bos do you have the name of the particular attraction you are looking for or the type of attraction 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 Attraction-Request+Name,Attraction-Request+Type +bos regency gallery , do you have their phone number ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O Attraction-Request+Phone +bos yes , it is 01223365454 eos O O O O B-Attraction-Inform+Phone O N/A +bos ok , thank you so much , that is all that i need . 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 need a train to norwich please . i need to be there by 08:45. eos 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 i have many trains available . what is your departure site and day you would like to travel ? 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+Depart,Train-Request+Day +bos i 'll be leaving cambridge on thursday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos tr2266 will get you to norwich at 7:55. it leaves cambridge at 6:36. would you like to book a seat ? eos 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 B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos is there anything else that arrives closer to 8:45 like i requested ? eos O O O O O O O O O O O O O O N/A +bos i 'm sorry , that is the closest arrival to 08:45. would you like me to look at something arriving after that 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 O O O O O N/A +bos no , tr2266 will work , could you get me tickets for 5 people and 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 Train-Request+Ref +bos you have 5 seats reserved on tr2266 , reference # 2v0xyt43 . is there anything else i can help you with today ? eos O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id 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 stay with 4 stars that include free wifi . eos 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 21 places to stay . do you have a price range preference ? 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 no but i would like it to be in the north . eos O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos there are 8 places that fit your needs . i suggest the avalon . would you like for me 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 O O O O O O O O O O O Booking-Inform +bos no , thank you . i 'll just need to know the hotel type and address , please ? eos 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 the avalon is a guesthouse . the address is 78-80 milton road . can i help you with anything else ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type 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 will be all , thank you . eos O O O O O O O O O O general-thank +bos you are very welcome . you have a lovely day . eos O O O O O O O O O O O O general-welcome,general-bye +bos i want to know where i can go in the town centre of cambridge . 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 many places to go in the centre . are you looking for an attraction or restaurant ? eos O O O O O O O O O O O O O O O O O O O O general-reqmore +bos an attraction of any type would be fine as long as it 's in the centre , please . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O Attraction-Request+Type +bos i could recommend old schools . it is architecture and free to see . would you like more information ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Inform+Type O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos yes tell me one of those recommendations . eos O O O O O O O O O N/A +bos old schools is an architectural attraction on trinity lane that has no entrance fee . their phone number is 01223332320. can i help you with anything else ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-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 B-Attraction-Recommend+Phone O O O O O O O O O general-reqmore +bos can you provide me the full address including postal code ? thanks . eos O O O O O O O O O O O O O O Restaurant-Request+Post,Attraction-Request+Addr +bos the address listed for old schools is simply trinity lane . and their postcode is cb21tt . is there anything more i can do for you today ? 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 O O B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore +bos yes , i would also like to find an expensive restaurant in the same area . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos what kind of food would you like and what price range eos O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i would prefer british food and an expensive price range if possible . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O N/A +bos i have three restaurants in the town centre that meet your needs . might i suggest the cambridge chop house or fitzbillies restaurant ? 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos can you please recommend one and give me their postcode and phone number ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post +bos the cambridge chop house is a favorite of mine . it 's located at 1 kings parade . would you like me to book it 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 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 no thanks , but i am interested in getting a tax from old schools to the cambridge chop house . can you help ? eos 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+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O N/A +bos what time will you be needing the taxi service for ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave old schools by 19:00. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos okay your all set ! a red lexus will be picking you up the contact number is 07885505407 , is there anything else i can help 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 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 have been of service . goodbye ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'd like to find an interesting attraction in the city center . eos O O O O O O O O O O O O O O Attraction-Inform +bos there is lots to see in the centre . were you looking for a certain type ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Type +bos no i have nothing in particular in mind . eos O O O O O O O O O O N/A +bos would you be interested in architecture , a museum , or perhaps theatre ? eos O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O N/A +bos let 's do a museum . can you please send me the 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 we can do museum of archaelogy and anthropology , it is in university of cambridge , downing street . code number cb23dz . their phone number is 01223333516 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 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 B-Attraction-Inform+Phone O O O O N/A +bos thanks . i am also looking for somewhere to eat near the museum . i 'd like to have chinese food for dinner . 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 B-Restaurant-Inform+Food O O O O O O O N/A +bos there are 10 chinese restaurants in the centre . what is your price range , please ? 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 a moderate price range would be best . eos O O B-Restaurant-Inform+Price O O O O O O N/A +bos there are 3 options . i recommend jinling noodle bar . eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos that sounds interesting . can i get reservations for thursday ? eos O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos what time would you like ? eos O O O O O O O Booking-Request+Time +bos i would like to reserve it for 11:15 for 8 people . eos O O O O O O O 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 . your reference number is : ynwufrq4 . 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 great , now can you also book a taxi for me ? i need to make sure i get to the restaurant from the museum 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 O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos booking completed ! the car type is a black honda and the contact number is 07016630526. can i help with anything else today ? 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 general-reqmore +bos thanks , that 's it for now ! have a good day ! eos O O O O O O O O O O O O O O general-thank +bos thank you and enjoy the city ! eos O O O O O O O O general-bye +bos i 'm looking for a guesthouse to stay in and i do n't need a 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 N/A +bos i have three guesthouses to choose from . do you mind they are in the north ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Area O O Hotel-Request+Area +bos no that is okay , can you book the cheapest one for me please ? eos O O O O O O O O O O O O O O O O N/A +bos they are all moderately priced , but avalon has free internet and four stars . would that suit you ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Inform+Internet +bos are there any moderately priced 3 star guesthouses in the west available ? if not in the west , what about the north ? 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 N/A +bos this one is in the north a and b guest house eos O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos that sounds good . do they have wifi ? eos O O O O O O O O O O Hotel-Request+Internet +bos yes , free wifi . no free parking though . eos O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that 's fine . could i get their postcode and phone number ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos 01223315702 and cb12dp . eos O B-Hotel-Inform+Phone O B-Hotel-Inform+Post O N/A +bos thank you i am also looking for a restaurant in the same area as the hotel serving expensive chinese food . 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 N/A +bos there is hakka located at milton road chesterton would you like me to reserve it for you ? eos 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 O O O O O O Booking-Inform +bos yes please . i need it for 8 people on wednesday at 19:15. 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 table has been booked . the reference number is 3foo64pm . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos perfect thats all i needed ! eos O O O O O O O N/A +bos please contact us again in the future . goodbye . eos O O O O O O O O O O O general-bye +bos i 'd like to stay in a guesthouse that offers free wifi . eos O O O O O O O B-Hotel-Inform+Type 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 my price range is moderate . eos O O O O O B-Hotel-Inform+Price O N/A +bos fourteen good choices for you , what part of town would you prefer ? eos O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Area +bos north area please . eos O B-Hotel-Inform+Area O O O N/A +bos that narrows it down to 8 options . any other preferences ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O general-reqmore +bos no , but there will be 6 people in my party and we 'd like to stay for 4 nights starting on tuesday , if possible . eos 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 N/A +bos the acorn guesthouse come highly recommended , shall i book a room for you there ? eos 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 , i need a booking for this tuesday please . eos O O O O O O O O B-Hotel-Inform+Day O O O N/A +bos great , i have booked a room at this hotel to your required specifications . your booking was successful and your reference number is 468mri75 . 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 N/A +bos i would also like some italian food in the area . eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i 'll be happy to help with that ! da vinci pizzeria is located in the same area as the hotel . would you like to book a table ? 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 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 Booking-Inform +bos i would like to be able to leave the restaurant by 13:00 , can you book a table that allows us the time needed to eat . i also need the address 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 O O O O O O O Restaurant-Request+Addr +bos do you want the reservations for 6 people on tuesday ? also , does 11:30 sound good ? eos O O O O O O O O B-Booking-Inform+People O B-Booking-Inform+Day O O B-Booking-Inform+Time O O O O O N/A +bos a reservation is n't necessary . instead , please find me a taxi to get me there . eos O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos where will the taxi be picking you up ? eos O O O O O O O O O O Taxi-Request+Depart +bos i want to leave the restaurant by 13:00 to go back to the hotel . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O N/A +bos great . i have booked your ride . the driver will be in a grey honda . the contact number is 07036773772. 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 N/A +bos 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 general-bye +bos thank you and enjoy your stay in cambridge eos O O O O O O O O O general-bye +bos i would like some information of the restaurant called royal standard . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos royal standard is a gastropub in the east , it is in the expensive price range . would you like a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos no . what area is royal standard in ? eos O O O O O O O O O O Restaurant-Request+Area +bos royal standard is in the east . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O N/A +bos great . can you get me a phone number and postcode ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the phone number for the royal standard restaurant is 01223247877 and postcode is cb13nl . would you like me to book a table for you ? eos O 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 B-Restaurant-Inform+Post O O O O O O O O O O O O Booking-Inform +bos please book a table for 3 people at 16:00 on friday . 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 the royal standard for 3 people on friday at 16:00. eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time N/A +bos 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 . eos O O O O O O O O O O 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 price range for the hotel ? eos O O O O O O O O O O Hotel-Request+Price +bos no , just needs to be in the south eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos the bridge guest house is in the south and has free wifi . it is a moderately-priced with a 3-star rating . 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 O O O B-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform +bos yes , please for 7 people for 4 nights starting on tuesday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O N/A +bos done ! your reference number is jv5nnedf . 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-greet,general-reqmore +bos no , thank you . have a good day . eos 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-bye +bos hello , i 'm looking for a place to stay that offers free parking . eos 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 in ? eos O O O O O O O O O O Hotel-Request+Area +bos i would like it to be in south please . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos is there a price you are looking for ? eos O O O O O O O O O O Hotel-Request+Price +bos i am looking for an expensive place to stay . eos O O O O O O O O O O O N/A +bos would you like a hotel or guesthouse ? eos 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 B-Hotel-Inform+Type O O N/A +bos i have one hotel that would suit your needs . it 's called the lensfield hotel . they offer free parking and free wifi . can i book you a room ? 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 O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos how many people ? eos O O O O O N/A +bos how many people will be staying with you ? eos O O O O O O O O O O Booking-Request+People +bos i need it booked for 3 people for 5 nights starting from friday . 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 booked ! reference number : 68sv7auh . eos O O O O B-Booking-Book+Ref O O O N/A +bos thank you , i also need to find a place to eat serving mexican food in the same area as the hotel 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 O O N/A +bos there 's the chiquito restaurant bar but its rather expensive . if that 's okay , i can help you make a reservation . 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+Price O O O O O O O O O O O O O O O Booking-Inform +bos can i have the phone number and post code for that please ? eos 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 01223400170 and their postcode is cb17dy eos O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post N/A +bos i need a taxi from the hotel to the restaurant , leaving the hotel by 02:30 , i have to make sure im first in line when they open for breakfast . 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 O O O O N/A +bos out taxis operate 24/7 , so you are in luck . look for a white skoda , there phone number is 07842340394 , any further questions ? 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 general-reqmore +bos no thats all i need for today . eos O O O O O O O O O N/A +bos okay . you have a great day . eos O O O O O O O O O general-bye +bos i need a cheap place to eat on the south side of town . eos O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O N/A +bos great , i have two places to recommend . nados serves portuguese and the lucky star serves chinese . which one do you like ? eos O O O O O B-Restaurant-Recommend+Choice I-Restaurant-Recommend+Choice O O O O O O O B-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 Restaurant-Select +bos nados serves portuguese sounds good can i get a address , food type , 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+Phone,Restaurant-Request+Food,Restaurant-Request+Addr +bos the address is cambridge leisure park clifton way and the phone number is 01223327908. 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 excellent . i also need to find a place to stay while in town . can you help me find a cheap 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+Price O O N/A +bos yes i can help . will you be staying on the south side as well ? do you have any accommodation requirements ? 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 Hotel-Request+Area,general-greet,general-reqmore +bos yes , i 'll be staying on the south side so a cheap 4 star guesthouse with free wifi will do 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 O O N/A +bos i found rosa 's bed and breakfast for you . would you like me to book it ? 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 O Booking-Inform +bos can i just get the address please ? eos O O O O O O O O O Hotel-Request+Addr +bos sure the address is 53 roseford 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 , that 's all i need . eos O O O O O O O O O N/A +bos okay , i will go ahead and sign off then . let me 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 O O general-bye,general-reqmore +bos hi i 'm looking for a place to eat in the centre of town serving indian food . eos 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 what price range would you like ? eos O O 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 well i have curry garden in the expensive price range that is very good . 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 O O N/A +bos i 'd like for you to book me a table at 15:15 on friday for 5 please . if that is n't available , how about saturday ? i need a reference number please . 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 O O O O O O O Restaurant-Request+Ref +bos you are all set , the reference number is aoxh1zcq , 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 guesthouse to stay in . eos O O O O O B-Hotel-Inform+Type O O O O N/A +bos what is the price range you 're looking at ? cheap , moderate , or expensive ? eos O O 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 would like an expensive guesthouse please . eos O O O O O B-Hotel-Inform+Price O O O N/A +bos i 'm sorry , i do n't see any expensive guesthouses . do you want to try another type or price range ? eos O O 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 Hotel-Request+Type,Hotel-Request+Price +bos yes , can you please check guesthouses in the moderate price range ? eos O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are 15 choices . did you have an area in mind ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos can you recommend one and provide me with their star rating and area ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos arbury lodge guesthouse is a very popular guesthouse located in the north part of town with a 4 star rating including both internet and parking eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Type O O O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O B-Hotel-Recommend+Stars O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos i also need a taxi . eos O O O O O O O Taxi-Inform +bos can you tell me which two places you are going between and the time you want the car ? 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+Dest,Taxi-Request+Depart +bos i need a taxi to take me from the guesthouse to the restaurant please . i 'll need to arrive by 15: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+Arrive O O N/A +bos ok i need the name of departure and name of destination . eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i 'm going from the guesthouse to the restaurant . again , i 'll need to arrive by 15:15. eos 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 i have finished booking for you . you will be looking for a black volkswagen . the contact number is 07359059357. anything else for you 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 general-reqmore +bos thank you but that will be all . 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-welcome +bos i am looking for a place to dine that serves sri lankan food in the moderate price range . eos 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 there are no sri lankan restaurants available . would you like to try something else ? eos 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 general-reqmore +bos could you check again in the centre of town ? eos O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos 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 ? eos O O O O 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 yes could you search for italian food instead ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have 2 listings one for pizza express and pizza express fen ditton . one of these sound good to you ? 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 O O O O O O O O Restaurant-Select +bos great . can you reserve a table for 5 at fen ditton ? sunday at 12:00 would be great . eos O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A +bos sure i booked your table at pizza express fen ditton at 12:00 on sunday . the table will be reserved for 15 minutes and your reference number is olezkdit . 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 B-Booking-Book+Time O B-Booking-Book+Day O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you ! also looking for a place to stay . the hotel should include free parking and should have a star of 5. 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 N/A +bos i 'm not showing any 5 star hotels . is 4 star ok ? eos O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O O O O O O N/A +bos well then yes , 3 stars would be ok. eos O O O B-Hotel-Inform+Parking O B-Hotel-Inform+Stars O O O O N/A +bos would you prefer a 3 star hotel in the south or centre area ? eos O O O O O O B-Hotel-Select+Stars B-Hotel-Select+Type I-Hotel-Select+Type O O O B-Hotel-Select+Area I-Hotel-Select+Area O N/A +bos area does n't matter . you can recommend the one you like best , and then please book it for 5 people and 2 nights starting 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 B-Hotel-Inform+Day O O O O N/A +bos i recommend the gonville hotel . i booked that for you as requested , and the reference number is 8zo3clgc . anything else ? 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 B-Booking-Book+Ref 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 are welcome enjoy . eos O O O O O O general-welcome,general-bye +bos could you tell me whether there are any moderately priced catalan restaurants ? eos O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos i was unable to find any moderately priced catalan restaurants . is there another type of cuisine you would like to try ? eos O O O O O O O B-Restaurant-NoOffer+Price I-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 yes could we try one that serves british food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have more options of moderate british cuisine locales , any particular are you 'd prefer ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Select +bos no the area does n't matter . i 'd like to book a table for 7 on sunday . 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 . how bout trying the oak bistro ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O Booking-Inform +bos ok , book that place . eos O O O O O O O N/A +bos sure , how many people will be in your party ? eos O O O O O O O O O O O O Booking-Request+People +bos we have seven people . eos O O O O O O N/A +bos great , and what day and time ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos it will on the same day for 3 nights . eos O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos 3 nights ... for the restaurant ? you can only book a single day , did you want to book a 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 O Booking-Request+Stay,Booking-Inform +bos i 'm sorry i did n't mean to confuse . i was thinking of something else . can i book the oak bistro on sunday for 7 people at 12:45 ? 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+Day O O B-Hotel-Inform+People O B-Restaurant-Inform+Time O O O O O N/A +bos i have your booking , the reference number is u8011rcm , any further questions ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O N/A +bos yes , i am also looking for a place to stay . i would like a 4-star hotel . 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 N/A +bos okay , i have three 4 star hotels available . two are located on the west side and 1 in the centre . do you have a preference for the area ? eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O 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 O O O Hotel-Select +bos i do not have a preference . eos O O O O O O O O N/A +bos ok ! i suggest the university arms hotel . would you like to book a room ? 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,general-greet +bos does it have free parking and wifi ? if so yes book it for 3 nights the same day please . 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 yes , it has free wifi and parking . how many will i be booking for ? eos O O O O O O O O O O O O O O O O O O Booking-Request+People,Hotel-Inform+Internet,Hotel-Inform+Parking +bos go ahead and book and give me the referrence number eos O O O O O O O O O O O N/A +bos i want to be sure i have the right information . you want a booking for 7 people for 3 nights , right ? what day will you be 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 O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay,general-greet +bos i will be arrving on sunday eos O O O O O O O N/A +bos booking was successful the reference number is : q36ues95 . 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 general-reqmore +bos thank you . i am also 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 Taxi-Inform +bos what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave +bos so i can arrive at my location by the booked time you made . eos O O O O O O O O O O O O O O O N/A +bos your taxi has been booked ! your car is a black bmw and contact number is : 07460105806. 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 N/A +bos hi , could you help me find out more information about panahar restaurant in your area ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O O N/A +bos absolutely ! panahar is an indian restaurant in the expensive price range located in the centre of town . would you like me to make a reservation for you today ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O 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 O O O O O O O O O O O O O O Booking-Inform +bos yes , i 'd like a booking for wednesday at 16:00 for 2 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 O O N/A +bos 9725nvqd is your reference number , is there any thing else that i can do for you ? eos O B-Restaurant-Inform+Ref I-Restaurant-Inform+Ref O O O O O O O O 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 that was quick , are you sure you do not need any other 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 stay . i would like a hotel with 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 i found 3 hotels in the centre with free wifi . price range from moderate to expensive and from 0 to 4 stars . do you have a preference ? 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O Hotel-Select,Hotel-Inform+Internet +bos i would like something expensive eos O O O O O B-Hotel-Inform+Price N/A +bos it seems there are two options that meet your criteria . the gonville hotel has 3 stars and the university arms hotel has 4. 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 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 N/A +bos the gonville is fine , i need it 's postcode and phone number , thanks ! 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 their postcode is cb11ly and phone number is 01223366611. is there anything else you need to know ? eos O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos nothing else about the hotel , but i will need a taxi from the hotel to the restaurant . could you arrange this ? 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 i sure can . at what time would you like to leave gonville hotel ? eos O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos i 'd just like to make sure i make it to 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 Restaurant-Inform +bos i need a travel time please . eos O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i need to get from the gonville hotel to the panahar restaurant by my reservation at 16:00. eos O O O O O O O O B-Hotel-Inform+Type O O B-Restaurant-Inform+Name O O O O O B-Taxi-Inform+Arrive N/A +bos i 've booked your taxi . it will be a black volkswagen , contact number : 07720277206. can 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos all set . thank you . eos O O O O O O O general-thank +bos thanks for using our services . have a good day eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for the cambridge contemporary art . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos it is a museum in the center of town . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos may i have the phone number and postcode ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos phone number is 01223324222 and postcode is cb21su . eos O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Post O N/A +bos can you help me find a train leaving saturday , departing from stansted airport ? 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 N/A +bos where are you headed ? eos O O O O O O Train-Request+Dest +bos i am headed to cambridge and need to arrive by 1:30pm . eos O O O O O B-Train-Inform+Dest O O O O O O O N/A +bos the tr8488 leaves stansted at 12:24 and arrives in cambridge at 12:52. would that suit you ? 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 O O O O O Train-OfferBook +bos it would , thanks . please make me a booking for 2 people on that train . eos O O O O O O O O O O O B-Train-Inform+People O O O O O O N/A +bos i have booked two tickets for you . it 'll be 16.16 gbp and the reference number is : vzk4bvq5 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 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 you 're welcome . i hope you enjoy your trip ! eos O O O O O O O O O O O O general-welcome +bos i need a taxi leaving after 11:15 going to kohinoor eos O O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Dest N/A +bos where will you leave from ? eos O O O O O O O Taxi-Request+Depart +bos i will be leaving from worth house . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos booking completed ! booked car type : blue fordcontact number : 07318036253 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 fabulous . thank you so very much . 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-bye +bos i am trying to find a hotel called warkworth house eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos call them at 01223363682 eos O O O O B-Hotel-Inform+Phone N/A +bos book it for 3 people and 5 nights starting from 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 your booking was unsuccessful . could you book 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 let 's try for friday instead . and i need the reference number please . eos O O O O B-Hotel-Inform+Day O O O O O O O O O O O Hotel-Request+Ref +bos your booking was successful and your reference number is : 0dw45iks eos O O O O O O O O O O O B-Booking-Book+Ref N/A +bos great , that 's settled . thank you for the assistance . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos welcome back next time eos O O O O O general-bye +bos i am looking for a place to stay . the hotel does n't need to have free parking 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 O O O O O B-Hotel-Inform+Price O O O O N/A +bos alright . what area do you want to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos i would like to stay in the east . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos there are three locations which fit your needs , sir . the warkworth house is an excellent choice . eos O 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 N/A +bos okay , i want to book it for 2 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 unfortunately , the hotel could n't accommodate you . would you like to change the 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 what about on friday ? eos O O O O B-Hotel-Inform+Day O N/A +bos booking was successful.reference number is : 49r7aru6 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos great , thanks so much ! eos O O O O O O O general-thank +bos thank you goodbye eos O O O O general-bye +bos i would like to book a train . i need to go to peterborough on thursday . 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 N/A +bos what station 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 , thanks . eos O O O O O O O O O O general-thank +bos i have a train leaving cabridge for peterborough thursday at 05:06. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos great ! please make a booking for 3 people . eos O O O O O O O O B-Train-Inform+People O O N/A +bos i 've booked 3 tickets for you , and the fee is 49.5 gbp and your reference number is 17osnisb . eos 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 N/A +bos thanks very much for your help . eos 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 i need you to help me find an expensive restaurant to dine in , i 'd like it to be chinese 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 O O N/A +bos are you looking to dine in a particular area ? eos O O O O O O O O O O O Restaurant-Request+Area +bos i am looking for a restaurant in the centre of town , please . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos i have tang chinese that meets your criteria , would you like me to make a reservation for you ? 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 O O Booking-Inform +bos no , i just need the address , postcode and phone number . thanks ! 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 tang chinese is located at napier street city center , phone number is 01223357187 , and the postcode is cb11hr . 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 B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post 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 you 're welcome . thank you for calling . goodbye . eos O O O O O O O O O O O O general-bye,general-greet +bos am looking for a train , it should depart from cambridge and should go to ely eos O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O O N/A +bos the train id is tr1709 and it leaves on friday eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Day N/A +bos i need to travel on wednesday and get there by 17:15. eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A +bos trainid tr6745 leaves cambridge at 15:50 and arrives at ely at 16:07. it 's the last wednesday train . eos O O B-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 O O O B-Train-Inform+Day O O O N/A +bos can you give me the price ? eos O O O O O O O O Train-Request+Price +bos that train costs 4.40 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos alright . i 'll take it ! that train will be perfect . eos O O O O O O O O O O O O O O Train-Inform +bos ok , how many seats would you like to book ? eos O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos oh , i do n't need to book now . i just need the information for reference . 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 general-bye +bos you are very welcome . thanks for using cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O 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 tell me where you are and i will send the police . eos O O O O O O O O O O O O O N/A +bos i do n't know i am new to this area , please just give me the phone number to the police 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 O Police-Request+Phone +bos the parkside police station can be reached at 01223358966. eos O O O O O O O O O O N/A +bos ok , thank you for your help . eos O O O O O O O O O general-thank +bos thank you for allowing me to help you today . eos O O O O O O O O O O O general-welcome +bos can you help me find some place to go in town where i can find some entertainment ? thanks . 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 my computer is showing five possibles for you . do you have a specific part of town you will be 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 Attraction-Request+Area +bos no , i could go anywhere . what are my choices ? eos O O O O O O O O O O O O O N/A +bos i have five places . is there an area or a specific name you would like to know about ? 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 , just recommend one for me , please eos O O O O O O O O O O N/A +bos i would recommend nusha on the south side , they are at unit g6 , cambridge leisure park , clifton road , cb17dy , any other questions ? eos O O O O B-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O O O O O O O general-reqmore +bos thank you for the recommendation . is there an entrance fee at nusha ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos the entrance fee per person is not available online . is there any other info i can provide ? eos 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 general-reqmore +bos yeah i want info about a particular restaurant eos O O O O O O O O O Restaurant-Inform +bos sure thing what kind of food ? eos O O O O O O O O Restaurant-Request+Food +bos i 'm looking for the ugly duckling . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos what information do you require about that place ? eos O O O O O O O O O O general-reqmore +bos i just need to know the area , phone number and postcode , please . eos 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 uglyl duckling is in the centre of town . their post code is cb21tw and their phone number is not listed . is there anything further ? 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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O O O O O O O O general-reqmore +bos no that will be 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 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-greet +bos yes , thanks a lot ! eos O O O O O O O general-thank +bos you 're 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 O general-welcome +bos hi i need a train for saturday please . eos O O O O O O O B-Train-Inform+Day O O N/A +bos alright i have 404 entries for saturday . do you have a particular time or departure site in mind ? eos O 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 O Train-Request+Depart,Train-Request+Leave +bos i need to depart from stansted airport on saturday after 13:45. 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 and where will you be going ? eos 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 there are 8 trains available , do you have a specific departure time in mind ? 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 would need to depart sometime after 13:45. what do you have available ? eos O O O O O O O O O B-Train-Inform+Leave O O O O O O O N/A +bos how about the tr4230 train ? it leaves at 14:24 and arrives at 14:52. 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 N/A +bos yes , that will be fine . i would like to book the train for 2 people please . eos 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 've booked 2 tickets for you , and your reference number is eo86w7mk . 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 N/A +bos fantastic , i 'd also like a moderately priced restaurant in the centre of town , please . 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 N/A +bos asian or british food ? eos O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i would like japanese food please . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i am afraid i do n't show any japanese restaurants in the centre area . do you have another preference ? 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 N/A +bos maybe modern european ? eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i do have 2 options for modern european . would you like to see reviews of those ? eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O N/A +bos just pick the one you like best and provide its phone number and address 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 riverside brasserie is a great choice ! they 're located at doubletree by hilton cambridge granta place mill lane you can reach them at 01223259988. 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 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 N/A +bos thank you , that should be all today , thanks ! eos O O O O O O O O O O O O general-thank +bos it was a pleasure helping . thanks for using our service . 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 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 how can i help you today ? eos O O O O O O O O general-greet +bos i need to know what museums are in the area . can you suggest one and let me know what area it is in 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 O O O O O O O Attraction-Request+Area +bos is there a location preference ? eos O O O O O O O Attraction-Request+Area +bos i do n't care what area it is . i was hoping you could make a recommendation . eos 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 the byard art museum in the south part of town ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos sounds great ! i also need a train leaving on thursday from london kings cross . eos 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 N/A +bos okay , there are 10 trains that meet your criteria . would you like to narrow it down further by departure site or arrival 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 Train-Request+Arrive,Train-Request+Depart +bos i need to leave after 14:15 eos O O O O O O O N/A +bos tr5502 leaves at 15:17 and arrives 51 minutes later . how does that sound ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O Train-Select +bos yes . please book of 3 people . eos O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 70.8 gbp payable at the station .reference number is : xqwti43a . 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 . i really appreciate it . eos O O O O O O O O O O O O O general-thank +bos you are very welcome . enjoy your time at the museum . if you need anything else feel free to call 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 general-welcome,general-bye +bos i am looking for a train that departs from cambridge after 09:30. 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 1064 trains leaving after that time , do you have a preferred destination ? 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 the train should leave on friday and should go to stevenage . eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O N/A +bos there are 49 trains headed to stevenage on that date after that time . how does 11:21 sound ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Leave O O O N/A +bos that sounds great . can you please book that for one person 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 O O N/A +bos it has been booked . the reference number is 4szt0aav . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you . i 'm also looking for a particular hotel called the huntington marriot hotel . 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 Hotel-Inform +bos the huntington marriott hotel is located on kingfisher way . 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+Addr I-Hotel-Inform+Addr O O O O O O O O O Booking-Inform +bos yes i need a room for just myself for 4 nights staring from monday . also could you please provide me with the reference number ? eos 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 O O O O N/A +bos all booked ! your reference number is 4emwsap1 . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos alright , that 's everything ! thank you very much . eos O O O O O O O O O O O O general-thank +bos i am glad i could be of service , i appreciate your business and i hope to see you 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 O O O general-welcome,general-bye +bos i want to tour a college in the centre of town . what 's available ? eos 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 have several different options available . did you want one with free entrance ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Price +bos entrance fee is not an issue . eos O O O O O O O O N/A +bos christ 's college is free to enter eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O N/A +bos can i have the postcode and address for that college ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos yes , it 's located at saint andrew 's street , postcode cb23bu . is there any other information you need ? 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 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 thank you , goodbye . eos O O O O O O general-bye +bos hi , i am looking for a train that is leaving on friday after 13:15. eos 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 where would you like to leave from and go to ? 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 norwich and 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 tr1952 leaves norwich at 13:16 and arrives in cambridge at 14:35. would 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+Dest O B-Train-Inform+Arrive O O O O O O N/A +bos before i commit , what would the price of the ticket be ? eos O O O O O O O O O O O O O O Train-Request+Price +bos it would cost 17.60 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos that would be great . i am also looking for the scott polar museum in town , can you tell me a little 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 O O O O O O O O O O O O O N/A +bos the scott polar museum is located in the centre area of town , and the entrance fee is free . 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 I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Fee O O N/A +bos can you tell me the postcode for the museum as well ? eos O O O O O O O O O O O O O Attraction-Request+Post +bos yes , their postcode is cb21er . 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 general-reqmore +bos no , thanks , i 've got everything . have a nice day . 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 general-welcome,general-bye +bos i 'm looking for a cheap place to stay . can you help ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos i have a number of cheap hotels available ; do you want to stay in a particular area of town ? 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 O O O O O O O O O Hotel-Request+Area +bos i do n't care which area the hotel is in . eos O O O O O O O O O O O O Hotel-Inform +bos ok , would you prefer a guesthouse or a hotel ? eos O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos any so long as it is a 2star and has wifi eos O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i 'm sorry i do n't have any matches . do you want me to check 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 Hotel-NoOffer,Hotel-Request+Price +bos yes , please try expensive . eos O O O O B-Hotel-Inform+Price O O N/A +bos i 'm sorry , there 's not guesthouse fitting that description either . do you want to try a different hotel type or something ? 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 O N/A +bos try either a hotel or guesthouse . eos O O O O O O O O Hotel-Inform +bos the express by holiday inn cambridge is a 2 star hotel in the east area that is expensive . it has wifi and parking . 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 B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O B-Hotel-Recommend+Price O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos yes please . book it for 3 people and 3 nights starting from friday . 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 : daey6jjv . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i am also looking for a restaurant that serves vegetarian food and that is expensive . eos 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 O N/A +bos i do n't seem to have any vegetarian restaurants . do you have a second choice for 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 italian would be fine . eos O B-Restaurant-Inform+Food O O O O N/A +bos there are 5 expensive italian restaurants around town is there an area you prefer ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Restaurant-Request+Area +bos no any area will work . whatever you recommend . i need a reservation for friday , 3 people at 13:45. please include the reference number . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O O O O O N/A +bos i reserved a table for you at stazione restaurant and coffee bar , you ref # is suy8vw , anything else for you today ? 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 general-reqmore +bos no , that 's it ! thank you for all your help ! eos O O O O 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 i am looking for a place to go on the west side maybe a cinema . 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 no cinemas in the west would a college interest you ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O B-Attraction-Select+Type I-Attraction-Select+Type O O N/A +bos no how about a type of museum ? eos O O O O O O O B-Attraction-Inform+Type O N/A +bos there 's 7 one of my favorites is kettle 's yard on castle street it has free admission . would that interest you ? eos O O O B-Attraction-Inform+Choice 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+Fee I-Attraction-Recommend+Fee O O O O O O O O N/A +bos i wish i had been given more choices but i guess that one will be ok. what is the postcode for kettle 's yard ? 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+Name I-Attraction-Inform+Name O O Attraction-Request+Post +bos the post code for kettle 's yard is cb30aq eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O N/A +bos i also need a train for monday . eos O O O O O O O B-Train-Inform+Day O N/A +bos where are headed ? eos O O O O O Train-Request+Dest +bos i 'll be departing from birmingham new street and going to cambridge . 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 B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O O O N/A +bos there is a train departing at 15:40 and arriving to cambridge by 18:23. 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 O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos no thanks , that is everything i need . eos O O O O O O O O O O general-thank +bos thank you for calling . please enjoy your trip . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos can i get information on places to stay in the north that have free internet ? eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos sure , do you prefer a guesthouse or a hotel ? eos O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos i do n't have a preference . i will need parking too . eos O O O O O O O O O O O O O O N/A +bos i would suggest this place arbury lodge guesthouse . is that okay ? eos O 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 getme its price range , phone number and hotel type eos O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price,Hotel-Request+Type +bos arbury lodge guesthouse is a guesthouse in the moderate price range , and the phone is 01223364319. 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+Price O O O O O O B-Hotel-Inform+Phone O N/A +bos do you have any restaurants near there with chinese food ? eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are three . did you have a preference for price ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Price +bos i would like somewhere moderately priced . eos O O O O O B-Restaurant-Inform+Price O O Hotel-Request+Price +bos the golden wok suits your needs . would you like me to make 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 Booking-Inform +bos yes please . can you book a for a table of 5 at 17:30 on monday ? 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 the reservation was successful . the table will be reserved for 15 minutes and your reference number is 42armodj . 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 general-reqmore +bos no . i am all set thank you . eos O 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-welcome,general-bye +bos i need help finding a guesthouse to stay at . eos O O O O O O B-Hotel-Inform+Type O O O O N/A +bos i have a number of different guesthouses available . do you want to stay in a particular part of town ? eos 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 O O O O Hotel-Request+Area +bos i 'd like the east part of town please . eos O O O O B-Hotel-Inform+Area O O O O O O N/A +bos warkworth house is a great place . they are rated 4 stars , moderately priced and offer free parking and internet . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos that sound perfect . could i make a booking for 6 people ? eos O O O O O O O O O O O O O O N/A +bos of course ! what day and how many nights ? eos O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Inform +bos i 'll be starting my stay on this coming sunday . eos 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 ? eos O O O O O O O O O Booking-Request+Stay +bos 5 nights please . eos O O B-Hotel-Inform+Stay O O N/A +bos booking was successful . reference number is : t212rfl5 . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos do you know of a restaurant by the name of gourmet burger kitchen ? 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 N/A +bos yes , gourmet burger kitchen has north american cuisine and is expensive . it is located in the city centre . 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+Price O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A +bos can you tell me the phone number please eos O O O O O O O O O Restaurant-Request+Phone +bos you can reach them by phone at 01223312598. anything else i can help with ? eos O O O O O O O O B-Restaurant-Inform+Phone O O O O O O O general-reqmore +bos no , that 's all the information i need . thanks ! eos O O O O 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 are there many places to stay with mid-range prices ? eos O O O O O O O O O O O N/A +bos yes , we have several options ! do you have a star rating you 'd like to have it be ? 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 +bos yes , a 3-star guesthouse would be perfect . free parking too , please ! eos O B-Hotel-Inform+Parking O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O N/A +bos there are three 3-star guest houses in cambridge . is there a part of town you were interested in staying in ? eos 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 Hotel-Request+Area +bos no , i do n't have a preference . please just pick one , and book it for 4 people , 2 nights starting from wednesday . eos 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 O O O N/A +bos okay i have booked you into the bridge guesthouse and your reference number is uv8vfh1s . 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 thank you very much . eos O O O O O O general-thank +bos is there anything else ? eos O O O O O O general-reqmore +bos yes , i 'm looking for a train the same day that will be going to cambridge . can you help me ? eos 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 N/A +bos sure , i can do that for you . 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 leaving from kings lynn after 16:00. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos there are 8 trains that leave kings lynn after 16:00. the earliest leaves at 16:11. would you like to book this train ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-Select,Train-OfferBook +bos no just the id please eos O O O O O O Train-Request+TrainID +bos the train leaving at 16:11 is id # tr5153 . may i help you with something else ? eos O O O O O B-Train-Inform+Leave O O B-Train-Inform+Id O O O O O O O O O O general-reqmore +bos that was all that i needed to know , 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 am looking to eat at an expensively priced mexican place . can you help me ? eos O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O O O N/A +bos there is one mexican restaurant in the expensive range , chiquito restaurant bar . would you like more information or a booking ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price 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,general-reqmore +bos that sounds great ! i need to book for 3 people on friday at 19:30. i will need a reference number . 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 O O Restaurant-Request+Ref +bos the booking was successful . reference number is : gojirrq4 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos ok , 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 ? eos O O O O O O O O O O O general-reqmore +bos yes , i need a place to stay . it needs to be a hotel and does n't not need to have free parking . 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 O O N/A +bos we have several hotels , including one in the south , the same area as the restaurant . it is expensive , but we have others in other areas as well . 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 B-Hotel-Inform+Price O O O O O O O O O O O O O N/A +bos i need it to be cheap with free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O N/A +bos the cambridge belfry is a chear foru star hotel , would you like me to book you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price B-Hotel-Inform+Stars I-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O Booking-Inform +bos no , just get postcode , address , and star of the 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 O Hotel-Request+Post,Hotel-Request+Addr +bos it is 4 star and the address is back lane , cambourne , the post code is cb236bw . is there something else i could help you with ? eos O O O O B-Hotel-Inform+Stars O O O O O O B-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 general-reqmore +bos yes , i would like to book a taxi . eos O O O O O O O O O O O Taxi-Inform +bos sure ! what will be you departing and arriving destinations ? eos O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos from the cambridge belfry to chiquito restaurant bar . we wo n't be fit to drive ! eos 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 O O O O O O N/A +bos totally understand that . when would you like to arrive ? eos O O O O O O O O O O O O Taxi-Request+Arrive +bos i would like to arrive before 19:30. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos a yellow toyota will be picking you up and the contact number is 07656739082 , anything else today ? 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 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 thank you for using our system today ! eos O O O O O O O O O general-bye +bos i need a train out of cambridge , but i need to arrive at my destination by 08:00. are there any trains that early ? eos O O O O O O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos that depends on your destination and the day that you would like to travel 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 like to travel on wednesday going to stevenage , please . eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O O N/A +bos no record for the same , what other condition is available ? eos O O O O O O O O O O O O O Train-NoOffer,general-reqmore +bos could you please check again ? eos O O O O O O O N/A +bos my records show that train tr5695 leaves cambridge 05:21 and arrives at stevenage at 06:10. does this work for 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 O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O Train-OfferBook +bos what is the price on that train ? eos O O O O O O O O O Train-Request+Price +bos fare price for train tr5695 is 12.80 pounds . would you like a booking ? eos O 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 Train-OfferBook +bos no , i do n't think i 'm ready to reserve seats just yet , but could you help me find a 4-star place to stay on the 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+Stars O O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos i sure can . what price range were you considering ? eos O O O O O O O O O O O O Hotel-Request+Price,general-greet +bos price range does not matter . i do need parking though , do you have anything that includes 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 there are 5 options available . they are all guesthouses . i recommend autumn house . eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos are any available on monday ? eos O O O O O B-Hotel-Inform+Day O N/A +bos in order to check availability for monday , i would need to know the number of guests in your party and how many nights you 're staying . eos O O O 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 O O Booking-Request+People,Booking-Request+Stay +bos 7 people , two nights starting on monday eos O O O O O O O O O N/A +bos they are all avaliable for monday . shall i book you a reservation with the autumn house ? eos O O O O O O B-Booking-Inform+Day O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O N/A +bos yes please book it and let me have the reference number . eos O O O O O O O O O O O O O Hotel-Request+Ref +bos your room is booked , ref # n6k65rix . is there anything else i can help 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 that 's all i can think of . ciao ! eos O O O O O O O O O O O N/A +bos have a wonderful day and enjoy your trip . 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 general-bye,general-greet +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos certainly . what can i help you with today ? eos O O O O O O O O O O O general-reqmore +bos i 'm looking for places to stay that has 3 stars eos O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos we have several options . any specific area ? eos O O O B-Hotel-Inform+Choice O O O O O O Hotel-Request+Area +bos 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 ? eos O O O O O O O O O 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 five options available . would you prefer a hotel or guesthouse ? eos O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos do you have any recommendations ? eos O O O O O O O N/A +bos i recommend the lensfield hotel located on the south side of town at 53-57 lensfield road . do you need anymore information ? eos 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 B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O general-reqmore +bos great can you give me the phone number ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name Hotel-Request+Phone +bos their phone number is 01223355017. eos O O O O O B-Hotel-Inform+Phone N/A +bos thank you that will be all eos O O O O O O O general-thank +bos 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 . eos O O O O 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 can you help me find a place in town ? eos O O O O O O O O O O O N/A +bos what type of place would you like to find ? eos O O O O O O O O O O O Attraction-Request+Type +bos i am looking for a theatre and need the address and area . eos O O O O O O B-Attraction-Inform+Type O O O O O O O Attraction-Request+Area,Attraction-Request+Addr +bos the adc theatre is a great option . it 's located in the centre and the address is park street . would you like any other information ? 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+Area 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 thank you . i am also looking for a train going to cambridge that will be leaving on saturday . 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 N/A +bos we have several , you got a departure site , or time you want to leave or arrive by ? 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 Train-Request+Depart,Train-Request+Leave,Train-Request+Arrive +bos i 'm leaving from bishops stortford after 11:45 eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos tr0275 departs at 13:29. would you like a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos no , i just needed the number and time . thank you ! eos O O O O O O O O O O O O O O general-thank +bos would that be all for today or would you need assistance with something else ? 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 great trip ! eos O O O O O O general-bye +bos thank you , goodbye . eos O O O O O O general-bye +bos contact us if you need help with anything else . eos O O O O O O O O O O O general-bye +bos is there any moderately priced hotel that offers free parking by any chance ? eos O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos there are several , is there a particular area you are interested in ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos i 'm not really picky on an area as long as it is a nice area and the hotel has a 3 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 B-Hotel-Inform+Stars O O O Restaurant-Request+Area +bos well i have a few for you when is your stay ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Booking-Request+Day +bos hotel you want to book it for 7 people and 5 nights starting thursday and need a confirmation number thank you 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 N/A +bos booking was successful.reference number is : b6h2pd8g . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i also need to find 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 i hev five options , on which location do you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Area +bos i will act on your suggestion . eos O O O O O O O O N/A +bos prezzo is an italian restaurant on the east part of town in the moderate price range . 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 I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A +bos can you reserve a table ? eos O O O O O O O N/A +bos yes , i can sure book that for you . what evening would you like in particular ? how many 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 Booking-Request+People,Booking-Request+Day +bos actually , i do n't need a booking yet . you 've told me that prezzo is in the east . all i need is the postcode . 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 O O O O O O O Restaurant-Request+Post +bos i 'm sorry , prezzo is actually located in the west . the postcode is cb30ad . eos O O O B-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Post O O O O N/A +bos ok great thank you . 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 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 to stansted airport from cambridge please . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos ok , what day will you be traveling ? eos O O O O O O O O O O Train-Request+Day +bos thursday . i need to arrive by 12:45. eos O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A +bos the closest to thing i can find is a train leaving at 5:40 on thursday . it arrives at stansted airport at 6:08. is this okay ? eos O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave 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 general-reqmore +bos yes , that works . can i get the train id number 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+TrainID +bos the train number is tr7966 , it will cost you 10.10 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 what is the departure time of that also please ? eos O O O O O O O O O O O Train-Request+Leave +bos tr7966 departs at 5:40. eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos great . now i need a place to stay . eos O O O O O O O O O O O N/A +bos there are 33 different lodging options 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+Area,Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Stars +bos it should be a 4 star hotel . eos O O O O O O B-Hotel-Inform+Stars O O N/A +bos what area and price range are you looking for ? eos O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos type does n't matter . i want it to be cheap and in the north . with a 4 star rating . eos O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O N/A +bos the worth house is located in the north and cheap , would you like a reservation ? 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 B-Hotel-Inform+Price O O O O O O O Booking-Inform +bos is it rated 4 stars ? eos O O O O O B-Hotel-Inform+Stars O N/A +bos yes it is a four star . it also has free internet and free parking . when were you planning 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-Request+Day,Hotel-Inform+Parking,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 N/A +bos your booking was successful . reference number is : m0zetxsz . 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 thank you . i am all set . eos O O O O O O O O O O general-thank +bos that 's great . have a safe trip . goodbye . eos O O O O O O O O O O O O general-bye +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 O O O 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 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 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 would like to stay in the north please . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are two guesthouses fulfilling your requirements . do you prefer city centre north b and b with zero stars or worth house with 4 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 O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name B-Hotel-Select+Stars I-Hotel-Select+Stars O N/A +bos um , i would prefer a hotel rather than a guesthouse . how about the moderate price range ? eos 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 O N/A +bos we have two hotels that meet your criteria . i 'd recommend the ashley hotel . would you like to make a booking ? eos O O O O B-Hotel-Inform+Choice 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 Booking-Inform +bos yes i would , for 5 people please for 2 nights starting on thursday . eos 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 N/A +bos booking was successful . reference number is : rf3ebi6i . 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 that is all . thanks so much ! eos O O O O O O O O O general-thank +bos thank you for using this service good bye eos O O O O O O O O O general-bye +bos i need a place to stay in cambridge . i 'm looking for a hotel with 0 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 is there a certain 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 i do n't really have an area in mind . i would just like for it to have free wifi and be a hotel instead of 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 B-Hotel-Inform+Type O O O O O O O N/A +bos cityroomz over in centre would work perfectly for you then ! they do have free wifi and are a moderately priced 0 star hotel . would you like a room ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O 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 O Booking-Inform,Hotel-Inform+Internet +bos yes , i would like to book it for 5 nights for two people starting on monday . eos 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 i have booked the cityroomz for you for 5 nights starting on monday . the reference number is msz63rpw . is there anything else i can help you with today ? eos O O O O O B-Booking-Book+Name 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 O O general-reqmore +bos yes , i would also like to find a train from cambridge . eos O O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos okay where 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 Train-Request+Day,Train-Request+Dest +bos i am going to birmingham new street on saturday . eos 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 what time do you want 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 would like to arrive by 12:45 thank you eos O O O O O O O B-Train-Inform+Arrive O O N/A +bos i have 7 trains matching your criteria . they leave every hour starting at 5:01 to 10:01 , and then one more at 23:01. 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 N/A +bos please book one for the same group of people , just choose one and remember it must arrive by 12:45 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 N/A +bos okay , your reference number is g1lz1jm3 . 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 nope , i 'm done . thanks for all your help . eos 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 want to book a train . list all tuesday departures to cambridge . eos 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 over 200 departures to cambridge on tuesday , do you have a specific departure place or time ? eos O O O B-Train-Inform+Choice I-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 Train-Request+Depart,Train-Request+Leave +bos my departure point is kings lynn and i need to arrive at cambridge by 13:45 eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O B-Train-Inform+Arrive N/A +bos tr2616 departs at 09:11 would that work ? how many tickets would you like to purchase ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O O O O Train-Request+People +bos yes please book that for one person and give me 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 , the total fee is 9.8 gbp payable at the station .reference number is : tt953cjr . 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 B-Train-OfferBooked+Ref 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 what are would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos meh does n't really matter . just moderately priced ... eos O O O O O O O O O O O N/A +bos i also have many pricing options and amenity options . could you give me some direction ? 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 sure 4 star , nothing but the best , free wifi moderately priced and free parking too eos O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos may i reccommend acorn guest house ? it is moderately priced and fits all your criteria . would you like me to reserve you any rooms ? eos O 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 O O O O O O O O O O Booking-Inform +bos yes please . book it for 3 nights starting tuesday . i 'm traveling solo so just make it a booking for 1. eos O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O O B-Hotel-Inform+People O O O N/A +bos booking was successful . reference number is : 8oe7ixnd . 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 thank you that is all i needed today . eos O O O O O O O O O O general-thank +bos have a great evening . bye . eos O O O O O O O O general-bye +bos can you help me find a train going to peterborough that leaves after 08:45 ? thanks ! eos O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O N/A +bos i can absolutely help you with that , what day will you be planning to travel 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 O O Train-Request+Depart,Train-Request+Day +bos i am leaving from cambridge on sunday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr3211 leaves cambridge at 09:06 and arrives in peterborough at 09:56. would you like me to book you a ticket ? 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 i actually need 3 tickets . please provide a reference number . eos O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos i booked you 3 seats on the tr3211 train departing cambridge at 09:06. your reference is yu1awa94 and 39.59 gbp is due at the station . will that be all today ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave 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 general-reqmore +bos i am also looking for the hotel 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 what would you like to know ? eos O O O O O O O O general-reqmore +bos do they include wifi , and can i get the 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+Internet +bos the a & b guesthouse does offer free wifi ! and the phone number is : 01223315702. the postcode is : cb12dp . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O O O O Hotel-Inform+Internet +bos 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 i hope you 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 hotel to stay in that 's expensive and on the east side . eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O N/A +bos express by holiday inn cambridge is on the east side and expensive . 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+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price O N/A +bos that sounds good , but can you tell me if it includes free wifi ? eos O O O O O O O O O O O O O O O O N/A +bos yes it does would you like me to book that for you ? eos O O O O O O O O O O O O O O Booking-Inform +bos yes for 1 person , staring monday starting 2 days . eos O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A +bos okay , you 're all set ! your reference number is 7a2j5s4u . eos O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos no , that is all . cheer . eos O O O O O O O O O N/A +bos thank you for contacting us . have a wonderful visit . eos O O O O O O O O O O O O general-welcome,general-bye +bos hello , i am looking for information on a train . eos O O O O O 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 'm headed to cambridge from the stansted airport . can you find information for thursday please ? eos O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Day O O O N/A +bos i found 19 trains what time do you want to leave the airport ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave,Train-Request+Depart +bos i need to arrive in cambridge by 14:45 so i will need to leave in time to get there by then . 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 O O N/A +bos there is a train that leaves at 5:24. eos O O O O O O O O B-Train-Inform+Leave N/A +bos that wo n't work , i need to arrive in cambridge by 14:45 ( 2:45pm ) . eos O 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 since that wo n't work for you , i can get you on a train that leaves at 13:24 and will arrive by 13:52. would you like me to book your seat ? 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 O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos that would be just fine . i just need the train id for now . i also 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 O O O O O Train-Inform +bos yes , that train id is : tr3637 . can i assist with a booking ? eos O O O O O O B-Train-Inform+Id O O O O O O O O O O Train-OfferBook +bos no , i do n't need to book it now . can you help me find an expensive guest house with free parking and wifi ? 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 sorry , i do n't see any listings that match your search . would you like to change 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 Hotel-NoOffer,Hotel-Request+Type,Hotel-Request+Price +bos are there any in the moderate price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos the acorn guest house is in the moderate range . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O N/A +bos alright tell me the star rating , phone number , and postcode for that location eos O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos acorn guest house is a 4 star establishment located at 154 chesterton road with postcode cb41da and phone number 01223353888. can i assist you any further ? eos O B-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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post I-Hotel-Inform+Post O O B-Hotel-Inform+Phone O O O O O O O general-reqmore +bos i would like to book a room at that hotel . can you go ahead and book 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 Hotel-Inform +bos sure . i need a little information first . how many guests will this be for ? eos O O O O O O O O O O O O O O O O O O Booking-Request+People +bos actually i do n't need a reservation . could you just give me the star rating , phone 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+Post,Hotel-Request+Phone +bos sure , the acorn house is a lovely 4 star phone is 01223353888 and postcode is cb41da , anything else ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O B-Hotel-Inform+Post O O O O O general-reqmore +bos that 's 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 thanks , that is all for today ! eos O O O O O O O O O general-greet +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 let me know when your break is over . i 'll need a reference number please . eos 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 : p39pyok0 . 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 i also need info on a train . it should arrive in london liverpool street by 16:30. 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+Arrive O N/A +bos where will you be traveling 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 departing cambridge on friday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos all right , the tr4187 leaves at 13:59 and arrives at 15:27. would you like me to book that 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 O O O O O Train-OfferBook +bos yes , please book it for me . eos O O O O O O O O O N/A +bos how many tickets will you be needing today ? eos O O O O O O O O O O Train-Request+People +bos i need 4 tickets , and the price and train id eos O O O O B-Train-Inform+People O O O O O O O Train-Request+Price,Train-Request+TrainID +bos i booked 4 tickets on train tr4187 , your reference number is lxzwa3q8 . a total of 66.4 gbp is payable at the station , can i help you with anything else ? eos O O O O B-Train-OfferBooked+People 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 O general-reqmore +bos that is all , thanks . eos 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 hello . i 'd like a train to ely please . eos O O O O O O O O B-Train-Inform+Dest O O O N/A +bos i can do that . when and where will you be catching the train ? eos O 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 departing from cambridge on wednesday . i would like to leave after 21:00. eos O 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 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 no i do n't have a specific time to arrive . eos O O O O O O O O O O O O N/A +bos tr8533 will leave cambridge at 21:50. would you like a ticket on that 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 Train-OfferBook +bos no thank you but i do need the arrival time and train id . eos 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 tr8533 . is there anything else i can help 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 can you also help me find a 2 star hotel to stay at ? 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 yes i have 3 choices in the north and east from moderately to expensively priced . eos O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos i would like the expensive choice please . i need their information . eos O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos express by holiday inn cambridge is a expensive hotel in the east with a 2 star , would you like their adress eos 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 B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O general-reqmore +bos does it have internet and free parking ? eos O O O O O O O O O Hotel-Request+Internet +bos yes , it does have free parking and internet . 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 no thanks , i just need their postcode , please . eos O O O O O O O O O O O O Hotel-Request+Post +bos their postcode is cb13lh . can i help you with anything else today ? eos O O O O B-Hotel-Inform+Post 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 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 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 i 'm sorry , there are no expensive vegetarian restaurants in town . can i help you find anything else ? eos O 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 Restaurant-NoOffer,general-reqmore +bos could you find me an asian oriental restaurant instead ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos saigon city is an expinsive asian oriental restraunt in the north area of town . 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 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 the phone number for saigon city is 01223 356555 and is located in the north part of the town . 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 B-Restaurant-Inform+Area O O O O O N/A +bos thank you . goodbye ! eos O O O O O O general-bye +bos goodbye eos O O general-bye +bos hi , can you help me with 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 O N/A +bos sure , what type of attraction are you looking for ? eos O O O O O O O O O O O O Attraction-Request+Type +bos i 'm looking for a swimming pool in the north . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos jesus green outdoor pool is in that area . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos what 's the address and entrance fee for that pool ? eos O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos adress , between victoria road and the river . the entrance fee is unknown . is there anything else ? eos 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 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 general-reqmore +bos i would like a restaurant in the same area . eos O O O O O O O O O O O N/A +bos okay , 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 Restaurant-Request+Price,Restaurant-Request+Food +bos i would like asian oriental food in the expensive range . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O N/A +bos i found saigon city matching . would you like to book a table there ? 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 yes please book a table for 1 person at 14: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 your table at saigon city is booked for friday at 14:45. the reference number is 2lc9er6d . is there anything else i can help you with today ? eos O O O O B-Booking-Book+Name I-Booking-Book+Name 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 O general-reqmore +bos yes . i will also need a taxi to take me from jesus green outdoor pool to saigon city arriving 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 I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O N/A +bos booking completed ! booked car type : yellow volkswagencontact number : 07774063266 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 . that was all i needed . goodbye . eos O O O O O O O O O O O general-bye +bos you are welcome ! enjoy your visit . eos O O O O O O O O O general-welcome,general-bye +bos would you be able to tell me whether there are any multiple sports venues 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 there no places that match those criteria , but there is one in east . eos O O O O O O O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Area O O Attraction-NoOffer +bos actually , let 's try looking for a college instead and still in the centre of town . 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 N/A +bos there are 13 colleges in the center of town . most of them are free . downing college on regent street is beautiful . would you like the phone number ? eos O O O O B-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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 general-reqmore +bos yes , may i please get the phone number and the postcode as well ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos yes , the phone number is 01223334860 and the post code is cb21dq . 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 i 'm also looking for somewhere to dine . can you help with that ? eos O O O O O O O O O O O O O O O O N/A +bos absolutely , what kind of food would you like ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i want some portuguese food in the same area . eos O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos okay i have one in the center of town called nandos city center . would you like a reservation or their telephone 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 N/A +bos i 'd like you to reserve a table for me at 15:15 on friday for 1 person . 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 N/A +bos your table for 1 has been booked . reference number is : g48paww0 . will you need a taxi ? eos O 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 O general-reqmore +bos not , that 's all for today . goodbye ! eos O O O O O O O O O O O general-bye +bos so glad i could help . have a wonderful day . goodbye ! eos O O O O O O O O O O O O O O general-bye +bos i want some advice on places to go . eos O O O O O O O O O O N/A +bos what area of town would you be in ? eos O O O O O O O O O O Attraction-Request+Area +bos i do n't have a preference . eos O O O O O O O O N/A +bos how about the vue cinema located in the centre of town ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos that sounds great . can i get the 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos i 'm uncertain about the entrance fee . the postcode is cb11ps and the phone number is 08712240240. anything else today ? eos O O B-Attraction-Inform+Fee 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 general-reqmore +bos yes , i would like to find a mediterranean restaurant in the cheap 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 N/A +bos the gardenia should meet your needs . eos O O B-Restaurant-Inform+Name O O O O O N/A +bos great , can you give me the phone number ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O Restaurant-Request+Phone +bos their phone number is 01223356354. do you need anything else ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O general-reqmore +bos and what area are they located ? eos O O O O O O O O Restaurant-Request+Area +bos the gardenia is in the centre of town . eos O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos ok , thank you , that 's all the information i need right now . eos O O O O O O O O O O O O O O O O N/A +bos i am happy i have been of help . welcome any time . 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 the cherry hinton water play 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 N/A +bos that is a free park on the east side of town . they are located at cherry hinton hall on cherry hinton road . their phone number is 01223446100. eos O O O O B-Attraction-Inform+Fee 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 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 N/A +bos excellent , i ca n't wait to visit it ! thank you . 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 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 , what type of attraction is cherry hinton water play ? 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 Attraction-Request+Type +bos it is a park . eos O O O O B-Attraction-Inform+Type O N/A +bos thanks i 'm also looking for a train that leaves on thursday . eos O O O O O O O O O O O B-Train-Inform+Day O O N/A +bos ok , what are your departure and arrival stations , and what time 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 Train-Request+Leave,Train-Request+Dest,Train-Request+Depart +bos i 'd like to go to cambridge via broxbourne . i 'd like to leave on thursday and arrive no later than 12:00. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O O O O B-Train-Inform+Arrive O O O N/A +bos i have on that arrives at 11:32. would you like me to book that for you ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos please book it and send me the confirmation code . eos O O O O O O O O O O O N/A +bos before i book it , could you confirm the number of seats you need ? eos O O O O O O O O O O O O O O O O Train-Request+People +bos just one seat . eos O O O O O N/A +bos your booking was successful ! the reference number is 698re4w1 . the total fee of 17.89 is payable at the station . eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket O O O O O O O O N/A +bos perfect thanks for the help thats everything i need ! eos O O O O O O O O O O O general-thank +bos well i glad i can help enjoy your stay ! eos O O O O O O O O O O O general-bye +bos again thank you and have a great day . 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 am looking for information in cambridge . eos O O O O O O O O O N/A +bos are you looking for a place to stay , a place to eat , a attraction to visit , or do you need transportation ? eos 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 I-Attraction-Select+Type I-Attraction-Select+Type O O O O O O O general-reqmore +bos actually , i need a train eos O O O O O O O Train-Inform +bos sure , departure , destination , time and day you want to travel ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day,Train-Request+Leave,Train-Request+Depart +bos saturday and should depart from cambridge by 12 30 eos O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O O N/A +bos we have many trains departing cambridge , where is your destination ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O O O O O O Train-Request+Dest +bos i would like to go to london liverpool street . could you check the price for me ? eos 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 O Train-Request+Price +bos the price is 13.28 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thanks . i would also love to try a new nightclub to go to . can you tell me what my options are ? 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 N/A +bos what area would you like the nightclub to be in ? eos O O O O O O O B-Attraction-Inform+Type O O O O Attraction-Request+Area +bos it does n't matter to me . eos O O O O O O O O N/A +bos the fez club is at 8 market passage and entrance feis 5 pounds . can we book this one ? 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 O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 'm so sorry about that , it does n't seem possible to actually book the night club . eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook +bos that 's okay , i just need the phone number , area and post code please . 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,Attraction-Request+Phone +bos the fez club is located in the centre . the postcode is cb23hx . the phone number is 01223519224. anything more i can do for today ? 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 O O O O B-Attraction-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 can i assist you with any other questions ? eos O O O O O O O O O O general-reqmore +bos no thank you . you have answered everything perfectly for me . eos O O O O O O O O O O O O O general-thank +bos thank you ! if you ever need more information 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 general-bye,general-greet +bos i need a train leaving cambridge after 21:15. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos ok , i have 5 options for you . the earliest leaves at 21:59. eos O O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave O O N/A +bos i would like to travel on saturday and go to leicester . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A +bos the tr7610 leaves cambridge at 21:21 and arrives in leicester at 23:06. would you like to book 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 O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes , can you book me a ticket 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 90.72 gbp payable at the station . your reference number is dkv6x3z3 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 wonderful . can you tell me if a and b guesthouse is still around ? eos O O O O O O O O O O O O O O O O N/A +bos yes i have a listing for the 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 can get some detailed information on this place ? eos O O O O O O O O O O N/A +bos sure thing ! it is in the east , moderate priced and 4 star . need me to book a room ? eos O O O O O O 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 O Booking-Inform +bos can you tell me the phone number , hotel type , and postcode ? i need to check on a few things . eos 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+Type +bos the phone number for a and b guest house is 01223315702 and the postcode is cb12dp . 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 B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O N/A +bos my cousin told me about a place called the fez club . 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 fez club is a nightclub located at 8 market passage in the centre area . to enter the club it will cost you 5 pounds . eos O O B-Attraction-Inform+Name I-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 O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos can i get the postcode , address , and phone number for it ? i also am looking for a 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 O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos here 's the information : cb23hx , 8 market passage and 01223519224. what kind of food would you like ? eos O O O O B-Attraction-Inform+Post O B-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 Restaurant-Request+Food +bos anything is good as long as it is in the centre eos O O O O O O O O O O O B-Restaurant-Inform+Area N/A +bos well , the city centre has a lot of places to eat . do you have a price range in mind ? eos O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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+Price +bos i would like something moderately priced . eos O O O O O B-Restaurant-Inform+Price O O N/A +bos i have many options including asian , british , chinese , italian and european food . anything interest you ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 've never had british food . let 's try that . can you tell me some info on that one ? 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 Restaurant-Request+Food +bos well i personally like the oak bistro which is located on 6th lensfield road . eos O O 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 N/A +bos can you book that for me ? eos O O O O O O O O N/A +bos i 'd be happy too . do you know when you 'd like to eat ? eos O O O O O O O O O O O O O O O O O Booking-Request+Time,general-greet +bos let 's say 17:30. is there a reservation available at that time ? eos O O O O O O O O O O O O O O N/A +bos it looks like they have an opening . can you tell me 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 O O Booking-Request+People,Booking-Inform +bos 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 ? eos O O O O O O O O O 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 +bos yes , it is cb23hx . what else can i help you with today ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos great thank you . that will be all . 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 am looking for a place to dine . the restaurant should be in the west and should serve thai 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 sala thong is the only thai restaurant in the west . it 's expensive , but worth it . would you like a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Choice 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 O O O O Booking-Inform +bos yes , please . i would like a reservation for 2 at 19:00 on tuesday . please provide a reference number . 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 Restaurant-Request+Ref +bos fantastic ! your reservation went through smoothly . here is your reference number jjweo8zh . they will keep the table reserved for 15 minutes for you . can i help 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 O O O O O O O O O O O O O general-reqmore +bos 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 12:30 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 O O O O O B-Restaurant-Inform+Time O O O O O O O O O N/A +bos yes , there is a table open for 12:30 on tuesday . would you like me to book it for you ? eos O O O O O O O O B-Booking-Inform+Time O B-Booking-Inform+Day O O O O O O O O O O O O N/A +bos yes . please book a table for two . eos O O O O O O O O O O N/A +bos great news booking was successful they will hold the table for 15 mins and your reference number is jjweo8zh . 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 general-reqmore +bos thanks ! could you help me find a swimmingpool please that is also in the west ? eos O 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 i 'm sorry . there are no swimming pools in the west part of town . would you like to try a different area or attraction type ? eos O O O O O O O B-Attraction-NoOffer+Type I-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 O O O Attraction-Request+Type,Attraction-Request+Area +bos can you try an entertainment attraction instead ? thanks . eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos whale of a time is a nice place they are in the west . 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 B-Attraction-Recommend+Area O N/A +bos that sounds great , what is the postcode ? eos O O O O O O O O O O Attraction-Request+Post +bos whale of a time has a postcode of cb238el . 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 O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore +bos no , i think 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 O O general-thank +bos and thank you for calling in , please take care and 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-bye +bos yes , i am looking for an early evening train leaving from cambridge . is there one available ? eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O O O O N/A +bos what day will you be travelling ? eos O O O O O O O O Train-Request+Day +bos tuesday going to bishops stortford please . eos O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos i have 10 trains for you on tuesday . what time would you like to arrive by ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Arrive +bos i would need to arrive by 16:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos i have train tr8017 arriving at 16:07 , is that good for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-Select +bos how much will it cost and how long will the trip take ? eos O O O O O O O O O O O O O O N/A +bos it is a 38 minutes drive and the cost is 10.10 pounds per person . eos 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 I-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i also need a guesthouse to stay in . it does n't need to have free parking or internet . 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 let 's narrow down our search . what price range would you like to be in ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos i 'm looking for a place to go in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos okay ! what kind of place would you like to go ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos i 'm wanting to see the new reese witherspoon movie . would they happen to have a cinema in that area ? 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 N/A +bos yes , this is the only cinema in the area vue cinema . eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos could you tell me the postcode of that cinema ? eos O O O O O O O O O O O Attraction-Request+Post +bos vue cineman is located in the centre of town . their post code is cb11ps eos 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 O B-Attraction-Inform+Post O N/A +bos great ! i also want a restaurant in the same area , something expensive , please ? eos 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 more than two dozen expensive restaurants in that area . what cuisine would you like ? eos O O O B-Restaurant-Inform+Choice I-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 'm not picky . whichever one you choose will be fine . i just need a 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos alright it 's called bedouin it 's an african cuisine . the information is the following ; phone 01223367660 , address 100 mill road city centre , and the postcode is cb12bd . eos O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O O O B-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 B-Restaurant-Inform+Post O O O O O O O N/A +bos can you reserve me a taxi ? i need it to take me from the restaurant to the movies . eos 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 movie theater would you like to go to ? eos O O O O O O O O O O O Taxi-Request+Dest +bos going to vue cineman eos O O O O B-Taxi-Inform+Dest N/A +bos do you have a departure time ? eos O O O O O O O O Taxi-Request+Leave +bos i want to leave the restaurant by 11:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos ok , i 've booked you a taxi to the cinema . it 's a black volkswagenand the contact number is : 07722633912 eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 N/A +bos i need to buy a bus . eos O O O O O O O O N/A +bos you need a bus as well as the taxi i already booked ? eos O O O O O O O O O O O O O O general-reqmore +bos i need a taxi to leave the restaurant by 11:00 eos O O O O O O O O O O O N/A +bos yes , i already booked that for you . as i said before , it 's a black volkswagen and the contact number is 07722633912. 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 N/A +bos thank you for booking the car for me . eos O O O O O O O O O O general-thank +bos would there be anything else ? eos O O O O O O O general-reqmore +bos that is all , enjoy the rest of your day . eos O O O O O O O O O O O O N/A +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-bye +bos i need a local restaurant i can try while in cambridge . i also need a 3 star moderately priced hotel i can stay in while in cambridge . 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+Price O O O O O O O O O O O N/A +bos okay . what kind of cuisine would you like ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i 'm open to any kind of cuisine . perhaps you can suggest one . eos O O O O O O O O O O O O O O O O N/A +bos 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 several options in guesthouses but unfortunately no hotels . eos O O O O O O 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+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O N/A +bos i need a place to stay that is a guesthouse with a 3 star rating in the moderate price range . eos O O 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 is there a particular area you prefer ? i have guesthouses located in the north , south and west areas of town , which would you prefer ? eos O O O O O O O O O O O B-Hotel-Inform+Type I-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 O O O O O O Hotel-Request+Area,general-reqmore +bos i do n't care , i just want it for 2 people for 2 nights starting on sunday . 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 we have hamilton lodge , a 3-star guesthouse in the north that 's moderately priced . would you like to book a room ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 Booking-Inform +bos yes , please book that for me . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos booking was successful . your reference number is : 16u7al1e . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i would also like more info on the rice boat , it is a place to eat . 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 N/A +bos the rice boat is an expensive , indian restaurant located at 37 newnham road , in the west area . 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 O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A +bos will you book a table for 2 at 17:00 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 N/A +bos you are booked at the rice boat . your reference number is qwzxq3xj . is there anything else ? 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 general-reqmore +bos yes i would like a taxi to arrive at the restaurant by 17:00. i would need the phone number and the type of car . eos 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 Taxi-Request+Phone +bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart +bos i 'll be departing from the hotel . please give me the contact info and car type . eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Car +bos your car is booked your car type is a grey ford and contact number is 07174899771 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 thanks that 's all i needed for today . eos O O O O O O O O O O general-thank +bos okay , you are so welcome ! goodbye ! eos O O O O O O O O O O general-welcome +bos my husband and i are celebrating our anniversary and want to find a great place to stay 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 congratulations on your upcoming anniversary ! cambridge offers a variety of lodging options , what is your price range ? eos O O O O O O B-Hotel-Inform+Area 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,general-greet +bos i would like a 4 star guesthouse that includes free parking . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A +bos i have several options for you , is there a particular area you are interested in during your stay ? 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+Area +bos yes should be in the west eos O O O O O O B-Hotel-Inform+Area N/A +bos i have one guesthouse that fits that criteria , finches bed and breakfast . would you like me to book for you ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 Booking-Inform +bos yes , please ! we 'll arrive on monday and stay 2 nights . just the two of us , of course ! eos O O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O O O O O O O O O O O N/A +bos ok , your hotel stay at finches bed and breakfast is booked , reference number fkro2how . will there be anything else ? 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 O O O O O O O general-reqmore +bos i am wanting to know more about the cambridge museum of technology . 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 N/A +bos sure , it 's located in the centre area of town . the phone number is 01223368650. the entrance fee is 5 pounds . eos O 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 O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos what is the address , please . eos O O O O O O O O Attraction-Request+Addr +bos the address is the old pumping station , cheddars lane . did you want any more information about the museum ? 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 yes , i need the entrance fee . i will also need a taxi to pick me up by 24:30. 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 B-Taxi-Inform+Leave O O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Fee +bos the entrance fee is 5 pounds . eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos can you book the taxi for me at 24:30 leaving from the museum please . i will need the contact number and the car type . 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 Taxi-Request+Car +bos and what is your destination ? eos O O O O O O O Taxi-Request+Dest +bos i will leave the cambridge museum at 24:30 , going to the the finches bed and breakfast . 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 O O N/A +bos your taxi has been booked . it will be a grey volvo and the contact number is 07239297218. 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 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 general-bye +bos have a nice stay ! eos O O O O O O general-bye +bos can you help me find a train going to cambridge departing from norwich ? eos O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O N/A +bos certainly ! what day are you traveling ? eos O O O O O O O O O Train-Request+Day +bos my meeting is on wednesday . eos O O O O O B-Train-Inform+Day O N/A +bos do you have a preferred arrival or departure time ? eos 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:30. eos O O O O O O O B-Train-Inform+Arrive N/A +bos train tr2379 departs at 17:16 and arrives at 18:35. will this work for you or would you like an earlier time ? 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 O Train-Select +bos that 's all i needed to know about the train . thank you . i 'm also looking for a moderately priced place to day with four stars . 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 O O O N/A +bos which side would you like to be ? eos O O O O O O O O O Hotel-Request+Area +bos the area does n't matter but make sure its a hotel and not a guesthouse including 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 O N/A +bos i 'm unable to find anything that meets all of your criteria . can we adjust your price range to find the appropriate 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 Hotel-NoOffer,Hotel-Request+Price +bos how about one that is in the cheap price range eos O O O O O O O O O B-Hotel-Inform+Price O N/A +bos how about the cambridge belfry ? it is cheap , has four stars , and has internet . shall i make a booking 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 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 that sounds great . please book it for 8 people for 4 nights , starting on wednesday . 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 booking was successful . reference number is : z01w0h74 . 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 '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 you 're welcome . enjoy your trip ! goodbye . eos O O O O O O O O O O O general-welcome,general-bye +bos can you give me information about hobsons house , please ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos sure ! hobsons house is a 3-star guesthouse located in the west . it has a moderate price range . would like to book a room ? 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 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 Booking-Inform,general-greet +bos is internet provided ? eos O O O O O Hotel-Request+Internet +bos yes , it has free wifi . can i 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+Internet +bos i want in the centre and should be expensive . eos O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O N/A +bos well i have only two hotels matching those criteria . would you like to book one ? 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 Booking-Inform,Hotel-Select +bos not right now . can you recommend any expensive restuarants 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 sure thing i would suggest this fitzbillies restaurant . eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos sounds good what is their postcode ? eos O O O O O O O O Restaurant-Request+Post +bos sure it is cb21rg , anything else today ? eos O O O O B-Restaurant-Inform+Post O O O O O general-reqmore +bos i need a taxi to leave the restaurant by 17:15 , need the contact # and car type too so i do n't get into the wrong car 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 O O O O O O Taxi-Request+Car +bos the contact number is 07567170809 and the car type is a black audi . eos O O O O O B-Taxi-Inform+Phone O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 there seems to be a bit of confusion but if you need us , please contact us . eos O O O O O O O O O O O O O O O O O O O general-bye +bos hey , are there any interesting colleges in the city centre ? eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos there are 13 colleges in the city centre . do you need 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 O O O O O O general-reqmore +bos could you give me the postcode and phone number of two of them that are popular tourist destinations ? 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 hughes hall -- postcode cb12ew . their phone number is 01223334898. saint catharine 's college -- postcode cb21rl . their phone number is 01223338300. is there anything else i can help with ? eos 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+Post O O O B-Attraction-Recommend+Phone I-Attraction-Recommend+Phone O O O O O O O O O O O O O O O general-reqmore +bos yes , are there any british places to eat at in the same area ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos yes , there are 7 of them . how about restaurant one seven ? eos O 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 N/A +bos that sounds good , is it in the moderate price range ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos yes it is in the moderate price range . would you like to book a table now ? eos 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 Booking-Inform +bos no , just give me the phone number eos O O O O O O O O O Restaurant-Request+Phone +bos the cotto phone number is 01223302010. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone N/A +bos that was all i needed . thank you . eos O O O O O O O O O O general-thank +bos most welcome and have a great day eos O O O O O O O O general-welcome,general-bye +bos i really have to go . goodbye . eos O O O O O O O O O general-bye +bos goodbye and thanks eos O O O O general-bye +bos i 'm on the north side , please find me an expensive restaurant here eos O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O N/A +bos would you prefer chinese , french , or european cuisine ? eos O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos i 'm open . what would you recommend ? eos O O O O O O O O O O N/A +bos i 'd recommend the hotspot . it 's a chinese restaurant . would you like to book a table ? 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 O O O O O O O O Booking-Inform +bos yes please , book me for 4 people at 13:15 on friday . 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 the booking was successful . the reference number is : 37ddzb4h . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos can you find me a train from leicester to cambridge on saturday > 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 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 sometime after 16:30. eos O O O O O O O O B-Train-Inform+Leave N/A +bos the tr7824 bus leaves at 17:09. would you like to book this one ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos i do need the price and arrival time first . eos O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos it arrives at 18:54 and is 30.24 pounds . eos O O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thank you , that is all i need , you helped me a lot . eos O O O O O O O O O O O O O O O O general-thank +bos great , have a terrific trip ! eos O O O O O O O O general-welcome,general-bye +bos can you tell me about any hungarian restaurants in the centre ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry i do not have any hungarian restaurants in cambridge . is there another type of cuisine you might be interested in ? 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 O O O O O O O O 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 we have several in the center , and one in the south . they are in assorted price ranges . do you have any preferences ? eos O 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Select +bos whatever you recommend , please book me for 5 people at 12:15 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 i have made a booking for de luca cucina and bar . the table will be reserved for 15 minutes.reference number is : 2x1igk9d . 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 O O O O O O B-Booking-Book+Ref O O N/A +bos i also need to find a two star room . eos O O O O O O O O O O O N/A +bos how about the ashley hotel ? they are moderately priced and have both internet and parking . eos 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 O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos that sounds great . could you give me the address please ? eos O O O O O O O O O O O O O Hotel-Request+Addr +bos sure , the address is 74 chesterton road post code cb41er . would you like a reservation ? eos 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 O O O O Booking-Inform +bos no thanks . i do want a taxi though to go from the hotel to the restaurant , arriving by my reservation time . tell me the car type and contact number . 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 O O O O O O O Taxi-Request+Car +bos i 've booked a grey bmw , phone number 07260290005. will that be all ? eos 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 general-reqmore +bos that is everything , thanks for you help . eos O O O O O O O O O O general-thank +bos great . enjoy your stay ! eos O O O O O O O general-bye +bos i 'm looking for a train departing from cambridge going to birmingham new street . eos O O O O 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 what day and time would you like to travel ? eos O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos wednesday leaving after 21:00 please . eos O B-Train-Inform+Day O O O O O N/A +bos tr8873 leaves at 22:01 and arrives at 24:44. would you like me to book ? 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 for three people please . and can you 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 your total is 225.3 gbp payable at the station . your reference number is 5axu412r . can i help with something else ? eos 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 would like to book a cheap hotel in the south area . eos O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O N/A +bos i have one called rosa 's bed and breakfast which is actually a guesthouse . would you like to book that ? 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 O O O O B-Hotel-Inform+Type O O O O O O O O O Booking-Inform +bos yes please book me a reservations for 3 people at rosa 's bed and breakfast and find me the cheapest rate . 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 yes how many nights will you be staying and when will you be arriving ? eos O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos i will be there for 3 nights . eos O O O O O O O O O N/A +bos what day does your stay begin ? eos O O O O O O O O Booking-Request+Day +bos i would like it for wednesday 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 yes please , that would be great . eos O O O O O O O O O N/A +bos ok , your booking was successful . the reference number is unv1rxy7 . can we 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 thank you ! yes , what is the star of the hotel please ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos this is a four star hotel . eos O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O N/A +bos get me the address of the hotel and phone number eos O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos the address is 53 roseford road and the phone number is 01223512596 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 B-Hotel-Inform+Phone N/A +bos thanks a lot , that is enough for today eos O O O O O O O O O O general-thank +bos please let us know if there is any way we can assist you in the future . have a wonderful 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 general-bye +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 I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area 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 need to take a train here from london kings cross , i will need ot get here by 19:45. 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 O B-Train-Inform+Arrive 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 would like to leave wednesday please . eos O O O O O O B-Train-Inform+Day O O N/A +bos train tr5725 would 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 please , i 'll need 6 tickets . eos O O O O O B-Train-Inform+People O O O N/A +bos ok , you have 6 seats reserved on tr5725 , ref # j7xp2z15 . get to bed early - that 's a 05:16 departure ! can i help with anything else today ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Ref O O O O O O O B-Train-OfferBooked+Leave O O O O O O O O O O O O O O O general-reqmore +bos yes you can ! i 'm also looking for information about a place called cineworld cinema . do you have any details about it ? 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 O O O O O N/A +bos it is a great cinema in the south part of town . they are located at cambridge leisure park , clifton way . their postcode is cb17dy . their phone number is 00872208000. 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 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 that was all i needed . eos O O O O O O O O O general-thank +bos do you need me to book or look up info about anything else ? eos O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos that was all for today , 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 hi , do you have any trains headed to leicester from cambridge ? eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos we do . what day will you be travelling ? eos O O O O O O O O O O O Train-Request+Day,general-greet +bos i 'll be leaving on tuesday after 13:30. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos sure thing . i have tr1997 leaving leicester on tuesday at 14:21. should arrive by 16:06. would that work for you ? otherwise , i have later options . eos 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 B-Train-Inform+Arrive O O O O O O O O O O O O N/A +bos that would work for me , i need 5 tickets please . eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos your reservation of 5 tickets on the tr1997 train was successful . your reference number is : 8pt9birg . eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you ! i 'm also looking for a great place to eat in the centre . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos we have many restaurant options in the centre area . is there a particular type of food you would like ? 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 Restaurant-Request+Food +bos i would like a gastropub in the expensive price range . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A +bos would recommend the slug and lettuce , they are a very good gastropub , would you like me to book you ? eos 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 B-Restaurant-Recommend+Food O O O O O O O O O Booking-Inform +bos yes , please . i 'd like to book for the same group of people on the same day at 10:30 , if possible . 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 N/A +bos okay i was able to do that for you and your reference number is m0yqsbt7 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos wonderful , that 's everything i needed . thanks so much . eos O O O O O O O O O O O O O general-thank +bos my pleasure . we 're here any time you need us . 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-welcome,general-bye +bos i need to find somewhere to stay in the south eos O O O O O O O O O O B-Hotel-Inform+Area N/A +bos the lensfield hotel is in the south . it is a 3 star hotel . 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+Area O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Booking-Inform +bos what is the price range ? i 'd like something in the cheap price range . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos then , i would recommend rosa 's bed and breakfast , a cheap 4 star guesthouse . do you 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 O B-Hotel-Recommend+Price O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O O O O O O O O general-reqmore +bos as long as it has free wifi i 'll be happy ! eos O O O O O O O O O O O O O N/A +bos great , shall il go ahead and book you then ? eos O O O O O O O O O O O O Booking-Inform +bos can i get their postcode ? eos O O O O O O O Hotel-Request+Post +bos rosa 's bed and breakfast post code is cb22ha eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Post O N/A +bos i am also looking for a restaurant , should be cheap and in the south , near to my hotel . do you have any options ? eos O O O O O O O O O O B-Hotel-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O N/A +bos i have 2 choices . the lucky star serves chinese . and , nando 's is a portuguese restaurant . which do you prefer ? eos O O O O O O O O O O O B-Restaurant-Select+Name O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O O O O O N/A +bos i was goona ask to search for international , but it sounds like their isnt an option with a cheap price . lets go with nando 's eos O O O O 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 O O O N/A +bos okay would you like to make a booking ? eos O O O O O O O O O O Booking-Inform +bos can you just verify , is there an international restaurant in the south or no ? 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 have confirmed there are no international options , do you want to stick with nandos or run another search ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O N/A +bos are there no international places to dine in the area ? anything other than british food 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 N/A +bos as i mentioned earlier , the only options in the south that are cheap are the lucky star ( chinese ) and nando 's ( portuguese ) . do you want me to search another area or price ? eos 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 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 Restaurant-Request+Area,Restaurant-Request+Price +bos sorry , this is the husband , im taking over the call , my wife is too indecisive . please book us for nandos at 13:45 on tuesday for 5 people , thank you . 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+Name O B-Restaurant-Inform+Time B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O O O O O O O N/A +bos thank you sir , i was starting to think this was a prank , you are set , your reference number is ynz558e6 , 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 B-Booking-Book+Ref O O O O O O O O O O O N/A +bos i also need a taxi to take 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 i can help , where to and from , and what time ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest +bos thank you ! from the hotel to the restaurant , please . eos O O O O O O O O O O O O O N/A +bos sure ! when would you like to leave/arrive ? eos O O O O O O O O O O Taxi-Request+Leave +bos by the restaurant booked time . eos O O O O O O O Restaurant-Inform +bos booking completed ! booked car type : black volkswagencontact number : 07559655717can i help you with anything else today ? eos O O O O O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos awesome . thanks for all of your help . i have everything i need now . eos O O O O O O O O O O O O O O O O O general-thank +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-bye +bos i need to find the nearest hospital , i 'm injured ! eos O O O O O O O O O O O O O Hospital-Inform +bos the nearest hospital is the addenbrookes hospital located on hills road , cambridge . eos O O O O O O O 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 Hospital-Request+Post +bos the postcode is cb20qq . 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 's all . i appreciate the help eos O O O O O O O O O O O N/A +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 taxi 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 'd be happy to help , where will you be leaving from ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i will be leaving from magdalene college . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos what time do you want 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 want to leave after 16:45. eos O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! booked car type : yellow lexuscontact number : 07556697926 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 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 i am actually all set now thanks though eos O O O O O O O O O O general-thank +bos thank you for choosing our service , goodbye . eos O O O O O O O O O O general-bye +bos hi , i 'm looking for a hotel with free wifi that is moderately priced . eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price O O O O N/A +bos we offer three locations with those criteria . any preference on area ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos i would like to stay at a guesthouse in the centre please eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos i apologize , but we do n't have a guesthouse that fits your criteria . would you like to try a hotel ? 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 B-Hotel-Select+Type O O O O N/A +bos hmm , well that is n't good . oh well , how about trying if there is a guesthouse thats cheap then . i suppose it will have to do . eos O O O 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 O O N/A +bos the alexander bed and breakfast is a cheap guesthouse in that area , it has 4 stars and offers free wifi . can i book this 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 B-Hotel-Inform+Price 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+Internet +bos yes , please , for four people on thursday . eos O O O O O O O O O O O N/A +bos how many nights do you need ? eos O O O O O O O O Booking-Request+Stay +bos i need five nights . and i need the reference number , please . eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos i was able to book the alexander b & b for you for 4 people and 5 nights starting on thursday . the reference number is 1kwo2daq . eos O O O 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 B-Booking-Book+Ref O O O O N/A +bos thank you that will do , cheers . eos O O O O O O O O O general-thank +bos cheers . have a great day . eos O O O O O O O O general-greet +bos i 'm looking for a hotel called the arbury lodge guesthouse . do you have a listing for this ? eos O O O O O B-Hotel-Inform+Type 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 am sorry , but this hotel is not in my records . there is another hotel that is very nice it calls super 5. 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 O O Hotel-NoOffer +bos are you sure , but if not , book the super 5 for 8 people for 5 nights starting monday . i will need the reference number . eos O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O O O O O O O Hotel-Request+Ref +bos sorry about that - the arbury lodge guesthouse is , in fact , in my database . your room is reserved , reference # n3cvyhhj . can i help with anything else today ? 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore +bos that 's great ! thanks , i think that 's all i need today . eos O O O O O O O O O O O O O O O O general-thank +bos i 'm glad we could help . 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 general-greet +bos i 'm looking for a place to stay in the centre of town with free parking . 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 i have 4 options for you - would you like cheap or expensive ? i have nothing in between . eos O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O O O O N/A +bos i 'm flexible on the price point butthe place will need to be a guesthouse that also had free wifi . 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 okay , that narrows it to two : alexander bed and breakfast ( 4 stars ) or el shaddai ( 0 stars ) . they 're both 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 O O O O O O O O O O O O N/A +bos not right now . could i have the phone number for the alexander 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 Hotel-Request+Phone +bos yes , the phone number is 01223525725. do you have any other questions or concerns ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos no , 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 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 'm looking for a train from ely to cambridge , if there is one . eos 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 N/A +bos okay , what day do you want to leave ? eos O 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 how about tr9382 ? eos O O O B-Train-Select+Id O N/A +bos well i need to leave after 14:45 , so if it is after that time that 'll work . eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O N/A +bos tr9823 will leave at 15:35 , how does that sound ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos i think that 'll work . i need to reserve two seats , 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 N/A +bos booking was successful , the total fee is 7.04 gbp payable at the station . reference number is : 6nja0v8r . 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 . that 's all i need for now ! 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-bye +bos i was in a car accident dispute and i am looking for help eos O O O O O O O O O O O O O O N/A +bos when and where did this accident occur ? eos O O O O O O O O O general-reqmore +bos i just need an address and phone number for the police please eos O O O O O O O O O O O O O Police-Request+Addr,Police-Request+Phone +bos absolutely ! the police station phone number is 01223358966 and their address is parkside , cambridge . what else can i 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 O N/A +bos i think that is it , thank you . eos 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 do you have information about the hotel 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 cheap guesthouse in the centre area . it has a 0 star rating and includes parking and wifi . it 's located at 41 warkworth street . phone number 01223327978. eos O O B-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 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 B-Hotel-Inform+Phone O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos sounds good . can you book it for 3 nights checking in on monday ? there will be 7 of us . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+People O O N/A +bos booking was unfortunately unsuccessful . can we 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 can we try one night ? eos O O O O O O O N/A +bos that did the trick , your booking was successful and your reference number is 820wcjzq . is there anything else you need help with 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 general-reqmore +bos that shall be all . thanks ! eos O O O O O O O O general-thank +bos enjoy your stay ! goodbye ! eos O O O O O O O general-bye +bos i need to find a guesthouse with a 0 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 two available . i have el shaddai which is located in the centre of town . and i also have city centre north b & b located in the north . 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 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 O O N/A +bos do they have free parking and wifi ? eos O O O O O O O O O N/A +bos yes , they both include free parking and wifi . eos O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that 's awesome . can you book one of them for me ? eos O O O O O O O O O O O O O O N/A +bos absolutely ! when would you like to stay ? eos O O O O O O O O O O Booking-Request+Day +bos on friday , and i 'd like to stay 5 nights . this will be for 6 people . eos O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+People O O O O N/A +bos i 've reserved your room for you , your reference number is 542j9wog . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos excellent . thank you for the help ! eos O O O O O O O O O general-thank +bos awesome . have a good day ! eos O O O O O O O O general-bye +bos is there a place to stay in the east part of town with free parking ? eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos hello , yes there are 6 places to stay in the east part of town with parking . what price range are you looking for ? eos O O 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+Price,Hotel-Inform+Parking +bos i am looking for a place with free wifi as well . price does n't matter yet . eos O O O O O O O O O O O O O O O O O O O N/A +bos all 6 have free wifi included . eos O O O B-Hotel-Inform+Choice O O O O Hotel-Inform+Internet +bos sounds promising . what type of hotel are the ones you found ? eos O O O O O O O O O O O O O O Hotel-Request+Type +bos they 're mostly guesthouses , and one hotel . eos O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O N/A +bos can i get more information on the hotel ? eos O O O O O O O O O O Hotel-Inform +bos the hotel is express by holiday inn cambridge . it is in the east and in the expensive price range . it includes free internet and parking . shall i book it ? 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+Area 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+Internet,Hotel-Inform+Parking +bos no thanks , i actually have all the information 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 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-reqmore +bos no , i have all of the information i need now thanks to you . eos O O O O 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 guten tag , i am staying overnight in cambridge and need a place to sleep . i need free parking and 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 N/A +bos i have 4 different options for you . i have two cheaper guesthouses and two expensive hotels . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O 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 Hotel-Select +bos no , but i 'd really like to be on the south end of the city . do any of those fit the bill ? 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 O O N/A +bos sure . does price matter ? we can narrow it down and find exactly what you need . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Price,Restaurant-Request+Price +bos no i do n't care about the price . 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 i would recommend aylesbray lodge guest house . 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 I-Hotel-Inform+Name O O O O O O O O O O O Restaurant-Recommend,Booking-Inform +bos yes , book it for 4 people and 4 nights starting from tuesday . eos O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O N/A +bos the booking was unsuccessful . would you like 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+Stay,Booking-Request+Day +bos how about for 3 nights ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos booked ! reference number is : 84esp6f5 eos O O O O O B-Booking-Book+Ref O O N/A +bos great . i am all set then . have a nice day . bye . eos O O O O O O O O O O O O O O O O general-bye +bos have a nice stay . bye . eos O O O O O O O O general-bye +bos i need to find a guesthouse with a 3 star rating eos O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O N/A +bos we have four such guesthouses . do you have a preferred location ? eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O Hotel-Request+Area +bos no , i do n't . i want one that includes free wifi . eos O O O O O O O O O O O O O O O N/A +bos bridge gue house , hamilton lodge , and hobsons house are all available if you 'd like one of those ? 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 O O O O Hotel-Select +bos please book the hamilton lodge , for 6 people . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos 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 . eos O O O O O O O O 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 'll be staying 2 nights starting on wednesday . oh , and there are 6 of us . eos O 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 N/A +bos i 'm sorry , my reservation attempt was unsuccessful . will another day or length of stay work ? 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 the same parameters at another hotel ? eos O O O O O O O O O O O Hotel-Inform +bos of course , could you tell me the area you would like to stay in so i can narrow 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 Hotel-Request+Area +bos the are does not matter , just three stars and wifi at a guesthouse please . eos O O O O O O O O O O O O O O O O O N/A +bos i 've got you a reservation for 6 at hobson 's house for 2 nights . your reference number is 4wngilmf . eos O O O O O O O O B-Booking-Book+People O O O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O O O O N/A +bos thank you so much ! that should be 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 day . eos O O O O O O O O O general-reqmore +bos yes , i 'm looking for hotels in the north area . 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 13 hotels north of cambridge . what price range would you prefer ? do you require internet or 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 O Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos i do n't care about price range or parking , but i do require free wifi . 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 you a room at the avalon on 62 gilbert road ? eos O O O O O O O O O O O O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr Booking-Inform +bos i need it to be a hotel , not a guesthouse . eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos how about the ashley hotel , it is in the north with a 2 star rating with free parking and internet . would you like to reserve a room ? eos O O O O B-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 O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos not now . i would like to get the postcode , please . eos O O O O O O O O O O O O O O Hotel-Request+Post +bos certainly , the postcode for the ashley hotel is cb41er . is there anything else i can do for you ? eos O O O O O O B-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 thank you . i also need to find a train departing from leicester . eos O O O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos 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 ? eos O O O O O O O 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+Day,Train-Request+Depart +bos yes , you 're right . i need to leave on monday , and i need to arrive by 18:15. eos 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 i found tr3173 leaving at 5:09 would that work ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O O N/A +bos can it get there by 18:15 ? and can you get tickets for two ? eos O O O O O O O O O O O O O O O O N/A +bos your arrival time would be 06:54 would you like for me to find another train for you ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O general-reqmore +bos yes , please . i 'd rather not be that early . eos O O O O O O O O O O O O O N/A +bos certainly ! tr2985 will depart leicester at 16:09 and arrive in cambridge at 17:54. that one sounds like it 's better for your time frame . eos 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 B-Train-Inform+Arrive O O O O O O O O O O O O O N/A +bos great , if you could book that one for 2 people and provide me with the reference number , i would appreciate it . 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 Train-Request+Ref +bos sure , i have booked the train for people on monday on tr2985 , your reference number is 730zj7m6 . is there anything else i can do for you today ? eos O O O O O 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 O O O O O general-reqmore +bos there is not . thank you so much ! eos O O O O O O O O O O general-thank +bos you 're welcome and have a wonderful trip ! eos O O O O O O O O O O general-welcome +bos hi , can you help me find a 4 star place to stay ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos there are a total of 21 hotels and guesthouses in the city that have 4 stars . is there a particular area or price range you would like ? eos O O O 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 Hotel-Request+Area,Hotel-Request+Price +bos how about a place in the east side of town that is a hotel not a guesthouse eos O O O O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Type O O O N/A +bos i am sorry but i do not have any hotels in the east . would you like to change location or type of accomodations ? eos O O O O O 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 Hotel-Request+Area,Hotel-Request+Type +bos yes , can you please change the location to centre ? eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos we have one 4 star hotel that is in the centre , university arms hotel , it has internet and parking and is expensive , would this one 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 N/A +bos that will be fine . can you book me a room for saturday , please ? eos O O O O O O O O O O O O B-Hotel-Inform+Day O O O O N/A +bos certainly . how long would you like to stay , 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 Booking-Request+People,Booking-Request+Stay +bos i 'll be arriving saturday and staying 3 nights . there are 3 of us . eos O O O O O O O O B-Hotel-Inform+People O O O O O O O O N/A +bos unfortunately , we can not book you for those days . could you change 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 Booking-NoBook,Booking-Request+Stay +bos sure , try for two days ? eos O O O O O O O O N/A +bos that was unsuccessful too . wan na try something else ? eos O O O O O O O O O O O O Booking-NoBook +bos is there another one in the centre with that critera avaible ? eos O O O O O O O O O O O O O N/A +bos no , i 'm sorry . i am searching for a 4 star hotel in the centre for 2 nights on saturday . is that correct ? eos 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 O O O O O O O Booking-Request+People,Booking-Request+Day +bos i need the hotel for 3 nights starting on saturday please . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A +bos would you like to change the number of days you are staying . i was unable to find anything . 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 no , please continue the search . eos O O O O O O O O N/A +bos i 'm sorry , but the university arms does not have anything available on saturday for 3 people , for a 3 night stay . would you like to try a different day ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O 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 O O O O Booking-Request+Day +bos i am so sorry . could you just change the number of people in my party to 5 and try again ? 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 O N/A +bos that worked , i guess you just needed a larger room . your reference number is pr0abubi . can i be of further assistance ? 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 no that is all i need , thank you . eos O O O O O O O O O O O general-thank +bos thank you , have a great time eos O O O O O O O O general-bye +bos could you find a moderate priced place to stay for me ? i do need free wifi . eos 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 absolutely . we have many guesthouses and hotels with free wifi . any other preferences ? 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 Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Inform+Internet +bos i 'd prefer something with 2 stars , and i need free parking as well . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A +bos the ashley hotel and lovell lodge are both 2 star hotels that offer free parking and free wifi . eos 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos great can i get a reservation at the ashley hotel for 4 people for 2 nights starting tuesday ? eos 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 N/A +bos your room for 4 guests has been booked at the ashley hotel for 2 nights starting on tuesday . your reference number is 6hzb65qh . can i assist you with anything else ? eos O O O O O B-Booking-Book+People O O 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 general-reqmore +bos no , that 's all for me . thanks ! goodbye ! eos O O O O O O O O O O O O O general-bye +bos thank you . enjoy your stay , goodbye eos O O O O O O O O O general-bye +bos i need to find a four stars hotel in the north that has indoor 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 we have seven matches for your requirements . do you have any additional preferences ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O N/A +bos it does n't need internet included eos O O O O O O O N/A +bos i have 7 options for you . 6 are moderately priced , and 1 , worth house , has a cheap price . would you like more information ? 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 O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O general-reqmore +bos does worth house have free wifi ? eos O O O O O O O O N/A +bos yes , worth house is a cheap four star guesthouse in the north area with free parking and internet . all our options for your other preferences have wifi . would you like to reserve a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O 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 O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes book me a stay for 4 people and 4 nights starting from wednesday please 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 oh , i 'm unable to process that . would you care 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,Booking-Request+Stay,general-reqmore +bos can you see if i can get three nights ? eos O O O O O O O O O O O N/A +bos i was able to book a room for 3 nights . your reference number is v96btdai . 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 oh , thank you so much . you 've been most helpful . 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-bye,general-greet +bos can you find me a guesthouse with free parking ? eos O O O O O O B-Hotel-Inform+Type O O O O N/A +bos i have a few guest house that offer parking , is there a certain pricerange you are looking for ? 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 Hotel-Request+Price,Hotel-Inform+Parking +bos no , anything with availability is fine . i also do n't care if it has internet or not . 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 leverton house ? they are located in the east and are cheap . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O N/A +bos i changed my mind about the internet . does leverton house have free wifi ? eos 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 leverton house has internet . would you like help booking a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos no , i just really need the postcode . is this a moderate ? eos O O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb58rs . can i help you with anything else today ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore +bos yes . what is the price range for leverton house ? eos O O O O O O O O O O O O Hotel-Request+Price +bos leverton house is in the cheap price range . is there any other information i can get 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 general-reqmore +bos that is all i need for now . thanks . eos O O O O O O O O O O O general-thank +bos it was a pleasure and thank you for contacting us . eos O O O O O O O O O O O O general-welcome +bos are there any places in the north that have free parking ? eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos there are five places that have parking . what price range do you want ? eos O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking +bos any price range is fine . but if you can see if there is one that has 4 stars ? 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 the acorn guest house is a moderately-priced 4-star hotel in the north area and has parking . does this sound acceptable to 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 B-Hotel-Recommend+Stars O O O B-Hotel-Recommend+Area O O O O O O O O O O O O Hotel-Recommend+Parking,Booking-Inform +bos does the acorn guest house have internet ? i do n't need free wifi . eos O O O O O O O O O O O O O O O O N/A +bos yes , it does have free internet . would you like to book ? eos 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 to book . can you get me a room there for sunday ? i will need a room for 8 for 5 nights . 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 B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O N/A +bos i have successfully booked your room . the reference number is uuf3948j . can i be of further assistance ? 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 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 you 're quite welcome , thank you and goodbye ! eos O O O O O O O O O O O general-bye +bos i kind of need some help finding a nice hotel in the north part of town . eos 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 there are two hotels in the north part of town in the moderate price range , does that price range work for you ? eos O O O O B-Hotel-Inform+Choice 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 N/A +bos do either of those have 4 stars ? eos O O O O O O O B-Hotel-Inform+Stars O N/A +bos i 'm sorry , they are both 2 star hotels . would you like to try a different area or star number ? 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+Area,Hotel-Request+Stars +bos a 4 star guesthouse in the north would be fine too . eos O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O N/A +bos there are several in the moderate price range and one that is cheap . does price matter ? eos 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 Hotel-Request+Price +bos no , it does n't . what place would you recommend ? eos O O O O O O O O O O O O O N/A +bos i recommend worth house because it is in the cheap price range and has a high rating . do you want me to book worth house for you ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O 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 O N/A +bos yes . i 'll need a reservation for 3 nights starting sunday . there are 3 people in my party . eos 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 i have made reservations for 3 starting on sunday for 3 nights . eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Day O O O O N/A +bos great to hear that , can you provide me also with reference number ? eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos all set ! your reference number is 7puke6ms . do you need any more help ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos thats all i needed ! cheers . eos O O O O O O O O N/A +bos great to hear that bye eos O O O O O O general-bye +bos i 'm looking for a place to stay . i 'd like a hotel , not a guesthouse , and i do n't care about internet . 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 do you have a specific area you would like to stay in ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos the west , please . eos O O B-Hotel-Inform+Area O O O N/A +bos i can offer you the huntingdon marriott , which is expensive , or the cambridge belfry , which is cheap . 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 O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O N/A +bos i 'd like the cambridge belfry please . eos O O O O O O O O O N/A +bos great ! do you need information on the cambridge belfry , or 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 Booking-Inform,general-reqmore +bos i would like a room starting on sunday for 4 nights . there will be 6 of staying . eos 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 N/A +bos you are all set . the reference number is 12ooowtr . 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 've been great . thank you . goodbye . eos O O O O O O O O O O O O O general-bye +bos your are welcome . i trust you will enjoy your visit . eos 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 bye , have a good day eos O O O O O O O general-bye +bos hey , i need a place to stay with 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 i have several options to offer you , is there an area of town , or 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 O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos thanks ! i really do n't care about the area . i need stay in a guesthouse that has free wifi and 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 O O O O N/A +bos in order to try to narrow down your options , do you prefer a cheaper place or something moderately priced ? eos 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 I-Hotel-Select+Price O N/A +bos i do n't mind about the price but i want something with 4 stars . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos how about the archway house ? it is moderately priced 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+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Area O N/A +bos that sounds nice . can you get it for four nights starting thursday ? eos O O O O O O O O O O O O O B-Hotel-Inform+Day O N/A +bos i will be happy to book it for you ! 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 Booking-Request+People +bos four people . thanks . eos O O O O O O N/A +bos i 've book the hotel for you for 4 people on thursday . the reference number is qmozpfhq . 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 N/A +bos thanks so much . that is all i need . bye . eos O O O O O O O O O O O O O general-bye +bos you 're welcome . if you need anything else please let us know . eos O O O O O O O O O O O O O O O general-bye +bos do they have any cheap places to stay on the west side ? eos O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O N/A +bos there is 1 guesthouse and 1 hotel that are cheap on the west side . which one do 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Select +bos the guest house , please . eos O O O O O O O N/A +bos finches bed and breakfast is a cheap guesthouse in the west area . would you like me to book a room for you ? eos 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+Type 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 no thank you , but could you tell me the phone number ? and do they have free 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+Phone,Hotel-Request+Internet +bos yes they do have free internet , and the phone number is 01223276653. eos O O O O O O O O O O O O B-Hotel-Inform+Phone O Hotel-Inform+Internet +bos thank you so much ! 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 hi . i a looking for a cheap place to stay . what can you recommend for me ? eos 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 there is 1 hotel and 9 guesthouses in the cheap price range . do you have a preference for type or area ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Price O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type +bos i would like something in the east of the city , i do n't care about internet eos 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 autumn house ? it 's cheap and in the east . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Area O O O N/A +bos that sounds good , thank you eos O O O O O O O general-thank +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 . i need a reservation for 2 people for 4 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 N/A +bos i 'm sorry , the reservation was unsuccessful . would you like to try a different 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 sure , can you try just 2 nights , please ? eos O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos okay , i 've made you a reservation at the autumn house . your reference number is hcqfaej3 . can i do anything else 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 O O general-reqmore +bos no that would be all . eos O O O O O O O N/A +bos okay , 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 general-bye +bos find me a train that leaves after 11:00 on wednesday eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day N/A +bos ok , and what is your destination ? eos O O O O O O O O O Train-Request+Dest +bos i 'll be leaving cambridge with a destination of stevenage . eos O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O O N/A +bos the earliest train after that time is tr3844 . it departs at 11:21 and arrives in stevenage at 12:10. would that work for you or would you like a later train ? eos 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+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O O Train-Request+Leave,Train-Select +bos yes please . i need the travel time . eos O O O O O O O O O O Train-Request+Duration +bos it is a 49 minute ride , it will cost 12.80 pounds . would you like me to make reservations for you ? eos O O O O O B-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 O O Train-OfferBook +bos not right now , thanks . i would like to go to a museum while i 'm in town , though . 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 N/A +bos were you looking for one in a particular area ? eos O O O O O O O O O O O Attraction-Request+Area +bos no , any area is fine . can you suggest one ? eos O O O O O O O O O O O O O N/A +bos the broughton house gallery is a free museum located in the centre . would you like more information about it ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Type O O B-Attraction-Recommend+Area O O O O O O O O O general-reqmore +bos i would like the address and phone number . eos O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos located at 98 king street . number is 01223314960. eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O N/A +bos great thanks . that 's all i need . eos O O O O O O O O O O general-thank +bos do you need me to look up info about another place or attraction ? anything ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos no , i think you 've answered all my questions . thank you ! 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 . eos O O O O O O O O O general-welcome,general-bye +bos can you find a restaurant in the centre that serves chinese 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 charlie chan is a great cheap restaurant . would you like me to book now ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform +bos yes , please . for a party of 3 at 13:45 on wednesday . 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 i apologize . the booking was unsuccessful . would you like for me to find you another restaurant ? 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 different restaurants in the same area and price range ? eos O O O O O O O O O O O O O O N/A +bos how about rice house ? that 's a chinese restaurant in the city centre with cheap prices . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O N/A +bos sounds good . book it please and i 'll need the reference number . eos O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos of course ! you 're booked with reference number csl3v245 . may 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 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 it was my pleasure . let me know if i can ever 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 general-bye +bos i am looking for a restaurant in the moderate price range that serves bistro type 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 O N/A +bos i apologize but i was not able to find a moderately priced bistro . would you be interested in 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 Restaurant-Request+Food,Restaurant-NoOffer +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 i have found a few british restaurants in your price range . do you want a specific part of town ? 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 O O Restaurant-Request+Area +bos no , could you recommend me a place ? i 'm looking for to book a table for 2 on thursday at 11:30. 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+Day O B-Restaurant-Inform+Time O O O N/A +bos okay , i 've booked you at the oak bistro with reference number anamhnow . may i help with anything else ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos no thank you . it 's perfect . 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 great day eos O O O O O general-bye +bos i need assistance finding a restaurant that is cheap and serves british food , can you help me ? eos O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O O N/A +bos i am sorry , i do not have any cheaply priced british restaurants in the city . would you like a different type of food or maybe 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 Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer +bos do you have any asian oriental restaurants in the same price range ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos yes i found 2 cheap asian oriental places to eat . the dojo noodle bar and j restaurant . would you like me to book a table for you ? eos 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 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 book me a table at the dojo noodle bar for 7 people at 19: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 N/A +bos i could n't get you a table at dojo , i can get you one at j restaurant , if you want ? 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 O O Booking-NoBook +bos that works . same parameters , please . i need the reference number too . eos O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos booked ! your table will be reserved for 15 minutes . reference number : f10eigq3 . eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos great thank you for all your help . eos 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 that was all thank you . eos O O O O O O O general-thank +bos okay great . thanks for calling and enjoy your dinner . eos O O O O O O O O O O O O general-bye +bos i feel like visiting a museum , find me one please eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos we have lots ! what part of town will you be in ? eos 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 . can you recommend one and provide info on it ? eos O O O O O O O O O O O O O O O O O O N/A +bos cambridge artworks in the east is rather nice . it has free admission and is located at 5 greens road . is there any other information i can provide ? 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 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 no , that is fine . i also need a train that should arrive by 11:15 and should leave on saturday . eos O O O 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 did you have a departure site or destination in mind ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos oh duh , sorry ! i jumped the gun there ! i 'd like to go to cambridge from london kings cross . eos 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 tr4824 leaves london kings cross at 9:17 and arrives at 10:08. would you like to book tickets ? 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 O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos how much would the ticket cost ? eos O O O O O O O O N/A +bos the cost of a ticket is 18.88 pounds . would you like me to 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 O O Train-OfferBook +bos not right now , but could you give me the estimated travel time for the train trip ? eos 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 tr4824 is 51 minutes . eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Time I-Train-Inform+Time N/A +bos cool that 's all i need thanks eos O O O O O O O O general-thank +bos thanks for inquiring from us . have a great day eos O O O O O O O O O O O general-bye +bos thank you for helping me today . eos O O O O O O O O general-thank +bos and thank you for contacting the cambridge towninfo centre . take care ! eos O O O O O O O O O O O O O O general-bye +bos i am looking for a restaurant , it 's called anatolia eos O O O O O O O O O B-Restaurant-Inform+Name O O N/A +bos anatolia is a turkish restaurant in the centre of the city . would you like me to make a reservation for you ? 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 I-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform +bos yes i want to book a table for 5 people at 14:15 on monday . eos 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 ok , i have booked a table at anatolia for 5 people on monday at 14:15. eos 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 N/A +bos i am planning a trip in cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A +bos okay , i can help you with that . where are you heading in from ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart,general-greet +bos i am actually looking for places to go . specifically , i would like to find 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 N/A +bos there are some lovely parks in cambridge , and most are free . do you have a preference for what area of town the park is in ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O N/A +bos in the south , i will also need the postcode of the park . eos O O O B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Post +bos i 'd recommend wandlebury country park , their postcode is cb223ae . will that be all ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Post O O O O O O O O general-reqmore +bos i 'm going to need a train too , is that something you can help me do ? eos O O 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 about your trip first though . eos O O O O O O O O O O O O O general-greet +bos what do you want to know ? eos O O O O O O O O N/A +bos where will you be going ? eos O O O O O O O Train-Request+Dest +bos to cambridge on sunday from london kings cross , i need 7 tickets and the reference number eos 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+People O O O O O Train-Request+Ref +bos do you have a departure time or arrival time that you 'd like to narrow the results down with ? 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+Arrive +bos i just need it to arrive before 20:45 eos O O O O O O O O B-Train-Inform+Arrive N/A +bos tr1688 leaves at 13:17 and arrives 14:08. is that acceptable ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O Train-OfferBook +bos is there any other trains ? eos O O O O O O O Train-Inform +bos tr1681 is probably the best one for you . it arrives at 20:08. eos O B-Train-Select+Id I-Train-Select+Id O O O O O O O O O B-Train-Inform+Arrive O N/A +bos great , thanks ! will you please book 7 tickets , and send me 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 Train-Request+Ref +bos you 're all set . your total is 132.16 gbp . you can pay that at the station . your reference number is : gnng4mnq . can i assist you with anything else ? 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 O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-greet,general-reqmore +bos nope , that 's everything for today 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 thanks , have a nice time in cambridge . bye . eos O O O O O O O O O O O O general-bye,general-greet +bos i am looking to dine out in the centre part of town and i would like to find a place that serves north american food . eos 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i have one , gourmet burger kitchen . eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos i want to book a table for 5 people at 13:00 on saturday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A +bos unfortunately , they are all full at that time . would you like me to try another restaurant ? 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 . please look for a different place in the same area and price range . eos O O O O O O O O O O O O O O O O O N/A +bos i 'm sorry but gourmet burger kitchen was the only north american restaurant in the centre area . would you like for me to try 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 not right now . thank you for your time . eos O O O O O O O O O O O general-thank +bos okay , 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 hello . i 'm hoping to find a guesthouse in the north part of cambridge . are there any ? eos 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 N/A +bos indeed there are . in fact , there are 11. if you 'd like an inexpensive , 4 star guesthouse with free internet and free parking , worth house is a good choice . eos O O O O O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Recommend+Price O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,general-greet +bos i 'm looking for a place to stay that is cheap located in the north . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos i would suggest this one city centre north b and b. 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 N/A +bos sure , i need a reservation for 4 people and 2 nights starting on monday please . 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 i have made the booking the reference number is e6uvd9ol . 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 would you mind finding some info on a train into cambridge for me ? eos O O O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos i could do that for you . can you give me a time ? eos O O O O O O O O O O O O O O O Train-Request+Leave,general-greet +bos yes , we will be coming from bishops stortford on monday . i would like to leave after 19:30. eos O O O O O O O B-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 their is a train that leaves monday at 21:29. it costs 10.10 pounds and it 's a 38 minute trip . would you like me to book that for you ? eos O O O O O O O B-Train-Inform+Day I-Train-Inform+Day 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 I-Train-Inform+Time O O O O O O O O O O O Train-OfferBook +bos yes , please . can you book me 4 tickets ? eos 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 40.4 gbp payable at the station . reference number is : h4bifd0u . will there be 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 N/A +bos i will also need a place to stay . eos O O O O O O O O O O N/A +bos a guesthouse has already been booked for you . 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 Booking-Book,general-reqmore +bos i also need a train from bishops stafford to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O N/A +bos there are 2 trains that meet your criteria . the tr8167 and the tr9693 . would you like 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 B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O O O Train-OfferBook +bos yes please , for 4 people . how about the tr8167 please . eos O O O O O B-Train-Inform+People O O O O O O O O N/A +bos oh ! it looks like we 've already booked train tr8167 for your group of 4. your reference number is h4bifd0u . is there anything else i can help you with today ? eos O O O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 general-greet,general-reqmore +bos i also need a hotel booking . eos O O O O O O O O Hotel-Inform +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 place to stay that is cheap located in the north . 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 to stay at city centre north b and b , or at worth house ? eos O O O 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 O O general-greet +bos i would prefer the centre . eos O O O O O O O N/A +bos okay , there is already a booking for you there . the reservation number is e6uvd9ol . eos O 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 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 have a great day too eos O O O O O O general-bye +bos you too and thanks again eos O O O O O O general-thank +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 'm looking to eat at a place that serves british food in the east part 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 have found the grafton hotel restaurant at 619 newmarket road . would like a reservation ? eos 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 Booking-Inform +bos is the restaurant in the expensive price range ? eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes it is in the expensive price range.do you want the address ? eos O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O general-reqmore +bos i 'm looking for an inexpensive african restaurant . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos sorry , no matches matched your search . do you want a different price range ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-NoOffer +bos no thank you . is there any inexpensive restaurants that serve asian oriental food ? eos O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos yes , dojo noodle bar and j restaurant in the city centre both have what you 're looking for . would you like to book a table at one of them ? eos 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+Area O O O O O O O O O O O O O O O O O O O O O Booking-Inform +bos that sounds great . would you book either of those for me for wednesday at 20:00 for 6 people ? 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 B-Restaurant-Inform+People O O N/A +bos i was able to book at j restaurant for you . your reference number is 3kvit5ar . they will only hold the table for 15 minutes . is there anything else ? 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 O O O O O O general-reqmore +bos nope that sounds great , 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,general-bye +bos yes , i 'm trying to plan a trip to cambridge . can you please tell me about things to do 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 N/A +bos there are many things to do in town . is there a particular area or type of attraction you are 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 O O O O O Attraction-Request+Area,Attraction-Request+Type +bos yes , i 'd like to find something to do 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 O N/A +bos the scott polar museum in on lensfield road and has free admission . does that interest you ? eos 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 B-Attraction-Inform+Fee O O O O O O O N/A +bos sound great . also looking for a place to stay near there . eos O O O O O O O O O O O O O O N/A +bos there are several hotel and guesthouse options at different price levels in the centre area . is there any type in particular you 're interested in ? eos O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Price 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-Request+Type +bos i 'm specifically looking for a hotel please . eos O O O O O O B-Hotel-Inform+Type O O O N/A +bos cityroomz offers moderately priced lodgings in the centre of town . would you like a room ? eos O B-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Booking-Inform +bos that 's fine . i need it for 2 nights starting from saturday . eos O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A +bos i would be happy to make that booking for you . for how many people ? eos O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Inform +bos just me - i 'm traveling solo . eos O O O O O O O O O N/A +bos i completely understand . i just booked the room for you . your reference number is hgk7qe34 . 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 O general-reqmore +bos i need a train that leaves after 11:00 and goes to cambridge eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest N/A +bos what day would you be traveling ? eos O O O O O O O O Train-Request+Day +bos i will be traveling on saturday from norwich . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos the earliest train leaves at 11:16 and every hour thereafter . a ticket costs 14.08 pounds . can i help you book ? 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 O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O Train-OfferBook +bos please book the 11:16 train for 5 people and can i please have 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 N/A +bos alright , i have 5 tickets booked . your reference number is udgbvrlm . eos O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ref O O O N/A +bos i also need to book accommodations . something in the expensive range with a 3-star rating will do nicely . eos 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 N/A +bos there are two hotels that meet your criteria ; the gonville hotel and the lensfield hotel . would you like to book a room with one of these ? 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 Booking-Inform +bos i need one that includes free parking , but it does not need to have internet . eos O O O O O O O O O O O O O O O O O O N/A +bos both the gonville and the lensfield have free parking and internet . the gonville is central , whereas the lensfield is 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 N/A +bos i think i would like the gonville in the central area . eos O O O O O O O O O O O O O N/A +bos okay , i will book for you then . how many days and people , and would you like it to start the same 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-Request+People,Booking-Request+Day,Booking-Request+Stay,Booking-Inform +bos yes , i 'd like to book for 3 nights starting the same day . there will be 5 people . eos O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O B-Hotel-Inform+People O O O O N/A +bos i am afraid they have no bookings available . would you like 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos yes , let 's try 2 nights and see if that works . eos O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos the booking was successful . the reference number is fwfevqi8 . eos 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 . have a great day ! eos O O O O 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-bye +bos i am looking for a train from ely to cambridge . do you have such trains ? eos O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O O O O O N/A +bos there are 70 trains do you have a date and time you 'd 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+Day +bos i would like to leave on a sunday and arrive by 11:30. eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos tr4212 is arriving at 9:52 would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O N/A +bos what time does that train depart ? eos O O O O O O O O Train-Inform +bos the train leaves at 9:35. shall i book it for you ? eos O O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos no , thank you . i would like to see if you could find a place for me to stay that would have a 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+Stars O O O N/A +bos of course , there are many 4 star hotels to choose from . would you like me to book one for you ? eos O O 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 Booking-Inform +bos not yet , thanks . are any of them guesthouses ? eos O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos there are 18 guesthouses to choose from , do you have a preference to the area you would like to 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 Hotel-Request+Area +bos i need a 4 star , and in the east with free wifi for 4 people , 5 nights . i 'll need a reference number . eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O Hotel-Request+Ref +bos do you want that guesthouse reservation to begin on sunday ? eos O O O O O O O O O O B-Booking-Inform+Day O N/A +bos yes . i need five nights starting on sunday . eos O O O O O O O O B-Hotel-Inform+Day O O N/A +bos i have confirmed your reservation at allenbell starting on sunday for 5 nights . your reference number is sltivabu . can i help with anything else ? eos O O O O O O O B-Hotel-Inform+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 O O O general-reqmore +bos that is all i need . 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 general-thank +bos you are welcome . enjoy your stay . good bye . eos 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 stay ? it should be cheap . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos there are 10 cheap places to stay . do you have any other preferences or would you like my 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 general-reqmore +bos i would like a recommendation for a cozy bed and breakfast . eos O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type N/A +bos may i please have the specific area and price range ? so that i may narrow down the search . 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,Hotel-Request+Price +bos a cheap one . i do n't have a lot of money . one with free wifi for 8 and 5 nights starting 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 O O O O O N/A +bos i have no cheap bed and breakfast places , shall i try another type or price ? eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O Hotel-NoOffer,Hotel-Request+Type,Hotel-Request+Price +bos try another type . eos O O O O O N/A +bos i have 9 guesthouses in the cheap price range with wifi . what part of town would you prefer ? 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 Hotel-Request+Area,Hotel-Inform+Internet +bos i would like to stay on the east side . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos the allenbell seems nice . it has four starts . does that work ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Hotel-Select +bos that will be fine . can you book the allenbell for my stay ? eos O O O O O O O O O O O O O O O N/A +bos i have booked the allenbell for your upcoming stay . is there anything else i can do for you ? 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 N/A +bos i 'll need that reference number , please . eos O O O O O O O O O O Hotel-Request+Ref +bos i 'm sorry , the booking was unsuccessful . would you like me to try another guesthouse in the same 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 Booking-NoBook,general-reqmore +bos wow , i 'm certainly glad i asked for the reference number ! yes , please do try another in the same 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+Ref +bos i 'm sorry for the this . i successfully booked for you accomodation at autumn house . your reservation number is 9za0n2fw . 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 O N/A +bos awesome , thank you for your assistance . bye ! eos O O O O O O O O O O O general-bye +bos i 'm 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 information to find the huntingdon marriott hotel . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos what type of information do you need ? eos O O O O O O O O O general-reqmore +bos i need help finding huntingdon marriott hotel please . could you book a room for me for 6 people on monday for 5 nights please ? 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 B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O N/A +bos unfortunately , the booking was unsuccessful . would you like for me to find another hotel for you ? 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 i suppose so . another hotel in the same general price range , if you can . eos O O O O O O O O O O O O O O O O O O N/A +bos you are booked at express by holiday inn cambridge . reference number : fgstotpy . 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 O B-Booking-Book+Ref O O O N/A +bos that was helpful ! thank you goodbye . eos O O O O O O O O O general-bye +bos do you need anything else ? eos O O O O O O O general-reqmore +bos i 'm trying to find a cheap asian restaurant to have dinner at tonight . what kind of options are available for me ? 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 O O O O N/A +bos i have two places , how many people and what time ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Booking-Request+People,Booking-Request+Time +bos actually , can you suggest one of them . can i get their contact info 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 sure , i would suggest the dojo noodle bar at 40210 millers yard city centre . you can reach them at 01223363471. i could reserve it for you . eos 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 I-Restaurant-Recommend+Addr O O O O O O B-Restaurant-Recommend+Phone O O O O O O O O Booking-Inform +bos no , that 's ok , i can take it from here . 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 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 are there any moderately priced restaurants serving international food ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos yes , there are two in the centre of town . the varsity restaurant and the bloomsbury restaurant . would you like more information ? 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O N/A +bos what is the address of the bloomsbury ? eos O O O O O O O O O Restaurant-Request+Addr +bos they are located at crowne plaza hotel 20 downing street 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 their phone number ? eos O O O O O O O Restaurant-Request+Phone +bos the phone number for the bloomsbury restaurant is 08719429180. can i help you in arranging a reservation ? eos O O 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 the moment but i would also like their address and postcode . eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the bloomsbury restaurant can be found at crowne plaza hotel 20 downing street with a postcode of cb23dt . 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 B-Restaurant-Inform+Post O N/A +bos great , thanks very much ! eos 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-reqmore +bos no , thank you . that is all . 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 hi , i 'm looking for a hotel that was recommended . it 's called the cambridge belfry ? 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 O O O O N/A +bos i have one listing for the cambridge belfry , the phone number is 01954714600. would you like me to book you a room ? 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+Phone O O O O O O O O O O O Booking-Inform +bos yes i need to make a reservation for 4 people and 4 nights starting from 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 N/A +bos i 'm sorry , there are n't any rooms available at the cambridge belfry . would you like to try another hotel ? eos 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 general-reqmore +bos yes , please find one that is close to it . eos O O O O O O O O O O O O N/A +bos there are 4 others in the west area , what price range are you looking for ? 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 Hotel-Request+Price +bos in the same price range as the belfry . can i get the reference number too ? 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 booked you at finches bed and breakfast . reference number is : j9aw7ghh is there anything else you need 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 O O O O B-Booking-Book+Ref I-Booking-Book+Ref 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 okay . glad i could help . eos O O O O O O O O general-bye +bos i am looking for a guesthouse to stay at that has free wifi . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos ok. were you hoping for a particular price range or part of town ? eos 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 care about the part of town or the price range , but it needs to be a three 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 O N/A +bos the hamilton lodge would be perfect ! it is a moderately priced 3 star guesthouse on the north side of town . does that sound okay to you ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O 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 I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O general-reqmore +bos does the the hamilton lodge have both free wifi and free parking ? eos O O O O O O O O O O O O O O N/A +bos yes , it does . do you want to make a reservation ? eos O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform +bos yes please book the hamilton lodge . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos what night would you like me to book for you , and for how many people ? eos 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 wednesday , 6 people , for five nights , please . eos O B-Hotel-Inform+Day O B-Hotel-Inform+People O O O O O O O O N/A +bos i am sorry , the hamilton is already booked . would you be interested in the bridge guest house instead ? it is the same as the hamilton but is in the southern 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 O O O N/A +bos yes , that will be fine . eos O O O O O O O O N/A +bos okay . i was ablt to book you into there and your reference number is o4bpeoxq . 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 so much 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 will be it . thank you . eos 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,general-bye +bos can you find a hotel by the name of leverton house ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos yes , i have found the leverton house located in the east . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O N/A +bos great , can you book a room for people please ? we would like 3 nights arriving on sunday . 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 people would you like to book ? eos O O O O O O O O O O Booking-Request+People +bos sorry about that . i would like it for 5 people . eos O O O O O O O O O O B-Hotel-Inform+People O O N/A +bos sorry , i could n't find a room available . 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 please , search another hotel in the same pricerange that the leverton house . eos O O O O O O O O O O O O O O O N/A +bos i have several , in what area would you like it to be ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos i do n't care . eos O O O O O O N/A +bos i was able to book you at the allenbell . reference number bon67cdz . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Name O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos great that was all i needed today , thank you ! eos O O O O O O O O O O O O general-thank +bos okay . glad i could be of assistance . eos O O O O O O O O O O general-welcome +bos i would like to book a train for thursday after 20:45. 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 N/A +bos no problem ! where will you be departing from and where is the 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 i need to leave bishops stafford and head into cambridge . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos tr6336 departs at 21:29 and arrives at 22:07 for 10.10 pounds . do you wish to book this one ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 Train-OfferBook +bos sounds right , would you book it for 6 people ? i will need the reference number , thank you . 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 your reference number is : vcaw5jnf . is there anything else that 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-reqmore +bos i have heard wonderful things about the autumn house hotel . could you provide me with some information on this hotel please ? 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 N/A +bos sure . autumn house is a cheap , guesthouse type hotel in he east part of town . it has 4 stars . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Type 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 perfect thanks for such great help eos O O O O O O O general-thank +bos you 're welcome . would you like a booking or any other information ? eos O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos could i please have the phone number for the autumn house ? eos O O O O O O O O O O O O O Hotel-Request+Phone +bos sure ! the number is 01223575122. is there anything else i can do for you ? eos O 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 . but thank you very much . eos O O O O O O O O O O O general-thank +bos you 're welcome . have a wonderful trip ! eos O O O O O O O O O O general-welcome +bos i am looking for the restaurant nandos . eos O O O O O O O B-Restaurant-Inform+Name O N/A +bos would you like the nandos in the south or centre ? eos O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O B-Restaurant-Select+Area I-Restaurant-Select+Area N/A +bos anywhere , i would just like it to be nandos . i would 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 N/A +bos sure , how many people will be dining on what day at one time ? eos 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 4 people , friday , 15:45. but 14:45 is also okay . please give me the reference number . eos O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O 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 for the 14:45 time . the table will be reserved for 15 minutes , reference number is : i915uv13 . do you need anything else ? eos O O O O O O B-Booking-Book+Time 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 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 you 're very welcome . enjoy your meal . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos yes , i was wondering if you could assist me in finding a train for monday . 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 there are 2828 trains available monday . where are you traveling to ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Day I-Train-Inform+Day O O O O O O Train-Request+Dest +bos i am traveling to london liverpool street from cambridge . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos there are 10 trains that meet your criteria . do you have a preferred time that you would 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 O O O O O O O Train-Request+Arrive +bos yes , i need to leave after 17:30 , please . i do n't need tickets right now , i 'll just need the price , travel 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 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 of course ! the best option is the tr7092 leaving at 17:59 with a duration of 88 minutes . the price is 16.60 pounds . how else may i assist 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 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 general-reqmore +bos i 'd like to find somewhere to stay with free parking ; i 'm planning to rent a car during my 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 N/A +bos i have found 29 hotels that fit your criteria for parking . what price range are you 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 Hotel-Request+Price +bos i would like to stay in a guesthouse that is in the south . eos O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O N/A +bos there are three guesthouses in the south with free parking in the moderate and cheap price ranges . do you have a star or price range preference ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Area 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 Hotel-Request+Price,Hotel-Request+Stars,Hotel-Inform+Parking +bos not really . would you see if the highest rated , least expensive guesthouse has rooms for 5 nights for 6 people , beginning 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 B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O N/A +bos i was able to book rosa 's bed and breakfast for you for 5 nights for 6 people starting on wednesday . the reference number is rtitw2l5 . 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+Stay O O B-Booking-Book+People O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O N/A +bos thank you . i believe that is everything i need today . eos O O O O O O O O O O O O O general-thank +bos it was my pleasure to help . you 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 am looking for a restaurant that is in the south part of town and in the cheap price range . eos 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 N/A +bos nandos is located in the south part of town , is in the cheap price range and serves portuguese food . eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos hmm ... are there any other options available for cheap in the south side ? eos O O O O O O O O O O O O O O O O N/A +bos yes , the lucky star serves chinese food , is located in the south part of town and is in the cheap price range . would you like their location ? eos O 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 O B-Restaurant-Inform+Price O O O O O O O O O O O general-reqmore +bos phone number please eos O O O O Restaurant-Request+Phone +bos the phone number for the lucky star is 01223 244277. 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-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos what is the postcode ? eos O O O O O O N/A +bos the postcode for the lucky star is c.b . 1 7 d.y eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O 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 a restaurant that serves mexican food and located in the south part of town . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O N/A +bos chiquito restaurant bar serves mexican food . it 's an expensive restaurant in the south part of town . eos 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+Price O O O B-Restaurant-Inform+Area O O 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 chiquito restaurant bar is located at 2g cambridge leisure park cherry hinton road cherry hinton . its phone number is 01223 400170 and the postcode is cb17dy . is there anything else i can help with ? 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 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 nope , that 's all 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 welcome . eos O O O O O general-welcome +bos i am looking for a restaurant serving persian food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos do you have a specific area in mind ? eos O O O O O O O O O O Restaurant-Request+Area +bos it does n't matter . eos O O O O O O N/A +bos no restaurants serving persian food have been found . eos O O O O B-Restaurant-Inform+Food O O O O O Restaurant-NoOffer +bos can i have an european restaurant instead ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos cambridge lodge restaurant is in the west part of town and it is serving 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 O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O general-reqmore +bos i need the address and phone number . eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address of cambridge lodge restaurant is cambridge lodge hotel 139 huntingdon road city centre and the phone number is 01223 355166. may i help you with anything else ? eos 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 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 no , that does it . thank you and goodbye ! eos O O O 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 want something in the north that serves moroccan food . eos O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A +bos there is no moroccan restaurant in the north . do you want to try something else ? 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-NoOffer,general-reqmore +bos yes . is there a french restaurant 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 O N/A +bos restaurant two two serves french food , and is located in the north part of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Ref O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos what is their phone number ? eos O O O O O O O Restaurant-Request+Phone +bos restaurant two two 's phone number is 01223 351880. is there anything else i can do for 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 O O O general-reqmore +bos that 's all , thanks ! eos O O O O O O O general-thank +bos goodbye . eos O O O general-bye +bos i wanted to visit the center , could you tell the the hours it is open ? 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 , which centre would you like to visit ? eos O O O O O O O O O O O O O Attraction-Request+Name +bos i am looking for a place to go in the centre of town . can you make 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 N/A +bos vue cinema is a great place in the centre of town for movies . or there 's ballare which is a great nightclub . eos O O O O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O N/A +bos can you tell me the postcode for ballare ? that sounds fun . eos O O O O O O O O B-Attraction-Inform+Name O O O O O Attraction-Request+Post +bos ballare postcode is cb23na . is there anything else i can help you with today ? eos 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 O general-reqmore +bos i was hoping for a cheap restaurant close to the vue cinema . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos we got 5. which type of food do you want ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Food +bos do you have any that serve australian ? eos O O O O O O O O O N/A +bos i have none that serve that food . perhaps another type ? eos O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos what about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos may i recommend charlie chan ? it 's a cheap chinese restaurant in the centre of town . would you like to book any tables ? eos O O O 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 I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O Booking-Inform +bos yes , please . i 'd like to book a table for 4 people at 12:15 on friday . may i please have 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 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 : ln38rs7a . 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 check on getting a taxi to commute me 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 what time would you want to be picked ? eos O O O O O O O O O O Taxi-Request+Leave +bos sorry not sure yet . eos O O O O O O N/A +bos do you need anything else ? eos O O O O O O O general-reqmore +bos for the taxi i need to be picked up in enough time to arrive to the restaurant in time . eos 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 to book a taxi i need time of travel , departure location and arrival location . 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+Dest +bos i need to leave from the vue cinema to get to charlie chan by 12:15. eos 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 O B-Taxi-Inform+Arrive N/A +bos the taxi is a yellow audi which will pick you up at vue cinema and take you to the restaurant by your reservation time . the taxi contact number is 07365464061. eos 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+Dest I-Taxi-Inform+Dest O O O O O O O O B-Taxi-Inform+Phone 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 . eos O O O O O O general-bye +bos hello i would like some sort of entertainment in town . eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are 5 entertainment attractions in town . do you need to travel to a specific area of cambridge ? 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 Attraction-Request+Area +bos any area is fine , could you give me the address and entrance fee for a place you recommend ? 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+Fee,Attraction-Request+Addr +bos i recommend the funky fun house it 's located at 8 mercers row , mercers row industrial estate . the entrance fee is not in my database . 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 I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O N/A +bos thank you for that information . i 'd also like to dine at a moderately priced restaurant that serves lebanese food please . 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 O O O O O N/A +bos i have one listing for ali baba . would you like to make a booking ? eos O 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 Booking-Inform +bos not now . is it in the centre ? eos O O O O O O O O O O N/A +bos yes , it is in the centre . eos O O O O O O B-Restaurant-Inform+Area O O N/A +bos can i have the postcode and address please ? eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the postcode is cb21nt and the address is 59 hills road city centre . eos O 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 N/A +bos thank you for the info that was all i needed . 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 would like a restaurant that serves irish food eos O O O O O O O O B-Restaurant-Inform+Food O N/A +bos i am sorry , i ca n't find any restaurant serving irish food in this town . do you have another type of food in your mind ? 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about european food in any price range ? eos O O O B-Restaurant-Inform+Food O O O O O O N/A +bos i found 10 restaurants . do you have a specific area or price range in mind ? 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,Restaurant-Request+Area +bos i do n't care about the price as long as it 's european . can you recommend one ? 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 cambridge lodge restaurant serves european food in the expensive price range . eos 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+Price O O N/A +bos may i have their address and phone number please ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is cambridge lodge hotel 139 huntingdon road city centre and the phone number is 01223 355166. 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 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 want to find a restaurant in any area and servings persian food . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos sorry , there are no restaurants serving persian food available . may i help you find a different sort of food ? 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 Restaurant-Request+Food,Restaurant-NoOffer +bos vietnamese , please . give me their address and phone number as well . eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos yes , the restaurant name is thanh binh , the phone number is 01223 362456. the address is 17 magdalene street city centre eos O O O O O 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 N/A +bos hello , i am looking for an expensive italian restaurant in cambridge . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos we have quite a few . may i suggest frankie and bennys ? they are in the area of centre at market hill city centre . eos O O O O 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+Area O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O N/A +bos great , can you book a table for 8 people at 19:00 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 booking was successful . the table will be reserved for 15 minutes . reference number is : oe4qdlk7 . 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 am also looking for a guesthouse in cambridge . eos O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos there are 24 guesthouses in cambridge , do you have any information 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+Price,Hotel-Request+Area,Hotel-Request+Internet,Hotel-Request+Stars +bos it should be in the same price range as the restaurant , with free wifi and a star of 4. 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 there is no place matching your criteria . do you want to broaden your search ? 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,Hotel-Request+Price,Hotel-Request+Parking,Hotel-Request+Internet +bos yes , please broaden the price search . eos O O O O O O O O O N/A +bos there are 33 available options in the moderate to cheap price range . do you have any location preference to narrow down the search ? eos O O O O B-Hotel-Inform+Choice 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 O O O O O Hotel-Request+Area +bos how about any type of hotel in cambridge , guesthouse or other ? eos O O O O O O O O O O O O O O N/A +bos how does university arms hotel sound ? it is a hotel in town centre , expensive price range & 4 stars . would you like to book a room ? 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 B-Hotel-Recommend+Area I-Hotel-Recommend+Area B-Hotel-Recommend+Price O O O O B-Hotel-Recommend+Stars O O O O O O O O O O O Booking-Inform +bos it sounds great but does it also have free wifi and parking . i really need that . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Parking +bos yes , it offers both . 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,Hotel-Inform+Internet +bos no , i just need the address and postcode , please . eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos they are at regent street postcode cb21ad eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post N/A +bos thank you . goodbye . eos O O O O O O general-bye +bos you 're welcome . enjoy your trip . eos O O O O O O O O O general-welcome +bos i was hoping you can help me find a place to go that has to do with architecture . 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 all saints church is architectural and located in the centre of town . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Type O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A +bos that would be fine . can i get the address please ? eos O O O O O O O O O O O O O Attraction-Request+Addr +bos sure . the all saints church is located at jesus lane . 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 O O general-greet +bos i also want a moderately priced polynesian restaurant . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos i am sorry but there are no moderately priced polynesian restaurants . would you like a different type of food or price range ? eos O O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos could you check again ? eos O O O O O O N/A +bos i 've just double checked . cambridge does n't have any polynesian restaurants at all . can i look for something else for you ? eos O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area 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 general-greet +bos how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos charlie chan is a cheap chinese restaurant in the centre of town . would you like more information or to book a table ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price 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 O Booking-Inform,general-reqmore +bos nah , that 's not necessary . i just need the postcode , please . eos O O O O O O O O O O O O O O O O Restaurant-Request+Post +bos the post code is cb21db for charlie chan 's . may i assist you any further ? eos O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O general-reqmore +bos i also need a taxi . eos O O O O O O O Taxi-Inform +bos certainly ! what are your departure and arrival destinations and when 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+Depart,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave,general-greet +bos i am traveling between the two places . i need to leave the restaurant by 23:15. eos 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 ! your car will be a red tesla and their contact number is 07799680227 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 B-Taxi-Inform+Phone O O O O O O O O O N/A +bos thank you for all your help ! 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 great day ! eos O O O O O O O O O O general-welcome,general-bye +bos i want to find a restaurant in the west that serves light bites . do you have any suggestions ? eos 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 O N/A +bos no , i 'm sorry . the search did n't pull up any matches . eos O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos what are some expensive restaurants ? eos O O O O B-Restaurant-Inform+Price O O N/A +bos there are a few choices in the expensive pricerange on the west side . what type of food would you prefer other than light bites ? eos O O O O O O O O B-Restaurant-Inform+Price 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 Restaurant-Request+Food +bos i 'd like indian food , please . eos O O O B-Restaurant-Inform+Food O O O O O N/A +bos tandoori palace looks like a good fit for you . could you like me to make a reservation ? eos 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 O Booking-Inform +bos not just yet but please get me their post code , phone number and address 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 they are located at 68 histon road chesterton . their phone number is 01223506055 and their postcode is cb43le . 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 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 general-reqmore +bos yes , can you tell me if there are any concerthalls in the west ? eos O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos i 'm sorry , there are no concert halls located in the west , shall i check another area ? eos O 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 Attraction-Request+Area +bos what about a college ? eos O O O O B-Attraction-Inform+Type O N/A +bos okay , how about churchill college ? it 's free to get in . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O N/A +bos thank you ! just give me the postcode and i should be good to go . eos O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos okay the postcode is cb30ds . eos O O O O O B-Attraction-Inform+Post O N/A +bos awesome . can i get a taxi from the college by 12:15 ? eos O O O O O O O O O O O B-Taxi-Inform+Leave O O 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 'm headed to tandoori palace from the college . eos O O O O O O O O O O O N/A +bos i have made that taxi reservation . look for a yello skoda and the contact number is 07041247281. 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 for booking that taxi and giving the contact number and car type . eos O O O O O O O O O O O O O O O O Taxi-Request+Car +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 no thank you ! that will be all ! eos O O O O O O O O O O general-thank +bos it was a pleasure helping you today . good-bye . eos O O O O O O O O O O O general-welcome,general-bye +bos hi i 'm looking for a restaurant in the north that serves asian oriental food . eos 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 N/A +bos i 'd recommend saigon city . would you like to make a reservation ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos that sounds great ! we would like a reservation for monday at 16:45 for 6 people . can i get the reference number for our reservation ? 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 O O O O O Restaurant-Request+Ref +bos okay your reservation is all set and the reference number is o5cyzt0l . eos O O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos thank you very much . also , do you have any suggestions on someplace fun to visit in the north as well ? 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 N/A +bos sure i have boating , swimming and park attractions in the north . would you like further information on any of those activities . eos O O O O O O O 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 O O general-reqmore +bos we love boating . can you give me the address of one of the nicer boating areas please ? eos 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+Addr +bos i 'd suggest the riverboat georgina . their address is cambridge passenger cruisers , jubilee house , cb43ax . eos O O O O B-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 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 well , you 're welcome ! 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 have some questions about attractions , today . eos O O O O O O O O O O Attraction-Inform +bos what type of questions do you have . i have 79 attractions available what are you looking for and in what area ? eos 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 O O Attraction-Request+Type,Attraction-Request+Area +bos i want to learn about attractions in the west side of town . eos O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos are you looking for a museum to visit ? or would you prefer a college ? eos O O O O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O N/A +bos surprise me : ) i need the address , postcode and the entrance fee . i also need a vegetarian restaurant with a moderate 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 B-Restaurant-Inform+Price O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos i would recommend churchhill college . it 's free to enter . the address is storey 's way . the post code is cb30ds . what area should the restaurant be in ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 O O O Restaurant-Request+Area +bos i do n't mind where it is as long as they have vegetarian food . eos 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 , i have no vegetarian restaurants available . is there something else you would be interested in ? 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 general-reqmore +bos could you look for an indian restaurant ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there is an indian restaurant called meghna in the west . it 's moderately priced . would you like me to book a table ? eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Area 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 just provide me their address and phone number . eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure they are located at 205 victoria rd chesterton , phone is 01223727410 , something 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+Phone O O O O O O general-reqmore +bos i 'm going to need a taxi to get to the two places . eos O O O O O O O O O O O O O O O Taxi-Inform +bos where do you want to depart and arrive and what time ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Leave +bos i 'm going to need to leave the museum by 9:00. eos O O O O O O O O O O O O N/A +bos your are booked , look for a red volvo , if you need to contact them , their number is 07134286519 , any further questions ? 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 O O O O O N/A +bos thank you so much . i do n't think i have any questions right now . eos O 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 thank you . eos 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 hi , i am looking for information on places to go in town . can you suggest some things ? 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 can help you with that . is there a specific kind of attraction or part of town you were interested in going 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 O Attraction-Request+Area,Attraction-Request+Type +bos i would like to visit a college 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 several colleges in the centre of town , i recommend corpus christi it does cost 2 pounds to visit but it is beautiful . 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 O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Price I-Attraction-Recommend+Price O O O O O O O N/A +bos what is the address for that ? eos O O O O O O O O Attraction-Request+Addr +bos corpus christi college is located at king 's parade , postcode is cb21rh . anything else i can do for you today ? 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 B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore +bos yes , i am looking for a restaurant someone recommended . it 's called la raza ? do you have any information on that ? 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 O O O O O O O O N/A +bos it is located in the centre of town , serves spanish food and is on the cheap price range . eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos do you have the postcode for that ? eos O O O O O O O O O Restaurant-Request+Post +bos the postcode for la raza is cb2311 . may i help you with anything else today ? 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 O O O general-reqmore +bos that 's all i need for now thanks for your help . eos 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 am looking for a place to go visit 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 i recommend all saints church . it is an attraction in the centre of town . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos great can i get the entrance fee , address , and phone number please ? eos 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 all saints church is located on jesus lane . it is free to visit . the postcode is cb58bs . and their phone number is 01223452587. did you need more information ? 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 B-Attraction-Inform+Fee 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 O general-reqmore +bos thank you i also need a place to stay that has a 4 star rating and is in the cheap price range . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Price O O O N/A +bos there are 8 hotels that fit your criteria . is there an area of town that 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 Hotel-Request+Area +bos yes , i would to stay in a guest house in cambridge . eos O O O O O O O O O O O O O O N/A +bos ok. there are seven guesthouses that fit those criteria . do you want to stay in a certain part of town ? 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 if possible , i would like to stay in the centre close to saints church . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos sure , we have alexander bed and breakfast guesthouse in the town centre . can i book a room 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 O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos okay , go ahead and book it for just me for 4 nights starting thursday . can i get a reference number 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 Hotel-Request+Ref +bos may i ask how many will be staying at the alexander bed and breakfast ? eos 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 Booking-Request+People +bos i will be the only one staying . eos O O O O O O O O O N/A +bos i have confirmed your booking at alexander bed and breakfast starting thursday for 4 nights . your reference number is 9b75wfme . do you need 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 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 general-reqmore +bos actually , i think that was everything i need . 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 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 'd really like to visit great saint mary 's church . could you give me some information 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 O N/A +bos sure , is there anything specific you 'd like to know ? eos O O O O O O O O O O O O O general-reqmore +bos can i get some information about visiting great saint mary 's church ? eos O O O O O O O O O O O O O O N/A +bos this is found in the center of town . their phone number is 01223350914 and their postcode is cb23pq . 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 B-Attraction-Inform+Post O O N/A +bos what is the entrance fee for that attraction ? eos O O O O O O O O O O Attraction-Request+Fee +bos admission to great saint mary 's church is 2 pounds . 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+Fee I-Attraction-Inform+Fee O N/A +bos thanks . i am also looking for an expensive place to eat in the centre . eos 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 sure , there are plenty of places in the area . did you have a particular type of 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 Restaurant-Request+Food +bos no , just expensive in the centre . recommend one for me . eos O O O O O O O O O O O O O O N/A +bos you should try dining at kymmoy , an asian oriental restaurant located at 52 mill road city centre . would you be interested in booking a table ? eos O O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-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 Booking-Inform +bos definitely , please book me for 7 people at 14:45 on wednesday . i also would like the reference number . 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 Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes . reference number is : xwz8n8gf . 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 general-reqmore +bos thanks ! that 's all i needed . eos 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 is there a restaurant that serves gastropub food in the centre ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos yes , there are 3 ! backstreet bistro is my favorite , but they 're a bit expensive . the cow pizza kitchen and bar is more moderately priced , and also wonderful . eos 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 I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O N/A +bos what is the address of backstreet bistro ? eos O O O O O O O O O Attraction-Request+Addr +bos the address is 2 sturton street . post code is cb12qa . 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 N/A +bos i am also looking for some entertainment near the restaurant . any suggestions ? eos O O O O O O O O O O O O O O O Restaurant-Inform +bos there is a lot of things to do in the centre . what type of entertainment are you interested in ? eos O 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 Attraction-Request+Type +bos what sort of entertainment options are there ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos sorry , nothing comes up for that search . would you care 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 Attraction-Request+Area,Attraction-Request+Type,Attraction-NoOffer +bos yes , can you check for concerthall ? eos O O O O O O O O O N/A +bos there are no concert halls in that area . eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O N/A +bos there are none in the entire city center ? eos O O O O O O O O O O N/A +bos i must have overlooked it . the man on the moon is a concerthall in the centre area . 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 B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O general-greet +bos will you be able to book that for me tonight ? eos O O O O O O O O O O O O N/A +bos they do n't take reservations , they are at 2 norfolk st eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O Booking-NoBook +bos may i have the phone number , postcode , and address ? 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 their address is 2 norfolk st and their post code is cb12lf and the phone number is 01223474144 , is there anything else i can help you with ? 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+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 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 what time would you like that taxi , and which site is your departure ? 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 want to leave the restaurant and i want to leave by 10:15. eos O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos your driver will arrive in a black volkswagen . you can call or text them at 07030408107. 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+Phone O N/A +bos thanks so much . i do n't need anything further . bye ! eos 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 'm looking for a cheap hotel that has free wifi . eos O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos there are 10 available . do you want to specify hotel type or area ? 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+Type +bos i would like one with a 4 star rating . is that an option ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos there are 8 of those . is there are particular area of town you were 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 there is not . eos O O O O O N/A +bos how about the cambridge belfry ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos yes , may i have the address for that hotel ? eos O O O O O O O O O O O O Hotel-Request+Addr +bos that hotel is 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 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 . they also have free wifi . 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 O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like to think on it if possible . but perhaps . could you also help me find a chinese diner located in the centre ? it needs to be cheap also . 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 B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O N/A +bos rice house is at 88 mill road city centre . eos 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 N/A +bos what is the postcode of the restaurant ? eos O O O O O O O O O Restaurant-Request+Post +bos what day , time , and how many people will be coming ? eos 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 do n't need a reservation , i just need the postcode . eos O O O O O O O O O O O O O O Restaurant-Request+Post +bos the postcode for the rice house is cb12bd . 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+Post O O O O O O O O O O general-reqmore +bos yes i also need a taxi to take me from the hotel to restaurant . i want to leave the hotel by 6: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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos i have set up yellow skoda taxi to pick you up at 6:15. their contact number is 07482129349 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Leave O O O O N/A +bos and what type of car will be picking me up ? eos O O O O O O O O O O O O Hotel-Request+Type +bos a yellow skoda is the type of car the taxi will be . 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 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 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-welcome,general-bye +bos hello ! are there any cheap restaurants 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 15 ! are you looking for a particular type of cuisine ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food +bos no just one that i can book for friday would be good . eos O O O O O O O O O B-Restaurant-Inform+Day O O O O N/A +bos what time would you like to book and for how many people ? eos O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos 16:00 on friday please for 6 people . eos O O O O O O O O O N/A +bos zizzi cambridge is an italian restaurant in the centre , shall i book ? 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 Booking-Inform +bos yes , can i also get the reference number ? eos O O O O O O O O O O O Restaurant-Request+Ref +bos your reference number is az5zzkq0 . eos O O O O O B-Restaurant-Inform+Ref O N/A +bos thank you , i also am looking for a train that goes from cambridge to stansted airport eos 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 N/A +bos i can help you with that . what is the date and time you need 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,Train-Request+Leave +bos i need to arrive by 09:45 saturday . eos O O O O O O B-Train-Inform+Arrive B-Train-Inform+Day O N/A +bos i can get you on one at 8:40. would you like me to book it ? eos O O O O O O O O B-Train-OfferBook+Leave O O O O O O O O N/A +bos yes , please . for 6 people . eos O O O O O O O O O N/A +bos i can book you on tr5580 which will leave cambridge at 08:40 and arrive at stansted airport b 09:08. how many shall i book it for ? eos O O O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Depart O B-Train-OfferBook+Leave I-Train-OfferBook+Leave O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O O O O O O O O Train-Request+People +bos i would need 6 tickets please and the reference number . eos O O O O O B-Train-Inform+People O O O O O O N/A +bos the total fee is 48.48 gbp and is payable at the station . the reference number is j1u2ha9u . 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 B-Train-OfferBooked+Ref O N/A +bos thank you . that 'll be all ! eos O O O 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-bye +bos i will be in the centre of cambridge . i am looking for any type of attraction involving architecture . 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 O N/A +bos i 'd recommend all saints church on jesus lane . did you need help with anything else ? 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 O O O O O O O O general-reqmore +bos can you give me the postcode for that ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb58bs . can i help you find anything else ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos i need a place to stay . eos O O O O O O O O N/A +bos there are 33 places to stay , do you have any requirements ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O general-reqmore +bos i need something in the south and free parking . eos O O O O O O B-Hotel-Inform+Area O O O O N/A +bos i would recommend the bridge guest house based on your criteria . would you like me to book you a room ? 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 O Booking-Inform +bos can you tell me what their star rating is ? eos O O O O O O O O O O O N/A +bos of course ! they are a 3-star establishment . would you like me to go ahead and book that for you ? 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 +bos yes , 7 people 4 nights starting wednesday . eos O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos i 'm sorry . there is no availability . would you like to try different dates or 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,Booking-Request+Day,general-reqmore +bos how about just 2 nights instead ? eos O O O O O B-Hotel-Inform+Stay O O N/A +bos bridge guest house was available for 2 nights . your reference number is ulwmfzax . what else can i do for you today ? eos O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+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 general-reqmore +bos thats it , thanks ! eos O O O O O O general-thank +bos you 're very welcome , i 'm glad that i could help . 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 O O O O O O O O general-welcome,general-bye +bos i 'm visiting cambridge and looking to do the tourist thing ! i 'm interested in information about potential nightclubs 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-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A +bos sure , there are 5 different nightclubs in the centre area , were you wanting to check them all out or would you like a recommendation ? eos O O 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 O O O O O general-reqmore +bos great 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 Attraction-Request+Post,Attraction-Request+Phone +bos club salsa is a great nightclub in the area . their phone number is 07782218745. their postcode is cb12jb . their entrance fee is currently 5 pounds . can i help with something else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O B-Attraction-Inform+Phone 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 O O O O general-reqmore +bos have you heard of the university arms hotel ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos yes the university arms hotel is located in the centre as well , and it is a 4 star hotel with free parking/wifi . would you like me to book it ? 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 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 , let 's book it for 4 people starting sunday for 3 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 O O N/A +bos i am sorry but that was unsuccessful . would you like to book another 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos can you book it for one night starting sunday ? eos O O O O O O O O O O O N/A +bos so you would like to book university arms hotel for for 4 people starting sunday for 3 nights , is that 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 Booking-Request+Day,Booking-Request+Stay,Booking-Request+People +bos disregard that last message ! let 's try booking the university arms on sunday for 1 night , 3 people . eos 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 unfortunately , they do not have availability for that specific stay . would you like to change the stay length or different day possibly ? eos O O 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 what other days are available ? eos O O O O O O O N/A +bos ok , i 've successfully reserved a room for 4 people on sunday night ( ref # hr5q3jru ) . can i help with anything else today ? eos O O O O O O O O O B-Booking-Book+People 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 general-reqmore +bos great can i also get a taxi between the two locations please ? eos O O O O O O O O O O O O O O Taxi-Inform +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 to be at the attraction by 2:15 and will need a contact number for the driver 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 Taxi-Request+Car +bos okay , you 're all set . be on the lookout for a black volvo . the contact number is 07128890306. may i help with 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , that would be all . thanks a lot . have a nice night . eos O O O O O O O O O O O O O O O O O general-thank +bos it was a pleasure assisting you . have a nice night as well . 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 place 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 N/A +bos okay . my computer shows forty-four attractions in the centre of town . can you give me some more details so we can narrow the search ? 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 O O general-reqmore +bos no matter can you just recommend one ? eos O O O O O O O O O N/A +bos of course , i would recommend the all saints church . what would like to know about it ? eos 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 general-reqmore +bos i need the phone number and postcode . eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos i 'd be happy to provide you that information . the address is jesus lane and the postcode is cb58bs . is ther anything else i can assist you with ? eos O O O O O 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 O O O general-reqmore +bos could i get the phone number as well ? eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223452587. eos O O O O O B-Attraction-Inform+Phone N/A +bos i also need a train leaving from 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 where will you go to ? eos O O O O O O O Train-Request+Dest +bos i will be travelling to leicester . eos O O O O O O B-Train-Inform+Dest O N/A +bos tr8631 cost 37.80 pounds eos O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos hello , could you tell me if downing college is still operating ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos yes , downing college is still operating in the centre . they 're located on regent street , post code cb21dq . you can visit them for free ! anything else you need ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Fee O O O O O O O O general-reqmore +bos just the phone number please ? eos O O O O O O O Attraction-Request+Phone +bos the phone of downing college is 01223334860. do you need a place to stay ? 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 general-reqmore +bos how did you know ? ! yes i do ! you must be a mind reader ! i 'd like to find 3-star lodgings , and i definitely do n't want a guesthouse . only a real hotel , please ! 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 B-Hotel-Inform+Type O O O O O O O O O O O N/A +bos there are two that might suit you . the gonville hotel is in the centre and the lensfield hotel is in the south part of town . do either of those sound good ? 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 O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O Hotel-Select +bos i would like a hotel in the north , please . eos O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i have no hotels in the north that meet those specification . may i try something else ? 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 N/A +bos i just need a 3 star hotel in the north center . 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 no 3 star hotels in the north . you sure a guesthouse wo n't work ? 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 B-Hotel-Select+Type I-Hotel-Select+Type O O O O N/A +bos let 's try the guesthouse , could you provide me with their telephone number ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Phone +bos the hamilton lodge is a guesthouse . their phone number is 01223365664. can i book a room for you 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 B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform +bos no , thank you . however , could you book me 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 O Taxi-Inform +bos no problem . what time would you like to leave and arrive ? eos O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i would like to leave and 2:30 p.m and arrive at 3:23 p.m. eos O O O O O O O O O O O O O O N/A +bos i have a taxi , a red skoda , booked for you . your contact number is 07481840729. 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 O O O O B-Taxi-Inform+Phone 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 you 're all set with your booking with the taxi . would you like a restaurant in the area for you 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 Taxi-Inform,general-reqmore +bos no , but you know what ? we should probably have the car pick me up at the college at 2:15 p.m. 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 O N/A +bos sure . please look for a yellow ford . the contact number is 07901807088 if you need it . is there anything else 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 O O O O general-reqmore +bos thank you very much . that 's all . eos O O O O O O O O O O general-thank +bos you are welcome . glad i could help . 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 hope you have a great day as well . goodbye . eos O O O O O O O O O O O O O general-bye +bos please let us know if we can do anything else for you . eos O O O O O O O O O O O O O O general-bye,general-reqmore +bos hello , a friend recommend i try out camboats while i 'm in town . can you tell me more about it ? eos 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 N/A +bos camboats is a boat in the east . do you need a phone number ? eos 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 yes , please , and also the address . eos O O O O O O O O O O Attraction-Request+Addr +bos the phone number for camboats is 01223902112 and the address is the plough , green end , fen ditton . can i help you with anything else ? 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 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 can you tell me the entrance fee ? eos O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry . i do n't have any information on the entrance fee . i 'm not sure if they have one or not . 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 O N/A +bos okay , do n't worry about it . just please find me a train that arrives in cambridge by 13:30 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 O O N/A +bos tr5219 leaves from london kings cross at 05:17 arriving at cambridge on friday at 06:08. would you like me to book a seat ? 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+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 Train-OfferBook +bos you did n't even ask where i 'm leaving . or what time . you 're not very helpful `` help desk '' eos O O O 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 there was a bad connection or a line crossed on that last sentence . i have the arrival time as 13:30 , i just need 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 B-Train-Inform+Arrive O O O O O O general-welcome,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 i have a train on thursday that arrives by 12:08. will that do for you ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O O O Train-Select +bos yes , that would be fine . i 'll need tickets for 7 people . eos O O O O O O O O O O O B-Train-Inform+People O O O O N/A +bos done ! the total is 165.20 pounds , payable at the station . your reference number is 1agjwgq4 . can i help you with anything else ? 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 O O O O O O O O O O O O general-reqmore +bos no , thank you . i have everything i need right now . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos i am glad to help you . have a good 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 going to cambridge after 12:15 eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave N/A +bos where will you be departing from and what time do you want to arrive in cambridge ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest O Train-Request+Depart,Train-Request+Arrive +bos i will be leaving on sunday from london liverpool street . i just need to leave after 12:15. 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 O O N/A +bos the train closest to the time when you can depart leaves london liverpool street on sunday that 13:39. would you like to book it ? 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 B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos what is the price ? i 'd like to book . eos O O O O O O O O O O O O Train-Request+Price +bos it is 13.28 per seat . how many tickets did you need ? eos O O O B-Train-Inform+Ticket O O O O O O O O O O Train-Request+People +bos just 1 ticket please , and i am also looking for a cheap restaurant located in the west , can you help me find one ? eos O O O B-Train-Inform+People 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 N/A +bos i have successfully booked you a train on train # tr6578 . would you like a reference number ? eos O 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 no , i need a cheap restaurant located in the west that serves vietnamese food . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O N/A +bos the thanh binh restaurant is in the west and serves vietnamese food . they are in the cheap price range . would you like to make a reservation ? eos O O B-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 O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform +bos yes , i 'd like to make a reservation that evening at 8:00 p.m. eos O O O O O O O O O O O O O O O N/A +bos great ! how many people will you need to book the reservation for at thanh binh ? 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,general-greet +bos i would like you to book it for 1 person . thank you . eos O O O O O O O O O O O O O O O general-thank +bos 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 . eos O O O O O O 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 +bos could you find another cheap vietnamese restaurant on the west side of town ? eos 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 i 'm sorry thanh binh is the only restaurant serving vietnamese food in the west in the cheap price range . would you like to try a different time ? eos O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O O O O O O O Booking-Request+Time +bos i do n't need a reservation . just the postcode , address , and phone number for thanh binh , please . 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the postcode is cb30af , the address is 17 magdalene street city centre , and the phone number is 01223362456. anything else i can help you with today ? eos 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 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 ! eos 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-welcome,general-bye +bos i 'm looking for a train leaving from cambridge and going to norwich . 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 the next train leaving from cambridge to norwich is on friday at 5:36 and will reach it 's destination at 6:55. would you like me to book it for you ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos no thatnk you but may i have the train id ? eos O O O O O O O O O O O O Train-Request+TrainID +bos yes the train id for this journey is tr2534 and the length of the journey will be 79 minutes . is there anything else i can help you with today ? eos O O O O O O 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 general-reqmore +bos i actually need one leaving on saturday at that time . eos O O O O O O O B-Train-Inform+Day O O O O N/A +bos okay , train : tr6866 leaves at that time on saturday . did you want to book a ticket ? eos O O O B-Train-Inform+Id O O O O O B-Train-Inform+Day O O O O O O O O O O O Train-OfferBook +bos no thanks . i need information on an attraction called williams art and antiques 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 N/A +bos williams art and antiques located at gwdir street , no . 5 dale 's brewery the entrance fee is free . 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+Addr I-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 O N/A +bos what type of attraction is it ? eos O O O O O O O O Attraction-Request+Type +bos it is a museum . and there is no entrance fee . eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos thank you for your help . goodbye . eos O O 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 i need a train that leaves cambridge at 21:30 eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos and what is your destination for that trip ? eos O O O O O O O O O O Train-Request+Dest +bos i want to 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 i found 14 trains . what day do you want to travel ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Day +bos thrusday . can i also ask the price of these trains ? eos O O O O O O O O O O O O O Train-Request+Price +bos the price is 16.60 pounds . i have 2 matching trains . one arrives by 23:27 and the other arrives by 01:27. do you want to book either ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O B-Train-Select+Choice O O O N/A +bos no thank you . i am interested in finding an expensive place to eat in the centre of town . any recommendations ? eos 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 i have many restaurants like that . what kind of cuisine are you looking for ? 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 i am looking to book a table for 2 at 12:45 on thursday at a thai restaurant . 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 the only expensive thai restaurant in the center , bangkok city , does n't have any availability at that time . would you like to try something else ? eos O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area 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 Booking-NoBook,general-reqmore +bos can you change the booking time to 11:45 , and try again ? eos O O O O O O O O B-Restaurant-Inform+Time O O O O O N/A +bos alright , you 're booked at 11:45 at the meze bar restaurant . your reference number is uxhs88m3 . will that be all for today ? eos O O O O O B-Booking-Book+Time 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 yes , that 's everything i needed . 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-welcome,general-bye +bos can you tell me if the restaurant eraina is in cambridge ? thank you . eos O O O O O O O O B-Restaurant-Inform+Name O O O O O O O N/A +bos yes , it is in cambridge . eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos excellent . where is it ? eos O O O O O O O N/A +bos the address is free school lane city centre , postal code cb23rh 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 B-Restaurant-Inform+Post O N/A +bos great ! any chance i could get a table for 7 there at 14:30 on wednesday ? i 'll need the reference number once you make the reservation . 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 O O O O Restaurant-Request+Ref +bos the booking was successful . your table will be held for 15 minutes at 14:30 on wednesday , and your reference number is k32gulpv . eos O O O O O O O O O O O O O O B-Booking-Book+Time O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O N/A +bos okay great . i am also looking for a train leaving anytime after 17:15 going to bishops stortford on thursday , can you book that for me please ? eos O O 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 O B-Train-Inform+Day O O O O O O O O O O N/A +bos there are four trains that meet those criteria . the earliest leaves at 17:29 and arrives at 18:07. trains are every 2 hours after that . 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 O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O N/A +bos i 'll go with the 17:29. what is the train id and price ? 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 tr6673 and the price is 10.10 pounds per ticket 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 thank you . i 'll take it . eos O O O O O O O O O general-thank +bos how many tickets would you like me to book ? eos O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos actually i do n't need any tickets today . i 'm all set here . 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 have a great day . eos O O O O O O general-bye +bos i need to find information on the bloomsbury restaurant . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos the bloomsbury restaurant is located at crown plaza hotel 20 downing street . their number is 08719429180. would you like me to book this for you ? 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 O O O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos yes please ! for 2 people on sunday ! eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O N/A +bos i have located your restaurant and booked a reservation for 2 people on sunday ! eos O O O O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Day O N/A +bos may i please have a reference number ? eos O O O O O O O O O Restaurant-Request+Ref +bos what time would you like me to make your reservation ? eos O O O O O O O O O O O O Booking-Request+Time +bos lets do a table for two people at 14:15 on sunday eos O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos i 'm sorry , that time is unavailable . is there another time or day you would like ? 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 +bos try 13:15 , please . eos O O B-Restaurant-Inform+Time O O O N/A +bos i have made your reservation for sunday at 13:15. the reference number is xsfgyzxo . may i help you with anything else today ? eos O O O O 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 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 am interested in booking a train to cambridge for next tuesday . eos O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O N/A +bos there are several trains departing for cambridge on tuesday . one train departs every hour starting at 06:08 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 B-Train-Inform+Leave I-Train-Inform+Leave N/A +bos i would like to depart from birmingham new street after 14:45. 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 N/A +bos there are 9 trains that depart from birmingham new street to cambridge on tuesday after 14:45. the earliest is 15:40 , does that work ? eos 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+Dest O O O B-Train-Inform+Leave O O O B-Train-Select+Leave O O O O O N/A +bos yes , that works ! i would like the reference number please . eos 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 6 people please . eos O O B-Train-Inform+People O O N/A +bos great , your reference number is tygh2e4a , and the total fee payable at the station is 450.6 gbp . eos O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O N/A +bos great ! i also need an expensive restaurant in the west that serves persian for the same day and party as well please . eos O O O O 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 N/A +bos unfortunately , there are no expensive persian restaurants in that area . would you like to look for something else ? eos 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 general-reqmore +bos sure , how about one that serves indian food in that area . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there are 5 results for restaurants serving indian food , the first is tandoori palace located at 68 histon road chesterton . would you like a reservation and for how many ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food 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 O O O O O O O O O O O Booking-Request+People,Booking-Inform +bos yes please for six people thank you . eos 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 at 18:30 , please . eos O O B-Restaurant-Inform+Time O O O N/A +bos your booking was successful . your reference number is r3voqjmb . 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 thanks . that 's everything 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 welcome . 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 general-welcome,general-reqmore +bos can you find me a train going to cambridge on sunday ? eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos what departure site were you interested in ? eos O O O O O O O O O Train-Request+Depart +bos i am looking to depart from bishops stortford and need to arrive by 13:15. eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Arrive N/A +bos i have four trains leaving from bishops stratford on sunday . the last one arrives in cambridge at 12:07. would you like to book ? eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos i think so . how much is that train ? and can you tell me 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 cost is 8.08 gbp per ticket , and the travel time is 38 minutes . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos thanks . i 'm also wondering what kind of information you have on pizza express . eos 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 pizza express serves italian food , is located in the centre of town , in the moderate price range , their phone number is 01223324033 , postcode is cb213b , and at regent street city centre 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 B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Phone 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 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 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 great . eos O O O O O O O O O O general-thank +bos happy to be of service - have a wonderful day ! eos O O O O O O O O O O O O general-bye +bos i need a train leaving from from birmingham new street that arrives by 11:30 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 N/A +bos what time would you like to leave and what is your destination ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i want to leave to arrive by 11:30 on tuesday and cambridge is my destination . eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos there is a bus that leaves birmingham new street for cambridge at 10:40. would you like to book it ? eos O O 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+Leave O O O O O O O Train-OfferBook +bos no thank you , but i would like the travel time for this train . 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 163 minutes . is that sufficient ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O N/A +bos yes but i also would like information on finding a restaurant in the city 's centre that serves indian food . 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 N/A +bos i have 9 different options . to narrow it down some , can you tell me what price range you would 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 O O Restaurant-Request+Price +bos i do n't really care about the price , as long as it is in city centre . you can surprise me . i 'll need a table for 8 the same 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 N/A +bos how about curry garden ? what time and day would you like the reservation for ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos that sounds fine . i would like it booked for 17:45 for 8 people please . eos O O O O O O O O O O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O O N/A +bos and what day would you like that table reserved ? eos O O O O O O O O O O O Booking-Request+Day +bos i 'd like it on tuesday , please . eos O O O O O B-Restaurant-Inform+Day O O O O N/A +bos sorry , a table is n't available at that time . would you like to try another day or time , or perhaps 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day,general-reqmore +bos could you try an hour earlier , then ? eos O O O O O O O O O O N/A +bos certainly . you now have a table for your party of 8 at the curry garden , at 16:45. your reference number is v24ognjb . eos O O O O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O N/A +bos great that 's all that 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 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 eat . the restaurant should be in the north and should serve indian 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 am showing 2. the nirala which is moderate priced and the royal spice which is cheap . would you like to book one of them ? eos 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 I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform,Restaurant-Select +bos we are wanting to save money for the rest of the sights in town , so let 's go with the cheaper one . 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 B-Restaurant-Inform+Price O O O O O O O O O O O N/A +bos sure , the royal spice is located on victoria avenue , chesteron and the post code is cb41eh . 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 you please make a reservation for me ? it needs to be for 3 people at 14:45 on friday . 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 N/A +bos your booking was successful . your table will be reserved for 15 minutes . the reference number is 0mrw9qam . 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 very much . 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 yeah , i also wanted to find a park to visit in the north . 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 milton country park is in the north and it is free to visit . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos that 's great thank you ! 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 what is the address and postcode of the park ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos milton country park is located at milton country park , milton , postcode cb46az , phone 01223420060. is there anything else you need today ? eos O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Name O O O O O O O O B-Attraction-Inform+Post O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos i also need a taxi between the two . eos O O O O O O O O O O Taxi-Inform +bos tell me where your departure and destination sites will be . eos O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart +bos i need a taxi from the park going to the restaurant . i 'd like to arrive before my dinner reservation , if at all 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 N/A +bos booking completed ! booked car type : black audicontact number : 07283412603 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 sweet , that 's all i need today . eos O O O O O O O O O O N/A +bos wonderful ! thanks for contacting the cambridge towninfo centre and take care ! eos O O O O O O O O O O O O O O general-bye +bos i need a train to peterborough on monday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos the earliest train is at 5:06 , do you want me to book it ? eos O O O O O O B-Train-OfferBook+Leave O O O O O O O O O N/A +bos does it arrive by 16:00 ? eos O O O O O B-Train-Inform+Arrive O N/A +bos yes , it arrives at 05:56. eos O O O O O B-Train-Inform+Arrive O N/A +bos are there any later trains ? also i need to get the price , departure time , and train id when we find a suitable 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 Train-Request+Price,Train-Request+TrainID,Train-Request+Leave +bos yes i have trains that arrive from 5:56 to 15:24. any preference ? eos O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O Train-Select +bos what is the train id and response of the train that arrives at 15:24 ? i would like to book 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 train tr4765 leaves at 15:06 and arrives at 15:56 and costs 16.50 pounds . how many tickets would you like to book ? eos O O B-Train-Inform+Id 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 Train-Request+People,Train-OfferBook +bos i need a train that departs from cambridge . does tr4765 go from cambridge to peterborough ? 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 N/A +bos yes tr4765 departs cambridge monday at 15:06 , arriving in peterborough by 15:56. how many tickets will you need ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-Request+People +bos i was just looking for information for now . i do need some additional information on a place to eat 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 N/A +bos there are 110 restaurants in the area - are you looking for a specific type of 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 am thinking indian food would be perfect and in the centre . eos O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O N/A +bos there are 22 indian restaurants in cambridge . do you have a preferred price range or area in town you 'd 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 O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos i do not have a specific price or location in mind . please just send me the address and phone number of an indian 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 B-Restaurant-Inform+Food O O Restaurant-Request+Phone,Restaurant-Request+Addr,Train-Request+Price +bos okay i have chosen the curry prince for you , which is a very popular location . their address is 451 newmarket road fen ditton and their telephone number is 01223566388. 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 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 thank you . that is all i needed . eos 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 , i am looking for an expensive place to eat 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 O O N/A +bos there are many results in that area for expensive restaurants , is there a specific type of cuisine you 'd like to try ? eos O O O B-Restaurant-Inform+Choice 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 O O Restaurant-Request+Food +bos it should serve chinese food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos we have four entries that match that criteria . do you have a further preference ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O N/A +bos ok , i want to book a table for 5 people at 16: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 i 'm sorry , but i attempted reservations at your specified time at all 4 restaurants , and none have availability 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 B-Restaurant-Inform+Choice 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 O O O O O O Booking-Request+Time +bos how about 15:30 ? eos O O O B-Restaurant-Inform+Time O N/A +bos i have a reservation for you at 15:30 for 5. your reference number is jugxyqop and they will only hold your table for 15 minutes just an fyi . 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 N/A +bos yes , i also need a train for wednesday i need to arrive by 12:30. eos O O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A +bos what are your departure and arrival stations ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am leaving from london kings cross and going to cambridge . arrival time as close to 12:30 as possible please . 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 O O O O O O O O O N/A +bos tr2417 will arrive in cambridge on wednesday by 12:08 , would you like a ticket for this train ? eos O B-Train-Inform+Id O 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 O Train-OfferBook +bos yes please , also for 5 people . and i 'd like a reference number , please . eos 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 okay you train is booked and your reference number is olg8b5m8 . can i help you with anything else ? 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 general-reqmore +bos nope that should be it thanks eos O O O O O O O general-thank +bos booking was successful , the total fee is 118 gbp payable at the station eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O N/A +bos while in cambridge i want to get a train that leaves on sunday and goes to stansted airport . eos O O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos there are 19 trains that day . what time do you need to leave cambridge and/or arrive at the airport ? 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 Train-Request+Arrive,Train-Request+Leave +bos i would like to leave cambridge after 13:15 , thank you eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O N/A +bos the earliest leaves at 13:40 and the trains depart every hour through 23:40. if you 'd like to choose one i can book it for you . eos 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 O O O O O O O O O O O O O O Train-OfferBook +bos that would be great . how much would it cost to travel to stansted from cambridge ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Depart O N/A +bos it will cost 8.08 pounds . would you like me to book a train for you ? eos O O O O B-Train-Inform+Ticket O O O O O O O O O O O O O Train-OfferBook +bos yes . i am looking for places to go in the centre area . i am looking for college . eos 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 O O N/A +bos there are 13 choices , how do you feel about emmanuel college ? eos O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos i would n't mind seeing emmanuel college . can you give me the postcode ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post +bos sure , emmanuel college has a postcode of cb23ap . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Post O O N/A +bos can you please give me the exact address . eos O O O O O O O O O O N/A +bos the address for emmanuel college is saint andrew 's street . is there any other information i can provide ? eos O O O O B-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 general-reqmore +bos i think that 's all for now , thank you . eos O O O O O O O O O O O O general-thank +bos welcome , have a nice day . eos O O O O O O O O general-welcome +bos i need to find a train departing on sunday that is going to cambridge . eos O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O N/A +bos where are you departing from ? eos O O O O O O O Train-Request+Depart +bos i am departing from leicester . eos O O O O O B-Train-Inform+Depart O N/A +bos we have 19 different trains along that route for sunday . do you have a specific time in mind ? eos O 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 yes i need to leave after 18:30 on sunday and i need to make a reservation for 8 people . can you give me a reference number for the booking ? 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 O O O O O O O O O O Train-Request+Ref +bos there are five trains that meet your specifications . the earliest leaves at 19:09 and arrives in cambridge at 20:54. would you like me to book this ? eos O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice 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 yes please book it for 8 people . eos O O O O O O O B-Train-Inform+People O N/A +bos booking was successful , the total fee is 241.92 gbp payable at the station .reference number is : ple2777z 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 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 man attraction , do you want to see arrt , music , parks ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O N/A +bos hmmm ... all of those sound interesting , but i am really looking for a college . are there any 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 O O O O O N/A +bos yes , 13 of them actually ! if you have no further specifications , then may i recommend christ 's college ? eos O O O B-Attraction-Inform+Choice 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 N/A +bos that sounds great ! can you tell me the entrance fee ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos it is the best price of all , free of charge , can i help you with any other information ? eos 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 general-reqmore +bos no actually , you 've taken care of all my needs today ! thanks , bye ! eos O O O O O O O O O O O O O O O O O O general-bye +bos okay , thanks for contacting us bye ! eos O O O O O O O O O general-bye +bos hi , i am trying to plan a trip and could use some help with the trains . eos O O O O O O O O O O O O O O O O O O O Train-Inform +bos okay sounds great ! where are you headed ? eos O O O O O O O O O O Train-Request+Dest,general-greet +bos i 'm leaving cambridge and heading to peterborough wednesday after 18:45. eos O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos the tr8199 leaves after 19:06 , would you like me to book you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos yes , please book it for 4 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos i was able to book it for you . your reference number is dqdgtdh8 . 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 O O O O O O O O general-reqmore +bos i also want to go to a museum in the center part of town . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos i have several places . did you have one in specific in mind ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Name +bos not really , do you have one to recommend ? eos O O O O O O O O O O O N/A +bos the broughton house gallery is nice and has no entrance fee . 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 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 N/A +bos just the address and entrance fee if fine , if there is no info on the fee , than ill need the 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+Fee,Attraction-Request+Addr +bos the address is 98 king street and the entrance fee 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 O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos no , you provided all of the information that 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 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 hi , i 'd like to book a train that leaves after 21:30 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 O N/A +bos sure , where are you departing from and going to ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i 'll be leaving cambridge and traveling to birmingham new street . eos 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 tr8202 is leaving cambridge at 22:01 would that work for you ? 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 O O N/A +bos yes could you provide me with the travel time and arrival time as well please ? eos 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 for the tr8202 is 163 minutes . the arrival time is 24:44. is there anything else i can help you with ? eos O O O 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 O O O O O O O general-reqmore +bos i 'm also looking for a place to dine . the restaurant should serve gastropub 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 there are 4 restaurants that serve gastropub cuisine . do you have a location and/or price 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 O O Restaurant-Request+Price,Restaurant-Request+Area +bos yes can we try the south ? eos O O O O O O O O N/A +bos i am sorry there are none in the south . there are 3 in the centre and 1 in the east . will one of those area work for you ? eos O O O O O O O O O B-Hotel-NoOffer+Area O 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 O O Hotel-Select +bos how about centre ? eos O O O B-Restaurant-Inform+Area O N/A +bos yes , there are 3 ! price ranges are moderate and expensive . does one of those suit you ? eos O O O O O B-Restaurant-Select+Choice O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O O O O O O O O O N/A +bos moderate price range please . eos O B-Restaurant-Inform+Price O O O O N/A +bos perfect , there 's a place called the cow pizza kitchen and bar , would you like me to book it ? 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 O O O O O O O O O O Booking-Inform +bos please , for 7 people at 13:00 on the same day . eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : bggcs2ub 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 so much . that 's all i need today . 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 general-bye +bos you 're very welcome ! enjoy your trip ! eos O O O O O O O O O O general-welcome +bos i am looking for something entertaining in the south . eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos we have several attractions in the south . which would you be most interested in ; cinema , entertainment , museum , night club , park or theatre ? 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 O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O O N/A +bos i am looking for an entertainment type attraction . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos great ! i have two options for you to choose from ! eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O general-greet +bos just pick one for me and send me their poscode , phone number and address . 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 nusha is located at unit g6 , cambridge leisure park , clifton road . their post code is cb17dy , and their phone number is 01223902158. eos O B-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 O O O B-Attraction-Recommend+Post O O O O O B-Attraction-Recommend+Phone O O O O N/A +bos i also need a train from broxbourne . eos O O O O O O O B-Train-Inform+Depart O N/A +bos i 'd love to help ! where is the destination ? eos O O O O O O O O O O O O Train-Request+Dest,general-greet +bos i 'm going to cambridge , leaving after 13:00. i 'll need to book for 7 people . can i get a reference number too please ? eos O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave 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 booked you with tr7015 your reference number is k1ay8eku . eos O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ref O N/A +bos was that train on saturday ? i do n't remember telling you the day . eos O O O O O B-Train-Inform+Day O O O O O O O O O O N/A +bos sorry , i can fix that . did you need it for saturday ? eos O O O O O O O O O O O O B-Train-OfferBook+Day O O general-greet +bos yes please can you help ? eos O O O O O O O N/A +bos yes , i was able to fix that . i have a booking for seven people to leave broxbourne on saturday at 13:32. total fee is 100.24 gbp , payable at the station . reference number is wzzmbzq4 . is there anything else ? eos O O O O O O O O O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Day I-Train-OfferBooked+Day B-Train-OfferBooked+Leave 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 general-greet,general-reqmore +bos no , i 'm all set . thanks ! eos O O O O O O O O O O general-thank +bos i am glad i can help enjoy your stay ! eos O O O O O O O O O O O general-welcome,general-bye +bos i need a guesthouse 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 ? 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 O O O O O O O O O N/A +bos i have 24 options available . do you have a specific 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 no specific area but i do need wifi and a moderate priced guesthouse please . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are 14 guest house with internet and moderate price what area would you like eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O Hotel-Request+Area,Hotel-Inform+Internet +bos book a hotel for 7 people and 2 nights starting from wednesday 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 first let 's pick one of the 14 guesthouses and then i 'll book your room ! eos O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O N/A +bos sounds good . there are a lot to chose from , is there one that you specifically 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 yes , i would recommend 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 sounds fine can you book for seven people for two nights starting wednesday ? i 'm also looking for a park to visit . eos 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 absolutely ! your booking was successful.reference number is : 7zcfv2o4 . 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 'm also looking for a park to go to while i 'm in town . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos we have five parks available . do you have an area that you would prefer ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Area +bos i 'd like someplace in the center , please . eos O O O O O O O O O O O N/A +bos the cambridge university botanic gardens is located in the centre . it 's on bateman street . the entrance fee is 4 pounds . can 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 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos i also want a taxi to commute between the two places eos O O O O O O O O O O O O Taxi-Inform +bos 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 ? eos O O O O O O O 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+Depart +bos i want to leave the hotel by 01:15 eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos and where would you like the taxi to pick you up ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos it will be picking me up from the hotel . i 'll 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 O O O Taxi-Request+Car +bos you are booked for a white audi with the contact number 07387814664. may i help with anything else , like a restaurant ? eos 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 that 's it for now . thank you for you patient help . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos yeah , any time i was happy to help . eos O O O O O O O O O O O general-greet +bos i 've heard about a hotel called kirkwood house , but the only thing i know about it is the name . can you tell me more ? 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 O O O O O O O N/A +bos certainly . kirkwood house is a guesthouse on the north side of town . they 're a moderately priced establishment with 4 stars , offering both free wifi and free parking . eos 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 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 O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-greet +bos thank you . i would like to book for 7 people for 2 nights , starting from monday at the kirkwood house hotel . 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 B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos i am unable to book that for you , we can try another day or a shorter stay 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos how about for just one night instead ? eos O O O O O O O O O N/A +bos your booking was successful . the reference number is kxequqa0 . 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 i am also looking for a nightclub 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 would you be interested in soul tree nightclub located at 1-6 corn exchange street ? eos O 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 I-Attraction-Recommend+Addr N/A +bos sure , can i get the postcode , entrance fee and phone number 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 they are located in cb23qf and can be reached at 01223477900. the cover charge is 4 pounds . eos 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos i also need a taxi to get between the two places . i want to leave by 16: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 i would be happy to help with that ! will you be traveling from the hotel to the nightclub , 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 Taxi-Request+Depart,Taxi-Request+Dest,general-greet +bos yes . can i get a contact number and car type ? eos O O O O O O O O O O O O O Taxi-Request+Car +bos i was able to book that taxi for you . be looking for a grey volkswagen . should you need to reach them , please call 07543420592. 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 will 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 day . eos O O O O O O O O O O general-welcome,general-bye +bos can you search for a guesthouse that includes free wifi ? eos O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos we have 23 such places . any preference on area ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area +bos no , that does n't matter , but i 'd like something in the moderate price range . eos 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 there are 14 options . how about the avalon ? it has 4 stars and free parking and wifi . eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Name O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds perfect . can i book it for 5 nights starting on monday for 3 people ? eos 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 N/A +bos the avalon does n't have room for 5 nights starting monday . how about a different day or a shorter stay ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Request+Stay,Booking-Request+Day +bos let 's try 4 nights . eos O O O O B-Hotel-Inform+Stay O O N/A +bos avalon is available for four nights starting on monday . your reference number is 59gza6me . can i do anything else for you ? eos O B-Hotel-Inform+Name O O O B-Booking-Book+Stay 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 general-reqmore +bos no , that 's all i needed . thanks for your help today ! eos O O O O O O O O O O O O O O O general-thank +bos you are welcome . thank you for calling 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 am planning a visit to cambridge soon and want to visit a specific attraction people are talking about . have you heard of the funky fun 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos yes i have . it is an entertainment venue in the east area , would you like more information on them ? eos O 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 O O O O O O O O O general-reqmore +bos can you give me their phone number please ? eos O O O O O O O O O O Attraction-Request+Phone +bos that number is 01223304705. eos O O O O B-Attraction-Inform+Phone N/A +bos thanks . i also need a place to stay . i would like a hotel with a 4 star rating . eos 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 N/A +bos certainly , would you like a cheap hotel ? or expensive ? eos O O O 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 point . but , i do want it to be on 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-Hotel-Inform+Area O O O O O O N/A +bos i recommend the cambridge belfry . it 's a cheap hotel on the west side . would you like me to book you a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O 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 O O O O Booking-Inform +bos yes please , i need to book it for 3 nights for 5 people starting sunday . 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 N/A +bos booking was unsuccessful . may i try another day or a shorter stay ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos how about two nights ? eos O O O O O O N/A +bos booking was successful.reference number is : vhkr1uh7 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos perfect . thank you so much . that is everything i needed . eos O O O O O O O O O O O O O O general-thank +bos you are welcome . enjoy your stay . bye . eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a place to eat at that 's moderately priced in the centre of cambridge . eos 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 've found 21 different places that suit your needs . is there a particular type of food 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 O O O O O O Restaurant-Request+Food +bos yes , i 'm looking for british food please . eos O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are 4 restaurants to choose from . restaurant one seven , the oak bistro , the copper kettle , and cotto . which would you like more information on ? 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 O O O O O O Restaurant-Select +bos the would like more information on the copper kettle eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos sure ! it serves british food in the moderate price range . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A +bos can i get the phone number , postcode , and address for that 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 number is 01223365068. do you need anything else ? eos O O O O B-Restaurant-Inform+Phone O O O O O O general-reqmore +bos thanks , yes , actually . i need to find some lodging accommodations . i 'd like a 0-star guesthouse , please . 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 2. they have the same features except one is in the north and the other is in the centre . which one would you 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O Hotel-Request+Area +bos i would like to book whichever one is in the same area as the copper kettle eos O O O O O O O O O O O O O O O O O N/A +bos i have the el shaddai . it 's a cheap guesthouse in the centre of town . they offer free internet and parking . would you like me to book you a room ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price B-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 O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , please . we need to book for 3 people . we 're arriving on monday and we 'd like to stay for 3 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 O O O O O O O N/A +bos i was able to book the el shaddai successfully , 3 people for 3 nights , and the reference number is o0c7ri4u . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+People O O O O O O O O B-Booking-Book+Ref O O O N/A +bos can you get me the address and postcode for the copper kettle ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos certainly . it 's at 4 kings parade city centre , and the postcode is cb21sj . is there 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 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 general-reqmore +bos can you help me book a taxi between the copper kettle and el shaddai ? i would need to leave the restaurant by 23:45. eos 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 O O O O O O O B-Taxi-Inform+Leave O N/A +bos great ! i booked a red bmw , contract number 07878470690. is there anything else i can do for you ? . 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 O O O general-reqmore +bos no , thank you that is all for today . eos O O O O O O O O O O O general-thank +bos thanks , take care . eos O O O O O O general-bye +bos i need a place to stay in the centre 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 a bunch of options for you to choose from . do you have a price range ? 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+Price +bos i would like it to have a star rating of 4 and cost does not matter , i would also like it to have 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 O O O O O O O O O N/A +bos i have one guesthouse that has free internet and parking on the cheap side . it 's also located in the centre at 56 saint barnabas road . eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos please book a 4 night stay for 3 people on saturday . eos O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O N/A +bos your booking was successful and your reference number is egyy9bb7 . 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 general-reqmore +bos yes , i also need a restaurant with turkish food near the hotel in the centre area please . eos 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 N/A +bos there are 3 turkish restaurants in that area . how about anatolia ? eos O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Recommend+Name O O N/A +bos i 'd like the restaurant to be in the moderate price range . can you narrow it down ? 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 there is anatolia and efes restaurant available , which would you like to book ? 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 Booking-Inform +bos i 'll take efes for 3 people on saturday at 15:00 please . eos 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 it was unsuccessful . did you want to try the other one ? or a different time frame ? 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 +bos how about for 3 people on saturday at 14:00 ? eos O O O O O O O O O B-Restaurant-Inform+Time O N/A +bos the booking was successful for 14:00. your reference number is 0b58wf1p . is there anything esle i can do for you ? eos 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 , can you arrange a taxi between the hotel and the restaurant that arrives to the restaurant by 14:00 ? 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 O N/A +bos certainly . i have booked your taxi . anything else i can help with today ? eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos please provide me the contact number and car type for the taxi . it will be at the restaurant by 14: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+Arrive O Taxi-Request+Car +bos the contact number is 07429438913 and the car type is a yellow lexus . eos 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 great that 's 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 welcome ! please let us know if you need assistance with anything else . eos O O O O O O 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 okay . glad i could be of help . please call us again . eos O O O O O O O O O O O O O O O general-greet +bos i will , thank you again ! eos O O O O O O O O general-thank +bos have a great rest of your day , and i hope your visit to cambridge is everything you dreamed it 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 O O general-greet +bos can you help me find a 4 star hotel to stay at ? eos O O O O O O O O B-Hotel-Inform+Stay B-Hotel-Inform+Type O O O O N/A +bos sure , do you prefer the west or the centre part of cambridge ? eos O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O O N/A +bos i do n't care about the area but i need it to be cheap with free wifi . eos 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 the cambridge belfry is available . 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 Booking-Inform +bos yes , please . i need four nights starting sunday , for two people . eos O O O O O O O O B-Hotel-Inform+Day O O O O O O O N/A +bos done ! your reference number is cu4lpl6c . 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 place to eat in the city centre . maybe bistro food ? eos O O O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O N/A +bos sorry there are no restaurants in the centre of town serving bistro food . eos 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 O O N/A +bos okay . what about one that serves seafood instead ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos loch fyne is an expensive place that serves sea food . can we book ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O Booking-Inform +bos yes . let 's say 15:00 on the same day , with the same group of people . 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 okay i have done that and their reference number is h2opfsbq . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks , lastly , i need a taxi to take me to the restaurant from the hotel , i want to get there before the booked time . 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 your taxi will be a red audi . should you need to contact them , the number is 07971260313. 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 N/A +bos thank you , have a nice day . eos O O O O O O O O O general-thank +bos you 're welcome . and thank you , you , too ! eos O O O O O O O O O O O O O general-welcome,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 I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Arrive O B-Train-Inform+Dest 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+Id O O B-Train-OfferBooked+Ticket O 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 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 general-reqmore +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 O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos hey , i 'm headed to birmingham new street on friday . please find me a train 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 O O N/A +bos sure , what is your departure station ? eos O O O O O O O O O Train-Request+Depart +bos i am departing from cambridge and need to leave after 17:45. eos O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Leave N/A +bos okay , the tr7420 leaves at 18:01 and arrives by 20:44. would you like me to book tickets ? 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 Train-OfferBook +bos yes , please . i need 3 tickets . eos O O O O O O B-Train-Inform+People O O O N/A +bos you are all set , the total fee is 225.3 gbp payable at the station , the reference number is d058jmg9 , do you need 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 general-reqmore +bos i 'm also looking for colleges in the south . can you help me with that ? 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 N/A +bos i 'm afraid there are no colleges on the south side . would you like me to look for something else or in a different area ? 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 O O O O O O O O O O general-reqmore,Attraction-Request+Area,Attraction-Request+Type +bos are there any nightclubs in the south ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos there is one , and it 's called the place . they 're located at 22 sidney street . eos O O O B-Attraction-Inform+Choice 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 N/A +bos hmm.. sounds fun . what is their post code ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb23hg . eos O O O O B-Attraction-Inform+Post O N/A +bos is there anything else i can help with ? eos O O O O O O O O O O N/A +bos is there anything else you need me to help you with ? eos O O O O O O O O O O O O O general-reqmore +bos no . you have covered everything . thank you so much . eos O O O O O O O O O O O O O general-thank +bos thank you for using cambridge towninfo centre . eos O O O O O O O O O general-bye +bos i would like to find information on boats in town eos O O O O O O O O B-Attraction-Inform+Type O O N/A +bos i have about 4 different attractions for boating . 2 are in the centre of town and one in the north and east . do you have a preference on area ? eos O O O O O O O O B-Attraction-Inform+Type 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 O O O O O O O Attraction-Request+Area +bos no , any is fine . can you tell me what area one of them is in and also 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 Attraction-Request+Area,Attraction-Request+Fee +bos camboats is on the east side . unfortunately i do n't have information on the entrance fee . eos O B-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-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 O O O O O N/A +bos okay . thanks . eos O O O O O general-thank +bos you 're welcome . can i assist 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 's all for today , goodbye . eos 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 i 'm looking for a place to stay . an expensive hotel will work . 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 sure , what part of town ? eos O O O O O O O O Hotel-Request+Area +bos any will be fine but should include free wifi eos O O O O O O O O O O N/A +bos i would recommend the huntingdon marriott hotel , a 4 star hotel in western cambridge . do you need anything else ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O general-reqmore +bos i would like to book a room for tuesday for 2 nights for 3 people . eos 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 N/A +bos booking was successful . reference number is : 1o9e32ij . 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 O general-reqmore +bos yes , please i would like to get info on a restaurant 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 O N/A +bos what kind of food do you like ? eos O O O O O O O O O Restaurant-Request+Food +bos i miss home a little lets try a search for north american food . eos O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos are you trying to stay in a certain price range ? if not , i found the gourmet burger kitchen for you . it 's rather expensive though . will that work ? 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 O O O O B-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Price,general-reqmore +bos that is perfect , can i get a reservation for tuesday at 16:30 ? eos O O O O O O O O O O O O O O O N/A +bos absolutely ! will the restaurant reservation be for 3 people as well ? eos O O O O O O O O O O O O O O Booking-Request+People,Booking-Inform +bos yes please it needs to be for 3 people . i would like a reference number . eos O O O O O O O O O B-Restaurant-Inform+People O O O O O O O O N/A +bos of course . your reference number is qp95e4qp . i hope you enjoy your meal . eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-greet +bos thank you ! that is all i need today . eos O O O O O O O O O O O general-thank +bos welcome when ever you want to inqure anything eos O O O O O O O O O general-welcome +bos ok thanks go away now eos O O O O O O general-thank +bos i would love to ! bye ! eos O O O O O O O O general-bye +bos find me an expensive modern global restaurant to dine in . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A +bos i have no restaurants matching what you asked . would you like a different price range ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-NoOffer +bos are you sure there are none in the center of town ? eos O O O O O O O O O O O O O N/A +bos yes . in fact , we do n't have a modern global restaurant anywhere in cambridge . do you need help with anything else ? 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 I-Restaurant-NoOffer+Area O O O O O O O O O O O O general-reqmore +bos how about one that serves european food in the centre ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i have 8 restaurants that serve european food in the centre . do you have a specific price range that you are looking at ? 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 Restaurant-Request+Price +bos i 'd like expensive european food . pick one and give me a phone number please . 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 Restaurant-Request+Phone +bos i recommend michaelhouse . their phone number is 01223309147. is there anything else you need help with ? eos O O O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , i need help finding a train . i 'd like to find one from ely on saturday . 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 there are several trains departing from ely on saturday . what time would you like to leave ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O Train-Request+Leave +bos i would like to get there by 09:00 and i am going to cambridge eos O O O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Dest N/A +bos tr2551 leaves ely at 07:35 and arrives in cambridge at 07:52. would you like me to book a ticket for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-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 O O O Train-OfferBook +bos no , that is all i need . good day . eos O O O O O O O O O O O O N/A +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 'm looking for information about a particular attraction . it 's called the man on the moon . 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 O O O N/A +bos the man on the moon is on 2 norfolk street in the centre area . would you like to order tickets ? 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+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 O Booking-Inform +bos not right now . can you tell me it 's postcode and entrance fee ? 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 sorry , we do n't have any information in our database regarding their entrance fee , but their postcode is cb12lf . can i help you with anything else ? eos O 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 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 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 i 'm looking to stay at a 4 star hotel that includes free parking . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos sorry there are no four star hotels that offer free parking would you like to try something different ? eos O O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O Hotel-NoOffer+Parking,general-reqmore +bos oh no . could you look to see if there are any 4 star hotels that offer free wifi instead and are in the north section ? 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 B-Hotel-Inform+Area O O N/A +bos i have about 8 different options for you . all are guesthouses . i have one that is cheaper and the rest are moderately priced . do you have a preference ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Type 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 O O O O O Hotel-Request+Price +bos i do n't , so please pick one . i will need the price range and 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+Price +bos the archway house is a nice moderately priced guesthouse . their phone number is 01223575314. i can make a booking for you if you 'd like . eos O O B-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 B-Hotel-Recommend+Phone O O O O O O O O O O O O O Booking-Inform +bos no thank you . i am looking for a train for sunday though . eos O O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos what are your departure and destination sites ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos going from broxbourne to cambridge . eos O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos when would you like to arrive ? eos O O O O O O O O Train-Request+Arrive +bos can you help me find a 4 star expensive hotel please ? eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos i found two that fit your description ; huntingdon marriott hotel and university arms hotel . 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 N/A +bos ok ill go with the first choice the huntingdon marriott hotel eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos that 's a great hotel . would you like me to make you a reservation ? eos O O O O O O O O O O O O O O O O O Booking-Inform +bos yes please for 7 people for 4 nights starting thursday and i need the 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 O O Hotel-Request+Ref +bos i 've got you booked with reference number l7wtaljt . eos 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 chinese restaurant in the same area as the huntingdon marriott 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 N/A +bos there are no chinese restaurants in that area , any other type of food i can check with ? eos 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 are there any chinese restaurants within a short distance outside the area which are in the same price range as the hotel ? 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 N/A +bos i would recommend the ugly duckling in the center of town . that 's an expensive chinese restaurant right in the middle of everything . eos 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 O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O O O O O O O O N/A +bos excellent , can i get the address of the ugly duckling ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O Restaurant-Request+Addr +bos of course ! the address is 12 st. johns street city centre and the postcode is cb21tw . would you like me to make a reservation for you ? 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 O O O O B-Restaurant-Inform+Post O O O O O O O O O O O Booking-Inform +bos no , but i would like to book a taxi between the restaurant and hotel . i 've like to leave the restaurant 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 B-Taxi-Inform+Leave O O O N/A +bos i was able to book your taxi . be looking out for a yellow bmw . if you need to reach them , please call 07101227577. is there anything else i can 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 O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos no , i do not think so . 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 very welcome ! eos O O O O O O general-welcome +bos do you have information about the cambridge museum of technology ? eos O O O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos yes , the cambridge museum of technology is in the east part of town . the entrance fee in 5 pounds . would you like a ticket ? 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+Area I-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 O O O O O O O O Booking-Inform +bos not at this moment . i would like the museum 's postcode , though . eos O O O O O O O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb58ld eos O O O O B-Attraction-Inform+Post N/A +bos thanks . and it is an actual museum , correct ? eos O O O O O O O O O O O O general-thank +bos yes , it is a museum . is there anything else you would like to know ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O general-reqmore +bos no , that will cover it . thanks 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 general-thank +bos your welcome . enjoy visit at the cambridge museum of technology eos O O O O O O O O O O O O general-bye +bos i 'm looking to book a train that leaves on wednesday after 12:45 , if you could help me with this that would be great ! 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 N/A +bos i 'd be glad to help . but i will need a departure site and a destination . 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 i 'll be going to peterborough from cambridge . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos i would recommend tr1879 which leaves cambridge at 13:06 and arrives in peterbourough at 13:56. 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 N/A +bos i 'm sorry , i had that backwards , i need a train that departs from peterborough and goes to cambridge . eos 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 N/A +bos i have over 20 trains traveling on wednesday for you . are you departure and arrival times still correct ? 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 Train-Request+Leave,Train-Request+Arrive +bos yes they are . eos O O O O O N/A +bos i have train tr9545 which departs at 12:48 and will get you into cambridge by 13:38. does that sound like it would 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 O B-Train-Inform+Arrive O O O O O O O O O O N/A +bos yes please book it for 1 person and provide the reference number eos O O O O O O O B-Train-Inform+People O O O O O Train-Request+Ref +bos your booking was successful . the reference number is 69yay7yc . what else may i 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 general-reqmore +bos thanks for the service . good day to you ! eos O O O O O O O O O O O general-thank +bos you 're 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 general-bye +bos what is the phone number and postcode of a cheap restaurant in the east part of town ? 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 O Restaurant-Request+Post,Restaurant-Request+Phone +bos there is the missing sock . they serve international food on the east side and are cheap . their phone number is 01223 812660 and postcode is c.b 25 , 9 a.q . eos 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 I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O B-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 O 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 , thank you . eos O O O O O O general-thank +bos goodbye eos O O general-bye +bos i am looking for a cheap hotel that includes free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos ok. there are 10 hotels that meet those criteria . what part of town would you prefer ? eos O O 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 would prefer a nice part of town . eos O O O O O O O O O O N/A +bos the city centre is nice . there 's alexander bed and breakfast , a 4 star guesthouse that meets your criteria . woiuld you like me to book a reservation . eos O O B-Hotel-Select+Area I-Hotel-Select+Area 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 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 me for 4 people and 3 nights starting on thursday ? eos O O O O O O O O O O O O O O O O O N/A +bos okay i will make the reservation . eos O O O O O O O O Booking-Inform +bos i am looking for an expensive restaurant in the centre 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 are 33 expensive restaurants in the centre of town . did you have a type of food in mind ? 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 Restaurant-Request+Food +bos can you give me a couple of examples of different cuisines that are available ? eos O O O O O O O O O O O O O O O O N/A +bos there is african , asian oriental , british , chinese , european , french , gastropub , indian , italian , japanese , korean , mediterranean , modern european , north american , seafood , thai , and turkish food available 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 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 O O O O O O O N/A +bos let 's go with korean . what kind of expensive korean restaurants do you have available ? 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 little seoul at 108 regent street city centre is very good . eos 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 I-Restaurant-Recommend+Addr O O N/A +bos that sounds good . could i get the postcode for little seoul please ? eos 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 post code for little seoul is cb21dp . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O N/A +bos i need the phone number and address of saint catherine 's college and a taxi to commute both distance . need to know the car type and also have the taxi 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 O Taxi-Request+Car,Attraction-Request+Phone,Attraction-Request+Type,Attraction-Request+Addr +bos okay ! they are at king 's parade , cb21rl . their phone number is 01223338300. what time would you like to depart in the taxi ? 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 O O O O O O O O Taxi-Request+Leave +bos i need a taxi to commute between the two places . i need to leave the restaurant by 18:15 and need the contact # 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+Leave O O O O O O O O O Taxi-Request+Car,Attraction-Request+Type +bos i 've booked your taxi . you 'll be looking for a red tesla . if you need to contact the driver , the number is 07464036678. can i do anything else for you 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 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 no thank you . eos O O O O O general-thank +bos okay then have a great day ! eos O O O O O O O O general-bye +bos yes , i am looking for a place to stay tonight . the hotel should be like a guesthouse in looks and style . ideally , i 'd like one in the moderate price range , please . 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 O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos is there a specific area you would like to stay in ? also , do you need internet and/or 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 Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet +bos i would like one with 4 stars please . eos O O O O O O O B-Hotel-Inform+Stars O O N/A +bos there are 11 that match your criteria . we can narrow that down a bit . would you prefer the north or the east ? 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 B-Hotel-Select+Area I-Hotel-Select+Area O N/A +bos any one is fine with me , can you just find one with an availability for 8 people for 4 nights starting sunday ? 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+Stay O B-Hotel-Inform+Day O O N/A +bos i have you booked at acorn guest house in north . starting on sunday for 4 nights for 8 people . your reference number is adgsm6si . would you like their address ? 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+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 general-reqmore +bos thank you . i will not need their address . goodbye . eos O O O O O O O O O O O O O general-bye +bos okay . thank you for calling . eos O O O O O O O O general-bye +bos i would like to know more about rosa 's b & b eos O O O O O O O O O O O O O N/A +bos sure rosa 's is located on the south side of town , is in the cheap price range and is rated 4 stars . eos O O B-Hotel-Inform+Name 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 O O O O O O B-Hotel-Inform+Stars O O O N/A +bos okay great . can you book me a room for 7 people and 3 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 O N/A +bos i 'm sorry rosa 's does not have rooms available for those days . would you like to try a different hotel ? eos 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 general-reqmore +bos yes , do you have a different cheap hotel available ? eos O O O O O O O O O O O O Hotel-Inform +bos i have none in the same area , would a different are be okay ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos just please can you find a place in the same price range . i 'll need 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 O Hotel-Request+Ref +bos alexander bed and breakfast was able to be booked , reference number is a36615hd . eos 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 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 for using our system ! eos O O O O O O O O general-bye +bos i need a hotel in cambridge that is a 4 star and has wifi eos O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O O O N/A +bos based on your request i found the university arms hotel is available . 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 N/A +bos is that located in the west ? i also need free parking . eos O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos it is in the west and it does include parking . how many days would you like to stay ? eos O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O O Booking-Request+Stay,Hotel-Inform+Parking +bos i would like to stay for 2 nights starting from saturday . also book it for 5 people . eos 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 N/A +bos i have booked the hotel starting saturday for 5 people for 2 days . the reference number is 18oadqcc . is there anything else i can do for you ? eos 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 O O O O O O O O O general-reqmore +bos can you also find me an expensive indian restaurant ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos the curry garden is an expensive restaurant located in the centre of town . do you want me to book a table ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price 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 Booking-Inform +bos actually i would like a place in the same area as the hotel , if possible . eos O O O O O O O O O O O O O O O O O O N/A +bos there are 5 expensive indian restaurants in the west , tandoori place , cocom , rice boat , maharajah tandoori restaurant and india house , do you have a preference ? 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+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O O O O N/A +bos i 'd like to try the maharajah tandoori . 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 O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos of course , the phone number is 01223358399 and the post code is cb30ah . 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 O B-Restaurant-Inform+Post O O O 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 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 please give me some information on byard art eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos it is a museum in south with free admission . what else can i help you with ? eos O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos can you give me the postcode and phone number ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure thing 01223464646 and cb21sj . eos O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone B-Attraction-Inform+Post O N/A +bos thanks so much . i am also looking for a train to cambridge . eos O O O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos could you please tell me where you will be leaving from and day of 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 will be leaving from stansed airport on tuesday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos i have a lot of options for you , was there a specific time you wanted to leave the stansted airport ? 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 yes , it should leave on tuesday and arrive by 14:00. eos O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos i have a train that arrives at 13:53. would you like a booking ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes , i 'll need 8 tickets . eos O O O O O B-Train-Inform+People O O O N/A +bos your all set , confirmation # 4waqdq0y . anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore +bos i do n't need anything else . eos O O O O O O O O N/A +bos have a great time and enjoy your visit to cambridge ! eos O O O O O O O O O O O O general-bye +bos i 'm looking for this place called rice house eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos rice house is a cheap chinese restaurant . do you need me to get a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform +bos no , just give me their phone number please , i 'm ordering take-out . eos O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos okay , their phone number is 01223367755. can i help you with anything else today ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , can you help me find info for a train going into cambridge please ? 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 where will you be departing ? eos O O O O O O O O Train-Request+Depart +bos i need to leave london liverpool street around 08:30 on thursday . eos 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 N/A +bos i have 8 trains- is there a time you need to be there by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Arrive +bos can you give me the arrival time of one of the trains ? eos O O O O O O O O O O O O O O Train-Request+Arrive +bos the arrival time of the tr0998 is 11:07. eos O O O O O O B-Train-Inform+Id O B-Train-Inform+Arrive N/A +bos can you please book it for me ? eos O O O O O O O O O N/A +bos how many tickets would you like me to book ? eos O O O O O O O O O O O Train-Request+People +bos i would like you to book 4 tickets for me . thanks . eos O O O O O O O O B-Train-Inform+People O O O O O N/A +bos the train is booked with reference number ngpnxg1q . the total fee is 66.4 gbp , payable at the station . is there anything else ? 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 general-reqmore +bos no thats all thanks ! eos O O O O O O general-thank +bos you are very welcome ! feel free to check back with us if anything comes up that you need help with . 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-welcome,general-bye +bos do you have any trains heading to cambridge on tuesday ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos i have a lot of trains . do you have a time of day ? 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 Train-Request+Arrive,Train-Request+Leave +bos yes i need to leave broxbourne after 13:15. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos tr8199 will leave at 13:32 and arrive by 14:42. do you require more information or 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 O O O O O O Train-OfferBook +bos yes book please for 1 eos O O O O O B-Train-Inform+People N/A +bos booking was successful , the total fee is 17.89 gbp payable at the station .reference number is : jwi85jqg.is there anything else i can be of 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 thank you . can you also recommend places to go in the centre of town that involves multiple sports ? 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 unfortunately , the only multiple sports attraction is in the east . can i look up some other attraction for you ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O O O O O Attraction-Request+Type +bos how 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 i 'd recommend primavera on 10 king s parade . would you like more information on it ? eos 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 O O O O O O O O O N/A +bos i need the postcode . eos O O O O O O Attraction-Request+Post +bos the postcode is cb21sj . eos O O O O B-Attraction-Inform+Post O N/A +bos thanks for your help ! eos O O O O O O general-thank +bos sure thing ! can i help you with anything else ? eos O O O O O O O O O O O O general-welcome,general-reqmore +bos no thanks you were great ! have a good day . eos O O O O O O O O O O O O general-thank +bos i hope you have a wonderful day as well . 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 place to dine that serves indian food in the centre . 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 multiple indian restaurants in the centre . are you looking for something cheap or something expensive ? eos O O O B-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 B-Restaurant-Select+Price I-Restaurant-Select+Price O N/A +bos i 'm not concerned about price , but i need a table for 6 at 12:15 on sunday . 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 curry garden , your booking was successful . the table will be reserved for 15 minutes . reference number is : ikoi9cfq . will there be anything else today ? 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 general-reqmore +bos thank you so much . can you also find me an expensive hotel with free wifi ? 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 there are two hotels near the restaurant you booked , they will meet your needs . would you like the 3 star or 4 star ? eos O 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 O O O O B-Hotel-Select+Stars I-Hotel-Select+Stars O O N/A +bos what is the name of the 3 star one ? eos O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos it is gonville hotel . need a reservation ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Booking-Inform +bos yes please for 6 people for 2 nights starting sunday eos O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos booking was successful.reference number is : nchkftg3 . 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 that will be all . thank you eos O O O O O O O O general-thank +bos thank you for calling in today . i hope you have a great stay . eos O O O O O O O O O O O O O O O O general-bye +bos i am interested in finding a great nightclub to take a friend to . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos cambridge has lots of great options . club salsa is quite popular and is in the centre . eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Area O O N/A +bos that sounds great . how much is the entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos the club salsa entry fee is 5 pounds . can i help with anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O general-reqmore +bos perhaps their phone number ? eos O O O O O O Attraction-Request+Phone +bos the phone number is 07782218745. eos O O O O O B-Attraction-Inform+Phone N/A +bos perfect , can you also help me find a place to eat that is cheap and serves indian food ? we are looking to accommodate 5 people at 17:30 on monday . eos 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 O O O O O O O O O O O N/A +bos i have found 4 restaurants . do you have a preference of area ? if not that kohinoor in the centre is very popular . eos O 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 B-Restaurant-Inform+Area O O O O O O Restaurant-Request+Area +bos just book it on monday please , for 5 at 17:30. eos O O O O O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O N/A +bos i 've booked a table for 5 on monday at 17:30. the reference number is mubjsmlx . is there anything else i can help you with ? eos 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 O O O O O O O O O O O general-reqmore +bos we need a taxi from club salsa that will get us to kohinoor in time to eat . can you make that happen ? eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Dest O O O O O O O O O O O N/A +bos i have arranged for a black honda to have you arrive at kohinoor by 17:30. the contact number for the taxi is 07997403672. is there something else i can assist with ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive 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 was all that i needed 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 good day . eos O O O O O O O O O O general-welcome,general-bye +bos i am hoping to find a great place to dine while visiting the west area of cambridge . eos 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 the best place on the west side is graffiti . it 's expensive , but they serve excellent british cuisine in a lovely atmosphere . eos O O O O O O O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price O O O O O O O O O O O O O O N/A +bos sounds fantastic ! could you book me a table for 7 for monday at 16: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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : xn0gpdoy . 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 general-reqmore +bos thanks . i am also looking for places to go in town . perhaps some boating ? 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 there are four . do you have an area of town in mind ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Area +bos no , i am open to any area . can you suggest a good place ? eos O O O O O O O O O O O O O O O O O N/A +bos how about scudamores punting co ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos sure , could you send me their address and postcode ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos their address is granta place , mill lane and postcode cb21rs 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 N/A +bos great thanks . that is all . eos 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-bye +bos i need a place stay , some place in the east with a 4 stars . eos O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O N/A +bos i found 6. what is your price range ? eos O O O O B-Hotel-Inform+Choice O O O O O Hotel-Request+Price +bos something cheap , please ! eos O O B-Hotel-Inform+Price O O O N/A +bos ok , there are three available . i suggest the autumn house . it has everything ytou need . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O general-greet +bos can you tell me the address , including post code ? eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos autumn house address is 710 newmarket road , postcode cb58rs . can i be of further help ? eos 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 O O O O O O general-reqmore +bos i am looking for gastropub food around the same area as the hotel eos O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos we have quite a few what price range are you looking at ? eos 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 no particular price range . which one do you recommend ? eos O O O O O O O O O O O O N/A +bos royal standard is a great gastropub located on the east side . would you like me to reserve you a table ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O Booking-Inform +bos yes , if you could that would be great . thank you eos O O O O O 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 i need a table for 8 at 15:45 on friday . 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 booking was successful . the table will be reserved for 15 minutes . the reference number is : djfso1bj . do you need any further assistance ? 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 no that was all i needed thank you so much . 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 yes , i am hoping to find some information about cambridge for an upcoming visit . eos O O O O O O O O O O O O O O O O O N/A +bos i can help you with that ! what area of information are you looking to find ? 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 i want to visit pembroke college . can you tell me the phone number and what type of attraction it is ? 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 O O O O O Attraction-Request+Phone,Attraction-Request+Type +bos sure , i 'd be happy to provide that information to you . the phone number is 01223338100 and it is a college type of attraction . anything else you need today ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Type O O O O O O O O O O O O O general-reqmore +bos i am looking for a restaurant in the west part of town in the moderate price range . 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 N/A +bos i have 3 choices for you . the first serves british food , the second serves indian cuisine , and the third is an italian place . which would you 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Select +bos italian sounds good . could i have the postcode and name of that restaurant ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post +bos sure ! the post code is cb30af and it 's called prezzo . eos O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O B-Restaurant-Inform+Name O O O N/A +bos perfect , i also need to book a taxi to leave by 09:45 please . eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O O N/A +bos okay , no problem , i 'd just need to get where you 're going , and where you 'd 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 O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i want to go from the restaurant prezzo by 9:45 to pembroke college . eos O O O O O O O O B-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos i have that set for you . you will be picked up by a black bmw and the contact number is 07569312325. 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 N/A +bos good , that works for me . eos O O O O O O O O N/A +bos is there anything else you need ? eos O O O O O O O O general-reqmore +bos no , that is it . thank you , goodbye . eos O O O O O O O O O O O O general-bye +bos you are welcome . it has been a pleasure talking to you . eos O O O O O O O O O O O O O O general-welcome +bos hello , i 'm looking for places to go that is a type of entertainment . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos i would be happy to help with that . is there a certain area of town you would prefer 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+Area +bos no , i 'm open to suggestions . eos O O O O O O O O O N/A +bos the funky fun house is located in the east and is quite funky and fun . 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 O O O O O N/A +bos how much is the entrance fee for funky fun house ? also , i will need the address and phone number . also , i need to book a cheap restaurant in the center . eos 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 B-Restaurant-Inform+Price O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos i do n't show the entrance fee . the address is 8 mercers row , mercers row industrial estate and the phone is 01223304705. 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 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 O N/A +bos i also need an italian restaurant please . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 15 restaurants . do you have a location or price point ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos i would like a cheap restaurant in the centre area . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos there are 3. pizza hut city centre , ask , or zizzi cambridge . which one sounds good to you ? 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 O O O O O O Restaurant-Select +bos any of them would do . can you book me a table on tuesday at 11:30 for 5 people ? 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 B-Restaurant-Inform+People O O N/A +bos not a problem , i have five of you booked for zizzi cambridge at 11:30 on tuesday . your reference number is yxgplz55 . is there anything else today ? eos O O O O O O B-Booking-Book+People O O O O B-Booking-Book+Name I-Booking-Book+Name 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 general-reqmore +bos i need a taxi to take me between the two place . can you help ? eos O O O 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 bmw . if you need to contact the company , their phone number is 07372392556. 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 O B-Taxi-Inform+Phone O O O O O O general-reqmore +bos no , that 's all . thanks for all your help . eos O O O O O O O O O O O O O general-thank +bos you 're welcome . please call again . eos O O O O O O O O O general-welcome,general-bye +bos thank you , i will . goodbye . eos O O O O O O O O O general-bye +bos goodbye and have a nice night . eos O O O O O O O O general-bye +bos i 'm so bored ! can you find me something to do on the west end of the city , please ? 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 N/A +bos we 've got 13 attractions in that area 5 colleges , 1 entertainment center and seven museum . do you have a preference ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O Attraction-Request+Type +bos none , what is one that you would recommend ? eos O O O O O O O O O O O N/A +bos i find the museum of classical archaeology fascinating . it 's also free ! would you like any more information on it ? 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 B-Attraction-Recommend+Fee O O O O O O O O O O O O general-reqmore +bos a free museum is a great choice . what is the address so i can go right away ? 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 the museum of classical archaeology is located on sidgwick avenue in postcode cb39da . 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 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 yes , what is the attraction type for the museum of classical archaeology ? then , i will have another topic for you . 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 O Attraction-Request+Type +bos it is a museum located in the west . they are located on sidgwick avenue . what else can i help you with today ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 general-reqmore +bos i 'd also like to find an expensive indian restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i 've found curry garden , would you like their information ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O general-reqmore +bos can you just book it for me ? table for 1 on friday at 13:15. if you can , i would like the reference number . 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 O O O O O O O O O Restaurant-Request+Ref +bos unfortunately , booking was not successful . may i try another day or time slot ? eos 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 yeah , how about 12:15 ? eos O O O O O O O N/A +bos i was unable to book at that time too , can we try some different time please 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 good morning , i am planning a trip in cambridge and i 'm 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 O N/A +bos sure , there is much to see in cambridge . do you have any preferences ? 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 Attraction-Request+Type +bos we will be staying in the east part of town , somewhere near there would be fine . 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 there 's 10 attractions in the east . are you interested in a museum ? eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O B-Attraction-Select+Type O O O N/A +bos a museum is fine . could i get the postcode and address please . eos O O B-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos cambridge artworks is found at 5 greens road . their postcode is cb13ef . eos 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+Post O O N/A +bos thanks ! i 'm also looking for a gastropub in the same area that i 'd like to book for 1 on saturday at 17:45. 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+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A +bos royal standard is a fantastic gastropub in the east . i booked the reservation for you on saturday at 17:45. the reference number is 8jaqfyi2 . is there anything else you need ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O O O O 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 general-reqmore +bos i believe that 's all . eos O O O O O O O N/A +bos i 'm so glad i could help . enjoy your stay in cambridge ! goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos let 's find me a cheap eatery in the north part of the town . thank you . 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 N/A +bos there are 2 places in the north that are in the cheap price range . royal spice which serves indian food and da vinci pizzeria . do either sound good to you ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price 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 I-Restaurant-Inform+Name O O O O O O Restaurant-Select +bos royal spice sounds good . can you reserve a table for 2 at 17:45 on sunday ? 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 N/A +bos sure reference number is ch9zlefo eos O O O O O B-Booking-Book+Ref N/A +bos i also need a place to stay eos O O O O O O O O N/A +bos could you tell me what area you would like to stay in , and if you require parking or wifi ? 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+Internet,Hotel-Request+Parking +bos i want somewhere with 0 stars and free wifi that is cheap and in the north , just like my restaurant eos O O O O O O B-Hotel-Inform+Stars 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 found the city centre north b and b guesthouse . it is cheap and has 0 stars . 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 B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O N/A +bos can you tell me the postcode ? eos O O O O O O O O Hotel-Request+Post +bos sure . the postcode is cb43ht . can i help you with anything else 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 i 'm going to need a taxi also . eos O O O O O O O O O O Taxi-Inform +bos okay , please tell me where you will depart from , your destination , and a time that you either wish 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+Depart,Taxi-Request+Arrive,Taxi-Request+Leave,Taxi-Request+Dest +bos the hotel to the restaurant ... . eos O O O O O O O O N/A +bos the taxi booking has been completed ! look out for a yellow bmw the contact number is 07132659323. anything else i can assist 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 general-reqmore +bos that does it for now , thank you . eos O O O O O O O O O O general-thank +bos great . thanks for talking to us ! eos O O O O O O O O O general-bye +bos hi , i 'm looking for a place to eat some indian food . eos O O O O O O O O O O B-Restaurant-Inform+Food 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 i would like it to be expensive . eos O O O O O O O B-Restaurant-Inform+Price O N/A +bos i have several great options . did you have an area of town in mind ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Area +bos i 'd like a place in the south , please . eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos taj tandoori is the place you want to go . it meets all of your needs . need a table ? 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 O O Booking-Inform,general-greet +bos no , but 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos of course , the address is 64 cherry hinton road cherry hinton and their postcode is cb17aa . their phone number is 01223412299 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 O O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O N/A +bos i would also like to go to some attractions 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 a number of attractions in the area . there 's a cinema , a museum , a nightclub , some parks , a theatre ... do any of these appeal to you in particular ? 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 B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type O O O O O O O O O O O O O O N/A +bos restaurant is what i am looking for , entrance fee and postcode please . get me a taxi from the attraction by 10.15 , get me its 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,Attraction-Request+Fee +bos just to clarify you are looking for another restaurant and not an attraction ? eos O O O O O O O O O O O O O O O Restaurant-Select,Attraction-Select +bos oh , yeah , i do want information on attractions ! in the same area . after that , i will need 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 Taxi-Inform,Attraction-Inform +bos if you like parks the wandlbury country park has free admission and is in the cb223ae postcode . or i can tell you about the other attractions ? eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Post O O O O O O O O O O O O general-reqmore +bos that sounds wonderful , is it also in the south part of town ? if so , i 'd like a taxi from there to my hotel . eos 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 yes , wandlebury country park is in the south . in order to help you book a taxi between the park and your hotel , i need to know what hotel you 're at . 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 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 want a taxi from the restaurant that i am at eos O O O O O O O O O O O O N/A +bos 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 ? eos O O O O O 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 i 'm sorry , i 'd like a taxi from wandlebury country park to taj tandoori . i 'd like the taxi to pick me up at 10:15. eos 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 O O O O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos okay , i have booked a taxi for you it will be a white tesla and the contact number is 07162438055. would there be anything else ? 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 general-reqmore +bos no , that is all . goodbye ! eos O O O O O O O O O general-bye +bos thanks for using cambridge towninfo centre , goodbye ! eos O O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for a moderately priced restaurant that serves christmas food . do you know of any ? eos 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 N/A +bos i have no matching records found . would you like something different ? eos O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos do you know of any restaurants that offer italian food that 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 there are 5 italian restaurants in the moderate price range . what area do you prefer ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O O O Restaurant-Request+Area +bos i changed my mind . could you find a restaurant that serves asian oriental 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 N/A +bos i have found the yippe noodle bar . it is located in the centre . would you like 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 B-Restaurant-Inform+Area O O O O O O O O Booking-Inform +bos yes , a table for six , please . eos O O O O O O O O O O N/A +bos okay and which day and time would be best for you ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos wednesday at 13:00 , if that 's available . eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O N/A +bos i was not able to book , can i try another place or time ? 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 12:00 ? eos O O O B-Restaurant-Inform+Time O N/A +bos your table is reserved for 12:00. your reference number is xoy3do4v . eos O O O O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A +bos i would also like to go to a museum nearby in the south part of town . please also give me its address and entrance fee . eos 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 O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos i have byard art museum in the south . they offer free admission . they are located at 14 king 's parade . is there anything else i can do for you ? eos 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 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 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 N/A +bos byard art museum is located at 14 king 's parade and the phone number is 01223464646. let us know if we can help further . 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 B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos thank you again . eos 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-greet +bos i will . goodbye . eos O O O O O O general-bye +bos goodbye . if you need anything else , do n't hesitate to contact us again . 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 restaurant sitar tandoori . can you give me more information ? eos O 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 sitar tandoori is a indian restaurant in the east . it is considered expensive . would you like to make 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 O B-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos yes . i would like to book a table for 6 at 18:00 on monday please . eos O O O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O O O N/A +bos sorry , the booking was unsuccessful . can you please choose another day or time slot ? eos 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 for 17:00 instead ? and if they are available , i need the reference number . eos 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 alright , i 've got your reservation booked , reference number is pe2fbnen . 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 a college to visit while i am in town . 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 colleges in the east . can i look somewhere else ? eos O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O Attraction-Request+Area +bos how about in a different area ? eos O O O O O O O O N/A +bos there are 4 colleges in the west . churchill college is located at storey 's way . it 's entrance fee is free . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area 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 N/A +bos someone just robbed me , i need to contact the police . eos O O O O O O O O O O O O O Police-Inform +bos the parkside police station telephone number is 01223358966. the address is parkside , cambridge , postcode cb11jg . 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 so much ! bye . eos O O O O O O O O general-bye +bos you are quite welcome ! eos O O O O O O general-bye +bos hi , i 'm going to visit cambridge and am interested in finding a cheap restaurant that serves international type fare . eos 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 there is only one restaurant that fits what you are looking for and is called the missing sock . would you like to book there ? eos 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-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Booking-Inform +bos where in cambridge is the missing sock located ? eos O O O O O O O O O O N/A +bos the missing sock is located at finders corner newmarket road , and their postcode is cb259aq . would you like to reserve a table there ? 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 O O O O B-Restaurant-Inform+Post O O O O O O O O O O O Booking-Inform +bos sure but can i also have the phone number as well ? eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos of course . it is 01223812660. 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 general-reqmore +bos i would like a train that arrives at cambridge at 17:30 eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Arrive N/A +bos before we get to the train , you mentioned wanting to make a reservation at the missing sock . would you like to do that ? 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 I-Booking-Inform+Name O O O O O O O O N/A +bos no , i do n't need a reservation there . i do need a train from cambridge on thursday . i 'll be going to norwich , and i need to get there by 17:30. 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 O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive O O O O O O N/A +bos tr8604 will be arriving at norwich by 16:55 on thursday . that is the closest to your requested time , would you like to book ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O B-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O B-Train-OfferBook+Day O O O O O O O O O O O O O O O O N/A +bos yes please i would like to book . eos O O O O O O O O O N/A +bos great how many tickets will you need ? eos O O O O O O O O O Train-Request+People +bos i need 3 tickets please . eos O O O O B-Train-Inform+People O O N/A +bos your booking was successful . the total is 52.8 gbp , payable at the train station . your reference number is r22nvxla . 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 O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos that is it , thank you very much . eos 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 i 'm looking for lodgings that are moderately priced . eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos i 've found several hotels in the moderate price range . is there a specific area of town you 're looking to stay in ? eos 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 O O O O O O Hotel-Request+Area +bos yes , i 'm looking to stay in the north . eos O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i 've found 11 possibilities for you . would you prefer a guest house or a traditional 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 O N/A +bos the hotel should be in the moderate price range and should include 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 how about the acorn guesthouse ? free wifi and moderate price range . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O O O O Hotel-Recommend+Internet +bos i am actually looking for a hotel . is the acorn guesthouse listed in that type ? 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 no , it is not . how about ashley hotel ? eos O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name O O O Hotel-NoOffer +bos sure , book me for 2 people for 5 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 booking was successful.reference number is : wjffgvwd.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 general-reqmore +bos that will be all . good bye . eos O O O O O O O O O general-bye +bos good bye , enjoy your stay . eos O O O O O O O O general-bye +bos hi , i need a taxi to gourmet burger kitchen going from hamilton lodge ! eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos when would you like to get there by ? eos O O O O O O O O O O Taxi-Request+Arrive +bos i want to leave after 4:00. eos O O O O O O O N/A +bos when would you like to arrive ? eos O O O O O O O O Taxi-Request+Arrive +bos it does n't matter , i just want to leave after 4:00. eos O O O O O O O O O O O O O N/A +bos booking completed ! booked car type : grey fordcontact number : 07789662806 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 so very much . i am finished . eos O O O O O O O O O O O general-thank +bos thank you for contacting the cambridge towninfo centre ! 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 have a star of 3 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+Stars O O O O B-Hotel-Inform+Price O O O N/A +bos i have 4 results for a moderate 3 star guesthouse , what area are you looking to stay in ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Area +bos i 'm not too particular about which particular area i say in , but i do 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 N/A +bos the hamilton lodge is a 3 star hotel in the moderate price range , it has free parking . 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 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 O O O O O Booking-Inform,Hotel-Inform+Parking +bos no , 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 156 chesterton road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos that 's all i need , thank you ! ! eos O O O O O O O O O O O general-thank +bos welcome next time eos O O O O general-welcome +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 'm looking for a place , i believe its official name is `` parkside 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 the parkside police station is located at parkside , cambridge and their telephone number is 01223358966. 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 N/A +bos what is their postcode ? eos O O O O O O Police-Request+Post +bos their postcode is cb11jg . eos O O O O 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 you are most welcome ! eos O O O O O O general-bye +bos i am looking for a place serving indian food in the west . 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 tandoori palace is an excellent choice , though it 's a bit expensive . would you like a table there ? eos O O B-Restaurant-Recommend+Name I-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 Booking-Inform +bos yes , please book for 3 people at 13:15 on monday . include reference number , please . 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 Restaurant-Request+Ref +bos you are all set for 13:15 monday . your reference number is 36nikcyf . can i help you with anything else ? eos O O O O O 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 general-reqmore +bos no , that 's all . thanks ! bye ! eos O O O O O O O O O O O general-bye +bos all right , enjoy your meal ! eos O O O O O O O O general-bye +bos i would like for a taxi to take me to london liverpool street train station , arriving no later than 17:45 please 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 O O O O B-Taxi-Inform+Arrive O O N/A +bos i can book that for you , first i 'll need to know where you 'd like picked 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 Taxi-Request+Depart +bos i would like to depart from london kings cross train station . eos 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 N/A +bos a white toyota is booked for you . eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O N/A +bos excellent , can i get a contact number please ? eos O O O O O O O O O O O N/A +bos of course . the contact number is 07689939820. can i help with anything further ? eos O O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos that 's great . thanks eos O O O O O O general-thank +bos i would like a taxi to take me to london liverpool street train station eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos thank you goodbye eos 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 looking for home from home hotel eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos i see home from home located at 78-80 milton road . would you like to book a stay ? eos 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 I-Hotel-Inform+Addr O O O O O O O O O Booking-Inform +bos what is the star rating for the hotel ? and what area is that in ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos home from home is a guesthouse hotel with a 4 star rating . it is in the north end of town and has a moderate price range . would you like to make a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars 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 O O O O O O O O O O O O Booking-Inform +bos not at this time , thank you . i am , however , looking for a train that goes to bishops stortford on saturday . 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+Day O O O O O N/A +bos there are 10 trains available that day . is there a particular time of day you want to travel ? 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 Train-Request+Leave,Train-Request+Arrive +bos i 'd like to depart from cambridge after 18:45 please . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O N/A +bos tr4673 leaves at 19:29 and arrives at 20:07. eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos could i please have the price and travel time as well ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos the price for that travel time is 8.08 pounds and the duration of the trip is 38 minutes . can i book this travel time for you now ? 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 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 for your help . 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 i 'm looking for a hotel to stay at that is moderately priced and includes free wifi . 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 N/A +bos i have 17 different options . in order to narrow down an option for you , can you tell me what area 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 O O O O O Hotel-Request+Area +bos i am not sure but i do want it to 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 N/A +bos we have 11 such entries . does free parking matter to you ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Parking +bos not really , but free parking could be nice . eos O O O O O O O O O O O N/A +bos if you have no other preferences to help narrow it down , may i suggest the acorn guest house ? it 's very nice , with free wifi and free parking as well . eos 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 I-Hotel-Recommend+Name O O O O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos that is perfect . please book 3 days starting on sunday . eos O O O O O O O O O O O B-Hotel-Inform+Day O N/A +bos okay and how many guests will be included in the reservation ? eos O O O O O O O O O O O O O Booking-Request+People +bos there will be 4 people for 2 nights starting monday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O N/A +bos you said sunday at first and they you just said monday . do you want it for sunday or monday ? 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 sorry . monday is what i want . eos O O O O O O O O O N/A +bos i 'm sorry , but the hotel is n't available for your stated days . 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 O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos is there another hotel that has a room available for 4 people for 2 nights starting on monday ? 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 there are no rooms available for 2 nights starting on monday . how about a different day or a shorter period ? eos O O O O O O O O B-Booking-NoBook+Stay O O B-Booking-NoBook+Day O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos okay , how about for 1 night ? eos O O O O O O B-Hotel-Inform+Stay O O N/A +bos your booking request was successful ! , would you like the reference number ? or 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 O O Booking-Book,general-reqmore +bos yes . i do need the booking number and would also like to check into a train . eos O O 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 depart from ? eos O O O O O O O O O Train-Request+Depart +bos i 'd like to go from broxbourne to cambridge on monday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O O N/A +bos hi , we have several trains leaving on monday . is there a particular time of day , you 'd like to leave ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Day O O O O O O O O O O O O O O O O Train-Request+Leave,general-greet +bos i would like to leave after 12:30 eos O O O O O O O O N/A +bos i have several trains running that day , the earliest i can offer that leaves after 12:30 is tr3108 which leaves at 13:32 and arrives by 14:32 , would you like me to book your tickets ? eos O O O B-Train-Inform+Choice 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 B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos yes , please , and can i have a confirmation number as well ? eos O O O O O O O O O O O O O O O N/A +bos absolutely . how many tickets would you like to get ? eos O O O O O O O O O O O O Train-Request+People +bos i only need one ticket . thank you . eos O O O O O O O O O O general-thank +bos i have booked your ticket for one , is there anything else you need ? eos O O O O O O O B-Train-OfferBooked+People O O O O O O O O general-reqmore +bos what is the travel time for the train ? eos O O O O O O O O O O Train-Request+Duration +bos the train leaves at 13:32 and arrives 14:32 for a travel time of 60 minutes . is there anything else you need ? eos O O 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 O O O O general-reqmore +bos that 's all . thanks ! goodbye ! eos 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 can you book me 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 there are 202 trains to cambridge on saturday . can you tell me your departure station and the time you 'd like to travel ? 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 O O O O O O Train-Request+Depart,Train-Request+Leave +bos i would like to leave from stansted airport after 15:00 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 found nine trains leaving stansted airport for cambridge , leaving every hour starting at 15:24. would you like to book that first train ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest 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 i would maybe be interested in booking this train . what is the train id , price per ticket 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 O Train-Request+Price,Train-Request+TrainID +bos the train is tr1493 with the price 8.08 pounds . the arrival time is 15:52. eos O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Arrive O N/A +bos okay thanks , i also need info for the cow pizza kitchen and bar . 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 N/A +bos ok. that 's a moderately-priced gastropub in the centre . would you like the address or phone number ? eos 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 general-reqmore +bos i would like to make a reservation for 6 people on saturday . eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O N/A +bos what time would you like ? eos O O O O O O O Booking-Request+Time +bos i 'd like the table for 19:00 , please . eos O O O O O O O O O O O N/A +bos okay . i have made a reservation for saturday at 19:00 for six people . 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 N/A +bos great , all i need is the reference number please . eos O O O O O O O O O O O O Restaurant-Request+Ref +bos i unfortunately do not have this info for you . the booking is now saying unsuccessful . eos O O O O O O O O O O O O O O O O O O Booking-NoBook +bos can you try again please ? eos O O O O O O O N/A +bos unfortunately , after trying to book again i was still unsuccessful . 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 O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos could you please try 18:00 on the same day ? eos O O O O O B-Restaurant-Inform+Time O O O O O N/A +bos your booking for saturday at 18:00 was made . your reference number is l7w1nacd . may i help you with anything else today ? eos O O O 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 general-reqmore +bos that is all . thank you . 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 hi , i need a really expensive restaurant . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos well there are quite a few . i see african , asian , and british cuisine . what area will you be in so that i can narrow down the search eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O Restaurant-Request+Area +bos actually , i was confused . i 'm really looking for some lodging accommodations . i 'd like a 4 star location with free wifi . something that 's expensive , please . does n't matter if it has 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 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 wonderful how about the huntingdon marriott . rave 4 star accommodations and free wifi & parking eos 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 O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds wonderful , could you please make a reservation . eos O O O O O O O O O O O O N/A +bos for how many and for how long ? eos O O O O O O O O O Booking-Request+Stay,Booking-Request+People +bos i do n't need a reservation at this time , but i do need the address , postcode , and area for the huntingdon marriott , 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+Post,Hotel-Request+Addr +bos it is located in the west on kingfisher way , hinchinbrook business park . post code pe296fl . eos O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O N/A +bos great ! can you also help me find a modern european restaurant in the south ? 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 N/A +bos restaurant alimentum looks wonderful ! it is located at 152 - 154 hills road 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 I-Restaurant-Inform+Addr N/A +bos i want to book a table for one at 14:30 on friday . eos O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos i have a table reserved for you . the reference number is xykuxp14 . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks ! can you also book a taxi for me ? i need to make sure i get to the restaurant on time 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 O O O Restaurant-Inform,Taxi-Inform +bos i have a taxi booked with a contact number of 07582512082 car type yellow bmw . can i help you with anything else ? eos O O O O O O O O O O O B-Taxi-Inform+Phone O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 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 'm looking for an upscale , expensive place to eat on the west side 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 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 'm really in the mood for jamaican food . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry . there are no restaurants matching your criteria . eos O O O O O O O O O O O O O Restaurant-NoOffer +bos how about some indian food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos okay now i have many options would you like a reservation at one of them ? eos O O O O O B-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform +bos i would . can you book me a table for 1 on tuesday at 11: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 O O N/A +bos i 'm sorry , all 5 restaurants meeting your criteria are booked at this time . would you like me to try a different time slot ? 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 O O O Booking-NoBook,Booking-Request+Time +bos yes , can you try 10:45 ? eos O O O O O B-Restaurant-Inform+Time O O N/A +bos i was able to book you a table at rice boat on tuesday at 10:45. the reference number is ytg3eogf . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Booking-Book+Day O B-Booking-Book+Time 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 great ! enjoy your meal ! goodbye ! eos O O O O O O O O O general-bye +bos yes , i would like to book a train that is leaving monday , and is going to 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+Dest O O O N/A +bos there are 202 trains to cambridge on monday . can you tell me your departure station and the time you 'd like to travel ? 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 O O O O O O Train-Request+Depart,Train-Request+Leave +bos i want to depart from bishops stortford and arrive to cambridge by 12:00. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos there are 3 trains available . what is your departure time ? eos O O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Leave +bos whichever departure is closest to the arrival would be the best . eos O O O O O O O O O O O O O N/A +bos tr0757 seems to be the best . let 's go with that . eos O B-Train-Inform+Id O O O O O O O O O O O O N/A +bos ok great can you give me the price for the ticket ? eos O O O O O O O O O O O O O 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 thank you so much . i am also looking for a nice place to eat , moderate price in the center that serves crossover . 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 B-Restaurant-Inform+Food O O O Train-Request+Price +bos i 'm sorry , but i do n't have anything that meets your needs . would you like to look for a different type of cuisine , 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 O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos spanish food sounds pretty good too . can you check on that one for me ? eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O N/A +bos i have found la tasca which serves spanish food in town centre . would you like me to reserve a table for you here ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O 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 O O Booking-Inform +bos is it moderately priced ? eos O O O O O O Train-Request+Price +bos it is ! would you like me to book a table for you ? eos O O O O O O O O O O O O O O O Booking-Inform +bos okay , book me a table for 5 at 17:30 monday . if that 's not available , 16:30 would work . and i need the reference number , please . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O O B-Restaurant-Inform+Time O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos booking was successful for 16:30. the table will be reserved for 15 minutes . reference number is : ci38i8z2 . eos O O 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 N/A +bos thank you very much that will be all eos 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 'm looking for hotels in the center area of town . eos O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos great . i have 3 options available for you . is there a price range or star rating you 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 O Hotel-Request+Stars,Hotel-Request+Price,general-greet +bos i do n't care , but i 'd like free parking . eos O O O O O O O O O O O O O N/A +bos i have the gonville hotel with free parking in the center that is in the expensive price range . eos O 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 B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O Hotel-Recommend+Parking +bos the gonville hotel is good . can i book a room ? eos O O O O O O O O O O O O O Hotel-Inform +bos yes i need to know how many people wil be staying and for how long and from when . eos 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 does it have free wifi and what is the rating of the hotel ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos they have free wifi and the rating of the hotel . eos O O O O O O O O O O O O Hotel-Inform+Internet +bos how many stars is the hotel rated ? eos O O O O O O O O O Hotel-Request+Stars +bos the gonville hotel is rated 3 stars . can i book you 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 O O O O Booking-Inform +bos are there any museums close to the hotel ? eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are 11 museums in the centre . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O B-Attraction-Inform+Area O N/A +bos that 's great , could you pick me one and provide the entrance fee , phone number , 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 Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos broughton house gallery is free entrance . the address is 98 king street and phone is 01223314960. is there anything else ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Fee 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+Phone 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 the gonville hotel is nice . would you like me to reserve you any rooms ? 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 Booking-Inform +bos what is their star rating ? eos O O O O O O O N/A +bos they have a 3 star rating eos O O O O O B-Hotel-Inform+Stars O N/A +bos thanks , but i believe we are repeating ourselves . the hotel and attraction are all i need at this time . 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 Attraction-Inform,Hotel-Inform +bos do you want hotel reservations ? eos O O O O O O O Booking-Inform +bos hi , i am looking for some attractions that are 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 there are tons of things to see and do in the centre ! is there a particular type of attraction you are looking for ? eos O O O B-Attraction-Inform+Choice O 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 O O O O O Attraction-Request+Type +bos what do you recommend ? eos O O O O O O N/A +bos cambridge university botanic gardens is always a fun way to spend time on a beautiful day . it is gorgeous this time of year . can i give you more information ? 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 O O O O O O O O O O O O O O O general-reqmore +bos yes , please . i love botanic gardens . can you find the phone number for me ? eos 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 01223336265. eos O O O O O B-Attraction-Inform+Phone N/A +bos i also need a place to stay . eos O O O O O O O O O N/A +bos which area would you like ? eos O O O O O O O Hotel-Request+Area +bos i would also like the hotel to be in the city centre . i 'd like to find something in the cheap price range . eos 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+Price O O O O O N/A +bos there are two hotels that fit your criteria . i would recommend the alexander bed and breakfast as it gets 4 stars . 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 I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars O O N/A +bos may i have the postcode , address and the star of the hotel please ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos it 's a four star hotel , located at 56 saint barnabas road with the postcode cb12de . is there anything else i can find for you ? eos O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O B-Hotel-Inform+Addr I-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 O O O general-reqmore +bos i also need a taxi . i need to leave cambridge university botanic gardens by 14:00 and go to alexander bed and breakfast . 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+Leave 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 have booked your taxi look for a red tesla and the contact number is 07685178468. 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 sure thank you so much , that is all . eos O O O O O O O O O O O general-thank +bos you 're welcome and glad i could assist you . eos O O O O O O O O O O O general-welcome +bos hello , i 'm looking for places to go in town when i visit cambridge . what kind of entertainment attractions are there available 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 O O O O B-Attraction-Inform+Area O O O O N/A +bos there are n't any entertainment attractions in the center 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 N/A +bos how about a swimming pool in centre ? eos O O O O O O O B-Attraction-Inform+Area O N/A +bos yes , parkside pools is in the centre of town , on gonville place . eos 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos how much is admissoin ? eos O O O O O O N/A +bos unfortunately my system is not showing an entrance fee but i can give you their phone number so you can call and inquire . eos 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 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 yes , please - the phone number and postcode . eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos okay . the phone number is 01223446100 and the post code is cb11ly . 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+Post O O O O O O O O O O O O general-reqmore +bos i also want to book a stay at alpha-milton guest house . i want to book for 3 people and 2 nights starting from wednesday . 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 B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A +bos it has been booked . reference number is opfpjhuk . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you so much you have been a big help . eos O O O O O O O O O O O O general-thank +bos no problem . enjoy you stay . eos O O O O O O O O general-welcome,general-bye +bos thank i will . eos O O O O O general-thank +bos great ! bye now ! 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 N/A +bos i can help you with that . do you prefer hotels or guesthouses ? eos O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type general-welcome +bos that does not matter but i would like it in the cheap price range . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos there is a bed and breakfast on 56 saint barnabas road by the name of alexander , with free parking , internet and 4 star rated . all in a very cheap price . eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds perfect . that 's all i needed for today , thanks . eos O O O O O O O O O O O O O O O general-thank +bos enjoy your stay in cambridge , have a great day ! eos O O O O O O O O O O O O general-bye +bos i would like to find a pool as well . eos O O O O O O O O O O O N/A +bos there are 4 to choose from . would you rather go to one located in the east , north , or centre ? eos O O O O B-Attraction-Inform+Choice 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 N/A +bos let 's put the pool on hold . i forgot to ask you to book the alexander for me . it is just me for two nights beginning 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 O O N/A +bos i 'd be happy to reserve your rooms for you . how many people will you be traveling with ? 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 +bos there is only me . eos O O O O O O N/A +bos your booking for alexander bed and breakfast was successful . the reference number is f371fpba . what else can i do for you ? eos 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 B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos please arrange for a taxi to pick me up from the attraction at 21:00 and take me to the hotel . i 'll need car and contact info too . 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 N/A +bos we didnt pick out a pool yet , any preference in area ? eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O Attraction-Request+Area +bos yes , i 'd like in to be in the centre of town eos O O O O O O O O O O O O O O N/A +bos i am sorry i need to know where you are going ? eos O O O O O O O O O O O O O Taxi-Request+Dest +bos i would like a swimming pool at the centre of town . eos O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos parkside pool is in the centre of town . the address is gonville place and the phone number is 01223445100. 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 O O O O O B-Attraction-Inform+Phone O N/A +bos hello , can you give me information about the hotel express by holiday inn cambridge , 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 I-Hotel-Inform+Name O O O O N/A +bos of course , what would you like to know ? eos O O O O O O O O O O O general-reqmore +bos i would like the phone number and area of town in which it is located . eos O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Phone +bos 01223866800. it is in the east . is there anything else ? eos O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Area O O O O O O general-reqmore +bos yes , i would like some information about an attraction called parkside pools , 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 N/A +bos sure . it 's a swimming pool in the centre area . do you need additional 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 O O O general-reqmore +bos just the postcode and phone number . eos O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the post code is cb11ly and the phone number is 01223446100. eos O O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone N/A +bos great , thanks ! that 's all i needed . thanks 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 great day ! eos O O O O O O O O O O general-welcome,general-bye +bos i would like to go to a college in the north . eos O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Area O N/A +bos can you tell me the name of the college ? and the city it is located ? eos 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 actually , i was hoping you could help me . i am looking for colleges to visit 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 O O O O O N/A +bos cambridge has many different colleges , but none are in the north . would you be interested in a different area , perhaps ? eos O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type 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 oh okay . how about a swimming pool instead ? eos O O O O O O O O O O O N/A +bos there are two swimming pools in north . jesus green outdoor pool is between victoria road and the river . eos O O O O B-Attraction-Inform+Choice 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 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 N/A +bos either is fine . i need the postcode for the pool . then i need to find a hotel . 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 +bos the postcode for the jesus green outdoor pool is cb43px . what else can i 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 general-reqmore +bos how much is admission to the pool ? eos O O O O O O O O O N/A +bos i do not have the information on the entrance fee . 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos i need somewhere to stay in the north . with free parking and 4 stars . eos O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O N/A +bos there are many guesthouses to choose from in the north with these specifications , how about acorn house ? when is the reservation for ? 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 B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Request+Day +bos as long as it has 4 stars and free parking and in the same area as the swimming pool . i need price range , postcode and phone number 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 O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Price +bos acorn guest house is in the north . it is moderately priced with 4 stars and includes internet and parking . the phone number is 01223353888 and postcode is cb41da eos 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 B-Hotel-Inform+Stars O O O O O O O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos thank you so much ! eos O O O 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 general-reqmore +bos that 's all for now . thank you . 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 general-welcome,general-bye +bos hello , i am looking for a museum in cambridge . what museums are there ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos the broughton house gallery is a museum in cambridge 's centre . was there a particular side of the city you would like ? eos O O B-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+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O Attraction-Request+Area +bos i did n't have an area preference so that works . eos O O O O O O O O O O O O Attraction-Request+Area +bos very good . they are at 98 king street , cb11ln . their phone number is 01223314960 , and admission is free . can i help you with anything else ? eos O O 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 B-Attraction-Inform+Fee O O O O O O O O O O O O O general-greet,general-reqmore +bos i also need to book a room in a 2 star hotel . eos O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos there are 3 hotels that have 2 stars do you have a price range or an area you want 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 O O O O Hotel-Request+Price,Hotel-Request+Area +bos a hotel in the moderate price range that includes free parking . eos O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O N/A +bos i recommend the ashley hotel . it 's a nice little place on the north side of town . would you like to book a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name 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 O O O O O O O Booking-Inform +bos yes please . i 'll need to for 5 nights starting on saturday for 5 people . eos 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 booking was successful . your reference number is aabmc4ep . 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 to get a taxi to leave the attraction by 21:30. i need a contact number and car type . 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 Taxi-Request+Car +bos where would you like to go from the broughton house gallery ? eos O O O O O O O O O O O O O Taxi-Request+Dest +bos yes thats exactly where i want to go eos O O O O O O O O O N/A +bos a very cool white tesla will be picking you up contact number is 07558242015 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 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 lovely day , goodbye . eos O O O O O O O O general-bye +bos i am looking for a college in town eos O O O O O O B-Attraction-Inform+Type O O N/A +bos sure , which part of town are you interested in ? eos O O O O O O O O O O O O Attraction-Request+Area +bos area does not matter . you pick , just let me know the area and postcode 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 +bos well i have christ college in the city center and their postcode is cb23bu . eos 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 O B-Attraction-Inform+Post O N/A +bos do you have any other suggestions ? eos O O O O O O O O N/A +bos there is also churchill college on the west side . their postcode is cb30ds . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Post O O N/A +bos thank you . i also need 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 O N/A +bos home from home is a guest house located on milton road in the north area . do you need additional information ? eos O B-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+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Area O O O O O O O O general-reqmore +bos i just need a reference number for the reservation . eos O O O O O O O O O O O Hotel-Request+Ref +bos what dad do i reserve and for how many ? eos O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos i do n't need any dads reserved . i already have one . eos O O O O O O O O O O O O O O N/A +bos i need to know what day you will be arriving and how many nights 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Stay +bos there will be 3 people and 4 nights from thursday eos 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 : f9wofy5c . 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 no that will be all 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 hi , i am looking for information on a place to stay . eos O O O O O O O O O O O O O O N/A +bos sure , are you looking for anything specific ? eos O O O O O O O O O O Hotel-Request+Name +bos yes a four star hotel that is cheap . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O N/A +bos the cambridge belfry is a cheap hotel with a 4 star rating . it 's at back lane , cambourne . can i book it ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O B-Hotel-Recommend+Stars O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O Booking-Inform +bos is that a guesthouse ? that is the type i am looking for . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos there are 7 guest houses that are cheap , which part if town did you have in mind ? 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 Hotel-Request+Area +bos i do n't care about price . i just need a place to stay in the north that 's 4 stars . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stay O O O O N/A +bos there are eight guesthouses in the north . i recommend home from home it has free internet and parking . would you like me to book that ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area 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 Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos yes , i would appreciate it if you would book that . eos O O O O O O O O O O O O O N/A +bos can you tell me the day , number of nights and how many guests please ? eos 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 our stay will start on tuesday for 4 nights . our party includes 8 people . eos 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 N/A +bos okay , your booking was successful . the reference number is db9c3ovk . 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 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 will you need a restaurant booking or attraction information ? i can also help with transportation . eos 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 all . eos 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 O general-bye +bos i 'm looking for a place to stay with free wifi . find me a hotel like that with a star of 4. 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 B-Hotel-Inform+Stars O O N/A +bos okay . would you like to stay on the west side of town , or the centre ? eos O O O O O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O N/A +bos i would like to stay in the south please . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i 'm sorry but i do n't have any hotels that match your criteria in that area , would you like to try another part of town ? 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 O O O O Hotel-Request+Area +bos can you double check for a 4 star , south area hotel with free wifi and parking please ? eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Area O O O O O O O O O O N/A +bos i have 2 guesthouses matching your requirements , one cheap and one moderate . i recommend the moderately-priced aylesbray lodge . 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 B-Hotel-Recommend+Price B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos okay , thanks . i 'm also looking for a train for friday . eos O O O O O O O O O O B-Train-Inform+Day O O O O N/A +bos we have 2,828 entries for a train . could you narrow it down to what you need ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O O general-reqmore +bos i need to get a train that will arrive by 13:30 heading to cambridge from norwich eos O O O O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart O B-Train-Inform+Dest 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 friday . eos O O O O O O B-Train-Inform+Day O N/A +bos how many tickets ? eos O O O O O Train-Request+People +bos just for myself please . eos O O O O O O N/A +bos we have trains leaving every hour from 05:36 to 11:36. how early do you want to leave ? eos 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 Train-Request+Leave +bos it does n't matter as long as i arrive by 13:30. eos O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos the first train leaves at 5:36. eos O O O O O O B-Train-Inform+Leave N/A +bos can you book it for me ? eos O O O O O O O O N/A +bos you are booked on the 05:36 train on friday . reference number tr2534 . is there anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Day O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos i need the reference number please . eos O O O O O O O O Train-Request+Ref +bos sure , your reference number is 2ubiwv3n . may i assistance you with anything else today ? eos 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 is everything , thanks for all your help . goodbye eos 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 am looking for a place to stay . ideally , it will be a guesthouse and have a 4 star rating . 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+Stay O O O O N/A +bos i have eight hotels matching that description . which part of town could you prefer ? 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 am looking for something affordable in cambridge . eos O O O O O O O O O O N/A +bos i have found two listings that match your criteria -one in the northern part of town and one in the southern part . which would suit you best ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos something cheap . i do n't care where . eos O O O O O O O O O O N/A +bos alexander bed and breakfast is a 4 star guesthouse in the centre with free parking and internet . would that work ? 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 O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos sounds like it will . go ahead and book my party of 7. eos O O O O O O O O O O O O O O N/A +bos certainly , may i have your day or arrival and the number of days 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 Booking-Request+Stay,Booking-Request+Day +bos we 're arriving on friday and we 'd like to stay for 4 nights . eos O O O O B-Hotel-Inform+Day O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos great ! you 're booked with reference n4ffb16z . may 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 general-reqmore +bos yes , i also need a train leaving leicster after 12:30. eos O O O O O O O O O O B-Train-Inform+Leave O N/A +bos we 've got quite a few options , where will you be traveling to and when 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 O O O O Train-Request+Dest,Train-Request+Arrive +bos i will be traveling from leicester to cambridge departing after 21:30 on friday . eos O O O O O O O O O O O O O O O N/A +bos trainid tr1356 leaves leicester to cambridge at 22:09 on friday , does that work for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O Train-OfferBook +bos great can i get 7 tickets for that and the reference number ? eos O O O O O O B-Train-Inform+People O O O O O O O N/A +bos ok , i have booked 7 tickets . you will arrive at 23:54. your reference number is pw31bazv . eos O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O N/A +bos thanks so much , i think that 's all i 'll need . eos O O O O O O O O O O O O O O general-thank +bos glad i could be of assistance , have a good day ! eos O O O O O O O O O O O O O general-bye +bos i am lookingfor a place to stay eos O O O O O O O O N/A +bos ok. i can help you with that . are you looking for a particular price range or 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 Hotel-Request+Area,Hotel-Request+Price,general-greet +bos price range and location do n't matter . i would just like for it to be a hotel that has free parking . internet is not necessary either . 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 O O O N/A +bos acorn guest house is a guest house with free parking , or we have 28 other options . do you have any other preferences ? 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 B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Recommend+Parking,general-reqmore +bos not at this time . eos O O O O O O N/A +bos would you like to book a room at acorn or any of the others ? eos O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O N/A +bos could you tell me what area of town it is in ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos the acorn guest house is in the north . 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 N/A +bos thanks ! i also need an italian restaurant to go to . i need to save some money so i would prefer it to be cheap . 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 O B-Restaurant-Inform+Price O O O N/A +bos da vinci pizzeria is in the north and it is cheap . do you want to book a table ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O O Booking-Inform +bos yes , i would like a table . eos O O O O O O O O O N/A +bos i would be happy to help with your request . how many will be dining , and what day/time would you like the 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Time,general-greet +bos i would like a table for 6 at 17: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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : n5b6arjp . 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 . that is all for today . have a nice day . eos O O O O O O O O O O O O O O general-thank +bos your welcome . i am glad i could help . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'd like to find information for the restaurant called the missing sock . 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 N/A +bos the missing sock serves cheap international food and is in the east . would you like more information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area 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 thank you . be sure to contact us whenever you need reservations . 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 for wednesday , heading into cambridge ? eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O N/A +bos i have five trains that meet your criteria . eos O O O B-Train-Inform+Choice O O O O O O N/A +bos i 'm departing from london liverpool street and would like to leave after 16:15. does this help ? 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+Leave O O O O O N/A +bos the tr2232 train is available . it departs wednesday at 17:39 from london liverpool to cambridge . would you like me to book you a ticket ? eos O O B-Train-Inform+Id O O O O O B-Train-Inform+Day O B-Train-Inform+Leave 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 Train-OfferBook +bos yes please book me a ticket . eos O O O O O O O O N/A +bos just to clarify , would that be just one ticket or multiple tickets ? eos O O O O O O O O O O O B-Train-Select+People I-Train-Select+People O O N/A +bos oh wait , before booking i would like to know what the arrival time and travel time is 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,Train-Request+Arrive +bos it will arrive by 19:07. do you need tickets ? eos O O O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos i need to know the travel time before booking . eos O O O O O O O O O O O Train-Request+Duration +bos the travel time is 88 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos ok great . i do n't need tickets . could you find me a place to stay 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 N/A +bos the allenbell is a cheap guesthouse on the east side with internet - would you like me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O 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 O O O O Hotel-Inform+Internet +bos i need the place to be on the north side actually . moderately priced and with free wifi eos O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O N/A +bos i see 9 options for you . do you prefer a guesthouse or hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos i prefer a hotel if available for 7 people and 4 nights starting wednesday . if that does n't work then friday , and i will also need a reference number . eos O O O O B-Hotel-Inform+Type 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 Hotel-Request+Ref +bos i would recommend ashley hotel . would like me to make those reservations ? 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 yes , that sounds fine . i need it for 4 nights the same day . there will be 7 of us . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O B-Hotel-Inform+People O O O O O N/A +bos your all set ! reference number is buwat3jy , 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 general-reqmore +bos nope thank you for all your help . eos 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,general-bye +bos thank you ! good bye ! eos 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 find me a train out of stevenage for wednesday eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos is there a time you 'd like 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 'd like to arrive in cambridge by 8:30. eos O O O O O O O B-Train-Inform+Dest O O O O N/A +bos tr9448 is available , would you like to book that one ? eos O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook +bos please . i 'll need 7 tickets . eos O O O O O B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 89.6 gbp payable at the station . reference number is : e05zqif7 . 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 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 i 'm also looking for a cool college to visit in cambridge . 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 O N/A +bos corpus christi is very popular . it is located in the town centre . the number is 01223338000. can i help with anything else ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O B-Attraction-Recommend+Phone O O O O O O O O O general-reqmore +bos that 's all i needed to know , 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 using our service today . eos O O O O O O O O O general-bye +bos no problem . eos O O O O N/A +bos thank you for using the cambridge town info centre services ! eos O O O O O O O O O O O O general-bye +bos hello , can you help me find information about finches bed and breakfast in cambridge ? 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 N/A +bos finches bed and breakfast is a guesthouse in the west area . it is a 4 star cheap guesthouse that offers free parking and internet . would you like 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 N/A +bos yes please ! i 'd like the reservation to be for 2 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 O N/A +bos alright , the booking was successful , your reference number is : lt8dpu71 . is there 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 O O general-reqmore +bos thanks for your help . have a good day ! eos O O O O O O O O O O O general-thank +bos hope you enjoy your stay , cheers ! eos O O O O O O O O O general-bye +bos hello , i am looking for a restaurant that serves halal food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i can not find any restaurants serving halal food . do you have any other preferences ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-NoOffer +bos how about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos the cocum serves indian food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food 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 their address is 71 castle street city centre , their phone number is 01223 366668. 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 I-Restaurant-Inform+Phone O N/A +bos is cocum located in the east part of town ? eos O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos no , the cocum is located on the west part of town . would you like me to find an indian restaurant on the east part of town ? eos O O O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O O O O O O O O B-Restaurant-Select+Food O O O B-Restaurant-Select+Area O O O O O O N/A +bos correct eos O O N/A +bos i have 4 indian restaurants showing for the east part of town . they are curry prince , pipasha resteraunt , rajmahal , and sitar tandoori . 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 O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos can you find me a moderately priced restaurant in the west ? eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos meghna is an indian restaurant in the west part of town and in the moderate price range . 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 I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone +bos 01223 727410 eos O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos thank you good bye . 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-bye +bos thank you . good bye eos O O O O O O general-bye +bos thank you eos O O O general-bye +bos i want to find a cheap restaurant in the north part of town . what is the address and 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 Restaurant-Request+Food,Restaurant-Request+Addr +bos da vinci pizzeria serves italian food and is located at 20 milton road chesterton or royal spice serves indian food and is on victoria avenue chesterton 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+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos thank you eos O O O general-thank +bos thank you , goodbye eos O O O O O general-bye +bos hello ! can you recommend a moderately priced restauarnt near the south 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 O N/A +bos would you prefer italian or modern european food ? eos O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food N/A +bos it does n't matter . eos O O O O O O N/A +bos restaurant alimentum is a nice restaurant serving modern european food in the moderate price range and is located in the south . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Price O O O O O O O B-Restaurant-Recommend+Area O N/A +bos may i have their address please ? eos O O O O O O O O Restaurant-Request+Addr +bos their address is 152 - 154 hills road . 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 general-bye +bos thank you . goodbye . eos O O O O O O general-bye +bos i am in the past of town . can you recommend a restaurant in a moderate priced 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 do you have a specific food type in mind ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i do not care about the type of food . eos O O O O O O O O O O O N/A +bos the bloomsbury restaurant , serves many differnt types of food . 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 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 unfortuntately , bloomsbury restaurant is in the centre of town . would you like for me to search in the west side ? 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 O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O N/A +bos yes west please eos O O B-Restaurant-Inform+Area O N/A +bos the meghna is one on the west side . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos great ! could you please give 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number for meghna is 01223 727410 and they are located at 205 victoria road chesterton . can i help you with anything else today ? eos O O O O O B-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 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 am looking for the address and phone number of an expensive restaurant serving thai food . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos there are two thai locations . would you prefer a restaurant in the centre or west part of town ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Choice 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 I-Restaurant-Select+Area O N/A +bos i do n't care . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos sala thong is an expensive thai restaurant in the west . would you like their information ? 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 O O O O O O O general-reqmore +bos yes , please . may i have their address and phone number ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos sala thong is located at 35 newnham road newnham and their phone number is 01223 323178. is there anything else i can do 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 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 that is all , thank you , goodbye . eos O O O O O O O O O O general-bye +bos you are welcome good bye eos O O O O O O general-welcome,general-bye +bos cheap restaurant in the north . address and phone number , please . eos O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos there are two restaurants in the cheap category in that area . would you prefer italian or indian ? 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 O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i would prefer italian . eos O O O O B-Restaurant-Inform+Food O N/A +bos da vinci pizzeria is located at 20 milton road chesterton and they can be reached at 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 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 cambridge restaurant system . good bye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant that serves british food and in the east part of town . 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 O N/A +bos grafton hotel restaurant serves british food in the east area . eos 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 N/A +bos what is the address , phone number , and price range of the grafton hotel restaurant ? eos 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 grafton hotel restaurant 's address is 619 newmarket road fen ditton their phone number is 01223 241387 and it is listed in the expensive price range 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 O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O 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 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 do you have any restaurants that serve caribbean food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are no caribbean restaurants . would you like something else ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O Restaurant-NoOffer,general-reqmore +bos what about a restaurant that serves chinese food ? what is their phone number ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Phone +bos there are many chinese restaurants to choose from . do you have a preferred area of town ? 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 no , it does n't matter eos O O O O O O O N/A +bos let me provide you with a couple options , charlie chan- phone 01223 361763 or golden house - phone 01842 753771 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 B-Restaurant-Inform+Phone I-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 calling . goodbye . eos O O O O O O O O general-bye +bos hello ! i 'm looking for a nice restaurant that serves scottish food . can you recommend one ? 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 certainly . is there a certain area of town that you 'd like to stay in ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos no , any part of town is good . eos O O O O O O O O O O N/A +bos i 'm sorry , there are n't any scottish food restaurants . would you like something else ? 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 a restaurant that serves british food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos the cotto serves british food it is in the centre of town 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A +bos may i get the restaurant phone number please ? eos O O O O O O O O O O Restaurant-Request+Phone +bos cotto 's phone number is 01223 302010. eos 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 general-bye +bos goodbye . eos O O O general-bye +bos i need to book a taxi going to sidney sussex college . 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 alright . i will just need to know what time you 'd like to arrive there or when you prefer 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i have to arrive by 12:15 eos O O O O O O B-Taxi-Inform+Arrive N/A +bos not a problem - where should i have the car pick you up ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i need to be picked up from curry prince . please let me know what kind of car to expect and a number they can be reached at . 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 O O O O O O O O O O O O N/A +bos i have booked a red audi for you . the contact number is 07354896778. eos 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 thanks , that 's great . eos 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 +bos what does cambridge offer so far as expensive , german restaurants ? eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos there 's no restaurants meeting your criteria . would you like to change anything parameters ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos oh really ? i was hoping to eat expensive german cuisine in the northern 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 N/A +bos would you like to search for something else ? eos O O O O O O O O O O general-reqmore +bos is there any asian oriental restaurants in the north 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 one called saigon city . would you like more information ? eos O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O general-reqmore +bos i would like you to book it . 2 people 18:00 on sunday . 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 okay , you 're all set ! i have it booked for sunday , 18:00 , and for 2 people . your reference number is lr4g3953 . is there anything else i can help with ? eos O O O O O O O O O O O B-Booking-Book+Day B-Booking-Book+Time 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 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 you are welcome . are you certain i ca n't help with a hotel or a train for you ? 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 yes , actually , i 'm looking for a train . i 'll need to depart from cambridge after 20:00. eos O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O N/A +bos we have lots of those ! where are you traveling to ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Dest +bos i am going to ely on sunday . eos O O O O O O B-Train-Inform+Dest O O N/A +bos what day will you be taking the train ? eos O O O O O O O O O O Train-Request+Day +bos i want to travel on sunday . i need to leave cambridge at 20:00. eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos tr0537 leaves at 21:50 and arrives in 17 minutes . do you want tickets for that ? 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 O Train-OfferBook +bos i 'm terrible at math . what time does that arrive ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos the arrival time is 22:07. eos O O O O O B-Train-Inform+Arrive 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 for calling and have a great trip to cambridge . goodbye . eos 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 that serves indian food please . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O N/A +bos we have several of those , were you looking for any particular part of town ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Area +bos no . just need it to be open on saturday . eos O O O O O O O O O O O O N/A +bos okay , would you like me to attempt to book a table at one of these fine restaurants for saturday ? 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 N/A +bos which one would you suggest ? eos O O O O O O O N/A +bos the curry garden is a nice place do you want their info ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O general-reqmore +bos i need a taxi to pick me up at the good luck chinese food takeaway to take me to alpha-milton guest house . eos 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 O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos of course ; can you tell me what 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i will need to be there by 18:15 please . eos O O O O O O O O B-Taxi-Inform+Arrive O O N/A +bos booking completed ! booked car type : yellow volvocontact number : 07057945339 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 N/A +bos hi , i sure am looking forward to trying some of your local food when i get there . 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 O O O O O O O O O O O Train-Inform +bos yes , there are many trains where are you going and leaving from ? what time do you want to arrive or 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 O O O Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest +bos i want to go to kings lynn on monday . eos 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 be departing from and what time ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart +bos i am departing from cambridge after 21:00. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos i have train tr8453 leaving at 21:11 is that okay for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-Select +bos yeah , that works . is there a seat available ? eos O O O O O O O O O O O O N/A +bos yes there is . would you like reservations ? eos O O O O O O O O O O Train-OfferBook +bos yeah , i just need a ticket for myself . eos O O O O O O O O O O O N/A +bos i have made that reservation and your reference number is r547njh2 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i also am looking for an expensive caribbean restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i dont happen to have any caribbean restaurants in town . can i look for something else for you ? 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 O O O O O O O O O general-reqmore +bos how about gastropub ? in the centre ? eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are 3 expensive gastropubs in the centre . my personal favorite is backstreet bistro . would you like me to make reservations for you ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area 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 i do n't need a reservation at the moment but can i have their post code ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Post +bos their postcode is cb12qa eos O O O O B-Restaurant-Inform+Post 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 . eos O O O O O O general-bye +bos i need to see some train times for wednesday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos there are 404 trains running on wednesday , what point of departure and point of arrival are you interested in ? 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 O Train-Request+Depart,Train-Request+Dest +bos i need to depart from ely and arrive by 16:30. eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive N/A +bos i can help you with that . how early do you want to leave because we have trains running as early as 5:35 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 O Train-Request+Leave +bos i want to arrive by 16:30 if possible . eos O O O O O O B-Train-Inform+Arrive O O O N/A +bos the tr2211 will leave ely wednesday arriving at 15:52. would you like to book that one ? eos O O B-Train-Inform+Id O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes book that for me thank you eos O O O O O O O O general-thank +bos i will book that for you now . eos O O O O O O O O O Train-OfferBook +bos thank you and i need a reference number eos O O O O O O O O O general-thank +bos how many tickets will you need ? eos O O O O O O O O Train-Request+People +bos just one ticket and thank you eos O O O O O O O N/A +bos okay . i have booked one ticket for you . the reference number is ehrsrm7k and it will cost 4.4 gbp . eos O O O O O O B-Train-OfferBooked+Choice 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 N/A +bos no , that is all . thank you so much . goodbye eos 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 can you locate the nearest police station ? eos O O O O O O O O O Police-Inform +bos sure , it is in parkside , cambridge . eos O O O O O O O O O O N/A +bos can i have the pone number and address , please ? eos O O O O O O O O O O O O Police-Request+Addr +bos the police station phone number is 01223358966 and it is located at parkside , cambridge . eos 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 your welcome . goodbye . eos O O O O O O general-bye +bos i 'm planning my trip and i need a train that leaves on saturday from norwich . 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 N/A +bos there is a train that leaves from norwich to cambridge on saturday at 5:16. it will arrive to cambridge at 6:35. 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 something that arrives by 08:45. eos O O O O O O O B-Train-Inform+Arrive N/A +bos i have train tr6560 that arrives at 08:35 is that good for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O N/A +bos that sounds good , can you book for 8 people please ? eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos i have your seats reserved . the total fee is 112.64 gbp payable at the station and your reference number is 9mveg3rd . is there anything else i can help with ? 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 O O O O O O general-reqmore +bos thanks so much . yes , i am trying to find a place to eat also . eos O O O O O O O O O O O O O O O O O O general-thank +bos sure , i can help with that . did you have a particular kind of food 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 +bos i would like korean food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos i have a listing for little seoul it is in the centre and expensive . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O N/A +bos is there anything more moderately priced available by way of korean food ? eos O O O O O O O O O O O O O O N/A +bos i 'm sorry . little seoul is the only korean restaurant around . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O N/A +bos how about a restaurant in the moderate price range that serves italian food ? eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A +bos i have 5 to choose from . did you prefer a certain area of town so that we can narrow it 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 Restaurant-Request+Area +bos just pick one and give me : phone number and postcode eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos okay , how about pizza hut cherry hinton . their phone number is 01223323737 and the post code is cb17dy . 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 B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O O O O B-Restaurant-Recommend+Post O O O N/A +bos that will work ! thanks so much . take care . bye . eos 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 have you ever heard of the hotel avalon ? eos O O O O O O O O B-Hotel-Inform+Name O N/A +bos it is a guesthouse in the north . would you like more information ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O general-reqmore +bos yes can you check for availability for 2 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 N/A +bos unfortunately it is unavailable for those days and time frame . would you like to book another day or 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 O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos how about just one night instead ? i really want to try this hotel . eos O O O O O O O O O O O O O O O O N/A +bos you got it . your reference number for 1 night is ec7fmnhc . is there anything else i can help with ? eos O O O O O O O O O O B-Booking-Book+Stay 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 that goes from cambridge to broxbourne , are there any available ? eos 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 N/A +bos wen do you want 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 'd like to leave wednesday after 09:45 , 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.89 gbp payable at the station .reference number is : pfusqzix . 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 what is the arrival time and train id ? eos O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID +bos the train id is tr6851 . the arrival time will be 11:01. eos O O O O O B-Train-Inform+Id O O O O O O O N/A +bos than you for your help ! that is all i need . eos O O O O O O O O O O O O O N/A +bos thank you , enjoy your stay in cambridge . eos O O O O O O O O O O general-bye +bos i want a place to dine in the south that is expensive . eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O N/A +bos we have several options that include chinese , indian , italian , and mexican . which one do you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Select +bos i 'm looking for a restaurant serves traditional food . are there any nearby ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos there are no restaurants in the south serving traditional food . would you prefer something different ? eos O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer,general-reqmore +bos how about mexican food ? can you check on that for me ? eos O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos sure ! we have the chiquito restaurant bar located in the south serving mexican food . would you like to make a reservation ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O O O O O O O O Booking-Inform +bos yes please . i need reservation for 6 people at 1400 on wednesday . 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 a table for 6 reserved for you on wednesday at 14:00. they will hold the table for 15 minutes . your reference number is dkbldy07 eos O O O O O 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 O O N/A +bos thanks . i also need to find a train for thursday . eos O O O O O O O O O O B-Train-Inform+Day O O N/A +bos ok , what are your departure and arrival stations , and what time of 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 Train-Request+Dest,Train-Request+Depart,Train-Request+Leave +bos it should leave after 15:45 on thursday . eos O O O O O B-Train-Inform+Leave O O O N/A +bos sure , which stations will you be departing from and arriving to ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am departing from cambridge and arriving in london kings cross . 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 ok , leaving after 15:45 on thursday we have train tr1791 from cambridge to london kings cross leaving at 17:00 and arriving at 17:51. shall i book it , if so for how many ? eos O O O O O O O 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 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-Request+People,Train-OfferBook +bos that will work . for six people as well . please make sure i receive 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 booking was successful , the total fee is 141.6 gbp payable at the station .reference number is : v1yvjyn8 . 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-Inform+Ref O O O O O O O O O O general-reqmore +bos that 's 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 goodbye , enjoy the rest of your day . eos O O O O O O O O O O general-bye +bos hi , i 'm looking to book a train to cambridge . i need it to arrive by 14:15. eos O O O O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive 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 cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos where are you going and on what day would you like to travel ? 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 going to bishops stortford and traveling on wednesday . please reserve 3 seats and provide the reference number , thank you ! eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Day O O O O B-Train-Inform+People O O O O O O O O O N/A +bos i was able to book the train , tr3844 , for 30.29 total fee , which you may pay at the station . reference number is 1piswdkf . may i be of anymore assistance ? eos O O O O O O O O B-Train-OfferBooked+Id 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 O O O general-reqmore +bos also looking for an italian restaurant in the west . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i have 2 , prezzo- moderately priced and la margerita-cheap , which one do you prefer and when would you like 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 N/A +bos yes , let 's go with la margerita . i do n't need reservations , 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 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 can we book that place for , say , same number of people at 10:00 on the same day , please . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : 78mcbk84 . 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 that is all . thanks so much ! 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 i 'd like to find a park attraction , please . eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are 5 options . what area would you like ? eos O O O O B-Attraction-Inform+Choice O O O O O O O Attraction-Request+Area +bos i would like an area near town . eos O O O O O O O O O Attraction-Request+Area +bos all 5 of them are near town . in the centre area there is cambridge university botanic gardens on bateman street ? will that one work for you ? eos O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 O O O O O O O O N/A +bos yes , what is the postcode and entrance fee ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos the postcode for that is cb21jf and the entrance fee is 4 pounds . can i help with with anything else today ? eos O 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 O O O O O general-reqmore +bos yes , thank you for asking . do you have a listing for a restaurant called the nirala ? 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 N/A +bos yes , the nirala is a moderately priced indian restaurant on the north side of town . would you like a table or more information about them ? eos O O 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 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 Booking-Inform,general-reqmore +bos could i get the postcode please ? eos O O O O O O O O Restaurant-Request+Post +bos the postcode is cb41uy . eos O O O O B-Restaurant-Inform+Post O N/A +bos thanks , 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 general-thank +bos you are very welcome . have a great time . eos O O O O O O O O O O O general-welcome +bos i will be visting in north cambridge and would like to spend sometime at the pool , are there any in the area ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos we have two pools located in the north area . jesus green outdoor pool and kings hedges learner pool . would you like any additional information on either of these options ? 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+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 Attraction-Select +bos what is the phone number , address and fee for the green outdoor pool ? 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 01223302579 and post code cb43px . i do not have information about the entrance fee , you may want to call them directly . eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone 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 O O O O N/A +bos what is the address ? eos O O O O O O Attraction-Request+Addr +bos it is between victoria road and the river . is there anything else that i can do for you ? eos 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 O O O O O O O general-reqmore +bos yes , i would like to book a train leaving from broxbourne on monday and arriving in cambridge by 12:45. eos O 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+Dest O B-Train-Inform+Arrive O N/A +bos the train closest to your requested arrival time is tr9199 , leaving broxbourne at 10:32 , arriving cambridge at 11:32. would you like to book a ticket on this train ? eos O O O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O Train-OfferBook +bos if you could just tell me how much the tickets are that would be fine . eos O O O O O O O O O O O O O O O O O N/A +bos 17.90 pounds , what else will you need me to help you with ? eos 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 was 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 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 the soul tree nightclub . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O N/A +bos that 's a great spot for nightlife ! it 's located in the city centre and they only charge 4 pounds for their entrance fee . eos O O O O O O B-Attraction-Inform+Type 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 O O O N/A +bos what area is it located in and what is the postcode ? eos O O O O O O O O O O O O O Attraction-Request+Area,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 yes , i 'm looking for a train to cambridge on monday . eos 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 certainly 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 Train-Request+Depart +bos stansted airport . i 'll need a train that leaves after 10:45. eos O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O B-Train-Inform+Leave O O N/A +bos i have train tr5754 that will be departing at 11:24 and will arrive by 11:52. do you think that would work for you ? eos O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O O O N/A +bos yes that will work . can we book for 5 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 50.5 gbp payable at the station . reference number is 7tr7sdnq . 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 N/A +bos thanks ! that 's all i need for today . goodbye . eos O O O O O O O O O O O O O general-bye +bos thank you and have a good trip . eos O O O O O O O O O general-bye +bos i am planning a trip to cambridge on a train . i want to leave form bishops stortford ... can you help me with that ? 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 O O O O O O O O N/A +bos of course , there are many trains on that route . what day would you like to travel , and is there a time you would like to 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 O O O O O O O Train-Request+Arrive,Train-Request+Day +bos i would like to travel on saturday , arriving at 8:00. eos O O O O O O O B-Train-Inform+Day O O O O N/A +bos i only have one train that will meet your needs . train tr6163 will depart at 05:29 and arrive by 06:07. would you like me to book you a ticket ? eos O O O O O B-Train-Inform+Choice 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 Train-OfferBook +bos no need to book it for me . i can do that . but can you tell me the travel time in 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 Train-Request+Duration +bos 36 minutes eos O O B-Train-Inform+Time N/A +bos i am also looking for a attraction called queens ' college , can you get me information on that ? eos 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 N/A +bos sure the phone number is 01223335511. it is on silver street and the entrance fee is 2.50 pounds . eos O O O O O O B-Attraction-Inform+Phone 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 N/A +bos great . and what is the postcode ? and attraction type ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type +bos the postcode is cb39et and it is a college . is there anything else i could help you with ? eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Type O 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 . i hope you have a great day ! goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos hi ! can you help me figure out some train schedules ? i need to travel by train on tuesday , and i need to arrive at my destination by 19:00. 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 O O O O O B-Train-Inform+Arrive O O O N/A +bos can you tell me your destination and departure locations , please ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos yes i am leaving cambridge for stansted airport . eos 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 tr7743 that will arrive by 18:08 , would you like me to book a ticket for you ? eos 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 O O O Train-OfferBook +bos whats the price of tickets ? eos O O O O O O O Train-Request+Price +bos 10.10 pounds , per ticket . eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O N/A +bos perfect . i also need to book a museum in the west . what options do you have ? 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 i have many options ! cage jello gallery , cambridge and couny folk museum , kettle 's yard and lynne strover gallery to name a few . do any of those stand out ? 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 I-Attraction-Inform+Name O O O O O O O O O O O O O O O Attraction-Select +bos yeah can you give me the cage jello gallery 's 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos cafe jello is located at cafe jello gallery , 13 magdalene street . post code is cb30af . the phone number is 01223355159. 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 O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O N/A +bos thank so much ! eos 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 yes , i also need the travel time for the train tr7743 . eos O O O O O O O O O O O O O O Train-Request+Duration +bos the travel time is 28 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time 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 if that is all you need today you are very welcome . i hope you enjoy your trip and 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 +bos i 'm looking for a train . eos O O O O O O O O Train-Inform +bos let 's start with where you are departing from and where you are going ? eos 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 ely to cambridge . eos O O O O B-Train-Inform+Depart B-Train-Inform+Dest O N/A +bos there are quite a few trains from ely to cambridge . on what day will you be traveling , and at what time would you like to depart ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice 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 O O Train-Request+Day,Train-Request+Leave +bos it 's on tuesday . i need to arrive by 9:30 and need to book for 7 people . could i also get the reference number too ? eos O O O B-Train-Inform+Day 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 ok i have booked you on tr6971 leaving ely at 7:35 , arriving at cambridge by 7:52 for 7 people . reference number aqrmt6q9 . anything else i can help with ? eos O O O O O O O B-Train-OfferBooked+Id B-Train-OfferBooked+People O B-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos one more thing . can you give me information about an attraction called ruskin gallery ? eos O 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 it 's a free museum in the city centre , located at anglia ruskin university , east road . anything else i can help with ? 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 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 what is the phone number for there ? eos O O O O O O O O O Attraction-Request+Phone +bos phone # is 01245493131. anything else i can do for you ? 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 today . thank you . 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 need a train to birmingham new street that leaves after 9: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 sure what is the departure site ? 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 B-Train-Inform+Depart O N/A +bos the tr3732 leaves at 09:01 and arrives at 11:44 , would that work ? 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 N/A +bos yes , that would work just fine . can i get 1 ticket please ? eos O 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 75.09 gbp payable at the station . the reference is su39qa9k . 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 N/A +bos awesome . i 'm looking for a concert hall in the south too . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos unfortunately , i do not happen to have any concerthalls in the south . would you like to try another area or different type of attraction ? 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 Attraction-Request+Type,Attraction-Request+Area,Attraction-NoOffer +bos how about a park ? eos O O O O B-Attraction-Inform+Type O N/A +bos there is wandlebury country park in the south . eos O 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 lovely . what is the 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 the postal code is cb223ae . and great news ! there is no entrance fee . 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O 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 are very welcome . have a wonderful trip ! eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a place to go in the west . eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are 13 available places . 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 Attraction-Request+Type +bos please surprise me . just as long as it 's in the west . let me know what type you choose and it 's postcode . 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 Attraction-Request+Post,Attraction-Request+Type +bos does churchill college sound good ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos sounds great . can you tell me what type of attraction that is please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Type +bos yes , churchill college is a college . eos O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O N/A +bos great ! what is the postcode for churchill college ? eos O O O O O O O O O O O Attraction-Request+Post +bos post code is cb30ds . can i be of further assistance ? eos O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos i also need a train departing ely and bound for cambridge . eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos did you have a day and time in mind for your travels ? 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 wednesday by 14:15 for 6 people . eos O B-Train-Inform+Day O B-Train-Inform+Leave O O O O N/A +bos would you like to depart at 14:15 or arrive at 14:15 ? 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 14:15 , sorry for the confusion ! eos O O O O O O O B-Train-Inform+Arrive O O O O O O N/A +bos we have five such trains . any preferences ? eos O O O B-Train-Inform+Choice O O O O O O Train-Select +bos no , whichever one can fit 6 of us eos O O O O O O O B-Train-Inform+People O O N/A +bos the booking for the train leaving at 13:35 and arriving by 13:52 was successful the price is 26.4 gbp reference number is gnaxxhol . do you need anything else ? eos O O O O O O O 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 B-Train-OfferBooked+Ref O O O O O O general-reqmore +bos thanks so much . that 's everything . eos O O O O O O O O O general-thank +bos it was my pleasure . let me know 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 general-welcome,general-bye +bos yes i need a train on thursday to go to cambridge . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A +bos where would you like to leave from ? eos O O O O O O O O O Train-Request+Depart +bos sorry , i am leaving peterborough . eos O O O O O B-Train-Inform+Depart O O N/A +bos what is the day of travel ? eos O O O O O O O O Train-Request+Day +bos thursday , and it should arrive by 13:30. eos O O O O O O O B-Train-Inform+Arrive O N/A +bos we have many trains that match your request , is there a specific time you want to leave by ? 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 Train-Request+Leave +bos i do n't want to get there too early . what is the train that will get me there nearest to 13:30. 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+Arrive O N/A +bos tr3798 gets there at 13:09. eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive N/A +bos that 's perfect i think . please reserve 7 tickets for my group , and let me know the reference number when you have one . 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 Train-Request+Ref +bos okay great ! your reference number is eoq7qisl , 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 O general-reqmore +bos i will be in the north part of town . i 'm looking for a place to go . i might even want to go swimming . any suggestions ? 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 N/A +bos i have 2 pools in the north . i think you may like jesus green outdoor pool . would you like their information ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area 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 yes . can i have the postcodes , phone numbers , and addresses ? 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 the jesus green outdoor pool 's phone number is 01223302579 , postcode is cb43px and the address is between victoria road and the river . may i provide any further assistance ? 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+Phone O O B-Attraction-Inform+Post 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 O O O O O O O O O O general-reqmore +bos no , you have helped tremendously . thank you . eos O O 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 hi ! can you help me find a train ? i need to travel on thursday . 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 i can absolutely help you with that ! can you please tell me where you will be departing from and 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 Train-Request+Depart,Train-Request+Dest +bos i 'm departing cambridge thursday and want to arrive in stevenage by 8:00. eos O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O O O N/A +bos i have one train leaving at 05:21 and arriving at 06:10. would you like me to book a ticket for you ? eos 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 O O O O O O Train-OfferBook +bos what is the price and travel time for this particular train ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos the price is 12.80 pounds and the duration of the train ride is 49 minutes . eos 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 N/A +bos thank you . can you also find me a museum to go to ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are several fine museums to visit , what area of town would you like ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Area +bos i would like something in the center of town , please . eos O O O O O O O O O O O O O N/A +bos broughton house gallery is a free nice museum . the address is 98 king street . would you like the phone number ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O B-Attraction-Recommend+Type 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 yes please , i 'd like the number . eos O O O O O O O O O O N/A +bos their number is 01223314960. eos O O O O B-Attraction-Inform+Phone N/A +bos great . thank you very much for all of your help . eos O O O O O O O O O O O O O general-thank +bos you 're welcome . hope you enjoy your day . eos O O O O O O O O O O O general-welcome,general-bye +bos i need a train leaving on a sunday and arriving by 21:15. eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos okay , i can help you with that . where will you be traveling ? eos O O O O O O O O O O O O O O O O Train-Request+Dest,general-greet +bos from london kings cross to cambridge . eos O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos tr1681 will arrive at 20:08 , 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 yes , that sounds good . please book a ticket on tr1681 for 6 people for me . eos O O O O O O O O O O O O B-Train-Inform+People O O O O O O N/A +bos the booking was successful , your reference number is eawiq7hx . 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 O O O O O O O general-reqmore +bos yes , i 'm looking for places to see in the south . eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there is a cinema , two entertainment facilities , a museum , and a nightclub . would you like more info about any of those ? eos O O O O 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 Attraction-Select,general-reqmore +bos can you give me the address for the cinema ? eos O O O O O O O O O O O Attraction-Request+Addr +bos sure thing ! you are looking for cineworld cinema and the address is cambridge leisure park , clifton way . can i help you with anything more today ? eos O O O O O O 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 O O O O O O O O O O general-greet,general-reqmore +bos yes , can you provide me with their phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos their phone number is 00872208000. 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 , what 's the entrance fee for the cinema ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos unfortunately i do n't have the entrance fee information . can i help you with anything else ? 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 I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos do you know the entrance fees to any of the other places you mentioned ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i have information on two parks and one museum , these have free admissions . i do not have entrance fee info on the others . anything else ? eos O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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+Choice I-Attraction-Inform+Choice O O O O general-reqmore +bos can you select your favorite of the two parks and provide me with their address and phone number please ? 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 Attraction-Request+Phone,Attraction-Request+Addr +bos wandlebury country park is spectacular . the address is wandlebury ring , gog magog hills , babraham postal code cb223ae . phone number 0122324830. eos O B-Attraction-Recommend+Name I-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 O B-Attraction-Recommend+Post O O B-Attraction-Recommend+Phone O O O O N/A +bos that is all i needed help with , thank you . eos 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-welcome,general-bye +bos hello , i am looking for a train that is going to cambridge from london liverpool street . 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 O N/A +bos what is your departure day and time ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i am leaving on friday and would like to arrive by 8:00 please . eos O O O O O B-Train-Inform+Day O O O O O O O O O N/A +bos sure . we have a train which arrives at 7:07 train id tr8522 . shall i book it ? eos O O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Id O O O O O O O Train-OfferBook +bos yes , please . i need 4 tickets and the reference number for my booking . 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 your reference number is ucbswcf8 . we hope you have a great trip . eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O N/A +bos thanks i am also looking for a swimming pool in the north part 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 i can suggest the jesus green outdoor pool is located in the north part of town between victoria road and the river . is there anything else i can help you with ? 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 I-Attraction-Recommend+Area B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-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 what is the phone number for the swimming pool , entrance fee , and address ? 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 phone number is 01223302579 and their address is between victoria road and the river . i do not see any information on an entrance fee . 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 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A +bos excellent . that should be everything ! eos O O O O O O O O N/A +bos great ! is there anything else i can help you with before we go ? eos O O O O O O O O O O O O O O O O general-reqmore +bos no thanks , that about does it ! 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 using our service . 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 get to cambridge by 8:30 on friday ? eos O O O O O O O B-Train-Inform+Dest O O O O O N/A +bos i 've located several trains that will arrive friday by 8:30. to help narrow your search , where would you like to depart from ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O O O O O O O O O O Train-Request+Depart +bos i would like to depart from norwich . eos O O O O O O O B-Train-Inform+Depart O N/A +bos i have 2 trains arriving by 8:30 in cambridge on friday , one arrives by 6:35 , the other by 7:35. would you like to book a seat for one of these ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Dest O 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 O Train-OfferBook +bos what is the departure time for the train that arrives at 7:35 , and how much do the tickets cost 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 O Train-Request+Leave +bos that train leaves at 6:16 and costs 17.60 pounds . would you like me to book it ? 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 Train-OfferBook +bos yes that would be great 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 O N/A +bos your reference is s666w6bf , what are you looking to go do in town ? eos O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O Attraction-Request+Type +bos i 'm looking for a place in the centre , some type of college . i need to know the entrance fee as well . 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 O O O O O O O Attraction-Request+Fee +bos there are 13 colleges in the centre . are you looking for one in particular ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Name +bos no , i am not . eos O O O O O O O N/A +bos trinity college has an entrance fee of 1 pound . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos okay , that sounds good . thank you for your help ! eos 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 today ? eos O O O O O O O O O O O O O O O general-reqmore +bos nothing else , thank you . eos O O O O O O O general-thank +bos glad i could be of help . call 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 planning a trip to cambridge toward the west side i would like information on the entertainment in this part of the 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 we have whale of a time in the west . would you like any information on this attraction ? 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+Area O O O O O O O O O O general-reqmore +bos yes , how much is the entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos unfortunately i do not have access to that info . 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos that is unfortunate . could you provide me with their phone number so i can ask them myself ? 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 not a problem ! you can call them at 01954781018 ! sorry about that ! eos O O O O O O O O O B-Attraction-Inform+Phone O O O O O O general-greet +bos it 's alright . i 'm also looking for a train that leaves on thursday from cambridge . i 'm trying to get to stansted airport by 08:30. 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 O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O N/A +bos there are three possible trains that meet your criteria . would you like to depart at 05:40 , 06:40 , or 07:40 ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O O B-Train-Select+Leave I-Train-Select+Leave O O O N/A +bos it does n't matter . let 's take the 5:40. eos O O O O O O O O O O O N/A +bos perfect . just one ticket ? the cost will be 10.10 pounds . eos O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O Train-Request+People,general-greet +bos i actually need 8 , i 'm taking my family with me . eos O O O O O B-Train-Inform+People O O O O O O O O N/A +bos booking was successful for tr7966 , the total fee is 80.8 gbp payable at the station . your eference number is : nt1r53h8 . 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 O B-Train-OfferBooked+Ref 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 i 'm glad i could be of service , have a good day . eos 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 O general-bye +bos goodbye and hope to see you again . eos O O O O O O O O O general-bye +bos i 'm looking for an attraction in the center of town . eos O O O O O O O O O O O O O Attraction-Inform +bos there are many churches in the center of town . would 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 O O O O Attraction-Select +bos yes that sounds lovely . do any of those listed charge an entrance fee ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos great saint mary 's church charges a fee of 2 pounds , but it is the only church with a fee listed . 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+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O N/A +bos ok , could you also give me the phone number and postcode for that ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223350914 and postcode is cb23pq eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Post N/A +bos i 'm also looking for a train that leaves from cambridge after 20:15 on sunday going to peterborough . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O B-Train-Inform+Dest O O N/A +bos tr6958 leaves cambridge at 20:34. would you like to book this train ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes please make a booking for 7 people eos O O O O O O O O B-Train-Inform+People N/A +bos fine . your fee is 92.4 gbp payable at the station and your reference number is t6luykfn . eos 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 that should be 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 O general-welcome,general-bye +bos i am looking for information about the ruskin gallery in cambridge . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos the ruskin gallery is a museum in the center of town . eos O 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 N/A +bos ok , great . thank you so much 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-welcome +bos real quickly , actually . can i get a train booked as well ? for thursday to cambridge . eos 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 of course . there are 202 trains into cambridge this thursday . where will you be departing from , and what time would you like to arrive ? eos O O 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 O O O O O O O Train-Request+Depart,Train-Request+Arrive +bos i want to arrive by 17:45 eos 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 coming in from the london liverpool street station . 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 there are potentially 7 trains that fit your needs . when do you wish to depart london liverpool ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O Train-Request+Leave +bos please give me the train id of the train that arrives closest to 17:45 , i do n't care about departure time . 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+TrainID +bos train tr8944 arrives at 15:39 , will that work for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O N/A +bos yes , thank you , you have given me the information that i needed . eos 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 , thank you . goodbye . eos O O O O O O O O general-bye +bos okay great . glad i could be of assistance . eos O O O O O O O O O O O general-bye +bos i am looking for abbey pool and astroturf pitch can you help me ? 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 O O O N/A +bos yes , abbey pool and astroturf pitch is a swimmingpool east of town . their number is 01223902088 , and address is pool way , whitehill road , off newmarket road . postcode cb58nt . 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 B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area 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 I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O N/A +bos thank you very much for the information . that is all i needed help with . 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 welcome . let me know if i can do anything else for you . eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos i actually do need to find a train going to ely . eos O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos is that leaving from cambridge ? and if so , what time would you like to arrive in ely ? 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+Depart +bos yes , i will be leaving cambridge and going to ely , i would like it to arrive by 11:30. eos 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 N/A +bos what day would you be traveling ? there are 2,828 trains on that route . there is a train that departs friday at 9:50 and will arrive in ely at 10:07. eos O O O O O O O O O O B-Train-Inform+Choice O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O Train-Request+Day +bos oops ! i guess forgot to mention it 's thursday that i need to travel . eos O O O O O O O O B-Train-Inform+Day I-Train-Inform+Day O O O O O O O N/A +bos there are three trains that would fit , leaving at 05:50 , 07:50 , or 09:50. eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O N/A +bos can i get info for the 09:50 the price and the trains id please ? eos O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos certainly . the train 's id is tr1923 , and the price for a ticket is 4.40 pounds . eos O O O O O O B-Train-Inform+Id O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O general-greet +bos great , thank you ! that will be 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 n't need further assistance ? eos O O O O O O O O O O O general-reqmore +bos 9:50 departure , 4.40 pounds , tr1923 . i got it , thank you ! 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 today . eos O O O O O O O O O O O general-welcome +bos can you help me find a train from kings lynn ? eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos the next train from king lynn is friday 5:11 to cambridge eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day B-Train-Inform+Leave O B-Train-Inform+Dest N/A +bos do you have any that would arrive at 17:45 , leaving tuesday instead ? eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O N/A +bos yes , there are 12 trains that fit that criteria . do you have a desired departure 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 Train-Request+Leave +bos whatever gets me there as close to 17:45 as possible . can you book it for 7 people please ? reference number and train id would also be lovely . 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 O O O O O O Train-Request+Ref +bos all booked ! your train id is tr8177 and the reference number is zdtm4b8n . you will be arriving at 16:58. 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+Arrive O O N/A +bos thank you . i 'm 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 general-thank +bos sure , what are you interested in seeing ? eos O O O O O O O O O O Attraction-Request+Type +bos i am looking for some type of entertainment . eos O O O O O O O O O O N/A +bos there 's the funky fun house on the east side of town , does that sound ok ? 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 I-Attraction-Recommend+Area O O O O O O O Booking-Inform +bos that sounds great , may i have the postcode , phone number and 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 O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Phone +bos funky fun house is located in the east side of town , address is 8 mercers row , mercers row industrial estate postcode cb58hy , phone 01223304705. is there anything else needed ? 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 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 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 general-reqmore +bos thank you so much . that is all . eos O O O O O O O O O O general-thank +bos you 're quite welcome . have a good day ! eos O O O O O O O O O O O general-welcome,general-bye +bos i need to take a train out of 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 okay . what 's your destination ? eos O O O O O O O O Train-Request+Dest +bos i would like to go to stevenage after 08:00 please . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave O O N/A +bos tr6488 leaves at 09:21 and gets to stevenage by 10:10. will that train work for you ? eos 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 Train-OfferBook +bos can i make a reservation for 2 people and get a confirmation number ? eos O O O O O O O O B-Train-Inform+People O O O O O O N/A +bos i have confirmed booking for 2 , the total fee is 20.48 gbp payable at the station . your reference number is mrvafswe . would you like help finding anything else ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos i also need to find 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 N/A +bos kings hedges leaner pool is located at jedburgh court , kings hedges . their phone number is 122 335 3248. 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 O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone O N/A +bos what is the postcode ? eos O O O O O O Attraction-Request+Post +bos the swimming pool 's postcode is cb42xh . do you need any more information ? eos O O O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos that is all , thank you very much for the help ! eos O O O O O O O O O O O O O general-thank +bos the parkside police station phone number is 01223358966 located parkside , cambridge cb11jg eos O O O O O O O O O O O O O O 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 . i am glad i could be of assistance . eos O O O O O O O O O O O O general-bye +bos i 'm planning a trip to pembroke college . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos great ! pembroke college is in town . what information can i help you with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O general-greet,general-reqmore +bos i 'd like to know what type of attraction it is , the entrance fee , and what area it 's 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 Attraction-Request+Area,Attraction-Request+Fee,Attraction-Request+Type +bos it is a college in the centre of town . there is no entrance fee . may i help you with anything else ? 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos i 'm looking for a train to cambridge leaving after 19:30. eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O N/A +bos what day of the week are you traveling and what is your departure station ? 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 want to depart from norwich on friday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos trainid tr5291 departs at 20:16. their price is 17.60 pounds . 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook +bos what time does the train arrive ? eos O O O O O O O O Train-Request+Arrive +bos the tr5291 arrives by 21:35. eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive N/A +bos that sounds perfect . can you go ahead and book that for me ? eos O O O O O O O O O O O O O O O N/A +bos certainly ! are you traveling by yourself or would you need more than one ticket ? eos O O O O O O O O O O O O O O O O O Train-Request+People,general-greet +bos i just need the travel time and price please eos O O O O O O O O O O Train-Request+Price +bos the travel time is 79 minutes and it is 17.60 pounds . 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 N/A +bos that is all i need . thank you . 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 . have a nice day . eos O O O O O O O O N/A +bos it has been my pleasure . feel free to contact us if you need any 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 am looking for a multiple sports venue 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 unfortunately i did not find any multiple sports venues in the centre of town . perhaps you would be interested in searching in a different location ? eos 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 O O O O O O O O O O O N/A +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 , we have 11 museums in the centre area , a few are broughton house gallery , cambridge contemporary art , castle galleries and primavera . any sound good ? 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 O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O N/A +bos can i get a postcode , entrance fee , and address of one of them ? 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 broughton house gallery is located at 98 king street , cb11ln . their phone number is 01223314960 , and it 's free to get in . 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 O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O O O O O O N/A +bos excellent . can i also book a train as well ? i need one that leaves after 9:45 to cambridge . eos 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 N/A +bos where are you departing from ? eos O O O O O O O Train-Request+Depart +bos i 'm departing from stevenage on thursday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i have trains departing every 2 hours on the :54 's , tr3330 leaves at 9:54 , would you like to book it ? eos O O O O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos i do n't think so but how much does that one cost ? eos O O O O O O O O O O O O O O N/A +bos that particular route is 12.80 pounds a ticket . 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 i need the train id . eos O O O O O O O Train-Request+TrainID +bos the train id was tr3330 . do you want to book a ticket ? eos O O O O O B-Train-Inform+Id O O O O O O O O O Train-OfferBook +bos no , but i do need to know when the train tr 3330 arrives , please . eos O O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos the tr3330 will arrive in cambridge on thursday at 10:43. is there anything else i may assist you with today ? eos O O O O 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 O O general-reqmore +bos that looks to be all , 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 ! call anytime . eos O O O O O O O O general-welcome +bos thank you , goodbye . eos O O O O O O general-bye +bos good bye . eos O O O O general-bye +bos yes i am looking for a college to visit . can you help me ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos well christ 's college is quite famous and is free to enter . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Fee O O O O N/A +bos that sounds nice . can you please give me the address , including the postcode ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos it is located at saint andrew 's street , cb23bu . is there anything else that i can do for you ? eos 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 general-reqmore +bos yes , i would also like to find a place to stay , expensive price range , but with free parking . eos O B-Hotel-Inform+Parking 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 there are 5 hotels that meet this criteria . what part of town would you prefer 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 Hotel-Request+Area +bos i would like to stay in the north . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos unfortunately , i do n't happen to have anything in the north that is expensive . is there another price range or area i can try for you ? eos O O O O O O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O B-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 +bos how about a moderately priced one ? eos O O O O B-Hotel-Inform+Price O O O N/A +bos there are 9 moderately priced hotels to choose from . any other requirements to narrow down your choices ? 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 N/A +bos do any of the hotels offer free parking ? eos O O O O O O O O O O Hotel-Inform +bos there are five guesthouses that have free parking . eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O Hotel-Inform+Parking +bos i 'll take the highest rated one of those . i need 4 nights starting tuesday for 7 people , please . eos O O 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 O O O O N/A +bos i have booked you in the highly rated acorn guest house for 4 nights beginning tuesday . the reference number is fk8743uh . 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 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 general-reqmore +bos yes . i 'd like to book a taxi to get there . eos O O O O O O O O O O O O O O Taxi-Inform +bos absolutely , what time would you like to depart from the college ? eos O O O O O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave christ 's college by 19:00. eos O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos great i got a white skoda phone number 07971687645 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A +bos thank you for your help.bye . 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 want to book a taxi eos O O O O O O O Taxi-Inform +bos i would be happy to help . what are your departure and destination sites , and 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+Dest +bos i would like to leave the leverton house after 08:00 to go to the cambridge lodge restaurant . eos O 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+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos booked ! your car is a black volvo . contact number : 07380094079 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 for all your help that would be all . eos O O O O O O O O O O O general-thank +bos glad we could be of assistance . thank you eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a gastropub in the east . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O N/A +bos the royal standard is a gastropub located in the east . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O N/A +bos could you please provide the phone number , address and postcode for the royal standard ? 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 phone number : 01223247877. post code : cb13nl , address 290 mill road city centre . anything else ? eos O O O B-Restaurant-Inform+Phone O O B-Restaurant-Inform+Post 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 great can i also get a train going to leicester and arriving by 11:45 ? 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 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 Train-Request+Depart,Train-Request+Day +bos cambridge , and i will be traveling on saturday . eos O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day O O N/A +bos tr5677 will arrive at 11:06 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 Train-OfferBook +bos could you get me the price of that train and the travel time before you book it ? 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 i have tr5677 arriving at leicester by 11:06. eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos can you give me the travel time and total cost please ? eos O O O O O O O O O O O O O Train-Request+Duration +bos 105 minutes . 30.24 pounds . eos O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Ticket O O N/A +bos ok thank you so mucy eos O O O O O O general-thank +bos ok great . would you like for me to go ahead and book the train for you ? eos O O O O O O O O O O O O O O O O O O O Train-OfferBook +bos yes , please book the train for me . that will be all . eos O O O O O O O O O O O O O O O Train-Inform +bos do you just need the one ticket , or will others be travelling with you ? eos O O O O O O O O O O O O O O O O O Train-Request+People +bos no just the one . thank you . eos O O O O O O O O O N/A +bos your booking was successful , the total fee is 30.24 gbp payable at the station .reference number is : lv1beg9r . 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 so much ! that 's all i need . eos O O O O O O O O O O O O general-thank +bos i am glad i was able to help . have a wonderful trip . eos O O O O O O O O O O O O O O O general-bye +bos are there any asian restaurants in the centre of town ? eos O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos yes , i have 4 places ranging from cheap to expensive . do you have a preference ? eos O 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 Restaurant-Select +bos i would like an expensive price range eos O O O O O B-Restaurant-Inform+Price O O N/A +bos there is one , the kymmoy . it is at 52 mill road city centre , would you like to make a reservation ? eos O O O B-Restaurant-Inform+Choice 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 O Booking-Inform +bos yes , please . 3 people at 20:00 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 your booking was successful , your reference number is 8jyol10r . 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 i also need a train leaving from norwich and arriving at 08:30. eos O O 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 what day would you be traveling ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest +bos i would be going to cambridge and traveling on friday . eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O N/A +bos the tr9900 arrives at 06:35 on friday from norwich to cambridge . eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos that sounds great , can you book us tickets for the same group of people , please ? 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 , the total fee is 52.8 gbp payable at the station . reference number is : 46d44uur . is there anything else that i can do for you ? 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 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 thank you for choosing the help desk . have a wonderful day . 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 from cambridge on saturday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos there are 202 trains that fit that criteria , whats your destination ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Dest +bos i am going to stansted airport on saturday and need the train to leave anytime after 15:30 please 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 have train id 2001 leaving at 16:40 arriving stansted airport at 17:08. would you like me to confirm this for you . eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos before i book this , what is the price ? eos O O O O O O O O O O O Train-Request+Price +bos the price is 8.08 pounds . would you like me 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 Train-OfferBook +bos no i 'm not ready to book a spot yet . i do need to find a place to eat in the west though . 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 O N/A +bos there are 14 restaurants in the west . is there a particular cuisine 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 Restaurant-Request+Food +bos i would like an indian restaurant . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos the tandoori palace has indian cuisine . would you like me to book a table ? 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 Booking-Inform +bos yes i 'd love one , please . just me , and i 'd like to eat at 10:15 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 O O O N/A +bos i apologize , the booking for that time slot was unsuccessful . would you like to book 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 O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about 9:15 ? eos O O O O O N/A +bos they are not open that early , can i try another time ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos sure . are they open at 11:15 ? eos O O O O O O B-Restaurant-Inform+Time O O N/A +bos i 'm sorry , that time did n't work either , 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 Booking-NoBook,general-reqmore +bos sure . please try 10:15 on the same day . i would like the reference number , please . eos O O O 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 'm sorry , neither 11:15 nor 10:15 are available at tandoori palace . would you like to try a different restaurant , maybe meghna , an indian place with a moderate price range ? eos O O O O O O B-Booking-NoBook+Time I-Booking-NoBook+Time I-Booking-NoBook+Time O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O Restaurant-Request+Name +bos yes , please book meghna for 10:15 , same day . eos O O O O O O O O O O O O N/A +bos unfortunately , there are no bookings available for that time . would you like to try 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos i would really like indian food on saturday in the west area . if you can book it for 1 person at 10:15 or 9:15 i do n't care 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 B-Restaurant-Inform+Time O O O O O O O O N/A +bos i booked india house for 1 at 9:15 on saturday , reference number xwr84us7 . the restaurant is at 31 newnham road . is this satisfactory ? eos O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People B-Booking-Book+Time O B-Booking-Book+Day O O B-Booking-Book+Ref O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O general-reqmore +bos yes , i am relieved . i have no more questions . thank you for your persistence . 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 general-bye +bos you 're welcome . i am sorry it took so long . have a nice 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 there , i 'm looking for a place to eat that serves indian food in the city centre . do you have any good recommendations ? eos 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 O O O O O O O O N/A +bos there are a total of 9 different indian restaurants in the centre of town . is there a particular price you are looking for ? eos O O O O O O O B-Restaurant-Inform+Choice 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 no particular price range , but i do need a restaurant that is available to book 7 people on friday at 19:15. i also need a reference number . 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 O O O O O O N/A +bos i have your reservation at the curry garden . it is an expensive restaurant on the centre . your reference number is 24r72hy2 . do you need their address ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O B-Booking-Book+Ref O O O O O O O O O N/A +bos no thank you . i do need to book a train departing from cambridge though . eos O O O O O O O O O O O O O B-Train-Inform+Depart O O O N/A +bos i 'm going to need a bit more information first . on what day would you like to leave , and what will your destination 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 O Train-Request+Dest,Train-Request+Day +bos i would like to leave on saturday and go to ely . eos O O 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 depart ? eos O O O O O O O O O Train-Request+Leave +bos i would like to leave after 17:15. eos O O O O O O O B-Train-Inform+Leave N/A +bos tr1469 leaves at 17:50 , 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 fine . i need you to book seats on that train for 7 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 was able to successfully book your tickets . your reference number is i02b4ifi . is there anything else i can help with ? eos 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 that 's all i needed , thank you . eos O O O O O O O O O O general-thank +bos my pleasure . please call again if you need more help . i am happy to be of service . 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 what train do i take to get to birmingham new street ? i need to leave after 17:00. 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 B-Train-Inform+Leave O N/A +bos there are trains departing hourly at 1 minute past the hour from 17:01 until 23:01. all are 75.10 pounds , and take 163 minutes . 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 O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos i am looking to travel on monday . the first train at 17:01 would be fine . can i get that train info ? 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 N/A +bos sure the trainid is tr7728 . it leaves at 17:01 and arrives at 19:44. would you like to make a reservation ? 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 O O O O O O O Train-OfferBook +bos yes please make a reservation and give me the reference number . eos O O O O O O O O O O O O O N/A +bos your reservation is book . the reference number is lmb9kchm . can i assist 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 O general-reqmore +bos i 'm also looking for an expensive restaurant in the south . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos there are 5 restaurants that fit your description . what type of food are you 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 Restaurant-Request+Food +bos i need to book a table for the same group of people at 12:30 on the same day at a mexican restaurant . 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 B-Restaurant-Inform+Food O O N/A +bos how many are in your party ? eos O O O O O O O O Booking-Request+People +bos five people . i will need the reference number please . eos O O O O O O O O O O O O N/A +bos you have a reservation for chiquito restaurant bar for monday at 12:30 for 5 people . the table will be held for 15-minutes . reference number is so1f7evu . 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 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 okay , have a great day ! 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 hi , there 's one that departs at 05:00 going to london kings cross . would you like to book it ? eos 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 O O O O O O O Train-OfferBook +bos i actually need to go to birmingham new street by 13:45 on tuesday . eos 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 B-Train-Inform+Day O N/A +bos the tr8233 arrives at birmingham new street at 13:44. would you like me to book you a seat ? eos O O B-Train-Inform+Id I-Train-Inform+Id 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 please , just one ticket . can i have the reference number as well ? eos O O O O O O O O O O O O O O O O Train-Request+Ref +bos the booking went through successfully . reference number is : u1f39m58 . the total fee is 75.09 gbp . 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 B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O general-reqmore +bos thank you ! can you also help me find a place to dine ? eos O O O O O O O O O O O O O O O general-thank +bos it will be my pleasure . do you have any preference in location , cuisine or 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,Restaurant-Request+Food,Restaurant-Request+Area,general-greet +bos no , i would just like something expensive . i like the west 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 we have some very nice restaurants , such as the graffiti , offering british cuisine , the cambridge lodge , with european , and the tandoori palace , with indian fare . what sounds good 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-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 O Restaurant-Select +bos surprise me . i need the postcode , phone number , and type of food though , 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+Food +bos i would recommend graffiti , serving british fare . their phone number is 01223277977 and the postcode is cb30lx . is there anything else i can help you with ? eos O O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Phone O O O O B-Restaurant-Recommend+Post 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 great ! i 'm happy to help . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye,general-greet +bos i need a train on sunday . eos O O O O O O B-Train-Inform+Day O N/A +bos i 'd be happy to help ! where are you coming from and 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 coming from kings lynn to cambridge eos O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest N/A +bos what time would you like to travel ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need to arrive by 17:15. eos O O O O O O B-Train-Inform+Arrive N/A +bos there are several trains that meet your criteria . how early would you like to arrive ? that will help me narrow down your choices . 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 O O O Train-Request+Arrive +bos just a little before 17:15 arrival would be great . eos O O O O O B-Train-Inform+Arrive O O O O O N/A +bos there is a train that departs at 16:11 and arrives at 16:58. the train number is tr0864 and the cost is 7.84 per person . 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 B-Train-Inform+Id O O O O B-Train-Inform+Ticket O O N/A +bos okay , excellent . i am also looking for a restaurant called bloomsbury . can you tell me where it is and what 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 O O O Restaurant-Request+Food +bos sure , its at crowne plaza hotel 20 downing street , their number is 08719429180 and they have a moderate price range with international food . 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 B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O N/A +bos thank you that is all i needed today . have a nice 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 nice day . eos O O O O O O O O O O general-welcome,general-bye +bos hi , i 'm visiting the area and would like to find some local tourist attractions to the east of here . 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 do you have any preferences ? we have museums , parks , pools , and a sports centre . 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 , could you please give me some information on parks , pools , and the sports centre ? i just need the address and cost of admission 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 Attraction-Request+Addr +bos abbey pool and astroturf pitch at pool way , whitehill road with unknown entrance fee . the cherry hinton water play at cherry hinton hall , free entrance . 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 I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos could i have the postcode for the cherry hinton water play , please ? eos O O O O O O O O O O O O O O O Attraction-Request+Post +bos sure , the postcode for cherry hinton water play is cb18dw . do you need any more information ? eos 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+Post O O O O O O O O general-reqmore +bos i also need a place to stay in the expensive price range . it needs free parking , wifi and a 4 star rating . 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 B-Hotel-Inform+Stars O O O O N/A +bos there is the huntingdon marriott hotel in the west , and the university arms hotel in the centre . would you like to book either of these ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos let 's go with the one in the centre . i need 5 nights starting friday for 2 people . eos O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O N/A +bos okay , great ! you are booked at the university arms hotel for five nights , starting friday . your reference number is : mvkdglqd . do you need the address or phone number ? eos O O O O O O O O O O O O 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 O O O general-reqmore +bos nope , i 'm all set today . 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,general-bye +bos hello ! i 'd like to eat at a cheap restaurant in the north . any ideas for me ? 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 O O N/A +bos yes their are two restaurants in the north one serves indian food the other serves italian food both meet your price range eos O 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price N/A +bos can you tell me more about the indian restaurant please ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos yes , it is called royal spice and is cheaply priced . the phone number is 01733553355 and the address is victoria avenue chesterton . is there anything else you 'd like to know ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 O O O O O O O O O O O O O general-reqmore +bos can we make a reservation at royal spice ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos sure . what day and time would you like to book ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day,Booking-Inform +bos it will be for 6 people at 16:15 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 unfortunately they are booked then , is it alright to choose another day or time ? eos 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 sure . how about 15:15 on monday ? eos O O O O B-Restaurant-Inform+Time O O O O N/A +bos the booking was successful . your reference number is iad0jjcv . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos also can you book me a train for monday ? i want to arrive by 08:45 in cambridge . i 'm coming from stansted airport . eos O O O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O N/A +bos i have train tr9641 . it is departing at 07:24 and will arrive by 07:52. 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 O B-Train-Inform+Arrive O O O O O O O N/A +bos yes . what is the reference number for the tickets please ? eos O O O O O O O O O O O O O N/A +bos the booking was successful . your reference number is e5okhwn6 . eos 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 . that is everything i need . 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-bye +bos i need some help finding a train to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos i 'd be happy to help . can you tell me more about your trip ? where will you be departing from , and on 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 O O O O O O O O O O O Train-Request+Depart,Train-Request+Day,general-greet +bos departing from peterborough on friday . i should arrive by 10:00 eos O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O N/A +bos and what time would you prefer to leave ? eos O O O O O O O O O O Train-Request+Leave +bos i would like to arrive by 10:00 eos O O O O O O O O N/A +bos there are 8 entries that match that . is there any time that 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 Train-Request+Leave +bos does n't matter . just pick one . eos O O O O O O O O O N/A +bos the tr1662 leaves peterborough at 05:19 , arrives cambridge 06:09. care to book a ticket ? eos 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 Train-OfferBook +bos yes . actually , i would like to book 8 tickets for that train , please . 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 ok , the train was successfully booked . the total fee is 132 gbp payable at the station . your reference number is : ayilo5e4 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 B-Train-OfferBooked+Ref O O O O N/A +bos i am also looking for a restaurant in the west and in the cheap price range that serves korean food . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A +bos there are no establishments that fit your specifications , unfortunately . would you like to search for a different type of cuisine , 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 Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-NoOffer +bos why do n't you try vietnamese food . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there is one vietnamese restauarant in the area , would you like me to book that ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O Booking-Inform +bos yes , please book it . i would also like the address . eos O O O O O O O O O O O O O O Restaurant-Request+Addr +bos the address is 17 magdalene street city centre . how many people people and for what day and time ? 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 O Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos i just needed that info . thank you . 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 thats all i wanted 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 O general-welcome,general-bye +bos i am looking for the addenbrookes hospital eos O O O O O O O O Hospital-Inform +bos okay , that hospital is located on hills rd , cambridge . do you want 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 yes the phone number and postcode eos O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos hi , the telephone number to the hospital is 01223245151 and the postcode is cb20qq eos 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 . do you need information regarding a specific department in the hospital ? eos 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 given me all the info i need for today . eos O O O O O O O O O O O O O O O O O O general-thank +bos okay thank you and have a great day ! eos O O O O O O O O O O general-bye +bos you too . i appreciate the assistance . eos O O O O O O O O O N/A +bos your welcome , goodbye eos 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 alright . where are you headed ? eos O O O O O O O O Train-Request+Dest +bos i 'm head to leicester from cambridge on saturday . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O N/A +bos what time are you planning to leave ? eos O O O O O O O O O Train-Request+Leave +bos anytime after 8:45. eos O O O O N/A +bos tr3371 leaves at 09:21 and arrives at 11:06. it is 30.24 pounds . would you be interested in that ? eos O B-Train-Inform+Id 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 N/A +bos i meant to say i want to leave after 20:45. eos O O O O O O O O O O B-Train-Inform+Leave N/A +bos great , i have tr9209 that meets your criteria and is 30.24 pounds . would you like me to book it ? eos O O O O B-Train-Inform+Id 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 . i booking for one person . eos O O O O O O O O O O O N/A +bos pardon me , did you say you are traveling on saturday or sunday ? eos O O O O O O O O O O O O O O O Train-Request+Day +bos i am traveling on saturday . eos O O O O O B-Train-Inform+Day O N/A +bos okay , i have tr7610 that leaves at 21:21. the price is 30.24 pounds . would you like me to book it ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave 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 please , for one person . eos O O O O O O O O N/A +bos okay , booking was successful . your reference number is mhmrvmr4 . 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 nope , that 's all . thanks ! eos O O O O O O O O O general-thank +bos you are welcome , enjoy yourself . eos O O O O O O O O general-welcome,general-bye +bos i need a taxi from peking restaurant . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 10:45. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos what is your destination after leaving peking restaurant ? eos O O O O O O O O O O Taxi-Request+Dest +bos i will be going to maharajah tandoori restaurant . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos ok i have a blue audio for you with the contact number 07304585611. eos 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 N/A +bos do you mean a blue audi ? eos O O O O O O O O N/A +bos yes , i apologize you should be looking for a blue audi . the contact number is 07304585611 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 thanks , that 's all i need . good bye . eos O O O O O O O O O O O O general-bye +bos no problem ! have a great night ! eos O O O O O O O O O general-bye +bos are there cheap places to eat in the centre part of town ? eos 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 several in that price range at the centre . what type of food would you like ? eos 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 Restaurant-Request+Food +bos good i like chinese food please . eos O O O O O O O O N/A +bos charlie chan looks great . need a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O Booking-Inform +bos yes , i need a reservation for 7 people on friday at 17:45. could i get the reservation number ? 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 O O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : vx834ja0 . 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 . 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 are most welcome . thanks for contacting towninfo centre . goodbye . eos O O O O O O O O O O O O O O general-bye +bos i want to eat at a moderately priced restaurant please eos O O O O O O O B-Restaurant-Inform+Price 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 belgian please , i 'm craving that lately eos O B-Restaurant-Inform+Food O O O O O O O N/A +bos we need some more information . where are looking to eat ? eos O O O O O O O O O O O O O Restaurant-Request+Area +bos i prefer to eat in the center of town , please . eos O O O O O O O O O O O O O N/A +bos no , i did not find any restaurants in the centre . eos O O O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O N/A +bos hmm.. how about somewhere else in town , what is available ? eos O O O O O O O O O O O O O N/A +bos i 'm sorry but i do n't have any belgian places in the centre . can i try a different area ? 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 Restaurant-Request+Area +bos why do n't we try turkish food instead eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are two turkish restaurants in the centre of town . they are efe 's restaurant and anatolia . eos 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 O O N/A +bos either would be fine . can you book for 1 at 20:00 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 , it looks like they are both booked during yoir preferred time and day . 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 Booking-NoBook,Restaurant-Request+Food,Booking-Request+Time +bos yes try 19:00 and please give me the reference number . eos O O O B-Restaurant-Inform+Time O O O O O O O O Restaurant-Request+Ref +bos booking was successful at efes restaurant . the table will be reserved for 15 minutes . reference number is : qxz05j29 . 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 B-Booking-Book+Ref O O N/A +bos thanks so much ! you 've been helpful . eos O O O O O O O O O O general-thank +bos have a nice day eos O O O O O general-bye +bos you have a nice day also . eos O O O O O O O O N/A +bos thank you . i hope you enjoy your meal . eos O O O O O O O O O O O general-bye +bos i am looking for a place to go while in cambridge . i would like something to do with boats ? do you have that ? 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 N/A +bos there are four different locations related to boating , is there any specific area you 're looking to go to ? 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 Attraction-Request+Area +bos no there is not , just please provide me with the address of one that you recommend . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos the cambridge punter , the address is 251a chesterton road , post code cb41as . would you like to know any more info on boats in cambridge ? 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 O O B-Attraction-Inform+Post 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 prefer a guesthouse that 's expensive . eos O O O O O O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Price O O O O N/A +bos there are not any expensive guesthouses in cambridge . would a moderately priced guesthouse suffice ? eos O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O O N/A +bos no . i really need an expensive one with 4 stars . i do n't care about the area . can you check again for me ? 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 unfortunately there are no guesthouses that match your request . if you are willing to stay at a hotel , i have 2 expensive 4 star options . 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 B-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O N/A +bos do you have cheap guesthouse with 4 stars available ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O N/A +bos we have 5 guesthouses that is all in the cheap price range . all have free internet and parking . 3 in the eastside , 1 west , and 1 centre . 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 B-Hotel-Inform+Area O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos can you book the one in the centre for 7 people for 3 nights starting monday ? eos O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos unfortunately the alexander bed and breakfast guesthouse is unavailable for that date range . would you like to see if another day is available or book 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 O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos can you try booking for one night , instead ? eos O O O O O O O O O O O N/A +bos booking was successful . your reference number is 5hdltho7 . eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos i also need to arrange for a taxi to leave from the hotel and get to cambridge punter . eos 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 do you need the taxi ? eos O O O O O O O O O Taxi-Request+Depart +bos i want to leave the hotel by 11:15. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos i have confirmed booking your taxi , a grey toyota will be picking you up . eos 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 can i get a contact number for that ? eos O O O O O O O O O O N/A +bos their number is 07069671908. eos 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 no problem . glad to help . eos O O O O O O O O general-greet +bos can you help me find a restaurant ? eos O O O O O O O O O Restaurant-Inform +bos are you looking for a particular style of food ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i 'm actually looking for a particular restaurant recommended to me by the name of royal spice . 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 N/A +bos yes , the royal spice is located on victoria avenue chesterton and on the northern part of cambridge . 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 O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos may i ask what type of food does royal spice serve ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos sure ! it is indian food . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'll also need the postcode and area please . eos O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post +bos royal spice is located in the north area and the postcode is cb41eh . eos 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 B-Restaurant-Inform+Post O N/A +bos great , thanks . that is all i need today . eos 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 am looking for the nearest hospital please . eos O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is the closest hospital . do you need a particular department ? eos O O O O O O O O O O O O O O O N/A +bos i need to find a hospital with a teenage cancer trust unit . 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 N/A +bos addensbrookes hospital does have a teenage cancer trust unit . would you like information about that ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes , i just need the postcode please . eos O O O O O O O O O O Hospital-Request+Post +bos it is cb20qq . eos O O O O O N/A +bos okay , thank you for your help . that 's all i need . eos O O O O O 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-bye +bos i am looking to go to a museum in the east part of cambridge , can you help me find one ? 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 O O O N/A +bos how about cambridge artworks ? it 's on the east side and it 's free admission . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O N/A +bos that sounds good . what is the postcode ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode for cambridge artworks is cb13ef . can i help you with anything else ? eos 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 general-reqmore +bos i 'm in need of a guesthouse . i 'd like it to have three stars . 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 4 guesthouses available , two in the north , one each in the south and west . do you have a preference on area ? 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 O O O O O O Hotel-Request+Area +bos yes , i 'd prefer a moderate place in the south . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O N/A +bos bridge guest house is a guesthouse in the south in the moderate price range . it also has parking and internet . would you like to book a room ? eos O B-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 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 O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please for 7 people and for 3 nights starting wednesday eos O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos congratulations ! your hotel was booked with the reference number 89rkan7m . 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 , you 've been great . eos O O O O O O O O N/A +bos 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 ! eos O O O O O O O O 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 place to get a boat . can you help me ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos yes i have locations on the east , north and city center . any preference for location ? eos O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O Attraction-Select +bos 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 . eos O O O O O O 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+Addr +bos no problem . there is the riverboar georgina which is located in the north side of town . the address is cambridge passenger cruises , jubilee house and the postcode is cb43ax . eos O O O 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 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 ! i also need a hotel while i am there . i do need free parking but internet is optional . 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 . there are a total of 29 hotels and guesthouses available . is there a certain price range or area you wish ? eos O O O O 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 O O Hotel-Request+Price,Hotel-Request+Area +bos i would like a three star hotel , do not care about price . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos gonville hotel is a three star hotel with parking and is in the centre area . does this sound good ? eos O B-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+Parking +bos yes that sounds fine . i would like to book a reservation please . eos O O O O O O O O O O O O O O O N/A +bos 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 ? eos O O O O O 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 can you make that for starting monday , 4 nights and 7 people ? eos O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O N/A +bos the booking was successful ! your reference number is ur6l3nls . anything else i can help with ? 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 also need to get a taxi to go between them , please . eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos we can certainly help with that . are you heading to the boat or to the hotel , and what time do 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 O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Leave +bos i need to leave the hotel by 5:00. eos O O O O O O O O O N/A +bos i was able to get a red volvo for you phone number 07586716905 eos O 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 very much for helping me today ! eos O O O O O O O O O O general-thank +bos not a problem and thank you for choosing cambridge towninfo centre eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a restaurant . the restaurant should serve italian food and should be in the expensive price range . eos 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 O N/A +bos okay . do you want to dine in a specific area ? eos O O O O O O O O O O O O O Restaurant-Request+Area +bos i am looking in the centre of town . eos O O O O O O B-Restaurant-Inform+Area O O O N/A +bos we have 4 expensive italian restaurants in the center of town . two are in market hill city centre . shall i just pick 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 N/A +bos yes , surprise me please ! it 's for 8 people at 16:30 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 O N/A +bos booking was successful at don pasquale pizzeria . the table will be reserved for 15 minutes.reference number is : oyesls03 . can i 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 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 so much ! have a nice day eos O O O O O O O O O O O O general-thank +bos you are welcome . have a nice day as well . good bye . eos 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 train heading from cambridge to stansted airport . eos O 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 there are 133 trains making that route , what day and time 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 Train-Request+Leave,Train-Request+Day +bos i 'd like to leave on tuesday after 12:30. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos i can get you on the 12:40 , arriving at the airport at 13:08. will that work ? 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 N/A +bos yes . please book that train for seven people , and include a reference number . 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 70.7 gbp payable at the station . reference number is : d02fbwkx . 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 also need to find a museum to go to in the west please . 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 there are 6 free-to-enter museums and 1 that has a fee of 3.50 pounds . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos 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 ? eos O O O O O O O O O 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 is the lynne strover gallery , the address is 23 high street , fen ditton . 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos that should work . what 's the entrance fee for that place ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos it is free to enter . can i help you with anything else ? eos O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos that 's everything i needed for today , thanks so much ! eos O O O O O O O O O O O O O general-thank +bos welcome . have a lovely day ! eos O O O O O O O O general-welcome,general-bye +bos are there any moderately priced places to eat with british styled food ? eos O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O O N/A +bos yes , i have 5 places . what about cotto ? eos O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name O O O N/A +bos cotto is fine . i want to book a table for 1 person at 12:00 on sunday . eos O B-Restaurant-Inform+Name O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O N/A +bos cotto is completely booked for saturday at noon . could i direct you to a different restaurant ? eos 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 general-reqmore +bos yes , please book me 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 O O O N/A +bos restaurant one seven is also british cuisine , moderate priced , in the center of town and they are able to accommodate your reservation . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O 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 N/A +bos thank you that sounds like a great place . eos O O O O O O O O O O general-thank +bos i have booked your reservation for restaurant one seven on saturday at 12:00. your reference number is dyszrx2b . do you need any other 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 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 general-reqmore +bos no , that will be all . thank you very much . 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 'm looking for places go to in the south of town . eos O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos the attraction types in the south area are theatre , park , nightclub , museum , cinema , and entertainment . which one are you interested in ? eos 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 Attraction-Request+Type +bos i am interested in cinemas specifically . eos O O O O O B-Attraction-Inform+Type O O N/A +bos the cineworld cinema is in the south part of town . their phone number is 00872208000. would you like their address ? 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 B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos yes , please give me the address and postcode . eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos it 's located at cambridge leisure park , clifton way and the postcode is cb17dy 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+Post O O N/A +bos excellent . i 'd also like a train please . one that leaves from london liverpool street to cambridge . 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 B-Train-Inform+Dest O O O O N/A +bos there are 70 trains that leave from london liverpool street to cambridge , what day and time would you like to leave ? eos 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+Dest O O O O O O O O O O O Train-Request+Leave +bos the first train after 21:15 works for me . i need to book it for three people , please provide the reference number . 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 O O O Train-Request+Ref +bos i can certainly book that for you ! however , could you let me know what day of the week you 'll 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 Train-Request+Day +bos i will be traveling on monday , and i will need the reference number as well . eos O O O O O O O O O O O O O O O O O O Train-Request+Ref +bos that would be tr5906 at 21:39 on monday . eos O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O B-Train-Inform+Day 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 i have booked 3 tickets for you for 49.8gbp payable at the station . your reference number is etoi91on eos O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Ticket O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos great ! thank you . what a relief . eos 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 thank you . that is everything i need at this time . eos O O 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-bye +bos i 'm looking for somewhere to go eos O O O O O O O O N/A +bos there are many options for you . what type of attraction would you like to visit ? eos 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 really care . but it needs to be in the western part of cambridge . 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 lynne strover gallery is a museum located in the west , and the entrance is free . would you like the address and phone for it ? 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 B-Attraction-Inform+Fee O O O O O O O O O O O O N/A +bos just the address in the postcode would be great eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the lynne strover gallery is located at 23 high street , fen ditton and the postcode is cb30aq . 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 I-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 O O O O O O O general-reqmore +bos i need to book a train as well . eos O O O O O O O O O O Train-Inform +bos okay . where do you need to depart from and arrive to ? 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 O O O O O O O Train-Request+Arrive,Train-Request+Dest,Train-Request+Depart +bos i 'd like to depart from cambridge and arrive in leicester by 16:00. eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos tr4792 leaves at 13:31 and arrives at 15:06. would you like 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 Train-OfferBook +bos yeah , that 'll work , good ahead and book it for just me , thanks . eos O O O O O O O O O O O O O O O O O O general-thank +bos great . i booked you for one ticket on the train . your reference number is burbkjxx . is there anything else i can assist you with today ? 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 O O O O O O O general-reqmore +bos no , that 'll be all . thanks a lot . 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 i love looking at architecture . can you find me a good place in the centre area ? 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 N/A +bos holy trinity church is a popular choice , with no entry fee . eos 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+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A +bos that sounds like a good choice . thank you . eos 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 yes . i would also 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 N/A +bos i have 33 places to stay . 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 Hotel-Request+Price +bos i want a moderate price range , with a star of 4 , and in the type of hotel . also , free parking , please . eos O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos i dont have any hotels , would a guesthouse be ok ? eos O O O O O B-Hotel-NoOffer+Type O O B-Hotel-Select+Type I-Hotel-Select+Type O O O N/A +bos try a hotel that is expensive then , same other attributes , free parking and 4 star please . eos O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos huntingdon marriott hotel would meet all 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 N/A +bos can you book that for me . monday , 2 nights , 7 peaople ? i 'll also need the reference number please ? eos O 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 O O Hotel-Request+Ref +bos your room at the huntingdon marriott hotel . the reference number is k2bjcgyb . 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 's it . you 've been most helpful . thank you . 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 assist with regarding your travels and stay ? eos O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos hello , can you give me information on williams art and antiques ? i need their address , phone , and postcode please . is there an admission fee ? will i need taxi from cambridge ? 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 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+Post,Attraction-Request+Phone +bos that museum is located in the centre and is free admission . eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Fee O O N/A +bos what is their postcode ? eos O O O O O O Attraction-Request+Post +bos the address for williams art is gwydir street , no . 5 dale 's brewery with postcode cb12lj eos 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O N/A +bos thank you , i need to find an indian restaurant in the south that is expensive . eos O O 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 the taj tandoori meets all your requirements , should i go ahead and 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 Booking-Inform +bos yes , book it please and can i have the address . thank you eos O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos the address is 64 cherry hinton road 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 N/A +bos thanks , i 'm all set now . take care ! eos O O O O O O O O O O O O general-thank +bos thanks for using cambridge towninfo centre . have a wonderful trip ! eos O O O O O O O O O O O O O general-greet +bos i would like to find a train leaving from cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O N/A +bos 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 eos O O O O 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,Train-Request+Day +bos i am departing from cambridge on sunday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos could you please provide me with your destination site and departure and arrival time ? 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 need to go from cambridge to broxbourne and arrive by 14:15 eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A +bos we have tr4414 that departs at 13:00 and arrives at 14:00 , or did you want something earlier ? eos 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 general-reqmore +bos something earlier , please . i would like to book it for 4 also need info on jesus green outdoor pool 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 tr2939 departs from cambridge at 12:01 and arrives at broxbourne at 13:01. shall i book seats for 4 people on that train ? eos 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 O O O O O O B-Train-OfferBook+People O O O O N/A +bos yes please , that sounds perfect . eos O O O O O O O O N/A +bos i was able to book the tickets the fee is 57.28 gbp payable at the station . your reference number is 85l2vxvq . is there anything else i can help with ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos i am also looking for a place called jesus green outdoor pool , do you have their 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 O O O O O O O Attraction-Request+Addr +bos jesus green outdoor pool address is between victoria road and the river . would you like more information ? 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+Addr I-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 no it think that 's it thanks for all of you help 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 i 'm looking for a museum in the west area 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 is a museum called kettle 's yard in the west . would you like to go here ? 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 N/A +bos yes please , what is their entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos kettle 's yard has a no entrance fee . 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 N/A +bos oh great thank you for your help . where is the train from cambridge to norwich depart from and when ? 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 N/A +bos there is a train leaving on friday at 5:36. would you like that one ? eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos i 'm actually looking for one on thursday that will arrive by 10:30. are there any trains available for that ? eos O O O O O O 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 yes ! the price is 17.60 pounds . how many tickets would you like to book ? 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 Train-Request+People,Train-OfferBook +bos i would like to book 6 tickets , please . and may i have the reference number once the booking is complete ? 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 O O Train-Request+Ref +bos yes great ! i have your reference number . it is hi5jhixz and the total cost of your tickets was 105.6 gbp . please do enjoy your trip . 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 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 general-reqmore +bos no , i think 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 O O general-thank +bos sure thing , enjoy your trip ! eos O O O O O O O O general-bye +bos i want to find places to go in the centre of town that are park type 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 O N/A +bos i think that you will like cambridge university botanic gardens . it 's 4 pounds , may i book it 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 O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O Booking-Inform +bos yes , that sounds good ! please provide me with the postcode . eos O O O O O O O O O O O O O O Attraction-Request+Post +bos i 'm sorry , we are n't able to book tickets for attractions , but their postcode is cb21jf , and i can provide their address and phone if you like ? eos O O 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 O O O O Booking-NoBook +bos no . that is all i need . i would like help finding a train for saturday though . i need to leave after 15:45. 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 B-Train-Inform+Leave O N/A +bos there are 172 trains that match your request so far so i need additional information . where will you be leaving from and travelling to ? 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 Train-Request+Depart,Train-Request+Dest +bos i 'll be leaving from norwich and heading to cambridge . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A +bos i would suggest booking tr9724 eos O O O O O B-Train-OfferBook+Id N/A +bos as long as that leaves after 15:45 , please book 8 tickets for me . eos O O O O O O O O O O O B-Train-Inform+People O O O O N/A +bos your booking was successful , the total fee is 112.64 gbp payable at the station . reference number is : m8er05m6 . will there be 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 general-reqmore +bos 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-welcome,general-bye +bos i 'm looking for information on a hotel called alexander 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 N/A +bos okay ! alexander bed and breakfast is a cheap , 4-star guesthouse in the centre of town , at 56 saint barnabas road , with internet and parking . shall i 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+Price 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 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please book it for 4 people and 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 N/A +bos booking was successful.reference number is : oebh1q9h . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i also need a train on wednesday arriving by 17:00. eos O O O O O O O O O O O O B-Train-Inform+Arrive 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 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 is there a time in your mind for leaving ? eos O O O O O O O O O O O Train-Request+Leave +bos no , i just need to arrive by 17:00. on wednesday . please book the train closest to that arrival for 4 people and give me a reference number 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 B-Train-Inform+People O O O O O O O O N/A +bos the train id is tr5153 . it leaves at 16:11 and arrives at 16:58. your reference number is 1t9wezte . can i help with anything else ? 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 B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos awesome , thank you so much for your help ! that will be all , 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 and enjoy your time in our beautiful city ! eos O O O O O O O O O O O O general-bye +bos i 'm looking for a cheap place to stay in the south , can you give me information on my options . eos 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 O O N/A +bos there is rosa 's bed and breakfast in the south it is cheap , yet a 4 star . 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 O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O N/A +bos is that a guesthouse ? i do n't want to stay in a guesthouse , i want to stay in a hotel please . 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 O N/A +bos we do n't have any cheap hotels on the south side . you 'll have to look elsewhere . 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 N/A +bos can you please look at a cheap guesthouse in the south side ? eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos rosa 's bed and breakfast fits your description . can we reserve ? 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 Booking-Inform +bos i would like to book it for 3 nights eos O O O O O O O O O B-Hotel-Inform+Stay N/A +bos i 'd be happy to book it for you . what day 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 O Booking-Request+People,Booking-Request+Day +bos book it for 4 people and 3 nights starting from wednesday . 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 booking was successful , confirmation # is phsey43r , anything else today ? eos O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i am also looking for a place to eat , in the same price range as my hotel and preferably chinese food . eos 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 we have quite a few would you like to reserve a table eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O Booking-Inform +bos not yet , can you find me one that is 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 O O N/A +bos i found a restaurant for you ! the lucky star is a chinese restaurant in the south and also has a cheap price range . 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+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O N/A +bos that sounds great . can i make a reservation for 4 people today at 19:15 ? eos O O O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O O N/A +bos the reservation for 4 people at the lucky star this wednesday at 19:15 was successful . the table will be reserved for 15 minutes.reference number is : nygdcbfx . eos O O O O O B-Booking-Book+People 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 O B-Booking-Book+Ref O O N/A +bos thank you for helping eos O O O O O general-thank +bos is there anything else i may help with ? eos O O O O O O O O O O general-reqmore +bos that is all i need , goodbye eos O O O O O O O O general-bye +bos very well , thank you for using our services . goodbye . eos O O O O O O O O O O O O O general-bye +bos i need a train from birmingham new street that will arrive by 18:15. 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 N/A +bos i can certainly help you with that . where are you traveling to ? eos O O O O O O O O O O O O O O O Train-Request+Dest,general-greet +bos i wish to go to cambridge on a wednesday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos the first train leaves at 5:40. eos O O O O O O B-Train-Inform+Leave N/A +bos that sounds good for me . could you please get me 6 tickets ? eos 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 450.6 gbp payable at the station . your reference number is wx15fbx1 . 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 yes please . i 'm also looking for information on the cambridge punter . 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 cambridge punter is a boat in the centre , the phone number is 07807718591. do you need more information ? eos 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 B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos i think that is all i need to know . eos O O O O O O O O O O O N/A +bos great . well you have a wonderful day ! eos O O O O O O O O O O general-bye +bos i have been working all week in cambridge and need to blow off some steam , what nigthclubs are 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 B-Attraction-Inform+Area O O O N/A +bos there are 5 nightclubs in the centre . the names are ballare , club salsa , kambar , soul tree nightclub , and the fez club . 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos fez club sounds great ! is the phone number available ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Phone +bos the phone number for the fez club is 01223519224 and they are located at 8 market passage . the entrance fee is 5 pounds . have fun ! 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 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 N/A +bos thank you , i will ! i also need info for a train . eos O O O O O O O O O O O O O O O Train-Inform +bos i can certainly help you with that . what are your departure and arrival cities ? 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 i need to depart from cambridge and arive in peterborough , wednesday , no later than 20:15. eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O N/A +bos train # tr4875 leaves cambridge on wednesday 19:06 and arrives in peterborough at 19:56. would you like me to book your ticket ? eos O O O B-Train-Inform+Id 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 O O O O O O O O Train-OfferBook +bos would you please ? i would like 5 tickets . 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 82.5 gbp payable at the station , your reference number is 1a27yhaa . 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 yes thank you 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 . can i be of any further 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 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 are most welcome ! eos O O O O O O general-welcome +bos i am looking for mediterranean food in the center of the city . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos i show 3 available . 2 are in the expensive range and 1 is cheap . may i book a table for you ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos i 'd like the expensive range and i 'd like to book a table for 7 people on saturday at 15:45. eos O O O O B-Restaurant-Inform+Price 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 have booked you at the shiraz restaurant for 7 people saturday at 15:45. your table will be reserved for 15 minutes . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O N/A +bos thank you so much . that is all i need today . have a great evening . eos O O O O O O O O O O O O O O O O O O general-thank +bos sure . your reference number is msv3ups2 . you will likely need it . eos O O O O O O O B-Restaurant-Inform+Ref O O O O O O O N/A +bos great . thanks so much ! eos O O O O O O O general-thank +bos thanks for calling . you have a great day ! eos O O O O O O O O O O O general-bye +bos what are some expensive restaurant reccomendations in the north 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 i have 5 restaurants that fit those criteria . saigon city , hakka , the hotspot , city stop restaurant and restaurant two two . which would you like a booking for ? 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform +bos please book saigon city for 3 people at 17:00 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 you 're all ready to go ! your reference number is i9cagd11 . 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 yes please . i am also looking to book a train to broxbourne on thursday . can you help me with that ? 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 N/A +bos yes . there are 19 trains that depart to broxbourne on thursday . do you have a specific departure or arrival time ? eos O O 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 O O O O Train-Request+Leave,Train-Request+Arrive +bos i just need to get there by 13:30. eos O O O O O O O O B-Train-Inform+Arrive N/A +bos tr3006 arrives in broxbourne on thursday at 13:01. will that work ? 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 general-reqmore +bos yes , that could do . i need the trainid and ticket price , please . eos O O O O O O O O O O O O O O O O O Train-Request+Price +bos the travel time for tr3006 is 60 minutes . the price is 17.90 gbp per ticket . eos O O O O O B-Train-Inform+Id O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos ok great , that is everything 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 general-thank +bos are you certain you do not need further assistance ? eos O O O O O O O O O O O general-reqmore +bos i am positive . thanks for everything ! 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 am looking for a restaurant called j restaurant . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos j restaurant is an asian restaurant located in the city centre at 86 regent street . would you like to me make a reservation for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food 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 O O O O O O O O O O O Booking-Inform +bos yes please , for 4 people at 17:45 on saturday . 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 okay , booking was successful . the table will be reserved for 15 minutes . your reference number is : cb27mmo8 . 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 N/A +bos thank you , i am also looking for a train , i need it to depart from cambridge on sunday . 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 N/A +bos can you please book this eos O O O O O O Train-OfferBook +bos uh ... you alright ? i guess i can do it myself ... eos O O O O O O O O O O O O O O N/A +bos i 'm sorry . i can book your train . where would you like to go , and what time would you like to be 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+Arrive,Train-Request+Dest +bos i 'd like to leave after 09:30 on sunday and go to kings lynn from cambridge . eos O O O O O 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+Depart O O N/A +bos there are 14 trains leaving every hour , with the first being at 10:11 and the last one of the day being at 23:11. which 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 Train-Select,Train-OfferBook +bos let 's go with the 10:11 train . i 'd like to book for 4 people and will need a reference number , please . 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 i have booked the train from cambridge to kings lynn for sunday leaving at 10:11 and arriving by 10:58. reference # 4lpyrwcu . eos O O O O O O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O B-Train-OfferBooked+Day O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O B-Train-OfferBooked+Ref O N/A +bos alright , that 's everything . 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 you are welcome . eos O O O O O general-welcome +bos i need a restaurant in cambridge that is expensive and also in the centre 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 N/A +bos bedouin at 100 mill road city centre meets your criteria . would you like a booking made for you ? 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 O O O O Booking-Inform +bos does bedouin serve german food ? eos O O O O O O O N/A +bos no , it serves african style food . would you like to find a restaurant that serves german ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Restaurant-Request+Food +bos yes , if there is one available . eos O O O O O O O O O N/A +bos i do n't have any expensive german restaurants in the centre . eos O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O O O O O O N/A +bos are there any japanese restaurants in the same area and price range ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos wagamama is a japanese restaurant in the centre area in the expensive price range . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O N/A +bos great ! i 'd like to make a reservation for 6 people at 17:15 on tuesday . and i 'd like a reference number , 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 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 zmgywsso . is there anything else that 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 O general-reqmore +bos i 'm looking for a train on the same day that arrives by 19:15 and departs from norwich ( going to cambridge , of course ) . 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 O B-Train-Inform+Dest O O O O O O O N/A +bos there are 13 trains the latest is an arrival at 18:35 would that work for you ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Arrive O O O O O O Train-Select +bos i 'm sorry i mean to say 9:15. i need to arrive by 9:15. eos O O O O O O O O O O O O O O O N/A +bos tr0339 leaves norwich at 07:16 and arrives in cambridge at 08:35. would you like me to reserve your tickets , and if so , how many will be traveling ? 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 O O O O O O O O O O Train-Request+People,Train-OfferBook +bos yes , please reserve six tickets for us . eos O O O O O O O O O O N/A +bos i have booked your tickets . the reservation number is 8iiv469o . the fee is 105.6 gbp payable at the station . is there anything else i can do for you ? eos O 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 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 it 's my pleasure ! thank you for contacting us . goodbye ! eos O O O O O O O O O O O O O O general-bye +bos i want to eat . i am looking for a jamaican restaurant with a moderate price range please . 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 N/A +bos i 'm sorry , there are no moderately priced jamaican restaurants . what about a different food type ? eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O Restaurant-Request+Food +bos i would really prefer jamaican . are there any in the centre part of town ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos unfortunately there is none there as well . can i broaden your search further ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos okay , well how about one that serves modern european food in that area ? eos 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 i have two modern european restaurants in the centre . would you like to book at de luca cucina and bar ? 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 B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name N/A +bos yes , that would be great and can you give me the postcode and their 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+Addr +bos the address is 83 regent street , postcode cb21aw . what day and time would you like to book ? 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-Request+Time,Booking-Request+Day +bos i will take care of that myself . could you find me a train going to norwich arriving by 12:45 ? eos 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+Arrive O O N/A +bos i 'll be happy to help . i need to know the day and your departure site , 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+Day,Train-Request+Depart +bos i leave on wednesday , departing from cambridge . eos O O O O B-Train-Inform+Day O O O O O N/A +bos tr9635 will depart cambridge at 10:36 on wednesday and arrive in norwich at 11:55. would you like me to book tickets for you ? eos O B-Train-Inform+Id I-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 O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos please book that train . eos O O O O O O Train-Inform +bos of course , how many tickets would you like me to book ? eos O O O O O O O O O O O O O O Train-Request+People +bos i would like to book a total of 6 tickets . and can i please get 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 was able to successfully book your tickets for train tr9635 . your reference number is 6144v7be . is there anything else i can help you with ? eos O O O 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 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 certainly ! have a nice day and contact the cambridge towninfo centre whenever you like ! 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 an expensive restaurant in the centre at cambridge . 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 that fit your requirements , is there a type of cuisine 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 O O Restaurant-Request+Food +bos the restaurant should serve seafood . eos O O O O O B-Restaurant-Inform+Food O N/A +bos loch fyne is an expensive seafood restaurant in the centre . should i 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 Booking-Inform +bos yes please . can you book it for 3 people on wednesday ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O N/A +bos what time would you like me to book the reservation ? eos O O O O O O O O O O O O Booking-Request+Time +bos please book the reservation for 18:30. eos O O O O O O B-Restaurant-Inform+Time N/A +bos the booking was successful . the reference number is jx5wc64a . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks . now i need to find a train from stansted airport to cambridge on wednesday . 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 N/A +bos i have found 19 trains . what time do you wish to depart ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Leave +bos i need to arrive by 15:15 , can you give me a train id matching that and a departure time ? 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 Train-Request+TrainID,Train-Request+Leave +bos tr5499 leaves stansted airport at 14:24 and arrives in cambridge at 14:52. would that work for you ? eos 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 O O O O O N/A +bos that is everything i needed to know . thanks for your help ! eos O O O O O O O O O O O O O O general-thank +bos okay i am glad to be of service . thanks for calling . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos are there any expensive restaurants that are centrally located ? eos O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos there are many restaurants that meet your criteria , is there a specific type of food you would like to eat ? 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 would like a place that serves korean food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos little seoul is the only korean restaurant in the center of town , and it is expensive . would you like to book a table there ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O 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 O O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos that sounds just delightful ! i would like a reservation for two at 20:00 for friday . and i will need that reference number , please . eos 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 N/A +bos okay you 're all ready to go ! your reference number is y8v4909w . 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 i would also like to book a train to cambridge that day . eos O O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos where are you leaving from ? eos O O O O O O O Train-Request+Depart +bos i 'll be leaving from london liverpool street and i need to arrive in cambridge by 11:15. 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 B-Train-Inform+Arrive O N/A +bos ok. you are all ready to go . your reference number is 52bzek4d . the total fee is 33.2 gbp payable at the station . 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 B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O general-greet +bos no , that 's all 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 have a great day . eos O O O O O O O O general-welcome,general-bye +bos i travelling to cambridge and am looking for a train to the london kings cross station leaving on thursday . eos O O O O B-Train-Inform+Depart 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 N/A +bos where will you be traveling from on thursday ? eos O O O O O O O O O O Train-Request+Depart +bos i want to depart from cambridge after 19:45 and arrive at london kings cross . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O N/A +bos tr0720 departs cambridge at 21:00 on thursday , heading to london kings cross . how many tickets do you need ? 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 I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O Train-Request+People +bos i would like to book 4. can you tell me the price for each ticket before i book them ? 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 cost for one ticket is 23.60 pounds . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i would actually like to book 5 people and would like to know the reference number for the tickets and the address of la tasca restaurant . 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos booking was successful , your reference number is d8jelrtu . la tasca is located at 14 -16 bridge street . would you like a reservation ? eos O O O O O O O O B-Train-OfferBooked+Ref 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 O O Booking-Inform +bos yes please . can i book a table for five people ? eos O O O O O O O O O O O O O N/A +bos i 'd be happy to book that for you , what day and time would you like that 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 Booking-Request+Day,Booking-Request+Time +bos i would like to book it for 5 people at 15:30 on the same day as the train , thursday . can i also get the reference number for that as well ? eos O O O O O O O O O B-Train-Inform+People O B-Restaurant-Inform+Time O O 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 the table will be reserved for 15 minutes . your reference number is xn08qjtd . 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 very much ! eos O O O O O O general-thank +bos is there anything else i can help you with today , or are you all set ? 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 for using our system ! eos O O O O O O O O general-bye +bos i would like recommendations for italian restaurants . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos stazione restaurant and coffee bar is an italian restaurant , would you like to book that ? 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+Food O O O O O O O O O Booking-Inform +bos is the price range for stazione restaurant moderate ? eos O O O O O O O O B-Restaurant-Inform+Price O N/A +bos no , stazione restaurant and coffee bar is in the expensive 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 O B-Restaurant-Inform+Price O O O O N/A +bos i 'm looking for something in the moderate price range that 's in the south part of town . i would also like a phone number and address , please . 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 O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure u have the pizza hut cherry hinton and their telephone is 01223323737 and their postcode is cb21ab . 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 O 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 general-reqmore +bos yes , i 'm also looking for a train departing from cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O O O N/A +bos there are 1,414 trains departing from cambridge . can i narrow that down by destination , day , and/or a time ? 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 O O Train-Request+Leave,Train-Request+Dest +bos i 'm looking for a train to stansted airport that departs on wednesday . it needs to arrive by 17:30. eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O N/A +bos i have many that will arrive by that time , but the closest to that actual time is tr2912 , departing cambridge at 16:40 and arriving at stansted at 17:08. eos O O O B-Train-Inform+Choice O O O O O O O O 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 N/A +bos that sounds great . that is all the information i needed . 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 i am ready to book , but need to know how many tickets you need for the train ? 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 do n't want to book right now i just wanted to know the availability . 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 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 , i 'm all set . thank you , goodbye ! eos O O O O O O O O O O O O O general-bye +bos thank you . please contact us again in the future if you would like any additional information or bookings . 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 leaving cambridge and am looking for a train that should leave on monday . eos O O O B-Train-Inform+Depart O O O O O O O O O O B-Train-Inform+Day O O N/A +bos where would you like to arrive ? i have some arriving at london kings cross on monday . there are other arrival places also available . 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+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Dest I-Train-Inform+Dest O O O Train-Request+Dest +bos i need to depart for birmingham new street after 20:15. thank you so much for your help , you 're doing a wonderful job ! eos O O 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 there are several trains that leave after that time to the destination you listed . would you like a reference number to one of them ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave 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 general-reqmore +bos yes i would like to book for 4 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 N/A +bos would the tr2392 that arrives in birmingham new street by 23:44 be okay for booking ? eos O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest I-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O O O O O N/A +bos that would be great thank you . i am also looking for halal food located in the centre . can you help me find one ? eos 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 O O O O O O O N/A +bos there are no restaurants matching your requirements in that area . eos O O O O O O O O O O O O Restaurant-NoOffer +bos can you give me alternate expensive restaurants 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 there are several . do you have any food preferences ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos yes , please tell me about italian food . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are four expensive italian restaurants in the centre region : stazione restaurant and coffee bar , clowns cafedon pasquale pizzeria , and caffe uno . would you like to try getting 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 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 Booking-Inform +bos i would like to try caffe uno . eos O O O O O O O O O N/A +bos what time would you like your reservation for ? eos O O O O O O O O O O Booking-Request+Time +bos i would like the reservation for 14:45 for 4 people on monday , please . eos O O O O O O O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+Day O O O N/A +bos you are now booked for cafe uno . your reference number is 0ctgefmd . your table will be reserved for 15 minutes . 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 N/A +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 great day ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'd like a train that is departing from cambridge and is going to london liverpool street . eos 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 there are 70 trains that meet your needs . would you like to narrow it down by day and/or time of 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 O O Train-Request+Leave,Train-Request+Day +bos i would like to leave on thursday after 16:15. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos we have ten choices for you with departures every two hours beginning at 7:27. what is your preference for a departure time ? eos O O O O B-Train-Inform+Choice 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-Request+Leave +bos i just want to be clear . this is 7:27 friday morning correct ? in that case , i 'd like to book that for 5 people with reference number , please . 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 B-Train-Inform+People O O O O O O O O O O N/A +bos booking was successful , the total fee is 83 gbp payable at the station .reference number is : vnhmju4n . 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 do i pick up the tickets there , as well ? eos O O O O O O O O O O O O N/A +bos that is correct . can i help with anything else ? eos O O O O O O O O O O O O general-reqmore +bos yes , actually . are there any moderately priced restaurants that serve british food ? eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O O N/A +bos yes , i 've got five restaurants , four center and one in the west that serve british food . do you have a preference in location ? 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 B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Area +bos no , i do n't . what would you recommend ? eos O O O O O O O O O O O O N/A +bos i like the oak bistro , it is located at 6 lensfield road and is in town centre . 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 O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 yes please book it for 5 people eos O O O O O O O O N/A +bos can you please verify the date and time you would like the booking ? eos 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 it for thursday at 10:45. eos O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos all booked ! your reference number is ri66qtet . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you so much . i appreciate the help . 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 O O O O O general-thank +bos thank you goodbye . eos O O O O O general-bye +bos sure thing . good bye . eos O O O O O O O general-bye +bos thank you for contacting cambridge towninfo centre eos O O O O O O O O general-bye +bos i 'm looking for a museum in the town centre . eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos there are 11 museums in the town centre . what would you like the entrance fee to be ? 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 Attraction-Request+Price,Attraction-Select +bos find me the best deal , can i get the address and postcode of that ? 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 broughton house gallery has free entry at 98 king street postcod cb11ln eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post N/A +bos thank you . could you help find me a train that goes to london kings cross and arrives by 09:15 ? eos 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 B-Train-Inform+Arrive O O N/A +bos what is your departure site and your departure day and time ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart,Train-Request+Day +bos i would like to depart from cambridge on wenesday . eos O O O O O O O B-Train-Inform+Depart O O O N/A +bos i have a train that departs from cambridge and arrives at london kings cross at 07:51. would you like to book it ? eos O O O O O O O O B-Train-Inform+Depart I-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 O Train-OfferBook +bos i need to book the train fro 5 people . are there enough seats available ? eos O O O O O O O O O B-Train-Inform+People O O O O O O O N/A +bos yes , i was able to book the train for you for 5 people . the total fee is 118 gbp and the reference number is ljqgvgea . eos O O O O O O 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 B-Train-OfferBooked+Ref O O O N/A +bos that 's perfect , thank you so much 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 help you with today ? eos O O O O O O O O O O O O general-reqmore +bos that is all for today . eos 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 hotel . eos O O O O O O O O O O Hotel-Inform +bos do you have a particular one in mind or any preference for where you stay or what amenities are offered ? 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,Hotel-Request+Name,Hotel-Request+Internet +bos i am looking for a hotel called the 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 yes , that 's a guesthouse in the east of town . is there some particular information you 'd like about it , or i could help you book a room ? eos 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 Booking-Inform,general-reqmore +bos i would like to book it for 7 people for 4 nights starting on 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 N/A +bos unfortunately the booking was unsuccessful . would you like for 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 hmm , how about a different hotel in the same price range ? eos O O O O O O O O O O O O O O N/A +bos booking was successful.reference number is : 6jgb7u7h . the acorn guest house . need any thing else ? eos O O O O O O O B-Booking-Book+Ref 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 great thank you that 's all i needed today eos O O O O O O O O O O general-thank +bos okay great . i am glad i could help . eos O O O O O O O O O O O general-welcome +bos thank you for all the help . eos 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 yes i am looking for a place to stay that has free wifi and is ranked by 4 stars . eos O O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos are you looking for a hotel or a guesthouse ? eos O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type Hotel-Request+Type +bos i 'd like a hotel in the east part of the city . eos O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos i do not see a hotel in the east part of the city . 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 Hotel-NoOffer,general-reqmore +bos that ; s too bad ... so what do you have ? other part 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 2 hotels in the west and 1 in the centre . would you like to book one of these ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 O Hotel-Select +bos lets go for the one in the centre please . can you make is for 2 people for 4 nights starting monday . oh and can i get the reference number ? eos O O O O O O O O B-Hotel-Inform+Area 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 Hotel-Request+Ref +bos i 'm sorry , the booking was unsuccessful . 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 Booking-NoBook,Hotel-Request+Name +bos yes as long as it 's in the same price range that will be fine . i need the reference 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 Hotel-Request+Ref +bos what price range are you looking for ? eos O O O O O O O O O Hotel-Request+Price +bos in the same price range as the other hotels . eos O O O O O O O O O O O N/A +bos i was able to book gonville hotel , reference number is shewp52t eos 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 wonderful-thanks . can you send me the address and phone number of the establishment ? eos O O O O O O O O O O O O O O O O general-thank +bos it 's address is gonville place and its phone number is 01223366611. eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone 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 so glad i was able to help . have a great day . good-bye . eos O O O O O O O O O O O O O O O O general-bye +bos hi , i 'm looking a 4 star place to stay on the northside . eos O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O N/A +bos there are 8 4 star guesthouses on the north side . do you have a preference on price range ? eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type 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 but i need it to have free parking . eos O O O O O O O O O O O N/A +bos how about the kirkwood house ? it is a 4 star guesthouse on the north side of town with free wifi and free parking . eos O O O O B-Hotel-Select+Name I-Hotel-Select+Name O O O 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds good . i need to book a 3 night reservation for four people to check in on friday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O B-Hotel-Inform+Day O O N/A +bos i 'm sorry , it seems there was n't a room available , after all . shall we 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 O O Booking-NoBook,general-reqmore +bos yes what are the other options ? eos O O O O O O O O N/A +bos i found you a room at the acorn guest house on chesterton road . the reference number is z0bkpddz . can i help you with anything else today ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Ref O O O O O O O O O O general-reqmore +bos great can you book that for 7 people for 3 nights starting friday ? 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 the booking was successful for 7 people for 3 nights at acorn guest house . your reference # is nuyr7oqg . is there anything else ? eos O O O O O O O B-Booking-Book+People I-Booking-Book+People O B-Booking-Book+Stay O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O B-Hotel-Inform+Ref 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 . enjoy your trip . eos O O O O O O O general-bye +bos hi , i 'm 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 O N/A +bos the leverton house is a guesthouse in the east of the city . their phone number is 01223292094. 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 B-Hotel-Inform+Phone O N/A +bos thank you . please book a reservation for 6 people for 2 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 i am sorry , but the leverton house was not available for your party on tuesday . would you like me to look for another hotel ? eos O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O B-Booking-NoBook+Day O O O O O O O O O O O O general-reqmore +bos is there another hotel available in the same price range ? eos O O O O O O O O O O O O N/A +bos in what area would you like ? leverton is in the east , should the hotel be in the same area ? eos O O O O O O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O O O O Hotel-Request+Area +bos no , i do n't care about the area , just the price . recommend me one ? eos O O O O O O O O O O O O O O O O O O O N/A +bos yes leverton is in the cheap price range . would you like me to book it for you ? eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O O O O O O O O O O O Booking-Inform +bos no , you said leverton was n't available . please just book a different hotel in the same price range as leverton . 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 Hotel-Inform +bos i have booked you a room at the alexander bed and breakfast at 56 saint barnabas road . your reference number is jgte0kgb . is there anything else today ? 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 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 . eos 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 place to stay that includes free parking and free wifi . eos O O O O O O O O O O O O O O O O O N/A +bos i can certainly help you with that . what area would you like to stay in and what price range did you have 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 Hotel-Request+Area,Hotel-Request+Price +bos actually i want a guesthouse , specifically eos O O O O O B-Hotel-Inform+Type O O N/A +bos sure , i can help you with that . what part of town were you looking for ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos any part of town just a guesthouse with free parking and free wifi . eos O O O O O O O O O O O O O O O N/A +bos i 'd recommend acorn guest house . would you like a reservation ? 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 yes , please . can you book a room for sunday for 5 people , 2 nights please ? 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 O N/A +bos booking was successful.reference number is : z0u42hjv . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a train departing from cambridge going to london kings cross on tuesday leaving after 18:00. do you have any ? eos O O O O O O O O B-Train-Inform+Depart O 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 O O O N/A +bos tr4125 leaves at 19:00 on tuesday from cambridge and arrives in london kings cross at 19:51. the price is 23.60 pounds . would you like me to book it ? eos O O O O B-Train-Inform+Leave O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart 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 Train-OfferBook +bos yes , please . can you book me 5 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 118 gbp payable at the station , your reference number is qih2pjti . will that be all ? 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 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 you are welcome 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-reqmore +bos hello . i am looking for a hotel with 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 N/A +bos i have 8 hotels with free wifi and parking . what price range 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 Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos in the expensive price range please . eos O O O B-Hotel-Inform+Price O O O O N/A +bos i have found several hotels . is there a specific area you are 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 Hotel-Request+Area +bos i do not care about the area too much . could you please make a reservation for 1 person starting thursday for 5 nights ? 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 B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A +bos i booked a room for you at the gonville hotel at gonville place . your reference number is 4zrjzivu . can i help you with anything else today ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos is the gonville a good quality hotel ? eos O O O O O O O O O Hotel-Inform +bos it is an expensive 3 star hotel . i 'm sure you 'll love it . is there anything else i can help you with ? eos 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 O O O O O O O Hotel-Recommend,general-reqmore +bos that was all , thank you . eos 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 i am looking for information on the 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 seeking ? eos O O O O O O O general-reqmore +bos i need a reservation at the warkworth house for 4 nights . just one person , starting on tuesday . 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 O N/A +bos i am sorry that is unavailable . can i help you find another guesthouse ? eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos is there another hotel available that is in the same price range ? eos O O O O O O O O O O O O O O N/A +bos i found one called carolina bed and breakfast , same price range , starts and both internet and parking . would you like me to make your reservation there ? 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 O O O O O O O O O O Booking-Inform +bos perfect . could you make the same booking for me ? eos O O O O O O O O O O O O N/A +bos booked ! reference number is : l66tsmya . eos O O O O O B-Booking-Book+Ref 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 you are welcome . enjoy your stay . eos O O O O O O O O O general-welcome +bos i know we will . thanks so much . 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 . have a wonderful day ! eos O O O O O O O O O O O O O O O general-greet +bos could you help me locate the alpha milton guest house ? eos O O O O O O O O O O O O N/A +bos yes , the alpha-milton is a guest house located in the north ? do you wish for me to make you a reservation ? eos O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Type I-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 Booking-Inform +bos yes , i 'd like to book a room for 1 for 4 nights starting this saturday . 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 N/A +bos i am sorry they do n't have a room available . perhaps you would 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,Hotel-Request+Name +bos yes , can i get a different hotel in the same price range ? eos O O O O O O O O O O O O O O O N/A +bos booking for a and b guest house . reference number : dle4z450 . 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 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 glad i could help . eos O O O O O O O general-bye +bos i love the centre of cambridge but i always spend too much , are there cheap places to eat there so i can stay within my budget ? eos O O O O B-Restaurant-Inform+Area 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 yes , there are several . charlie chan serves chinese food , there 's mahal of cambridge for indian , la raza has spanish cuisine , and there are a few others . would you like more ? 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+Food 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 O O O O O general-reqmore +bos restaurant should serve indian food is what i need eos O O O O 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 to make a reservation at one ? 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 O Booking-Inform,Restaurant-Select +bos how about mahal and can you give their 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 phone number is 01223360409 and their postal code is cb21rq . eos O O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Post O N/A +bos great . i 'm also looking for a train . i need to leave after 16:15 from london liverpool street . eos O O O O O O O O O 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 N/A +bos which day would you like to travel by train ? eos O O O O O O O O O O O Train-Request+Day +bos i 'll need it to be on tuesday . i 'm going to cambridge . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O O O N/A +bos tr2855 will leave at 17:39 , 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 Train-Select +bos make a booking for 1 people.make sure you get the reference number eos O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref +bos i have booked the ticket for you , reference 4o9zt5zd . 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 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 , make it a great day ! eos O O O O O O O O O O O N/A +bos thanks ! you have a great day as well ! eos O O O O O O O O O O O general-bye +bos i will be in cambridge and need a 4 star hotel with wifi eos O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos sure i can assist you with that . when is your stay ? eos O O O O O O O O O O O O O O Booking-Request+Day,general-greet +bos i want to arrive on monday and leave sunday . eos O O O O O O O O O O O N/A +bos i have 2 in the west area and 1 available in the centre of town . does area or price matter to you ? eos 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 O O O O O O O O O O Hotel-Request+Price +bos i would also like free parking . price does n't matter . eos O O O O O O O O O O O O O Hotel-Request+Price +bos i recommend the university arms hotel . it is expensive , but a good place on regent street . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O N/A +bos what is the price and the address for that hotel ? eos O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Addr +bos the address is regent street and it is in the expensive price range . eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A +bos is there more an address , such as building number ? also , what area of town is it in ? how many starts is 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 Hotel-Request+Area,Hotel-Request+Addr +bos the postcode is cb21ad . it 's a 4 star hotel in the centre area of town . eos O O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O N/A +bos thanks ! can you help me find a place to sight see 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 general-thank +bos we have many attractions in town , what type would you prefer ? theatre , museums , parks , etc ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 i am looking for a college eos O O O O O O B-Attraction-Inform+Type N/A +bos can i recommend churchill college . it 's very popular . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O general-greet +bos that sounds great . i just need the phone number and entrance fee . eos 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 01223336233 and the entrance is free . eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee 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 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 'd like to leave churchill college by 04:30 to travel to the university arms hotel . can you book me a taxi , 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 O O O O O N/A +bos sure , i 've got that booked for you . booked car type : black skodacontact number : 07188560611 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 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 enjoy your stay . 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,general-greet +bos i am looking for places to go in town . the attraction should be in the type of concerthall and should be in the centre part of town . 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 O O O N/A +bos i would suggest the man on the moon , located at 2 norfolk street . 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos perfect , could i have 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 man on the moon is located at 2 norfolk street , postcode 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 B-Attraction-Inform+Post O O N/A +bos thank you ! i 'm also looking for a 4 star hotel and i do n't care if it includes internet . 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 N/A +bos do you have any other criteria for it ? eos O O O O O O O O O O N/A +bos yes , actually . i would prefer it to be a guesthouse with free parking . eos O B-Hotel-Inform+Parking O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos acorn guest house would suit your needs . can i make a booking 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 could i have the address and post code eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the address is 154 chesterton road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos thanks ! i also need a guesthouse to stay in . eos O O O O O O O O O O O O general-thank +bos how about allenball ? it 's a lovely guesthouse . eos O O O B-Hotel-Recommend+Name O O O B-Hotel-Recommend+Type O O O N/A +bos no , i am happy with your first suggestion . please reserve acorn guest house for 7 people . arriving sunday for 4 nights . 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 B-Hotel-Inform+People O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A +bos i have booked the acorn guest house for 7 people for 4 nights , starting on sunday . your reference number is ff6flh9v . 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 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 well thank you i am done . eos O O O O O O O O general-thank +bos great enjoy your stay in cambridge eos O O O O O O O general-bye +bos thank you for all the help . eos O O O O O O O O general-thank +bos enjoy the rest of your day , goodbye ! eos O O 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 moderate price range and should serve korean 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 i 'm afraid we do n't have one . can i look you up something else ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos what other restaurants are in the centre of town ? eos O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos we have chinese , italian , european , spanish , british . do any of those interest you ? eos O 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 about one that serves turkish food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes ! there is efes restaurant or anatolia . both are moderately priced in the city centre . would you like me to make a booking at one ? eos O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O O O O O O O O O O O O Booking-Inform +bos yes , please . i need a table for 4 on saturday at 18:15. eos 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 will book that for you now . eos O O O O O O O O O Booking-Inform +bos thank you . i will also need a reference number . eos O O O O O O O O O O O O Restaurant-Request+Ref +bos i 've got you booked ! your reference number is 9cfeaqyx . they will hold your table 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 great , thanks . can you tell me some information on the cambridge and county folk 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos sure thing ! it is in the west part of town and the entrance fee is 3.5 pounds eos O O O O O O O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos thank you . i 'll also need the postcode and attraction type . eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type +bos this is a museum . the post code is cb30aq . can i be of further assistance ? eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos i think i have everything i need ! thank you for your help , you 've been very kind ! 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 'm glad i could help . have a great 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 information called scott polar museum . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos the scott polar museum is located in the centre area of town and is free . would you like anymore information ? 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 O O O O O B-Attraction-Inform+Fee O O O O O O O N/A +bos yes , could i get the address please ? eos O O O O O O O O O O N/A +bos it is located on lensfield road eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos thanks i also need 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 and what day and time would you like to travel ? eos 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 cambridge on monday , after 18:00 please eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A +bos tr6516 departs at 18.01 the price is 17.90 pounds . is there anything else ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O general-reqmore +bos no . thanks . that is all . eos 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 can you give me information on hotels in the centre ? eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area 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 not interested in the price , but i would like it to be a 4-star hotel . 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 N/A +bos we have two . i recommend the alexander bed and breakfast 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 I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos i 'm sorry . i needed a hotel , not a guesthouse . eos O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos the university arms hotel meets your criteria . would you like to make a booking or more information ? 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 . i need it to be for 1 person for 2 nights starting 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 N/A +bos your reservation at university arms hotel this friday for 3 days 2 nights for 1 person was successful . your reference number is : zuwp7ujk . eos 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 O B-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay B-Booking-Book+People O O O O O O O B-Booking-Book+Ref O O N/A +bos great , can you also find me a japanese food restaurant in the expensive price range ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O N/A +bos wagamana is good fit . would you like me to make a reservation 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 . can you please book a table for one at 12: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 N/A +bos i have completed that booking . the reference number is a2q5x07s . can i do 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 general-reqmore +bos thanks so so much ! that 's all now , bye ! eos O O O O O O O O O O O O O general-bye +bos you are very welcome ! take care ! eos O O O O O O O O O general-bye +bos hi ! i need a train to birmingham new 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 what day would you be needing the train ? eos O O O O O O O O O O Train-Request+Day +bos i will be traveling on wednesday from cambridge . i need to leave sometime after 13:45 please . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O O O N/A +bos tr8860 departs at 14:01 and arrives by 16:44. 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 could you just give me the train id and price on that please ? 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 tr8860 and the price is 75.10 pounds . is there anything else you need today ? eos 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 O O O O O O O N/A +bos i would also love to find a place to stay and should be in the east eos O O O O O O O O O O O O O O O O O N/A +bos sure no problem . what type of hotel are you looking for ? eos O O O O O O O O O O O O O O Hotel-Request+Type,general-reqmore +bos need one in the east and have 2 stars . eos O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars N/A +bos the express by holiday inn cambridge is exactly what you 're looking for . would you like me to make you 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 I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O Booking-Inform +bos i want a train going to stansted airport . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos there are 133 trains . where will you be leaving from ? eos O O O O B-Train-Inform+Choice 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 O N/A +bos and what day and time would you like to travel ? eos 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 wednesday after 08:45. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos tr1085 departs at 09:40 and arrives by 10:08. 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 not at this time . however , i am looking at hotels as well . is there a hotel that has 2 stars 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 O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos the lovell lodge is a moderate price in the north with free wifi . would you like for me to book a room . 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 O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos is this a hotel or guest house ? eos O O O O B-Hotel-Inform+Type O O O O N/A +bos this is a hotel . eos O O O O B-Hotel-Inform+Type O N/A +bos i need a hotel book it for 4 people and 3 nights starting from sunday . eos O O O O B-Hotel-Inform+Type 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 hotel at the lovell lodge is booked for 4 people and 3 nights , the reference number is lec7dond . is there anything 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+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 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 and good bye . eos O O O O O O O general-welcome,general-bye +bos hi , i need to find out if there 's a train going to leicester that leaves on monday . 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 O N/A +bos there are many . from where are you departing ? eos O O O B-Train-Inform+Choice O O O O O O O N/A +bos i will be departing from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos do you have a specific time frame in mind ? eos O O 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 i have 14 trains available . 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 Train-Request+Arrive +bos i would like to leave after 9:45. eos O O O O O O O O N/A +bos the tr6715 leaves at 10:21 and you 'll arrive by 12:06. 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 O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos i just need the travel time please . eos O O O O O O O O O Train-Request+Duration +bos the travel time is 105 minutes . will that be all ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O general-reqmore +bos i also need an expensive hotel with free parking . eos O O O O O B-Hotel-Inform+Price O O O O O N/A +bos great i have 5 different options for you ! eos O O O O O B-Hotel-Inform+Choice O O O O N/A +bos i specifically am looking for a guesthouse in the east if that helps narrow things down . eos 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 unfortunately , once i add those specifications i do n't have anything that fits . did you want to try a different price range 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 Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Price +bos please look for something moderately priced , then . eos O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are 2 choices . the carolina bed and breakfast is the first . the other is the warkworth house . which would you prefer ? eos 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 O O O O O O O Hotel-Select +bos let 's go with the warkworth . please make me a booking for friday for 5 people , 3 nights . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 have made that reservation and your reference number is vshqkdbq . eos O 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 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 're welcome , please 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 O general-welcome +bos can you please help me find a place to stay , somewhere like a hotel ? i am looking for a rating of 4-stars and it should include free parking too . thanks . 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 O O O O O O N/A +bos i have found 19 possible hotels for you to stay in . to narrow our search , which area would you like to stay in , and what type of hotel would you like ? eos 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 O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type +bos i would like to stay in the east and it should include free wifi please . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos ok , i 've narrowed it down to 5 guesthouses . is there a price range you would prefer ? 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 Hotel-Request+Price +bos price does not matter can you recommend one of the 5 ? eos O O O O O O O O O O O O O Hotel-Request+Price +bos i highly recommend the warkworth house . it has everything you are looking for ! eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O general-greet +bos that place sounds perfect . 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 phone is 01223363682 and the postcode is cb11ee , can i help with anything else ? eos O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O O O O O general-reqmore +bos i need a train to cambridge on thursday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day 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 coming from london liverpool street and i want to arrive by 15:30. 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 N/A +bos i have train tr4204 leaving at 7:39 and arriving at 9:07. 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 please make a booking for four people . eos O O O 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 : ajfnch3h . 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 everything , you were most helpful . eos O O O O O O O O O O O general-thank +bos can i assist you with anything further ? eos 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 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 hotel to stay in with a 4 star rating that is in a guesthouse style . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Type 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 does that include free wifi ? eos O O O O O O O N/A +bos they do indeed provide complimentary internet access . 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 Booking-Inform,Hotel-Inform+Internet +bos 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 . eos O O O O O O O O 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 yes , it is . it 's located on 154 chesterton road , cb41da . would you like a room ? 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 Booking-Inform +bos no thanks . not at this time . i would appreciate some help finding a train to get me to ely though . 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 O N/A +bos can you tell me where you will be leaving from and on what day and time ? 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+Depart +bos i would like to leave after 15:15 on thursday . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos we have a train departing cambridge at 15:50 , arriving at ely at 16:07. would you like me to book a reservation ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave 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 that works great . can you book 2 tickets for that train and give 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 O O Train-Request+Ref +bos your booking was successful . the total fee is 8.8 gbp payable at the station . your reference number is h0bmd920 . 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 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 have a nice day , goodbye ! eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a particular hotel called the kirkwood house . where is it , and what other information do you have about it ? 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 O O O O O O O O O N/A +bos the kirkwood house is in the north and it sports a four star rating . it has internet and parking and the price range is moderate . would you like to book ? 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+Stars O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds perfect . can you reserve it for seven people ? eos O O O O O O O O O O O O O N/A +bos sure , i can book it for you . what day did you want to arrive and for how many 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 Booking-Request+Day,Booking-Request+Stay,Booking-Inform +bos 5 nights starting thursday . eos O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos you are booked for 7 people , 5 nights starting thursday . your reference number is zfrek5sq . may i help you with anything else today ? eos 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 yes , i will need a train to cambridge on thursday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day 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 'm departing from norwich and want to arrive by 13:00. eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O N/A +bos tr3078 departs at 11:16 and arrives by 12:35. 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 not right now , what 's the travel time on that ride ? eos O O O O O O O O O O O O O O Train-Request+Duration +bos the travel time of 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 thanks for your help you have been great ! 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 'm looking for an expensive hotel . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos okay 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 Hotel-Request+Area +bos i would like to stay in the north please . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i 'm sorry , we do n't have an expensive hotel in the north end . will anything else do ? eos 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 I-Hotel-NoOffer+Area O O O O O O O O N/A +bos well , the area does n't matter , as long as it offers free parking . eos O O O O O O O O O O O O O O O O O N/A +bos how about the gonville hotel in the centre area of town ? eos 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 N/A +bos if it has free parking then i need a booking for 7 people and 5 nights starting from sunday . 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 N/A +bos reference number is : etxc5b3t . is there anything else ? eos O O O O O B-Booking-Book+Ref 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 have a wonderful day ! eos O O O O O O general-bye +bos i was wondering if you can tell me more about a particular hotel called the a and b guest house . 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 N/A +bos yes , the a and b guest house is a moderately priced 4-star rated property located in east cambridge . 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 B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A +bos may i get the phone number ? eos O O O O O O O O Hotel-Request+Phone +bos the phone number is 01223315702. can i get you anything else ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O general-reqmore +bos yeah , what area of town is it in ? eos O O O O O O O O O O O Hotel-Request+Area +bos it 's located in the east area of town . eos O O 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 also need to book a train to go to stasted airport on wednesday . eos O O O O O O O O O O O O O O B-Train-Inform+Day O N/A +bos sure where will you be leaving from ? eos O O O O O O O O O Train-Request+Depart +bos i need to leave from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos what time schedule do you need to meet ? and how many tickets ? eos O O O O O O O O O O O O O O O Train-Request+People,Train-Request+Arrive,Train-Request+Leave +bos i need to to get to stansted airport by 10:30 on wednesday please . eos O O O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos the tr1085 meets your criteria . how many tickets would you like ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O Train-Request+People +bos i just need the travel time and departure time please . eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos the travel time is 28 minutes and the departure time is 9:40. 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 O B-Train-Inform+Leave 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 are welcome , enjoy your stay in cambridge . eos O O O O O O O O O O O general-welcome,general-bye +bos i need a place to stay with 4 stars . eos O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos what area are you looking to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos i 'm looking to stay in the north please . eos O O O O O O O B-Hotel-Inform+Area O O O N/A +bos we have eight 4 star guesthouses on the north side . do you have a specific price range or do you need certain amenities ? eos O O O B-Hotel-Inform+Choice 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 O O O O O O O O O Hotel-Request+Price,general-reqmore +bos any can do as long it has a moderate price range eos O O O O O O O O O O O O Train-Request+Price +bos okay i could recommend the acorn guest house that is moderately priced and rated 4 stars . would you like a booking ? eos O O O 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 B-Hotel-Recommend+Stars O O O O O O O Booking-Inform +bos sounds good . i need it for 3 nights starting friday . there are 6 of us . eos 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 successfully booked you at the acorn guest house for 3 nights starting on friday . your reference number is z6dim0ym . is there anything else i can help 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+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 i 'm looking for a train going to cambridge on friday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos where will you be departing from ? i have a number of trains to choose from . what time would you like to leave ? eos 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 O O Train-Request+Leave,Train-Request+Depart +bos i will be departing from norwich and should arrive by 16:30. eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A +bos tr4828 departs at 14:16 and arrives by 15:35. 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 how much will that train cost me ? eos O O O O O O O O O Train-Inform +bos it costs 17.60 pounds per ticket . would you like to book this ? 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 no , thank you . i 'll call back when i 'm ready to book . 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 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 yes , hopefully you can help with my planning . 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 O N/A +bos i can help with that . what part of town will you be traveling to ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet +bos i will be traveling to the north . eos O O O O O O O B-Hotel-Inform+Area O N/A +bos we have quite a few places in the north that you may enjoy staying , is there a particular price range you have in mind ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O 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+Price +bos i would prefer something moderately priced . eos O O O O O B-Hotel-Inform+Price O O N/A +bos i have several guesthouses and hotels that are located in the area that match your price range , did you have any other preferences ? 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 O O O O O O O O O N/A +bos moderately priced , free parking in the north . eos O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O N/A +bos how about the hamilton lodge ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos sure , could i get the phone number and postcode ? eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos the postcode for the hamilton lodge is cb41da and the phone number is 01223365664. eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone N/A +bos can you tell me if the hamilton is a hotel or guesthouse ? eos O O O O O 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 N/A +bos hi , i need a train on sunday leaving peterborough . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O N/A +bos i have 38 trains leaving peterborough on sunday . where are you headed ? 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 Train-Request+Dest +bos i am hoping to arrive in cambridge by 12:30. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos i have 13 trains meeting your criteria . the first leaves at 05:19 and leave every 30 minutes after . can 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 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 Train-OfferBook +bos what is the one with the shortest travel time ? eos O O O O O O O O O O O N/A +bos all the trains take exactly 50 minutes . what time would you like to depart ? eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-Request+Leave +bos hm , i 'll take any train that will let me arrive by or before 12:30. eos O O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos booking was successful . departs at 11:19 and arrives at 12:09 , that will be 13.2 gbp payable at the station , your reference number is qs1ajel1 . anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+Leave O O O 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 O O O O O O O O O O general-reqmore +bos i need a hotel , one with free parking . eos O O O O B-Hotel-Inform+Type O O O O O O N/A +bos there are a lot of possibilities here but none indicate free parking , just whether they have parking or not . could you list places with free parking ? 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 O Hotel-NoOffer+Parking,Hotel-Inform+Parking +bos i need an expensive hotel that includes free parking . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O N/A +bos express by holiday inn cambridge is an expensive hotel located in the east , and it includes parking . would you like me to book a stay there for you ? eos 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 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 Booking-Inform,Hotel-Inform+Parking +bos i want to book this hotel for the same group of people and 3 nights starting from sunday . i 'll need a reference number please . eos O O O O O O B-Hotel-Inform+Type 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 O N/A +bos your reservation is confirmed and the reference number is # # eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i 'm sorry ? were you able to book the express by holiday inn for 4 people ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+People O O O N/A +bos yes , sorry about that.. the reference number is gt21fkr5 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos ok , 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 thank you ! have a great day ! eos O O O O O O O O O general-bye +bos can you point me in the direction of a hospital ? eos O O O O O O O O O O O O Hospital-Inform +bos yes , addenbrookes hospital is at hills rd. , cambridge , postcode cb20qq . 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 O O O O O N/A +bos no , but i would like the main phone number , please . eos O O O O 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 great , thank you very much for your help . eos O O O O O O O O O O O general-thank +bos i am very glad to assist you today . good bye ! eos O O O O O O O O O O O O O general-bye +bos hi , can you point me to a nearby hospital please ? eos O O O O O O O O O O O O O Hospital-Inform +bos the closest hospital is addenbrookes hospital , their phone # is 01223245151. 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 N/A +bos what is their address , phone number and postcode please ? eos O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone +bos the hospital is located on hills road in cambridge . the phone number is 01223245151. their postcode is cb20qq . 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 N/A +bos that 's all i needed . thank you ! eos O O O O O O O O O O general-thank +bos okay thanks for calling . eos O O O O O O general-bye +bos i am injured and need a nearby hospital . eos O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is located at hills rd , cambridge , postcode cb20qq the telephone 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 O O O O O O O O O O O O N/A +bos no . thank you so much . eos O O O O O O O O general-thank +bos okay , i hope you feel better soon ! eos O O O O O O O O O O general-bye +bos i need to find the addenbrookes hospital . eos O O O O O O O O O Hospital-Inform +bos are you looking for a particular department ? eos O O O O O O O O O N/A +bos no , that 's fine . just the location with postcode , please . eos O O O O O O 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 okay great . thank you . eos O O O O O O O general-thank +bos you 're very welcome ! eos O O O O O O general-bye +bos i 've been in an accident and i 'm hurt . i need the closest hospital with a teenage cancer trust unit . eos O 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 O O O O N/A +bos the addenbrookes hospital at hills rd , cambridge has that unit . 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 N/A +bos may i have the phone number for them ? eos O O O O O O O O O O Hospital-Request+Phone +bos their phone number is 01223274222. eos O O O O 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 you 're 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 general-welcome,general-reqmore +bos no , that will be all . eos O O O O O O O O N/A +bos thank you for using our service today . i hope all goes well for you . eos O O O O O O O O O O O O O O O O O general-bye +bos yeah , me too . eos O O O O O O N/A +bos please contact us again if you need further assistance . good-bye . eos O O O O O O O O O O O O O general-bye +bos i am injured and need a nearby hospital . eos O O O O O O O O O O Hospital-Inform +bos the addenbrookes hospital is nearby , located at hills rd , cambridge . their telephone is 01223245151 eos O O O O O O O O O O O O O O O O O O N/A +bos please call an ambulance ! eos O O O O O O N/A +bos i will alert the police for you . eos O O O O O O O O O N/A +bos thank you . what 's the hospital 's post code ? eos O O O O O O O O O O O O Hospital-Request+Post +bos it 's cb20qq . anything else ? eos O O O O O O O O N/A +bos no . that is all . thank you for your help . eos O O O O O O O O O O O O O general-thank +bos good luck with everything ! eos O O O O O O general-bye +bos i am looking for a hospital in town with a cardiology and coronary care unit . eos O O O O O O O O O O O B-Hospital-Inform+Department O O O O O N/A +bos fortunately , our hostpital , addenbrookes , does have a c & c department . would like like to contact 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 N/A +bos yes , i would like the address , postcode , and phone number . 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 i can help with that . the phone number is 01223245151. addenbrookes hospital is located on hills road . the postcode is cb20qq . is there anything else i can provide ? eos O O O O O O O O O O O O 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 need . eos O O O O O O O O O O general-thank +bos you 're welcome ! and the phone number for the specific department you need is 01223256459. eos O O O O O O O O O O O O O O O O O N/A +bos thanks ! i 'm all set for 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 no problem . goodbye ! eos O O O O O O general-bye +bos i am looking for a hospital in town . eos O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is close by . eos O O O O O O O N/A +bos sounds good . what 's the phone number , address , and postcode for the hospital ? eos O O 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 the main phone number for the hospital is 01223245151. the address and postcode 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 O O N/A +bos excellent . that 's all i need . eos O 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 oh i 'm not feeling so well . where is the nearest hospital ? eos O O O O O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is your nearest hospital . their emergency department 's number is 01223217118. do 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 O N/A +bos okay thank you . 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 what is the hospital 's phone number ? eos O O O O O O O O O Hospital-Request+Phone +bos which department do you need the phone number for ? the main phone is 01223245151 , but i can also give you a phone number by 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 can you provide me with the address please ? eos O O O O O O O O O O Hospital-Request+Addr +bos addenbrookes hospital is on hills rd , cambridge . can i do anything else for you today ? eos 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 glad to help . eos O O O O O general-bye +bos i am hurt and need to find the nearest hospital . can you help me ? eos O O O O O O O O O O O O O O O O O Hospital-Inform +bos i am so sorry ! addenbrookes hospital on hill road in cambridge is nearby . do you need information for a particular department in the hospital ? eos O O O O O O O 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 including the postcode and the phone number , please ! quickly ! eos O 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 the address is hills rd , cambridge . the postcode is cb20qq . the phone number is 01223245151. 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 thank you that is all , bye . 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-bye +bos i am trying to find a guesthouse with free parking to stay in . 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 that fit that criteria - are you looking for a particular area ? 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 +bos i want to stay in the north . eos O O O O O O O B-Hotel-Inform+Area O N/A +bos there are 9 guesthouses with free parking in north . do you have a star rating preference or price range ? 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 Hotel-Request+Price,Hotel-Request+Stars,Hotel-Inform+Parking +bos i 'm not picky about the star rating , but i 'm on a budget - find me a cheap guesthouse , 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 N/A +bos there are two that match your criteria . city centre north b & b has 0 stars and worth house has 4 stars . would you like to book 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 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 O O O O O O O O Booking-Inform,Hotel-Select +bos book the worth house for 6 people please . we 'll be staying 5 nights starting wednesday . i 'll need the reference number . i 'll also need a train to cambridge after 12:00 eos O O O O O O O B-Train-Inform+People O 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 B-Train-Inform+Dest O B-Train-Inform+Leave O O O O O N/A +bos i 've got your guesthouse booking . your reference number is cacbmokk . now where will you be departing from on the train ? 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 Train-Request+Depart +bos i also need a train going to cambridge on wednesday leaving after 12:00 eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos i found 126 trains do you have any other requirements ? eos O O O O B-Train-Inform+Choice O O O O O O O general-reqmore +bos i would like it on the same day as the hotel booking leaving from ely if possible . eos 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 not a problem . what time do you want to arrive by ? eos O O O O O O O O O O O O O O Train-Request+Arrive +bos it does not matter , but i need to book it for the same six people . eos O O O O O O O O O O O O O O O O O O N/A +bos there are 6 trains available that are exactly the same aside from arrival time , any preference ? 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 no , any of them would be fine , but i 'll need six tickets for myself and my family . 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 total fee is 26.4 gbp and your confirmation number is t5zbly18 eos O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref N/A +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 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-welcome,general-reqmore +bos yes they have , thank you ! 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 can you help find 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 i can help you with that . how about the adc theatre ? it is in the centre of town . 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 O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A +bos great , how much is admission ? eos O O O O O O O O N/A +bos sorry , i do n't have that information , but here is the phone number : 01 223 300 0085 if you would like more specifics . eos O O O O O O O O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O O N/A +bos thank you . i also want a hotel to stay which should a 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 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 in the north . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos do you prefer a specific type of hotel or are you working on a budget ? eos 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 a 4 star in the cheap price range please . eos O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O O N/A +bos i have one fitting that . would you like more info ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O N/A +bos yes is it a guesthouse ? eos O O O O O O O N/A +bos yes it is , it 's called worth house . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos i need the phone number for the hotel please . eos O O O O O O O O O O O Hotel-Request+Phone +bos the phone number is 01223316074. may i help with something else ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O general-reqmore +bos i also need a taxi from the worth house to the adc theatre . i want to leave the hotel by 20:15. 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 O O O O O O B-Taxi-Inform+Leave O N/A +bos booking completed ! your booked car type is blue audi and it will come at 20:15. the contact number is 07263502417. anything else i can do for you today ? 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 B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos thank you that is all i needed . eos O O O O O O O O O general-thank +bos great ! enjoy your show , and i hope you have a great stay ! eos 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 entertainment in the centre . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos there are currently no entertainment locations in the centre of town . 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 N/A +bos hm . okay . well how about a boat attraction ? eos O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos i 'd recommend scudamores punting co on granta place , mill lane , cb21rs . their phone number is 01223359750. will that be all ? eos 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 B-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O O O O O O O O O general-reqmore +bos no , i think that will be it . cheers . eos O O O O O O O O O O O O N/A +bos enjoy your boat ride , thank you and 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 will . after the boat ride i 'll need a place to put my head down so please find me 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 B-Hotel-Inform+Price O B-Hotel-Inform+Type O O N/A +bos there are 18 hotels that fall withing that range , any other preferences to narrow the search ? 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 N/A +bos someplace on the north side of town , please . eos O O O O B-Hotel-Inform+Area O O O O O O N/A +bos any other preferences to narrow the search ? eos O O O O O O O O O N/A +bos actually , whatever you have would be great . i 'm not picky . but i will need to reserve a room for 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 N/A +bos i would suggest acorn guest house , it is rated 4 starts and has free parking and internet . how many people will be staying in the room ? eos O O 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 O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Request+People +bos i need a hotel , not a guesthouse eos O O O O B-Hotel-Inform+Type O O O O N/A +bos okay , i found the ashley hotel rated 4 stars and the lovell lodge rated 2 stars . both are priced moderate and both have wifi and parking . which do you prefer ? 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 B-Hotel-Inform+Stars 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 Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet +bos ashley hotel please . i need a booking for six people , for 3 nights , starting sunday . eos O B-Hotel-Inform+Name B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O N/A +bos your booking was successful . your reference number is mt3ixjar . 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 N/A +bos no . that will be all thank you . eos O O O O O O O O O O general-thank +bos great , feel free to contact us if you need assistance 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 general-welcome,general-bye +bos hi , i am planning a trip to your beautiful town and am looking for places to go when i get there . 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 O O O O O N/A +bos certainly . do you have any particular types of things you 'd like to see ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Type +bos i 'm interested in exploring the local architecture . eos O O O O O O O O O O N/A +bos there are many colleges and churches to see . eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos do you have a favorite ? eos O O O O O O O N/A +bos my favorite is clare hall . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos i need a place that is architecture . eos O O O O O O O B-Attraction-Inform+Type O N/A +bos how about old schools ? it is architecture and a school ! eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O N/A +bos could i have the postcode , area and entrance fee of what you recommend ? eos 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 okay , old schools is on trinity lane and is in the centre . post code is cb21tt and it is free admission . eos 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+Area O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos thanks ! i 'm also looking for an expensive , 2-star place to stay in the north . do you have anything like that ? eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A +bos there are no expensive hotel in the north . can you change the location ? 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 Hotel-Request+Area +bos i would like to stay in the north but can you try in the moderate price range and see if any are available ? eos 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 O O O N/A +bos we have 2 matches . ashley hotel and lovell lodge . both have the identical amenities . do you prefer one over the other ? 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 O Hotel-Select +bos let 's go with ashley hotel . for 8 people and 2 nights starting from saturday . i need the reference number . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Hotel-Request+Ref +bos you are booked , the reference number is qbiagdvh , 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 i also need to book a taxi from old schools to leave by 21:30 eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos where would you like to be picked up ? eos O O O O O O O O O O Taxi-Request+Depart +bos pick me up from the hotel . eos O O O O O O O O N/A +bos your taxi has been booked . it will be a blue skoda and the contact number is 07641158259. 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 for all your help ! that will be all ! eos O O O O O O O O O O O O O general-thank +bos thank you for choosing cambridge town info centre . have a good day ! eos O O O O O O O O O O O O O O O general-bye +bos i would like to stay at a guesthouse in the north . eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos i have 11 guesthouses on the north side of town . do you have a price range or star level in mind ? 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 O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price +bos i would like it to be 4 stars . eos O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i have several moderately priced guesthouses available and one in the less expensive range . what is your preference ? eos O O O O O O 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 Restaurant-Inform,Hotel-Select +bos i would prefer a moderately priced one please . eos O O O O O B-Hotel-Inform+Price O O O O Hotel-Request+Price +bos ok that narrows it down to 7 options . do you have any other preferences to consider ? eos O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O general-reqmore +bos it s have free parking . eos O O O O O O O Hotel-Request+Parking +bos there are 6 available and they all have free parking and wifi . may i suggest kirkwood house ? 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds good . what is the postcode for the kirkwood house ? eos O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb4 1da . what else can i help you with today ? eos O O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O O O O O O general-reqmore +bos i need an architecture attraction to visit in the centre . eos O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O N/A +bos we have some great architecture in the centre . i recommend old schools on trinity lane . the admission is free . eos O O O O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Inform+Fee O O O N/A +bos okay thank you . i also need to book a taxi to leave the attraction at 5:30. eos O O O O O O O O O O O O O O O O O O Taxi-Inform,Attraction-Inform +bos could you please choose an attraction first ? eos O O O O O O O O O Attraction-Select +bos the old schools attraction is fine . eos O O O O O O O O Attraction-Inform +bos do you need any information ? eos O O O O O O O general-reqmore +bos i need a taxi . eos O O O O O O Taxi-Inform +bos when do you need to leave ? eos O O O O O O O O Taxi-Request+Leave +bos i need to leave old schools by 15:30 , please . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Leave O O O N/A +bos ok great and what will be your destination ? eos O O O O O O O O O O Taxi-Request+Dest +bos i would be going to kirkwood house . eos O O O O O O O O O N/A +bos that is a great choice . do you need an address ? eos O O O O O O O O O O O O O general-reqmore +bos no , just a taxi , please . eos O O O O O O O O O Taxi-Inform +bos when would you like to arrive by ? eos O O O O O O O O O Taxi-Request+Arrive +bos i only need to leave the attraction by 15:30. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos i booked you a blue skoda and the driver can be reached at 07347836479. is there 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 O O general-reqmore +bos thank you for the booking . that will be all for now . eos O O O O O O O O O O O O O O general-thank +bos thank you for using the help desk . eos O O O O O O O O O general-bye +bos there is a certain hotel i want to stay in , can you book that ? eos 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 that hotel ? eos O O O O O O O O O Hotel-Request+Name +bos it 's the express by holiday inn cambridge 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 N/A +bos would you like to book a room ? eos O O O O O O O O O Booking-Inform +bos is there internet ? eos O O O O O Hotel-Request+Internet +bos express by holiday inn cambridge does have free internet . 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 Hotel-Inform+Internet +bos great , thanks . also , can you tell me a little about the scott polar museum ? 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 N/A +bos sure . scott polar museum is on lensfield road , the entrance fee is free , and their phone number is 01223336540. 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 B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O N/A +bos wonderful . thanks so much for your help today . eos O O O O O O O O O O O general-thank +bos you 're welcome , can i help with anything else today ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos no thank you , i appreciate all of your help , goodbye . eos O O O O O O O O O O O O O O general-bye +bos glad i was able to help thanks for using our services . bye 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 college to visit in the centre of town . eos 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 some nice campuses there . i particularly like downing college on regent street . do you have any particular questions i can answer ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type 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 O O O O O O O O O O general-reqmore +bos what is the address of downing college . eos O O O O O O O O O Attraction-Request+Addr +bos that address is regent street . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos what about the postcode ? eos O O O O O O Attraction-Request+Post +bos the postcode is cb21dq . eos O O O O B-Attraction-Inform+Post O N/A +bos thank you . i 'd also like some hotel information . eos O O O O O O O O O O O O Hotel-Inform +bos what would you like me to look up for you ? eos O O O O O O O O O O O O general-reqmore +bos i need a room for 5 people , 4 nights at the acorn guest house . we 'll arrive on sunday . eos O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Day O O O O N/A +bos okay you got it . i made your reservation , and the reference number is dcji0f6e . eos 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 O general-thank +bos great . i hope you have a nice trip . bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking to book a particular hotel today . could you help me ? eos O O O O O O O O O O O O O O O O Hotel-Inform +bos i sure can . we have 33 hotels and guesthouses to choose from . is there anything specific you need from the hotel/guesthouse ? eos O O 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 general-reqmore +bos i 'm actually looking for finches bed and breakfast . is that on your list ? 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 N/A +bos yes , the address is 144 thorton road and they can be reached at 01223276653. 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 B-Hotel-Inform+Phone O O O O general-reqmore +bos do they have free parking and what type of hotel is it ? eos O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Type +bos it is a guesthouse and it does have free parking . would you like me to make a reservation for you ? 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 O O O O O Booking-Inform,Hotel-Inform+Parking +bos i 'm also looking for attractions in center and free entrance . eos O O O O O O O O O O O O O Attraction-Inform +bos we have 25 attractions in the centre with free entry . do you have a preference for what type of attraction you 'd like to visit ? eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O O Attraction-Request+Type +bos not really , pick the one you think would be best for a tourist . eos O O O O O O O O O O O O O O O O N/A +bos i would recommend the primavera museum , would you like more info ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 the entrance fee is free . would you like me to look up anything else for you ? eos O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore +bos yes , i need to book 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 what time would you like to leave the finches bed and breakfast ? eos O O O O O O O O O O O O O O Taxi-Request+Leave +bos actually , i want to go from primavera to the hotel , please . eos O O O O O O O B-Taxi-Inform+Depart O O O O O 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+Depart +bos i need to leave the attraction by 9:15. eos O O O O O O O O O Attraction-Inform +bos you will be picked up by a red ford . your contact number is 07926020669. may i help with something else ? eos 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 N/A +bos that is all 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 general-thank +bos thank you for calling and have a fantastic trip to cambridge ! goodbye . eos O O O O O O O O O O O O O O O general-bye +bos i would like to book a train . eos O O O O O O O O O Train-Inform +bos what day do you need the train ? what is your destination ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i am sorry i mean i want a nightclub to go in the wast side of town . 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 unfortunately , there are n't any in that area . how about another location ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos how about one that is in the type of museum.and make make sure you get address eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O Attraction-Request+Addr +bos kettle 's yard is museum in the west part of town . it is located on castle street . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos i also need a moderate priced room . eos O O O O O B-Hotel-Inform+Price O O O N/A +bos great ! what area of town are you thinking of ? eos O O O O O O O O O O O O general-welcome,Hotel-Request+Area +bos i 'd like it to be a guest house in the north . eos O O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos okay , 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 O general-welcome,Booking-Request+Day +bos i 'm not sure yet . i 'm really researching right now . can you please recommend a guesthouse in the north 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 O O O O O O O O O O N/A +bos i 've got 9 guesthouses in that price range . do you need internet and/or parking ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos no but i do need to know if they have internet , free parking , and the address of the guesthouse of your choice , 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 Hotel-Request+Parking,Hotel-Request+Internet +bos i have found 7 hotels now that match your criteria for parking and internet . would you like me to choose on for you ? 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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , please tell me your favorite guesthouse in the north and let me know their address and whether they offer free internet and parking . eos 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 O O O O Hotel-Request+Parking +bos i recommend acorn guesthouse . they are in the moderate price range and have 4 stars . they offer both free internet and parking . may i reserve you any rooms ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O 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 , i would appreciate that . eos O O O O O O O O O O N/A +bos ok great , and how many people and nights ? eos O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos i actually do n't need a room . i just need the address please . eos O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos 154 chesterton road eos O O O B-Hotel-Inform+Addr N/A +bos thank you , that is everything , sorry for being so annoying in the process . eos O O O O O O O O O O O O O O O O O general-thank +bos no worries at all . thank you for using the cambridge towninfo centre . enjoy your stay . 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 about a hotel called city centre north b and b ? 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 N/A +bos it is located at 328a histon road cb43ht . their phone number is 01223312843. 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 N/A +bos is that a hotel or a guesthouse ? and do they happen to provide free internet ? eos O O O O O O O O O O O O O O O O O O Hotel-Inform +bos yes on both of those . 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 general-reqmore +bos yes , i am also looking for an indian restaurant to eat at . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos we have 22 great indian restaurants to choose from . is there a certain price range you would like to stay in ? 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 i would like it to be expensive . eos O O O O O O O B-Restaurant-Inform+Price O N/A +bos i would recommend taj tandoori . can i book it for you ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O Booking-Inform +bos sure . i 'll be going there on thursday 12:30 with two other people . eos O O O O O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 9wpr3vg2 . 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 for your help ! eos O O O O O O O O O general-thank +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 'm looking for a hotel with a 3 star rating 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 have two guesthouses that are moderately priced in that area with 3 stars . would you like to book one of them ? eos O O O O B-Hotel-Inform+Choice O 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 Booking-Inform,Hotel-Select +bos that will be fine . i have a party of 2 adults and 3 children ages 4,5 , and 6. 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 would suggest the hamilton lodge if you have children . when will you be arriving and how long will your stay be ? 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 O O O O Booking-Request+Day,Booking-Request+Stay +bos i 'll be arriving on a saturday and staying for 5 days . eos O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O N/A +bos your booking was successful here is your reference number , 16mqqfcd . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos 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 eos O O O O O O O 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 certainly , the price is moderate . the postcode is cb41da and the address is 156 chesterton road . anything else today ? eos O O O O O B-Hotel-Inform+Price 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 general-reqmore +bos yeah , can you help me find a moderately priced restaurant in the north ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O Hotel-Request+Price +bos i have found two that meet your requirements , golden wok serves chinese food and the nirala serves indian food . 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 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 O O Booking-Inform,Restaurant-Select +bos the golden wok sounds good . can i get reservations at 17:45 ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Time O O N/A +bos i can certainly book that for you . i just need to know for what day and 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 O O O Booking-Request+People,Booking-Request+Day +bos it will just be one in the party . but i want to make sure i am out of the restaurant by 17:45 so can you make my reservation earlier ? 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+People O O O O O O O O O N/A +bos i made that reservation for saturday at 17:45. your reference number is zcm3ebe1 . remember the table will be held for 15 minutes only . eos O O O 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 O N/A +bos i also need a taxi leaving the restaurant at 17:45. eos O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos what will your destination be in the taxi ? eos O O O O O O O O O O Taxi-Request+Dest +bos i need to be picked up at the hotel and arrive to the restaurant by 17:45. eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos i have booked you with a blue bmw . the phone to reach them is 07067332345. is there anything else i can help with today ? 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 O O O O O O O O O O general-reqmore +bos that is it thanks for your help eos O O O O O O O O general-thank +bos it was my pleasure . enjoy your trip . 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 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 N/A +bos there are 69 places to eat in centre . do you have a specific type of food or price range you are wanting ? 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 O Restaurant-Request+Food,Restaurant-Request+Price +bos i 'm looking for european food . this is a special dinner , so something expensive . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are three restaurants in the centre that serve european food with an expensive price range . can i make a reservation for you at one of them ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food 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 O O Booking-Inform +bos book a table for 7 people at 14:45 on saturday , make sure you get 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 N/A +bos there are three different places : eraina , michaelhouse cafe and darrys cookhouse and wine shop . which would you like me to book ? 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 O O O O O O Booking-Inform +bos you can pick . i need reservations for 7 people on saturday 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 eraina is perfect for your special dinner . your table will be held for 15 minutes after your reserved time of 14:45. your reference number is yqxgplly . do you need anything else ? eos 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+Time O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos great . i need to find a guesthouse that has free wifi and free parking , the better half is so cheap . 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 that 's just fine , i actually have 21 options for you ! eos O O O O O O O O B-Hotel-Inform+Choice O O O O O N/A +bos can you please recommend one and book it for 4 nights ? eos O O O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos arbury lodge guesthouse in the north is great . they are moderately priced , i can book you a room how many people are staying and when are you checking in ? eos O B-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+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 Booking-Request+People,Booking-Request+Day,Booking-Inform +bos the 7 of us will be arriving on saturday and staying 4 nights . eos O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O N/A +bos the booking for 7 is entered under the reference number zw3fvvqz . may i help with anything else ? eos 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 general-reqmore +bos yes , i need a taxi to commute between dinner and the hotel . can you please help me with 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 Taxi-Request+Car +bos i can go ahead and do that for you . what time will you be leaving 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 actually , i need to go from the hotel to dinner . i want to arrive at the restaurant by 14: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 O N/A +bos i have you booked in a yellow honda , you can contact them at 07910205264. 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 O B-Taxi-Inform+Phone O O O O O O O O O O N/A +bos that is all i need . eos O O O O O O O N/A +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-greet +bos i am looking for a hotel in the moderate price range . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A +bos i have three hotels with moderate price range there is the ashley hotel in north , cityroomz located in centre , and lovell lodge located in north . eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos do any of those have a star of 2 ? eos O O O O O O O O O O O N/A +bos yes , both ashley hotel and lovell lodge have two stars . they also both offer free internet and parking . eos 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 O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos may i have the phone numbers for those hotels ? eos O O O O O O O O O B-Hotel-Inform+Type O Hotel-Request+Phone +bos sure the number for the ashley is 01223350059 and lovell 's number is 01223425478. is there anything else i can help you with ? eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos yes . i am also looking for somewhere to go that would be 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 O O B-Hotel-Inform+Type O O N/A +bos we have two swimming pools , a boat , and a park . do you have a preference in which type of attraction you 'd like ? eos O 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 O O O Attraction-Request+Type +bos i think i 'll try the park . where is it ? eos O O O O O O O O O O O O O N/A +bos the address we have listed is simply milton . do you need a phone number ? eos O O O O O O O O B-Attraction-Inform+Addr O O O O O O O O N/A +bos yes please and a postcode . eos O O O O O O O Attraction-Request+Post +bos the phone is 01223420060 with a post code of cb46az . eos O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Post O N/A +bos great , i think that 'll be all . thanks a lot 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 , and have a great day ! eos O O O O O O O O O O general-bye +bos does cambridge have any expensive austalasian restaurants ? eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos unfortunately there are no restaurants fitting your request . do you want me to look for a different food type 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 N/A +bos i like british also . are there any british restaurants that are expensive ? eos O O O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Price O N/A +bos there are 6 british restaurants that are expensive . what part of town would you prefer ? 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 Restaurant-Request+Area +bos that does n't matter . which of the restaurants have an opening for a table for 1 person at 13:30 on wednesday ? 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 was able to book you for 1 at fitzbillies restaurant . your reference number is llt7m4su . can i help you with anything else ? eos O O O O O O O O O O B-Booking-Book+People 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 i also need an expensive place to stay . eos O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are 5 options . they are all hotels with parking and internet included . do you have a preference for area or star rating ? eos O 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+Stars,Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking +bos can you please check the south area first ? eos O O O O O O B-Hotel-Inform+Area O O O N/A +bos there is one expensive hotel in the south . it is the lensfield hotel . do you need a booking ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Inform +bos yes , i want to stay there for 2 nights starting wednesday . it 'll be just 1 person again . please provide a reference number . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O O O O O O O O O N/A +bos reference number is : 1dn9iq4d . 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 yes , i need a taxi to take me from the hotel you just booked to fitzbillies restaurant , arriving by 13:30. please give me a car type and contact info 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 O B-Taxi-Inform+Arrive O O O O O O O O O O O Taxi-Request+Car +bos i have that taxi booked . it is a blue tesla and the contact number is 07422952995. 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 appreciate all of your help . i 'm done for now . eos O O O O O O O O O O O O O O N/A +bos you are welcome enjoy eos O O O O O general-welcome +bos hello ! i 'm looking for a restaurant that serves modern global food in the centre . 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 i 'm sorry , but there are no modern global restaurants anywhere in cambridge . eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O N/A +bos hmm , okay , i guess i could settle for italian . are there any of those in the centre of town ? eos 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 O O O N/A +bos we have nine italian restaurants in the center . does price range matter ? 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 Restaurant-Request+Price +bos moderate price range is fine . i will need a reservation for 5 people at 14:15 on tuesday . eos O B-Restaurant-Inform+Price 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 recommend pizza express . you 're booked for 14:15 , and the table will be held for 15 minutes . the reference number is mbgjnxhm . do you need anything else ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Booking-Book+Time 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 no , you were very helpful , thanks for everything . eos O O O O O O O O O O O O general-thank +bos you are very welcome . enjoy your dinner party ! eos O O O O O O O O O O O general-welcome,general-bye +bos i actually could use some help finding a place to stay also . eos O O O O O O O O O O O O O O N/A +bos ok , do you have any specifics in mind , such as area or 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 like nice places , so definitely something expensive . i do want it to have free wifi though . 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 N/A +bos there are about 5 options . all are hotels and expensive . they are located all over . do you have a certain area in mind ? eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O Hotel-Request+Area +bos i know this sounds crazy , but i 'm looking for an expensive hotel with a 0 star rating . the area does n't matter so much . 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 O O O O O N/A +bos unfortunately , i do n't have anything matching your criteria . can i adjust the 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 Hotel-NoOffer,Hotel-Request+Stars,Hotel-Request+Price +bos how about a 4 star rating . i need it booked for 5 people , 4 nights starting from tuesday and i will need the reference number . eos O O O O O B-Hotel-Inform+Stay 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 O N/A +bos no problem ! i booked you the university arms hotel located in the centre , reference number 9docjurl . may i help with something 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-Hotel-Inform+Area O O B-Booking-Book+Ref O O O O O O O O O O general-greet,general-reqmore +bos thanks so much ! can you please book me a taxi between the two places , arriving at the restaurant by the time of the 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 Restaurant-Inform,Taxi-Inform +bos your taxi is booked . be expecting a red skoda . please call 07595199284 should you need them . eos 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 N/A +bos that will be it for now . good day eos O O O O O O O O O O N/A +bos i 'm glad i could assist you today . good-bye . eos O O O O O O O O O O O O general-bye +bos yes i am looking for a guesthouse that is cheap to stay in cambridge in . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O N/A +bos alexander bed and breakfast on 56 saint barnabas road is available . would you like me to book it . eos 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 Booking-Inform,Hotel-Select +bos does it include free parking and wifi ? eos O O O O O O O O O N/A +bos yes , it has free internet and parking . would you like to book ? eos 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 , i need to book it for 8 people for 2 nights starting sunday . eos O O B-Hotel-Inform+Parking 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 . your reference number is m9t2lmxs . 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 thank you . i am also looking for an indian restaurant and is located in the centre . 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 O N/A +bos i have found 9 indian restaurants in the centre . do you have a price range in mind ? 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-Request+Price +bos yes , i am looking for a cheap restaurant . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos kohinoor is a cheap indian restaurant in centre . would you like me to book a table ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos no thanks , i just need the address including post code . eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the postcode is cb12as and it is located at 74 mill road city centre eos O O O O B-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 N/A +bos great , thanks so much for your help . there 's nothing more , bye ! 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 . enjoy your day ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a train departing 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 O O N/A +bos i have a number of trains leaving from london liverpool street . where are you going and when do you want to go ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 Train-Request+Dest,Train-Request+Day +bos i am going to cambridge and need to arrive by 21:15 on tuesday . can you do that ? eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O N/A +bos yes i can . there are a total of 8 trains arriving by 21:15 on tuesday . would a train that departs at 17:39 and arrives by 19:07 be okay with you ? eos O O O O O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O B-Train-Select+Leave O O O B-Train-Select+Arrive O O O O O O O N/A +bos that will work , thanks . i need tickets for 3 people , please . can you also provide a reference number once they 're booked ? 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 Train-Request+Ref +bos i have booked it for you and the reference number is : zbgbfgtb eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you . what can you tell me about the leverton 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 yes certainly . it is a guesthouse on the east side of cambridge and has a rating of 4 stars . it also offers free internet and parking amenities . eos O O O O O O B-Hotel-Inform+Type 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 O Hotel-Inform+Internet,Hotel-Inform+Parking +bos great , thanks . that 's everything i needed today so i 'm going to lay down for a nap i guess . 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 wonderful day ! eos O O O O O O general-bye +bos i 'm looking for a restaurant in the north with in 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 sure , is there a type of cuisine you are looking for ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos that does not matter , can you recommend one ? eos O O O O O O O O O O O N/A +bos how about the city stop restaurant . it 's european . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O N/A +bos can you get me their address and phone number ? eos O O O O O O O O O O O Restaurant-Request+Addr +bos sure ! their address is cambridge city football club milton road chesterton and the phone number is 01223363270. would you like 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 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 Booking-Inform,general-greet +bos i also need a room . four stars , free wifi . eos O O O O O O O O O O O O O N/A +bos what area are you looking for ? eos O O O O O O O O Hotel-Request+Area +bos i want one in the same area as the restaurant eos O O O O O O O O O O O N/A +bos there are a number of options in the north . did you have a price range in mind ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Price +bos yes , i would want something moderately priced . eos O O O O O O B-Hotel-Inform+Price 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 great ! please book a room for thursday -- 3 nights , 3 people . eos O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O O O O O N/A +bos you are all booked for the acorn guesthouse . your reference number is 8exvdff3 . 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 thank you that is all i needed today , good bye . eos 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 could you help me find a place to dine on my trip ? eos O O O O O O O O O O O O O O N/A +bos absolutely ! do you have any preferences on area , price , or food type ? eos 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 really want to treat myself so i was thinking expensive european food . eos O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i have 5 restaurants that are expensive european . is there a certain area of town you would like ? 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 O O Restaurant-Request+Area +bos any part of town will do so kindly recommend something and give me the postcode and address eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos how about eraina in the centre area . the address is free school lane city centre . the phone number is 01223368786. eos O O O B-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 O O O O O B-Restaurant-Inform+Phone N/A +bos oh and i 'm going to need a place to stay . can you find me an expensive 4 star hotel that includes free wifi please ? eos 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 B-Hotel-Inform+Type O O O O O O O N/A +bos there are two hotels that match your requirements . one is in the west and one is in the centre . do you have a preference of area ? eos O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 it does n't matter but can you find one in the expensive price range ? eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos in that case , i recommend university arms hotel . it 's in the same area as the restaurant and may be more convenient . eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+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 O O O O O O O O N/A +bos that will be fine can you get me the address and postcode . eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos sure ! the address is regent street . the postcode is cb21ad . is there anything else i can help you with ? eos O O O O O B-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 general-reqmore +bos that 's all , thank you for your help . good-bye . eos 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 for a hotel called home from home . 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 home from home is located in the north area and is moderately priced . would you like more information ? eos 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+Price I-Hotel-Inform+Price O O O O O O O general-reqmore +bos no , i 'd like a room for 8 people . we 'll be checking in on thursday for 4 nights . eos O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O N/A +bos i was able to book you for 4 nights starting on thursday for 8 people . the confirmation number is uof6dhn8 . is there anything else ? eos O O O O O O O O O B-Booking-Book+Stay 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 O general-reqmore +bos yes , i also 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 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 'm looking for french food . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i would recommend cote . it is expensive but good . can i reserve a table for you ? eos O O O 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 make 8 reservations for friday night at 19:00. eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O N/A +bos that is booked ! your reference number is hqosmvl8 . 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 i also need a taxi . eos O O O O O O O Taxi-Inform +bos where would you like the taxi to pick you up from ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos i need to 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 Restaurant-Inform +bos you will be going to cote by 19:00 , will you be departing from your hotel ? 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 +bos we will be leaving from there . eos O O O O O O O O N/A +bos what day and time do you need the taxi ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i want 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 Restaurant-Inform +bos booking completed ! the taxi will be a red honda and their contact number is 07854504953. is there anything else i can 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 O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos that 'll be it for me today ! thanks ! have a good one . eos O O O O O O O O O O O O O O O O general-thank +bos you too , enjoy your stay ! eos O O O O O O O O general-bye +bos hi , i am looking for a nice hotel to stay in . i would like it to include free parking . internet access is not necessary . eos O O O O O O O O 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 . will you please state the price ? eos O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Price +bos i do n't care about the price . eos O O O O O O O O O N/A +bos acorn guest house is a 4 star hotel located north of cambridge would you like to reserve ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name 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 O O O O O Booking-Inform +bos do they have internet ? eos O O O O O O N/A +bos yes it does . shall i book it ? eos O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes , please . i need to book 3 nights starting on friday for 5 people . eos O O O O O O O O B-Hotel-Inform+Stay 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 , please give me reference number . eos O O O O O O O O O N/A +bos booking was successful.reference number is : 7olqyp67 . what else can i assist 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 'd also like a recommendation for a 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 O O N/A +bos what food type are you interested in ? eos O O O O O O O O O Restaurant-Request+Food +bos surprise me what is the best choice ? eos O O O O O O O O O N/A +bos saigon city is asian oriental and is in the north as the hotel is . it is expensive . shall i book it for you ? 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 O O O O B-Restaurant-Recommend+Price O O O O O O O O O Restaurant-Inform,Booking-Inform +bos yes , please . i need reservations for 12:30 on friday . there are 5 in my group . eos O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+People O O O O O O N/A +bos your table has been booked . your reference number is lpqvdde9 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos that is all . thank you . eos O O O O O O O O general-thank +bos i am glad i could help you with lodging and dining from 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 O O O general-welcome,general-bye +bos i 'm looking for a moderately priced hotel to stay at that includes free wifi . can you help ? 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 N/A +bos do you have a location preference ? eos O O O O O O O O Hotel-Request+Area +bos i would like to stay in the east , if possible . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos we have three moderate priced places to stay in the east with free wifi , would you like a recommendation ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Recommend,Hotel-Inform+Internet +bos yes but to help it does n't need to have free parking . eos O O O O O O O O O O O O O O N/A +bos i can book you one if you provide me with more information on it eos O O O O O O O O O O O O O O O Booking-Inform +bos can you pick one and send me the postcode , address 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 a and b guest house 124 tenison road cb12dp and the phone number is 01223315702 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+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Post O O O O B-Hotel-Recommend+Phone N/A +bos thank you ! i also need a reservation at the saffron brasserie for 2 people at 15:45 on wednesday please . eos O O O O O 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 okay i have your reservation for the saffron brasserie booked and your reference number is qj98yt0f . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref O N/A +bos that is it for today thank you very much eos O O O O O O O O O O general-thank +bos thank you for using cambridge towninfo . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a cheap caribbean restaurant to eat at . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos i 'm sorry , i am unable to find any restaurants that serve caribbean cuisine . eos O O O O O O O O O O O O B-Restaurant-NoOffer+Food O O O O N/A +bos how about an italian restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos what area of town ? eos O O O O O O Restaurant-Request+Area +bos the area does n't matter to me . it just has to be cheap . eos O O O O O O O O O O O O O O O O N/A +bos ok i hear good things about pizza hut city centre . would you like 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 O O O O O Booking-Inform +bos yes . book for 1 person on tuesday at 16:45. eos O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Time O N/A +bos i have made those reservations your reference number is 5vepj46z . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks i also need a guesthouse that has free internet . eos O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos sure ! do you want the hotel to be in a particular area ? eos 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 . eos O O O O O O O O N/A +bos i 'd recommend the allenbell in the east . would you like a reservation ? eos O O O O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O O O Booking-Inform +bos actually , i do need the hotel to be in the north . i 'd also like it to be cheap . eos O O 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 N/A +bos ok , i recommend the worth house . it 's a guesthouse in the north . it 's cheap but has 4 stars . would that work for you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O O O O Hotel-Select +bos yes , please ! i need a room there . same group , same day as the restaurant , and we 'll stay 4 nights . 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 N/A +bos booking was successful.reference number is : ugej4902 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 general-reqmore +bos i also need a taxi to get there please . eos O O O O O O O O O O O Taxi-Inform +bos just to confirm . you need a cab to take you to the worth house ? 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 O Taxi-Request+Depart,Taxi-Request+Dest +bos no , from worth house to the restaurant , please . eos O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O N/A +bos your taxi has been booked . it will be a yellow volvo and the contact number is 07887807220. 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 , that is all . eos 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 +bos i need a train departing from cambridge going to leicester . eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos what day did you want to travel on ? eos O O O O O O O O O O Train-Request+Day +bos i 'll be going on wednesday , after 13:15. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A +bos we have one that leaves at 13:21 , and arrives by 15:06 would you like me to book this for you at 37.80 pounds . eos 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 O O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O N/A +bos that 's perfect . i need 5 tickets eos O O O O O O B-Train-Inform+People O O N/A +bos ok. i 've reserved 5 tickets for wednesday leaving cambridge and arriving in leicester at 15:06. your reference # is a4t8dcja . eos O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Day I-Train-OfferBooked+Day B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart 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 thank you . i also need information on a hotel called warkworth 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 warkworth house is a guesthouse in the east side of town , would you prefer a different part of town ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O O O O O O O Hotel-Request+Area +bos i just want information the the warkworth house , especially the address , please . eos O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos the address is warkworth terrace . eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos okay , thanks that 's all i need . 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,general-bye +bos are there any restaurants serving australasian food in the east part 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 O N/A +bos i 'm afraid not . 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 Restaurant-Request+Area,Restaurant-NoOffer +bos no , how about chinese food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos yu garden offers chinese food in the east part of town 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 I-Restaurant-Inform+Area N/A +bos okay , can i please have the phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos certainly , the phone number is 01223248882. is there anything else i can do ? reserve a table for you , perhaps ? eos O 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 O Booking-Inform,general-reqmore +bos i am also looking for a hotel called limehouse eos O O O O O O O O O B-Hotel-Inform+Name N/A +bos the limehouse is a moderately priced 4 star guesthouse located in the north , would you like their contact information and address , or would you like to book a room ? eos O O B-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 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 O O O O Booking-Inform +bos can you tell me if limehouse has internet access ? eos O O O O O O O O O O O Hotel-Request+Internet +bos it does have 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 i also need a taxi that will pick me up by by 8:15 from the guest house to the restaurant . i will appreciate to have the car type and the 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 O Restaurant-Inform,Taxi-Inform +bos booking completed ! booked car type : white toyotacontact number : 07241514490 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 want to leave the restaurant by 8:15. eos O O O O O O O O O Restaurant-Inform +bos this is what we 've requested for you . you 're all set . eos O O O O O O O O O O O O O O O general-welcome +bos thank you . that 's all i needed . i appreciate all of your help . eos O O O O O 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,general-bye +bos i need a train from bishops stortford to cambridge that will arrive by 12:30. eos 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 N/A +bos i have found 7 trains that will get you to cambridge by 12:07. what day would you like me to book ? eos O 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 O Train-Request+Day +bos i need it for saturday . eos O O O O O B-Train-Inform+Day O N/A +bos when would you like to leave at ? eos O O O O O O O O O Train-Request+Leave +bos i just need to get there by 12:30 so that train would be good . what time do i depart ? 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 N/A +bos i have train tr6163 that leaves at 5:29 and arrive 6:07. would you like me to make reservations ? eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos no thanks , i just wanted to know the information . i do need a moderately priced hotel , with free parking . eos O O 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 O O O N/A +bos how about bridge 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 can i get more information ? eos O O O O O O O N/A +bos it is a moderately priced guesthouse on the south side , a 3 star . would you like to book it ? eos O O 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 O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform +bos i am looking for places to go in the centre . eos O O O O O O O O O O O O N/A +bos please tell me the types of places you are looking for . eos O O O O O O O O O O O O O Attraction-Request+Type +bos i 'm looking for attractions , can you suggest something interesting ? . i also need the phone number 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 Attraction-Request+Phone,Attraction-Request+Fee +bos if you ca n't tell me what type of attractions you 're looking for , i will pick the first option on the list : all saint 's church in the centre , admission is 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O N/A +bos that 's some recommendation . can you at least tell me the phone number too , like i asked ? 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 01223452587 is the phone number . may i assist you with anything else ? eos O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos yes i 'm also looking for a train for friday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos sure ! i 'll need your departure site and destination please ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i will be departing from london liverpool street and need to go to cambridge . i need to leave after 20: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+Dest O O O O O B-Train-Inform+Leave O N/A +bos tr8373 leaves at 21:39 on friday . the price is 16.60 pounds . will that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O B-Train-Inform+Day O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-Select +bos perfect , yes . i 'll need 7 tickets . eos O O O O O O B-Train-Inform+People O O O O N/A +bos great ! is there anything else i can assist you with ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos i just need a reference number please . eos O O O O O O O O O Train-Request+Ref +bos booked , the total fee is 116.2 gbp payable at the station .reference number : tciy3mao . 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 N/A +bos great . thanks for all the help ! 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 hi , you can help me find a hotel somewhere on the north 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 N/A +bos i have 33 hotels on the north side of town . what amenities are you looking for ? 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 Hotel-Request+Stars,Hotel-Request+Parking +bos i 'd like it to have 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 O N/A +bos okay and what is your price range ? eos O O O O O O O O O Hotel-Request+Price +bos any price range is fine . eos O O O O O O O N/A +bos i recommend city centre north b and b. they 're in the cheap price range and their address is 328a histon road eos 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 O O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr N/A +bos book it for 4 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 the room is booked starting sunday for 4 people , 5 nights . reference number is : t0gob1rp . is there anything else i can assist with ? eos O O O O O O B-Booking-Book+Day O O B-Booking-Book+People 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 yes , i would like to dine at an expensive hotel in the same area . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos do you have a food type in mind ? eos O O O O O O O O O O Restaurant-Request+Food +bos yes , i would like bistro food please . eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are no restaurants that meet those requirements . eos O O O O O O O O O O Restaurant-NoOffer +bos oh darn it . how about one that offers european food ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 3 options in the centre area with european food . eraina is located at free school lane city centre , postcode cb23rh . would you like info on the others also ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area 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 I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos eraina sounds great . could you please make a reservation for 4 people on sunday at 17:15 ? eos O B-Restaurant-Inform+Name 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 : vzb1b67f . 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 also want to book a taxi eos O O O O O O O O Taxi-Inform +bos 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 ? eos O O O O O O O O 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 i need to go to the north . eos O O O O O O O O O N/A +bos okay . will you be leaving from cambridge ? eos O O O O O O O O O O Taxi-Request+Depart +bos i want to leave from city centre north b and b to arrive at the eraina restaurant in time for my 17:15 reservation . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Restaurant-Inform+Area I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest O O O O O B-Restaurant-Inform+Time O O N/A +bos ok i have booked you a red toyota , contact number 07919147301 arriving at 17:05. anything else i can help with ? eos O 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 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 the cambridge towninfo centre . goodbye eos O O O O O O O O O O O general-bye +bos hi , i could use help with my planning . i am trying to 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 N/A +bos 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 ? eos O O O O O O O O O O O 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,Hotel-Request+Area,Hotel-Request+Price +bos i would like it to be in the south and have a rating of 3 stars . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars O N/A +bos we have a moderately priced guesthouse and an expensive hotel that match your requirements . eos O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O N/A +bos does either offer free parking ? eos O O O O O O O N/A +bos they both offer free parking and internet . eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos okay can you please book it for 7 people for 4 nights starting on 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 which one ? the guesthouse or the hotel ? eos O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos the hotel , please . eos O O O O O O Hotel-Inform +bos reference number is : bs0odsgj . is there anything else ? eos O O O O O B-Hotel-Inform+Ref O O O O O O general-reqmore +bos i need some information on a place 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 pizza express is a moderately priced italian restaurant in the center of town . do you need more information ? 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O general-reqmore +bos can you give me the postcode and address please ? eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos of course . the postcode is cb21db and it is at regent street city centre . can i help you with anything else today ? eos O O 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 O O O O O O O O O O O general-reqmore +bos yes , i 'm looking for colleges to see in town . can you help me with that ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O N/A +bos what is your price range for that ? eos O O O O O O O O O Attraction-Request+Price +bos i do n't care about that but i would like the address and area of the college i visit . 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 i would recommend gonville and caius college , that is a nice campus in the centre area and best of all , admission is free , would you like more info ? 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 O B-Attraction-Recommend+Area O O O O O O O B-Attraction-Recommend+Fee O O O O O O O O O general-reqmore +bos what is the address for gonville and caius college ? eos O O O O O O O O O O O N/A +bos you selected attraction can you please correct so i can search . eos O O O O O O O O O O O O O general-reqmore +bos the gonville caius college would be a nice attraction . could i get the address please ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Addr +bos it is located on trinity street . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos thank you . i look forward to the day in town . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos i 'm happy to be of help . take care . 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 some attractions in the centre area . eos O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos i have booked you old schools type of attraction is architecture eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type N/A +bos i did not ask for a booking . eos O O O O O O O O O N/A +bos i 'm sorry i canceled the booking . what type of attraction are you interested in , there are many ? eos 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 Attraction-Request+Type +bos what would you recommend ? eos O O O O O O N/A +bos there are many colleges . what type are you looking for ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O Attraction-Request+Type +bos as long as it is in the centre , any will be fine . can you make a recommendation 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 i would suggest the old schools it 's free admission . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O Attraction-Inform +bos i 'm also looking for an expensive latin american restaurant to dine at . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A +bos i do not have anything that meet that criteria . can i try something 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 a restaurant that serves chinese in the same area ? if so , can you please book a table for 6 at 13:00 on saturday ? 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 B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A +bos i have the hakka located in the north that is expensive . would you be interested in that ? 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 O O O O O Restaurant-Select +bos yes that sounds great . can you make reservations for that ? eos 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 kq26b4u5 . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos okay . thank you 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-welcome,general-bye +bos im looking for a place that serves morden european food and with a cheap price range eos O O O O O O O O O O O O O O O O O N/A +bos there is one restaurant that serves modern european at a cheap price , it is the river bar steakhouse and grill in the centre of town . would you like more information ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O N/A +bos could you book me a table there for 1 on friday at 11: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 N/A +bos ok , you have a table for 1 at the river bar , reference # g2xqj7b5 . 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+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 general-reqmore +bos i am also looking for a place to go for some entertainment in the east . 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 N/A +bos how about the funky fun house on mercers row ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos sure , can you give me the address , 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 Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos you can call them at 01223304705. the address is 8 mercers row , mercers row industrial estate . their entrance fee is unlisted eos 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O N/A +bos great , thanks for that . are you able to also book me a taxi so i can 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 O O O O O Taxi-Inform +bos yes , what time are you wanting to leave ? eos O O O O O O O O O O O Taxi-Request+Leave +bos well before 11:45 to make sure i do n't miss the reservation would be good . eos O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O N/A +bos i have reserved you a taxi . they will be in a blue audi with the phone number 07033607984 if there is any issues . eos 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 I-Taxi-Inform+Phone O O O 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 okay , you are so welcome ! bye ! eos O O O O O O O O O O general-welcome,general-bye +bos please find an expensive restaurant in the centre . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos there are many to choose from . what kind of food are you interested in ? asian , gastropub , indian , eupopean ? any idea ? 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 B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O O Restaurant-Request+Food +bos a gastropub sounds great . eos O O B-Restaurant-Inform+Food O O O N/A +bos i suggest the slug and lettuce on green street . would you like me to make a booking ? eos 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 O O O O O O O O O O Booking-Inform +bos yes , please , i need a table for 8 on tuesday at 17: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 O N/A +bos i got your table all booked , your reference # is : o33823v4 . can i help 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 O general-reqmore +bos i 'd like to find a place to go in town eos O O O O O O O O O O O O N/A +bos anything in particular you like to do ? eos O O O O O O O O O Attraction-Request+Type +bos how about a multiple sports place near that restaurant . eos O O O O O O O O O O O N/A +bos the cherry hinton village center is in the east , would you like the address ? 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 O O O O O O O N/A +bos no thanks , i just need the phone number please . eos O O O O O O O O O O O O Attraction-Request+Phone +bos 01223576412 is the phone number . what else can i assist you with today ? eos O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O 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 . eos O O O O O O O O O O O O Taxi-Inform +bos sure , where and when would you like to be picked up ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave +bos i will need to be picked up by 5. eos O O O O O O O O O O N/A +bos which place do you want to be picked up from ? eos O O O O O O O O O O O O Taxi-Request+Depart +bos from the cherry hinton village center , please . eos O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A +bos okay , i have booked your taxi . it will be a black volkswagen and your contact number is : 07019317320. 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 B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos nope . i am all done . 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 hi , i was wondering if there was a swimming pool that an out of town person could use while visiting . 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 four , what area were you looking to swim in ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area +bos any of them will be ok i also need the postcode and area it 's 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 i recommend kings hedges learner pool in the north the postcode is cb42xh . is there anything else i can help you with today ? 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+Area I-Attraction-Recommend+Area O O B-Attraction-Recommend+Post O O O O O O O O O O O O general-reqmore +bos perfect , thanks . can you also help me find a good turkish restaurant that 's moderately priced ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O N/A +bos there are 2 and they are both in the centre . anatolia & efes restaurant . which do you prefer ? would you like a reservation ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Area 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,Restaurant-Select +bos can i get more information about anatolia ? eos O O O O O O O O O N/A +bos moderate range turkish food . phone , 01223362372. anything else ? eos O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Phone O O O O O general-reqmore +bos can you give me the postcode ? eos O O O O O O O O Restaurant-Request+Post +bos the postcode is cb21uj . 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 yes , i also want to book 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 Taxi-Inform +bos where will the taxi be leaving from and going to ? eos O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos the restaurant and the swimming pool of course . i want to leave the restaurant by 5:15 sharp eos O O O O O O O O O O O O O O O O O O O N/A +bos you 'll be in a white skoda and the contact number is 07935 536 503. can i confirm , though , that you wish to leave the restaurant at 5:15 in the morning ? eos 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 I-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos yes , i want to leave the restaurant by 05:15. eos O O O O O O O O O O O Restaurant-Inform +bos great - you are all set with your white skoda . anything else i can help with ? 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 general-reqmore +bos no thank you that will be all eos 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 would like to have an authentic british meal , but i need to do it cheaply . can you help me with that ? 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 O O O O O O N/A +bos according to my search , there are no cheap restaurants serving british food . would you be interested in another type of cuisine or a different price range ? eos O O O O O O O O B-Restaurant-NoOffer+Price O O B-Restaurant-NoOffer+Food 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 yes , one that serves chinese food and still in the cheap price range . eos 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 is there a certain area you are looking in ? there are three cheap chinese restaurants in the centre and one in the south . 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 O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area O Restaurant-Request+Area +bos i would prefer the south please can i get some info on it ? eos O O O O O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos the one in the south is the lucky star chinese restaurant . they are located at cambridge leisure park clifton way cherry hinton . can i reserve you a table ? eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform +bos yes , could you please book a table for 8 people at 15:15 on tuesday ? 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 your booking was successful . the table will be reserved for 15 minutes . your reference number is : o41672fv . 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 B-Booking-Book+Ref I-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 museum i can visit in town . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos does the area of town matter to you ? eos O O O O O O O O O O Attraction-Request+Area +bos no , it does not matter . i just need information about the entrance fee and the area 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 Attraction-Request+Area,Attraction-Request+Fee +bos i would suggest cambridge artworks . they are located in the east . there is no entrance fee . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos i also need a taxi that will take me between the attraction and restaurant and will arrive by 15:15 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 your taxi reservation at 15:15 is confirmed . you will be picked up from cambridge artworks and headed to the lucky star . the contact number is : 07322674344 eos O O O O O B-Taxi-Inform+Arrive 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 I-Taxi-Inform+Dest O O O B-Taxi-Inform+Phone O O O N/A +bos thank so much for all your help today ! take care . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos enjoy your time in cambridge ! eos O O O O O O O general-bye +bos hi , i 'm visiting soon and head about a place called cambridge artworks . what can you tell me about it ? 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 N/A +bos cambridge artworks is in the east side of town and has free admission . 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 B-Attraction-Inform+Fee O O N/A +bos that is exactly what i was looking for . eos O O O O O O O O O O N/A +bos is there anything else that i can help you with ? eos O O O O O O O O O O O O general-reqmore +bos i need a play to stay in the east . eos O O O O O O O O O B-Hotel-Inform+Area O N/A +bos there are seven different places to stay in the east . could you narrow down what you 're looking for a bit ? what price range are you looking for ? eos O O O B-Hotel-Inform+Choice 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 Hotel-Request+Price +bos yes , it should be in the cheap price range and i do n't require internet . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos how about allenbell ? it is 4 stars and cheap . eos O O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O N/A +bos is this located in the east ? and i change my mind on internet . i would like one with wifi if possibe ? eos O O O O 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 3 guesthouse type vacancies in the east area , all with wifi . would you like me to book one ? eos O 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 Booking-Inform,Hotel-Inform+Internet +bos i 'm sorry , i need a cheap hotel not guesthouse . it should be in the east , and i do n't need internet . eos 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 O O O O O N/A +bos i 'm sorry , there are no hotels in the east area of town that are cheap or moderately priced . would you prefer another 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 O N/A +bos a guesthouse will be ok as long as it is cheap and has free wifi , if you can book me one in the east are for 4 nights please . eos O O B-Hotel-Inform+Type O O O O O O O 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 O N/A +bos there are three places that fit your description . could you tell me how many people will be staying . 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-Request+People +bos just one person will be staying eos O O O O O O O N/A +bos when would like to begin your stay and for how long ? eos O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos 4 nights starting from wednesday please eos O O O O O O O N/A +bos the three guesthouses in the area are allenbell , autumn house , and leverton house . would you like to reserve at any of these ? eos O O B-Hotel-Inform+Choice B-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 O O O O O O Booking-Inform +bos sure . book allenbell . i need the reference number as well . eos O O O O O O O O O O O O O O Hotel-Request+Ref +bos i was unable to book allenbell for you . would you like me to try 3 nights instead ? or would you like me to check the other 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 O O O O O Booking-NoBook,Booking-Request+Stay,general-reqmore +bos could you try 2 nights please ? eos O O O O O B-Hotel-Inform+Stay O O N/A +bos your booking is successful reference is z1wwh4ah eos O O O O O O O B-Booking-Book+Ref N/A +bos this is horrible . can you cancel that please ? i need a hotel . eos O O O O O O O O O O O O O O O O Hotel-Inform +bos do you still want the hotel in the same part of town ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos let 's start over.this is what i need : a cheap place with wifi on the east side . book it for 4 nights for 1 person from wednesday . eos 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 B-Hotel-Inform+Stay O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O N/A +bos no , i am sorry . i have tried everything and can not reserve anything else that is cheap and on the east side for either 3 or 4 nights . could you choose another 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 O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos would you please try for just 2 nights then ? eos O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos at this time there are not any hotels available on the east side to fit 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 O O O O O O Booking-NoBook,Hotel-Request+Area +bos no , can you list all the hotels are on the east side that are n't expensive ? eos O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O N/A +bos there are no hotels on the east side that are not expensive . can i find something for you in another area ? eos O O O O B-Hotel-NoOffer+Type O 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 Hotel-Request+Area +bos okay . a guesthouse in the east area , cheap with wifi for 1 person , 2 nights , starting wednesday . eos O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O Attraction-Request+Area +bos your reference number is cxgwrloa at the allenbell for 1 person , 2 nights , starting wednesday . may i help you with anything else ? eos O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O B-Booking-Book+People O B-Booking-Book+Stay O B-Booking-Book+Day O O O O O O O O O O O general-reqmore +bos no that 's all . eos O O O O O O N/A +bos have a good stay ! eos O O O O O O general-bye +bos hi i would like to find a place to stay that has a guesthouse and 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 N/A +bos which day would you like the reservation to start ? eos O O O O O O O O O O O Booking-Request+Day +bos can you tell me the hotels that meet that criteria first ? i need a 4-star guesthouse with parking . 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 acorn guest house has all the criteria you need . would you like me to book that ? 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 book it for 4 people staying for 2 nights and give me the reference number . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O Hotel-Request+Ref +bos i would be happy to do that . i just need to know what day you would like your reservation 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 Booking-Request+Day,general-greet +bos monday , please eos O B-Hotel-Inform+Day O O N/A +bos your booking was successful for 4 people at the acorn guest house , staying 2 nights starting monday . your reference number is : db9splt7 . is there anything else i can do today ? eos 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 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 O O O O O O O general-reqmore +bos also on monday i am looking for a train destined for cambridge . i need to depart at 21:00 from the stevenage . eos O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O N/A +bos it looks like there are only trains on friday and saturday from stevenage . would another day do ? eos O O O O O O O O O O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Depart O O O O O O Train-Request+Day +bos before we continue , i need the reference number for my hotel booking . eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos reference number is : db9splt7 . eos O O O O O B-Booking-Book+Ref O N/A +bos so is there any train on monday ? eos O O O O O O O B-Train-Inform+Day O N/A +bos there are two . one leaving at 21:54 and the other leaving at 23:54. eos O O O B-Train-Inform+Choice O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave N/A +bos are there any trains from stevenage to cambridge on monday leaving at 21:00 ? that is what i 'd prefer . eos 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 O O O O O N/A +bos the closest train would be tr1699 departing stevenage at 21:54 arriving cambridge 22:43. the ticket would be 12.80 gbp . shall i book this for you ? eos 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+Leave O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos i suppose , please give me a 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 the train id is tr1699 and the price is 12.80 pounds . how many tickets would you like to purchase ? eos 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 O O O O O O O O Train-Request+People +bos one ticket , please . eos 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 no that will be all for today . thank you ! eos O O O O O O O O O O O O general-thank +bos 1 ticket for train id tr1699 from stevenage to cambridge at 21:54 has been booked . your reference number is w6j8tuac . have a nice day . eos O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Leave O O O O O O O B-Train-OfferBooked+Ref O O O O O O O general-bye +bos i need a room , can you help ? eos O O O O O O O O O O N/A +bos i got a long list . it will help if you knew the king of food you want 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 Restaurant-Request+Food +bos well i want a hotel not food . eos O O O O O O O O O Restaurant-Request+Food +bos which area would you like to be in ? eos O O O O O O O O O O Hotel-Request+Area +bos i would like something in the east with 4 stars . eos O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O N/A +bos there are 6 choices , any pricing preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O Hotel-Request+Price +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 the allenbell is a guesthouse in the east in the cheap price range and it has a 4 star rating . would you like to reserve a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform +bos yes , i would like to book for 8 people for 4 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 will book that for you now . eos O O O O O O O O O Booking-Inform +bos please do so . eos O O O O O N/A +bos ok , i was able to make a booking . your reference number is xvpdcmk9 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 that is all i need goodbye eos O O 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 'm looking for the location of the carolina bed and breakfast please ? 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 N/A +bos they are located in the east side . can i help with any other questions ? eos 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 could you please book me a stay for one person for 5 nights starting thursday ? eos 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 i have made the booking here is the information-booking was successful.reference number is : lyymc1py . 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 general-reqmore +bos thanks for booking the lodging . would you help with a restaurant ? i want to dine in the center at a cheap restaurant . 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+Price O O O O N/A +bos i found 5 restaurant that cheap and in the center of the town . do you want me to book you a table ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 O O Booking-Inform +bos i would like an indian restaurant please . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i would recommend the gandhi . would you like reservations ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O Booking-Inform +bos is the gandhi cheap ? if so , i 'd like to reserve a table for the same group of people at 14:00 on the same day , please . 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 O B-Restaurant-Inform+Time O O O O O O O O O O N/A +bos i am unable to book that right at the moment . would you like me to check on another locations availability ? 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 how about 13:00 , does the restaurant have this time available ? eos O O O B-Restaurant-Inform+Time O O O O O O O O O N/A +bos i was able to book a table for 13:00 the reference number is c5adlt6m . is there anything else you need assistance with today ? eos 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 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 i am happy to hear we were able to help 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-welcome,general-bye +bos i need a place to stay and i would like a guesthouse . eos O O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos do you have a location preference ? eos O O O O O O O O Hotel-Request+Area +bos no but i want it to be cheap and have a 4 star rating . eos O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O N/A +bos there are 7 guesthouses that match you criteria , do you have a location preference ? 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 any area of cambridge is fine . can you suggest a guesthouse that meets my criteria ? eos O O O O O O O O O O O O O O O O O O N/A +bos autumn house on newmarket road is in the east near other shops and boutiques . it meets your needs perfectly . would you like me to book you a room ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr 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 O O O O O O O O O O O O O O O O O Booking-Inform,general-greet +bos yes please book a room for 1 people and 2 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 okay , that 's taken care of . your reference number for your reservation is 8gboni2d . 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 O general-reqmore +bos i 'm also looking for a restaurant in the centre . eos O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are several restaurants . what type 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 Restaurant-Request+Food +bos i want somewhere cheap in the centre please eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O N/A +bos there are 15 cheap restaurants in the centre . what food type interests you ? 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 Restaurant-Request+Food +bos i am willing to try any one of them . could you make a recommendation , please ? eos O O O O O O O O O O O O O O O O O O O N/A +bos sure , i suggest dojo noodle bar . want 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 Booking-Inform +bos no need for a reservation . can you just give me 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 cb21rq . what else can i help you with ? eos O O O O B-Restaurant-Inform+Post 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 and enjoy your stay in cambridge eos O O O O O O O O O general-bye +bos hi , i am currently planning to come to cambridge , and i was looking for a relatively inexpensive place to eat in the centre . what would 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 B-Restaurant-Inform+Area O O O O O O O O N/A +bos the gardenia is an excellent and cheap place in the center of town , serving mediterranean cuisine . would you like a table there ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O Booking-Inform +bos yes , please book a table for 1 people at 19:15 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 : iu63haen . 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 O general-reqmore +bos yes . i need a place to stay in the same part of town . it must have 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 N/A +bos we have two guesthouses and two hotels that meet your needs . the guesthouses are cheap , and the hotels are expensive . 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 O O O O O N/A +bos i want a place with a 0 star rating eos O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i have one result . it is el shaddai , which is a cheap guesthouse . do you want to book it ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O O Booking-Inform +bos yes , can you book the room for me ? eos O O O O O O O O O O O N/A +bos yes i can but i need to know when your stay is how many people and for the number of rooms . 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+People +bos do you have their phone numbers ? eos O O O O O O O O Hotel-Request+Phone +bos el shaddai 's phone number is 01223327978. did you want to book a room ? eos 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 Booking-Inform +bos no 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 day . if you need anything else just contact us again . eos O O O O O O O O O O O O O O O O general-bye,general-reqmore +bos what do you have in the way of guesthouses in the north ? eos O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos i have found 11 different guesthouses in the north . were there any certain requirements you have in searching for a particular guesthouse ? 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 O O O O O O N/A +bos yes i would like it to be moderately priced . thank you . eos O O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are 9 options that would suit those criteria , do you have any other things you need for your stay 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 O O O N/A +bos please provide a recommendation . eos O O O O O O N/A +bos well i can recommend the acorn guest house that is also rated 4 stars . 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+Stars O N/A +bos i think that would be great . may i please book that guest house for 2 nights starting from friday for 1 person ? eos 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+Day O O B-Hotel-Inform+People O N/A +bos the booking was successful for 2 nights at the acorn guest house for one person . your reference number is l55jcsvu . do you need anything else ? eos 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 I-Booking-Book+Name B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos can you also look up the sitar tandoori restaurant ? eos O O O O O O O B-Restaurant-Inform+Name I-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 N/A +bos i need reservations for the same group of people at 17:00 on the same day . eos 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 ! your reference number is 6zpbnfd5 . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos great . you are so helpful . one more thing , i need a taxi to arrive at the restaurant by 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 O 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 Taxi-Request+Depart +bos i meant to say i need to commute between the hotel and the restaurant . eos O O O O O O O O O O O O O O O O N/A +bos no problem . i 've got your taxi booked . anything else ? eos O O O O O O O O O O O O O O Taxi-Inform,general-reqmore +bos can i have the contact number and car type ? eos O O O O O O O O O O O Taxi-Request+Car +bos booking completed ! booked car type : grey bmwcontact number : 07853122848can i help you with anythign 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 O general-reqmore +bos great ! thank you so much ! eos O O O O O O O O general-thank +bos i hope you have a very pleasant stay in our town ! eos O O O O O O O O O O O O O general-bye +bos i have a hotel in mind that i need some help to book . eos O O O O O O O O O O O O O O O Hotel-Inform +bos okay , can you provide the name of the hotel please ? eos O O O O O O O O O O O O O Hotel-Request+Name +bos i would like to book the aylesbray lodge guest house , for 1 person , 3 nights , starting friday 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 B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A +bos i have you booked for 3 nights starting on friday . the reference number is 8flxfyyw . is there anything else i can 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 O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos yes , i 'm looking for a want restaurant called la raza and book a table for 1 at 16:45 and i need a reference number 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 B-Restaurant-Inform+Time O O O O O O O N/A +bos what day do you want to reserve for ? eos O O O O O O O O O O Booking-Request+Day +bos i would like it for the same day . eos O O O O O O O O O O N/A +bos you are all set , the reference number is dk9z8hy4 , 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 thank you , but no . that is everything . 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 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 what are my choices for a moderate hotel ? i do n't need free parking . eos 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 results for 18 moderately priced places , what area are you looking to stay in ? eos O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Area +bos no particular area , i need a hotel with a 4 star rating . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos acorn guest house matches your requirements , would you like to book there ? eos O B-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 does it have free wifi ? eos O O O O O O O N/A +bos the hotel does have internet . eos O O O O O O O Hotel-Inform+Internet +bos great can i get their address , phone number , and postcode ? eos 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 acorn guest house is located at 154 chesterton road , postcode cb41da and the phone number is 01223353888. eos O 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 B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O N/A +bos i am also looking for a restaurant . the restaurant should be in the same price range as the hotel and should serve 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 B-Restaurant-Inform+Food O O O N/A +bos do you have a area preference ? eos O O O O O O O O Restaurant-Request+Area +bos yes , in the centre . eos O O O O B-Restaurant-Inform+Area O O N/A +bos i have 2 european and 2 modern european . do you have a preference ? 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 O O O O Restaurant-Request+Food +bos i would like the restaurant to be in the centre and serve european food . eos O 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 are 2 to choose from : hotel du vin and bistro , and galleria , and there are 2 others that are similar , but serve modern european . do any of these sound good ? 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 B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-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 general-reqmore +bos i would like to make a reservation at hotel du vin and bistro . eos O O O O O O O O O O O O O O O Hotel-Inform +bos of course , when would you like 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 O O O Booking-Request+People,Booking-Request+Day +bos six people on wednesday , at 17:00 eos O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos excellent , i have booked you a table for 6 at 17:00. tables are reserved for 15 minutes . the reference number is ri11ssdu . eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time 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 your help ! 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 no that will be all . eos O O O O O O O N/A +bos thank you for contacting cambridge towninfo centre , enjoy you hotel stay and your dinner ! eos O O O O O O O O O O O O O O O O O general-bye +bos i am looking to stay at a 4 star rated place in the moderate price range . 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 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 do n't have a preference for what area , i do however want free wifi . i would also like to stay in 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 B-Hotel-Inform+Type O O O O N/A +bos then may i suggest the a and b guest house ? 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 N/A +bos yes can you book it for 7 people and 3 nights starting 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 N/A +bos the guesthouse is located on the east side at 124 tenison road . i am trying to book it but the system must be busy . i 'll try again in a minute . eos O O B-Hotel-Inform+Type O 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 O O O O O O O O O O O O O O O O O O O O Booking-Inform +bos please try again eos O O O O N/A +bos booking was successful your ref number is 1r8gslhi , anything else today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos yes , i 'd like to find an indian restaurant in the north please . 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 you have two options , the nirala is moderately priced , royal price is cheap , any preference ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O Restaurant-Select +bos i want the cheap one . eos O O O O O O O N/A +bos royal spice it is . shall book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform +bos 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 ? eos O O O O O O O O O O O O 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 the address of the nirala is 7 milton road chesterton at the cb1uy postcode . their number is 01223360966. eos 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 O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O N/A +bos i also will need a taxi to pick me up at the hotel and get me to the restaurant by 02: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 N/A +bos i have booked grey volkswagen with contact number 07588046247. anything else i can be of help ? eos 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 thanks that will be all for today . goodbye . eos O O O O O O O O O O O general-bye +bos goodbye , enjoy your stay eos O O O O O O general-bye +bos i need a place to stay that has 4 stars . eos O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos we 've got 33 four star hotels in the area . is there any particular part of town you 'd like to limit it to ? 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 yes , the centre of town please . also , no internet is needed , but i would prefer free parking . eos O B-Hotel-Inform+Internet O B-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 alexander bed and breakfast guesthouse ( cheap ) and university arms hotel ( expensive ) are both available in that area and are 4 stars with 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 no worries , i can give you three options to choose from eos O O O O O O O O O O O O O N/A +bos i 'm sorry , you must have misunderstood . would you like me to book alexander or university arms for your stay ? 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 O O O O O O general-greet +bos can i get the phone number and address for university arms please ? eos 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 01223351241 and the address is regent street . would you like to book a room ? eos O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Booking-Inform +bos no i just need the price range , address and phone please . eos 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 is in the expensive price range , and the address is regent street postcode cb21ad . you can call them at 0122335124. could i help you with anything else ? eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos thanks , i also need to find a restaurant with modern eclectic food in centre . 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 O O N/A +bos i 'm sorry , there are n't any restaurants like that . would you like to try searching 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 Restaurant-NoOffer,general-reqmore +bos how about lebanese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos ali baba is a lebanese restaurant in the centre . it 's moderately priced . will that work for you ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos yes that sounds great . please book me a table for 5 at 20:00 on monday . 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 booking was successful . the table will be reserved for 15 minutes.reference number is : 66y5kk37 . 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 is all i need . 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 day . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for a restuarant in the expensive price range and should be in the centre eos O O 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 found many restaurants with the criteria you gave me offering different kinds of food . 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 O O O O O O O O O O Restaurant-Request+Food +bos i would prefer welsh food , please ! eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos i do n't have any welsh restaurants that meet your criteria . would british or european be ok , or would you like a more exotic cuisine instead ? eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food 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 O O Restaurant-Request+Food +bos how about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos how about caffe uno ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos sure . what is their phone number and address there eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos caffee uno is located at 32 bridge street city centre and the phone number is 01223448620. 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 N/A +bos that is everything , still ironing out details , so i will call them later , 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 general-thank +bos you are quite welcome . do you need any further assistance ? eos O O O O O O O O O O O O O general-reqmore +bos that was all i needed for now . 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-greet +bos hi , i 'm looking for a place to go in the east . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos ok , what type of place are you looking for ? eos O O O O O O O O O O O O Attraction-Request+Type +bos hi im looking for a museum eos O O O O O O B-Attraction-Inform+Type N/A +bos there are 4 museums in the east : cambridge artworks , cambridge museum of technology , gallery at twelve a high street , and saint barnabas press gallery . eos O 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+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 can you give me the phone number and post code for the cambridge artworks ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos of course . the phone number is 01223902168 and postode is cb13ef . what else can i help you with ? eos O O 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 general-reqmore +bos could you also find me an italian restaurant in the same area ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there 's one italian restaurant in the east called pizza hut fen ditton . would like to reserve a table ? 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 O O Booking-Inform +bos yes , please . can you book a table for 6 people at 19:45 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 O N/A +bos the booking was successful . the table will be reserved for 15 minutes.reference number is : lubb48tt . 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 ok , great . lastly , can you please schedule me a taxi from cambridge artworks to pizza hut fen ditton by my 19:45 reservation time ? 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 I-Taxi-Inform+Dest O O B-Taxi-Inform+Arrive O O O O O O N/A +bos sure . i have booked a white bmw . the contact numer is 07879364830.. 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 N/A +bos that is all i will need . thank you , good bye . eos O O O O O O O O O O O O O O general-bye +bos is there anything else you may need ? eos O O O O O O O O O general-reqmore +bos no thanks , that will be everything . eos O O O O O O O O O general-thank +bos goodbye again and have a great day ! eos O O O O O O O O O general-bye +bos i am looking for places to go in the north area . eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos i have a boat , park or 2 swimming pools in that area . is there one you would like to try ? eos 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 O O O O O Attraction-Select +bos give me more information about the boat please . eos O O O O O O O O O O N/A +bos the address to riverboat georgina is cambridge passenger cruisers , jubilee house and the postcode is cb43ax . can i help with anything else ? 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 O O O O O O general-reqmore +bos i 'm looking for a place to eat that is in the same area . i want it to be cheap . 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 N/A +bos you 've got 2 choices in the north for cheap places to eat : royal spice serves indian food , and da vinci pizzeria serves italian food . which would you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Price 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+Food O O O O O O O O O Restaurant-Select +bos da vinci pizzeria sounds good . thanks . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos for how many do you need this reservation ? eos O O O O O O O O O O Booking-Request+People +bos i need to book a table for 8 at 18:30 on monday , 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 N/A +bos your table is reserved at davinci , ref # 6u1jo0b2 . 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+Ref O O O O O O O O O O O O O O general-reqmore +bos i also need a taxi that will get me to the restaurant in time for the booking you just made . 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 excellent , i have booked you a taxi , a yellow skoda , and the contact number is 07262084765. is there anything else i can help with ? 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 O O O O general-reqmore +bos no , i think this is all i need for today . 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 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,general-bye +bos i need an italian place in the moderate price range to eat at . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O N/A +bos we have 5 options available that meet that criteria . is there a specific area 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 O Restaurant-Request+Area +bos yes , i like you to tell me all 5 options , than i will decide ! eos O O O O O O O O O O O O O O O O O O N/A +bos ok , there are two pizza huts , two pizza expresses , and a prezzo . eos O O O O O O O O O O O O O O O O O N/A +bos are any of those options located in the centre of town ? eos O O O O O O O O O O O O O N/A +bos yes , both pizza express locations are in the centre . would you like more information ? eos 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 N/A +bos choose one of them for me and let me know 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 O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure , pizza express regent street city centre cb21db , 01223324033. would you like to book a table there ? 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 B-Restaurant-Recommend+Post B-Restaurant-Recommend+Phone O O O O O O O O O O O Booking-Inform +bos i 'll think about it , thank you . could you reccommend a few attractions 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 N/A +bos in the centre are the all saints church postcode cb58bs , the entrance is free . also , the great saint mary 's church postcode cb23pq entrance fee 2 pounds . eos O 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+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 I-Attraction-Inform+Post O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos please book a taxi between all saints church and pizza express , i 'd like to leave the church by 21:45. 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 B-Taxi-Inform+Leave O O N/A +bos okay your contact number is 07950726501your car is a grey bmw . eos O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A +bos okay 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 great ! thank you for using our services ! eos O O O O O O O O O O general-bye +bos i am looking for a place called stazione restaurant and coffee bar . can you help me ? 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 N/A +bos of course , stazione is an italian restaurant in the city centre . would you like me to make a reservation ? eos 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 O O O O O O O O O O Booking-Inform +bos yes . i would like to book a table for 7 on saturday at 11:15 please . and i 'll need a reference number . 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 O O O O O O O O Restaurant-Request+Ref +bos your reservation is set . reference number zx0558la . 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 yes , i 'm looking for information on an attraction called the cambridge corn exchange . 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 it 's a theatre on wheeler street in the center part of town . is there something particular you 'd like to know ? 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+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 general-reqmore +bos yes , i 'm just curious of the entrance fee . eos O O O O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry . i 'm unable to find the entrance fee . is there anything else i can help you with ? 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 O O O O O O O O O general-reqmore +bos i also need a taxi between the two places , i need to arrive by at the restaurant 11:15. 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 booked you a taxi from the cambridge corn exchange to stazione restaurant . look for a red bmw , contact number 07906175521. can i help more today ? 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 general-reqmore +bos no , that 's all . thank you , goodbye . eos O O O O O O O O O O O O general-bye +bos you 're welcome , have a fantastic day . eos O O O O O O O O O O general-welcome,general-bye +bos hi , i am looking for a restaurant . i would prefer an expensive restaurant in the west of the city . 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 O N/A +bos we offer 9 such places . eos O O O O B-Restaurant-Inform+Choice O O N/A +bos is there a british one available ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos great choice ! i have two . graffiti and travellers rest . would you like me to book one of these ? eos O O O O O O B-Restaurant-Inform+Choice 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 i am looking for some rest as a traveler so i choose travellers rest . there will be four of us for saturday at 11:00. please book . 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 O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A +bos i 'm sorry , it seems they are unable to accommodate you at that day and time . would you like me 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 O O O O O Booking-NoBook,Booking-Inform +bos can you try for 10:00 please ? eos O O O O O B-Restaurant-Inform+Time O O N/A +bos a table is reserved for 10:00. your reference number is tx8btbjt . the table will be reserved for 15 minutes . may i help you with anything else ? eos 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 O O O O O O O general-reqmore +bos i would also like to find a college to visit . eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos what area is this college in ? do you know the name of it ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Area +bos is there a college on the west side of town by the restaurant travellers rest ? i will need the college 's address and phone number , too . 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 O O O Attraction-Request+Phone,Attraction-Request+Addr +bos how about queen 's college ? it is on the west side of town . the phone number is 01223335511 and address is silver street . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name 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+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A +bos yes ! i would also like to book a taxi . eos O O O O O O O O O O O O Taxi-Inform +bos i can certainly help you with that ! where would you like to be picked up and dropped off , 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+Dest,Taxi-Request+Leave +bos i would like to be picked up at queen 's college on silver street and taken to traveler 's west . i want to make the reservation 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 N/A +bos okay , i 've got a grey skoda booked for you . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O N/A +bos could you provide a contact number ? thanks ! eos O O O O O O O O O O general-thank +bos the contact number is 07334374879. is there something else i can assist with ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos great that is all i needed thank you for your help today . eos 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 night . 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 place to dine that 's in the cheap price range and that serves indian food . eos 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 O N/A +bos would you like a recommendation , or do you want to specify an area ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Area,general-reqmore +bos i 'd like a recommendation that is able to book a table for 5 people at 14:45 on friday . 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 alright , i booked you a table for 5 on friday at 14:45 at the kohinoor . your reference number is 20ok4wp8 . can i help you with anything else ? eos O 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 B-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 thanks , i 'd also like to find an attraction in the east , please . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos how about the cambridge museum of technology at the old pumping station on cheddars lane ? 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 I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos that sounds great ! can you give me their 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 the phone number is 01223368650 and the post code is cb58ld . can i help you with anything else ? eos 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 general-reqmore +bos i 'll need to book a taxi from the cambridge museum of technology to the kohinoor , arriving by 14:45. 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 B-Taxi-Inform+Dest O O B-Taxi-Inform+Arrive O O N/A +bos i 've booked your taxi . it will be a grey skoda and the contact no . is 07998309857. is there anything else that 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 B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos no , you have been very helpful . thanks so much and 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 general-bye +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 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 ? eos O O O O O 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 the city . do you have a specific type of attraction or specific area of the attraction that 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 O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos i 'd like something in the centre . eos O O O O O O B-Attraction-Inform+Area O O N/A +bos great ! how about all saints church ? it has fantastic architecture and free entrance . 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 B-Attraction-Recommend+Type I-Attraction-Recommend+Type B-Attraction-Recommend+Fee O O O O O O O O O O N/A +bos could i get the address for it ? i would also like an expensive place to eat around 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+Addr +bos the address is jesus lane . what type of food would you like to eat ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O Restaurant-Request+Food +bos i 'm in the mood for caribbean food . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos unfortunately , there are no expensive caribbean restaurants in that area . would you like me to check a different type of cuisine , or another area ? 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 O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos yes , i also love turkish food . is there something in the center that 's expensive ? also , what type of attraction is all saints church ? eos 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O Attraction-Request+Type +bos the meze bar restaurant is an expensive turkish restaurant in the city centre . the all saints church is an architecture attraction . 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 B-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 N/A +bos can i have the phone number , address and postcode for 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 i do n't have a phone number available , but the address is 196 mill road city centre , postal code cb13nf . anything else i can do for you ? 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 O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos great that 's all that i needed to know , thank you ! eos 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 about 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 hello , i am traveling to cambridge and would like to find a place to eat . i want it in the centre of town , in the cheap range . 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 O B-Restaurant-Inform+Price O O O O O N/A +bos we have 15 inexpensive places to dine in the center of town . is there any particular cuisine you 'd like ? eos O 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 O Restaurant-Request+Food +bos that 's great ! can you see if one of them serves portuguese food , please ? 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 the nandos city centre serves portuguese . would you like me to book a table for you ? eos 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 O O Booking-Inform +bos yes , please . book it for 8 people on saturday 14:30. eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O N/A +bos cbooking was unsuccessful . can we try 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 +bos sure how about a booking at 13:30 ? eos O O O O O O O B-Restaurant-Inform+Time O N/A +bos you are all set for 13:30 , the reference number is 0ah6hxgl and the table will be reserved for 15 minutes , anything else that i can assist with ? eos O O O O O O B-Booking-Book+Time 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 general-reqmore +bos yes , i am also looking for places to go in town 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 N/A +bos how about castle galleries ? it 's a museum in the centre of town . eos O O 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 O N/A +bos yes , may i have the address and the phone number ? eos O O O O O O O O O O O O O Attraction-Request+Addr +bos the address is unit su43 , grande arcade , saint andrews street 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 O N/A +bos i will also need to book a taxi for commuting between the restaurant and museum . eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos okay , what time would you like to depart or arrive ? eos O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i would like the taxi arrives at the restaurant by 13:30. also could you provide me with the phone number for castle galleries ? 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 O Attraction-Request+Phone +bos yes , it is 01223307402. anything else today ? eos O O O O B-Attraction-Inform+Phone O O O O O general-reqmore +bos i need the contact number and car type for the taxi please . eos O O O O O O O O O O O O O O Taxi-Request+Car +bos sure . the car is a red volkswagen and the contact number is 07422508366 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 excellent . thank you for your help . eos O O O O O O O O O general-thank +bos no problem . is there anything else you need ? eos O O O O O O O O O O O general-reqmore +bos i think i 'm good , thanks ! eos 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 no , that should be all . goodbye ! eos O O O O O O O O O O general-bye +bos thank you for using 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 dine that has expensive romanian food . eos O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos no i 'm sorry . something else perhaps ? eos O O O O O O O O O O general-reqmore +bos is there one that serves chinese instead ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm showing 9 entries throughout the area . do you have a preference between center , north , east , or south ? eos O O O O B-Restaurant-Inform+Choice 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 Restaurant-Request+Area +bos i have no preference . i just need to book it for 8 at 12:45 on thursday . 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 N/A +bos i have you booked at yu garden . the table will be reserved for 15 minutes . your reference number is : d6lepncc . 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 B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos i guess that will do . how about entertainment venues ... what 's there in city centre ? 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 there are 44 attractions in the town centre . do you have a preference on type ? 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 Attraction-Request+Type +bos yes , i 'd like to find more information on entertainment attractions . eos 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 n't any in the city centre ? do you have a different area i can check ? eos O O O 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 any in the type of college ? if so can i have the phone number , postcode , and entrance fee ? 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+Post,Attraction-Request+Fee +bos there are 13 different college attractions in the centre area . most of them are free , however there are some with entrance fees . 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 O O O O O O O N/A +bos i do n't really have a preference , no . i 'd just like something good . eos O O O O O O O O O O O O O O O O O O N/A +bos corpus christi college is popular , they have an entrance fee of 2 pounds , the address is at king 's parade and the number is 01223338000 eos O B-Attraction-Recommend+Name I-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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Phone O O O N/A +bos thanks , i also need a taxi from the attraction to the restaurant . i want to arrive by the booked time of 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 blue volvo for you , contact number is 07163210966 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 no , i think that will do it . thank you for your assistance . 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 welcome , have a great trip . eos O O O O O O O O O O general-welcome +bos i need a place to dine at in the south that serves chinese . eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O N/A +bos how about the lucky star ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos is it in the expensive price range ? eos O O O O O O O O O N/A +bos no , lucky star is cheap . if you would like an expensive chinese restaurant , might i suggest the peking restaurant . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos yes , that sounds much better . could you give me their information please ? eos O O O O O O O O O O O O O O O O N/A +bos the peking is located at 010 homerton street city centre . the post code is cb28nx . the phone number is 01223354755. would you like me to book you a table ? eos 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 B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos no , that wo n't be necessary at this time . but , i am looking for places to go in the same area s 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 the south end of the city has 8 options to choose from , including parks , theatre , a nightclub , a museum , entertainment , and a cinema . which would you like to know more about ? eos O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Choice 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 N/A +bos i do n't care . could you pick out something good for me ? i just need the postcode and address , 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 Attraction-Request+Post,Attraction-Request+Addr +bos byard art is a museum on the south side located at 14 king 's parade , cb21sj . can i help you with anything else ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O O O O O O O O O general-reqmore +bos thank you i also need to get a taxi between the two places please . eos 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 a taxi for you ! which site are you departing from , and what time would you like to leave and/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 O Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Leave +bos i ant to leave the attraction by 19:00.get contact number and car type for me please eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O Taxi-Request+Car +bos you are all set , the vehicle is a grey skoda , they are reachable at 07920071341 , 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 O general-reqmore +bos 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 general-bye +bos you 're very welcome ! just let us know if you need anything . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos i 'd like to book a taxi to corpus christi eos O O O O O O O O O O O Taxi-Inform +bos sure ! when do you want to leave ? eos O O O O O O O O O O Taxi-Request+Leave +bos i 'd like to leave after 3:30 please . eos O O O O O O O O O O N/A +bos where would you like to depart from ? eos O O O O O O O O O Taxi-Request+Depart +bos i 'll be departing from prezzo . please let me know what type of car the taxi is and their contact number . thank you ! eos 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 O O O O N/A +bos you are booked on a black bmw with the contact number 07721719862. 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 for all of 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 thank you , i hope you have a good day as well . if you need anything else we 'll be here 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 general-welcome,general-bye +bos hello can i find a place that serves chinese food and has expensive price range for my family eos 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 N/A +bos i 've found several restaurants meeting your criteria . is there a specific area of town 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 O O O O Restaurant-Request+Area +bos i want a restuarant that i can book a table for four people on monday 1300hrs eos O O O O O O O O O O O O O O O O O N/A +bos i have found yu garden in the east . would you like me to go ahead and book that ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform +bos yes , please . for 4 people at 13:00 on monday . eos 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 unable to book there , shall i try another time or place ? 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 tuesday , same time . eos O O O B-Restaurant-Inform+Day O O O O N/A +bos your table is booked for tuesday and will be reserved for 15 minutes . your reference number is 47eljdk0 . anything else ? eos O O O O O O B-Booking-Book+Day O O O O O O O O O O O O B-Booking-Book+Ref 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 , enjoy your stay in cambridge . eos O O O O O O O O O O general-bye +bos i 'm looking for a restaurant in the east . eos O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are nine restaurants in the east . do you have a price range in mind ? eos O O O O 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 have a price range but i am looking for asian oriental cuisine . is that possible ? 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 N/A +bos i am sorry there is nothing that meets 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 how about british food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos i would recommend you try grafton hotel restaurant . as requested it is in the east and serves british food . 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 B-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Food O O N/A +bos thanks , will you please book a table for 7 people on thursday at 13: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 O N/A +bos booking was unsuccessful.can we book another day or time slot ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos please try booking at 1200hrs and get me the reference number eos O O O O O O O O O O O O Restaurant-Request+Ref +bos booking was successful for thursday at 1200hrs , table for 7 at grafton hotel restaurant . your reference number is kqktcx5y . 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 O O O B-Booking-Book+People 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 should be everything . 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 O O general-thank +bos you are welcome . enjoy your dinner ! eos O O O O O O O O O general-welcome,general-bye +bos help me get a taxi to the cambridge museum of technology please 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 N/A +bos sure . what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart +bos i 'll be departing from rice boat eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos okay . can you give me a time that you 'd prefer 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 O Taxi-Request+Leave,Taxi-Request+Arrive +bos have the taxi leave after 13:45 please eos O O O O O O O O N/A +bos booking completed ! booked car type : white audicontact number : 07774899596 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 hotel called alpha-milton guest house eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos the alpha-milton guest house is in the north part of town at 63 milton road . 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos book it for 2 people and 4 nights starting from 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 i have successfuly booked the hotel for you . your reference number is 1xpv9omk . is there anything else i may 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 no thank you ! eos O O O O O general-thank +bos you are welcome . have a good visit . thanks for using the 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 i want to book a taxi to arrive by 02:15 to take me to sesame restaurant and bar . eos 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 I-Taxi-Inform+Dest 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 leaving from the missing sock . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos booking completed ! booked car type : red lexuscontact number : 07606586690 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 , have a good one . eos O O O O O O O O O O O O N/A +bos thanks for using cambridge towninfo centre . bye ! eos O O O O O O O O O O general-bye +bos i need a taxi to the arbury lodge guesthouse . 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. 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 O Taxi-Request+Depart +bos i will be leaving from grafton . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 'd like to arrive by 07:00. eos O O O O O O B-Taxi-Inform+Arrive O N/A +bos great ! i was able to book a car for you at 7:00/ eos O O O O O O O O O O O O O O N/A +bos did i say arrive by 7:00 ? sorry , i meant to say leave the restaurant after 04: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 okay you 've been rebooked into a grey toyota . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos alright . what is the contact number ? eos O O O O O O O O O N/A +bos the contact number is 07421146417. do you need 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 that 's all i need help with 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 . eos O O O O O general-bye +bos i have been hurt and i need a hospital ! where is there one close by ? 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 i need the phone number , postcode . eos O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the general phone number is 01223245151 , postcode cb20qq . eos O O O O O O O O O O O N/A +bos okay . thanks for your help . eos O O O O O O O O general-thank +bos you 're welcome . can i help with anything else ? eos O O O O O O O O O O O O general-welcome,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 have a wonderful rest of your day . eos O O O O O O O O O general-bye +bos i am looking to book a train that departs 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 N/A +bos great ! i have those trains up . may i now get where you are traveling to ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Dest +bos i am goint to london kings cross and should arrive by 21:45. eos 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 N/A +bos sure , i have a train arriving at 19:51 tr0427 . would you like to book it ? eos O O O O O O O O B-Train-Inform+Arrive B-Train-Inform+Id O O O O O O O O O Train-OfferBook +bos yes , please . i need a booking for 4 people and will 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 O Train-Request+Ref +bos i have booked your tickets . your reference number is gw9k5282 . can i help with anything else 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 general-reqmore +bos yes , i am looking for places to go 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 we have many fine attractions in the center of town . is there a particular type you 're looking for ? 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 O O O O Attraction-Request+Type +bos i would like a mutilple sports attraction please . eos O O O O O O O O O O Attraction-Inform +bos would a swimming pool work in its place ? eos O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O N/A +bos yes our family likes to swim ! eos O O O O O O O O N/A +bos great ! there is just one swimming facility in the central zone : parkside pools . would you like their contact information ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O general-reqmore +bos yes , please get me their entrance fee and postcode . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos their entrance fee is not in our system and they are in cb11ly 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+Post 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 have a great day . eos O O O O O O general-bye +bos thanks , you , too . eos 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 i 'm looking for a place to stay in the south 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 3 guesthouses and 1 hotel in the south of town . is there a particular price range you 're 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 O O O O Hotel-Request+Price +bos i definitely want to stay in a hotel , not a guesthouse . is the hotel moderately priced , and does it have free parking ? eos O 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 O O Train-Request+Price +bos there are no moderately priced hotels in that side of town . would you like to try a different side of town ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type 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 Hotel-Request+Area +bos i see , well how about a guesthouse in that area with free parking ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos yes i have two guesthouses in that area . would you be interested in either of them ? eos O O O O O B-Hotel-Select+Type O O O O O O O O O O O O O N/A +bos yes , which one has room for six guests ? eos O O O O O O O O O O O N/A +bos for what day would you like me to try booking for ? eos O O O O O O O O O O O O O Booking-Request+Day +bos i need it on sunday , for 3 nights . eos O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A +bos unfortunately , neither of those guesthouses can take in 6 guests for three nights on sunday . might i suggest 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 O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos ok , can you accommodate 2 nights then ? eos O O O O O O B-Hotel-Inform+Stay O O O N/A +bos unfortunately , neither guesthouse can accommodate 2 nights . is there another date you 'd like to try for , or would you like to try for 1 night rather than 2 ? eos O O O O O O O O O O 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 any other options that we can look into ? eos O O O O O O O O O O O O N/A +bos unfortunately those are the only options within that price range . would you like me to look for a more affordable option ? eos 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 O O O O O Hotel-Request+Price +bos just please book for that room for 2 nights . eos O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos i 'm sorry , as i previously mentioned neither guesthouse can accommodate that request . how about another 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 Booking-NoBook,Hotel-Request+Area +bos are you certain there is not either a guesthouse or hotel in the south with free parking for 2 or 3 nights sunday for 6 people ? eos 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+Stay O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O N/A +bos not based on sunday arrival - would you like to try another day or shorter stay ? eos 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 let 's try again . a moderately priced guesthouse in the south with free parking . sunday , 2 nights , 6 people . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O Train-Request+Price +bos i apologize . there is no hotel or guesthouse in the south with free parking that can accomodate you with those details . a different day or a shorter stay may 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos could you check another area of town perhaps that can accommodate 6 guests for 3 nights starting sunday with a moderate price and free parking ? eos 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 B-Hotel-Inform+Price O O O O O Train-Request+Price +bos i 'm sorry to tell you that there is no hotel in any area of town that meets those requirements and can accomodate 6 for 3 days from 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 B-Booking-NoBook+People O B-Booking-NoBook+Stay O B-Booking-NoBook+Day O O N/A +bos shoot . well , okay , how about two nights ? eos O O O O O O O O O O O O N/A +bos i have booked 6 into acorn guest house for 2 days starting sunday . it is moderately priced , in the north , with parking . reference number 0gnwignc . is there anything else ? eos O O O O O B-Booking-Book+People 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 B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O B-Booking-Book+Ref O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos i need a train from cambridge to broxbourne that leaves after 8:15 on tuesday . eos 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 N/A +bos train tr7656 departs cambridge on tuesday at 09:01. if this works for you how many tickets do you need booked ? eos O O B-Train-Inform+Id I-Train-Inform+Id 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 O O Train-OfferBook +bos i need 6 tickets please . eos O O O O B-Train-Inform+People O O N/A +bos i have booked 6 tickets for train tr7656 leaving at 9:01 tuesday . the total fee is 107.4 gbp payable at the station and the reference number is sgnrty27 . is there anything else i can help you with ? 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 B-Train-OfferBooked+Day 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 general-reqmore +bos that is all , thank you . eos O O O O O O O O general-thank +bos awesome . take care ! eos O O O O O O general-bye +bos i 'm looking for a 4 star hotel in the east . eos O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos i have some excellent guesthouse choices , may i check availability for a certain date ? 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 O Booking-Request+Day +bos i do not have a date at this time . eos O O O O O O O O O O O N/A +bos is there any preference for wifi or parking access ? eos O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos i need free parking . eos O O O O O O N/A +bos great , that narrows it down to seven options ! eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O N/A +bos ok , can you pick one for me ? i 'll just need 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 Hotel-Request+Post,Hotel-Request+Addr +bos home from home is a great 4 star guesthouse located at 78-80 milton road , cb41la . is there anything else i can assist you with ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars O O O B-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 general-reqmore +bos yes , i need to find a restaurant that serves international food and is cheap . also i need it in the same area as my hotel . 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 O O O O O N/A +bos the missing sock is near your hotel and has cheap international food . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Food O N/A +bos great , can you book a table for 4 people on thursday at 19: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 O N/A +bos there is no availability at that time in the establishment . would you like to 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 Booking-NoBook,Restaurant-Request+Name +bos no , is there anything available for 18:45 ? eos O O O O O O O B-Restaurant-Inform+Time O O N/A +bos unfortunately , our booking system is down at this time . eos O O O O O O O O O O O O Booking-NoBook +bos can you try again for me ? eos O O O O O O O O N/A +bos i was able to book your table for 18:45. your reference number is x15kr3v6 . eos O O O O O O O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A +bos thanks so much you 've been really patient and kind . eos O O O O O O O O O O O O general-thank +bos glad i could help is there anything else you need today ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos no , you have helped me fully . thank you very much . eos O O O O O O O O O O O O O O general-thank +bos call us again anytime . good bye . eos O O O O O O O O O general-bye,general-greet +bos i 'm headed to cambridge later and i would love to go to a museum . could you recommend one ? any one will do , i 'm pretty flexible . 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 well there is the cambridge contemporary art museum that is free to enter and is located at 6 trinity street . does that interest you ? 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+Fee O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O general-reqmore +bos sure . what area of town is that ? eos O O O O O O O O O O Attraction-Request+Area +bos that museum is in the center of town . eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos yes , also looking for a huesthouse that has free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O O O N/A +bos there are many guesthouses that meet this criteria . is there a specific area and pricerange that you would prefer ? 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 O O Hotel-Request+Price,Hotel-Request+Area +bos yes , i 'd like a place in the east part of town in the moderate price range . eos O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O O O N/A +bos warkworth house fits all of your needs . would you like to make a reservation ? 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 +bos possibly . what is the address ? and do 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 the address is warkworth terrace and they do have free internet and parking . would you like for me to book it ? eos O O O O B-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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would first like to book a taxi , between the museum and the hotel please . eos 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 be picked up at the museum ? eos O O O O O O O O O O O O O O Taxi-Request+Leave +bos please book it at 18:15 eos O O O O O B-Taxi-Inform+Leave N/A +bos ok , a yellow ford will pick you up at the museum and take you to the warkworth house at 18:15. the contact number for the taxi is 07214860547. eos 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+Leave O O O O O O O B-Taxi-Inform+Phone O N/A +bos lovely . that 'll be everything . thank you ! eos O O O O O O O O O O O general-thank +bos no problem . enjoy your visit to cambridge ! eos O O O O O O O O O O general-bye +bos i would like to get some information about a local restaurant and a hotel please . include the best options 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 Restaurant-Inform,Hotel-Inform +bos ok , lets start with a hotel , any preference of type , area or price range ? 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,Hotel-Request+Type +bos the hotel that i am looking for is called gonville . i would like to book it for 8 people for 2 nights , starting on wednesday . 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 N/A +bos booking was successful . reference number is : 0nvl3745 . 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 N/A +bos can you find me a modern european cuisine restaurant in the centre area ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O N/A +bos wehave four options that meet your needs , are preference on price range ? eos O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Price +bos i would like the moderate price range . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have two options one is the de luca cucina and bar and the other is riverside brasserie , which would you like ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O Restaurant-Select +bos the latter please . can you book that ? eos O O O O O O O O O O N/A +bos okay , and how many people will the restaurant reservation be for ? eos O O O O O O O O O O O O O O Booking-Request+People +bos please reserve for 8 people . eos O O O O O B-Restaurant-Inform+People 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 i want to go wednesday please eos O O O O O B-Restaurant-Inform+Day O N/A +bos i would be happy to book the reservation for you , but i need a 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+Time +bos how much time ? eos O O 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 Booking-Request+Time +bos i want to leave the hotel by 09:15 eos O O O O O O O O O Hotel-Inform +bos i 'm sorry for the confusion . do you want a reservation at the riverside brasserie ? if so , what time would you like that reservation ? 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 O O O O O O O O O O O O O Booking-Request+Time +bos sorry , i 'm being such a confusing pain . i do n't want to reserve a table . i just need the 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 Restaurant-Request+Addr +bos sure their address is doubletree by hilton cambridge granta place mill lane . 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 I-Restaurant-Inform+Addr O O O O general-reqmore +bos can i get the postcode with that ? and their phone number , while you 're at it ? 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 yes their phone number is 01223366611 and their postcode is cb11ly . eos O O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O N/A +bos i also need a taxi to go between the hotel and the restaurant . i 'd like to leave the gonville hotel by 09:15 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 B-Taxi-Inform+Leave 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 i just mentioned that i would like to leave by 9:15 please . eos O O O O O O O O O O O O O O N/A +bos booking completed ! booked car type : grey bmw contact number : 07262375327. 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 B-Taxi-Inform+Phone O O O O O O 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 i hope you have a pleasant stay ! eos O O O O O O O O O general-bye +bos i 'm looking for a restaurant in the centre , please . eos O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are many choices and many price ranges . what type of food and price range are you looking for ? 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+Food,Restaurant-Request+Price +bos asian oriental , and expensive please ! eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O N/A +bos i found the kymmoy restaurant . would you like me to make a reservation for you ? eos 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 , i 'd like a table for four people at 13:30 on wednesday please . eos 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 , will you be needing a reference number ? eos O O O O O O O O O O O N/A +bos yes , please do give me the reference number . eos O O O O O O O O O O O N/A +bos okay , the booking was successful . the reference number is znro4w2p . eos O O O 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 ? eos O O O O O O O O O O Hotel-Inform +bos sure ! are you looking for anything specific ? eos O O O O O O O O O O Hotel-Request+Name +bos i want an expensive 3 star hotel that has free internet . the area does n't matter . eos 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 N/A +bos the gonville and lensfield hotel have shown up under that criteria . do you have a preference ? 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 Hotel-Select +bos the gonville please eos O O O O N/A +bos would you like me to book a room ? eos O O O O O O O O O O Booking-Inform +bos yes , for 4 people . it 'll be a total of 4 nights starting from wednesday . eos O O O O B-Hotel-Inform+People 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 : jfboxs4x . anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos i do n't need anything else . eos O O O O O O O O N/A +bos great ! i hope you enjoy your stay in cambridge . eos O O O O O O O O O O O O general-bye +bos i 'm looking for a guesthouse with free parking , please . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos does acorn guest house on 154 chesterton road work for you ? should i book it ? eos O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O B-Hotel-Select+Addr I-Hotel-Select+Addr I-Hotel-Select+Addr O O O O O O O O Booking-Inform +bos is it in the moderate price range ? eos O O O O O O O O O N/A +bos yes , it is in the moderate price range . would you like me to book it for you ? 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 Booking-Inform,Hotel-Select +bos yes . please book it for 7 people and for 5 nights starting this thursday . eos O 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 have made the reservations and your reference number jquu393d . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks ! i 'm also looking for a hungarian restaurant . eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry , but i am not finding any hungarian restaurants . would you consider another type of cuisine ? 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 Restaurant-Request+Food +bos you can look for indian restaurants . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos is there a certain price range ? eos O O O O O O O O Restaurant-Request+Price +bos no , any price range will work . eos O O O O O O O O O N/A +bos i 'd recommend curry prince in the east . it 's a moderately priced restaurant . would you like a reservation ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos so , my group is going to need a table at 15:30 on the day we arrive at the hotel . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : g7z1rq47 . 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 is all that i need . eos O O O O O O O O O O O general-thank +bos thank you for choosing cambridge towninfo . i hope you 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 am coming to cambridge soon to see the many local attractions . eos O O O O O O O O O O O O O O Attraction-Inform +bos i have various attractions all over town . is there a specific area you are wanting to find 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 O O Attraction-Request+Area +bos well , first i need to find a place to stay . i need a hotel in the south part of town with free parking . 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 O O O O N/A +bos yes , i have cheap and moderately priced guesthouses in the south , as well as one expensive hotel . do you have a preference ? eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O Hotel-Select +bos i would like a moderately priced guesthouse , please . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O N/A +bos i have two places , is there a star rating you prefer ? eos O O O O O O O O O O O O O O Hotel-Request+Stars +bos i do n't have a preference . could you make a recommendation ? eos O O O O O O O O O O O O O O N/A +bos i like the aylesbray lodge guest house since it is the same price and has an extra star . 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 N/A +bos can you book that for 1 person for 3 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 booking was successful . your reference number is eka7g2p9 . 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 am also looking to go out to the soul tree nightclub . 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 N/A +bos sure . that nightclub is in the centre area on 1-6 corn exchange street . would you like to book a taxi ? eos O O O B-Attraction-Inform+Type 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 O O O O O O O O general-reqmore +bos yes , i 'd like a taxi to commute between the night club and the guesthouse . i want to leave by 15:00. 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 N/A +bos your pickup car will be a black volkswagen and the contact number is 07450209981. anything else i can do 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 no , thank you ! you have been so helpful ! eos O O O O O O O O O O O O general-thank +bos thanks , enjoy your trip ! eos O O O O O O O general-bye +bos thanks for being a great help ! eos O O O O O O O O general-thank +bos thank you , please remember you can contact us at any time if you need more 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 general-bye +bos hello . i 'm looking for a few good places to see in town on my next 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 O general-greet +bos there are lots of churches in the centre of town . would you like to visit one ? 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 O O O O O O O O N/A +bos no , i need something in the western part of town . eos O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos there are many colleges and museums on the west side . there is also one entertainment center . which do you prefer ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O Attraction-Select +bos what would you recommend ? i do n't have a preference . eos O O O O O O O O O O O O O N/A +bos queens college is quite pretty . it is on silver street in the west . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A +bos is it near the hobsons house hotel ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos yes , both the hobsons house and the college are both in the west part of town . would you like information for the college ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O N/A +bos actually , the college sounds great . i do n't need more info . but i would love a taxi to get me from queens college to hobsons house . i want to leave by 16: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+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos do you know when you want to get there by ? eos O O O O O O O O O O O O Taxi-Request+Arrive +bos it does n't matter . eos O O O O O O N/A +bos booking completed ! your ca is a black lexus and the contact number is 07301130189 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 perfect ! 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 very welcome . glad i could help . have a nice day . eos 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 info about a particular attraction in town called adc theatre . can you help me ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Name O O O O O O O N/A +bos yes i can help you , i have locate adc theater do you want the address ? eos O 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 yes please , including the postcode . is there an 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 contact number is 01223300085. it does not look like there is an entrance fee but i would call just to be sure . 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 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 thanks ! i also need a 4-star place to stay that has 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 found 5 matches that meet your criteria . how about the acorn guest house ? eos O 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 O O N/A +bos sounds great , and i will take it ! eos O O O O O O O O O O N/A +bos would you like for me to try and make a reservation ? eos O O O O O O O O O O O O O Booking-Inform +bos on second thought , i 'm actually looking for a hotel . same criteria , but it needs to be 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 O B-Hotel-Inform+Price O O O O O O N/A +bos acorn guest house is a great fit ! want more info ? eos 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 what area is it in ? eos O O O O O O O Hotel-Request+Area +bos acorn guest house is at 154 chesterton road . would you like more info , or would you like to go ahead and book it ? eos 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 O O O O O O O O Booking-Inform,general-reqmore +bos do you know the area the hotel is located in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos acorn guest house is in the north of town . is there anything else ? 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 O O O O O O general-reqmore +bos yes , i am traveling to cambridge and would like to know about museums in the area . eos 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 is there a certain area of town you would prefer ? eos O O O O O O O O O O O O Attraction-Request+Area +bos no , there is n't . could you recommend one ? eos O O O O O O O O O O O O N/A +bos i suggest the broughton house gallery . is there anything else i could help you with ? 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 O O O O general-reqmore +bos yes i am looking for a hotel named el shaddai . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos i have a listing for that . would you like 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 +bos i would like the address , whether they have internet , 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+Phone,Hotel-Request+Internet,Hotel-Request+Addr +bos the address is 41 warkworth street , phone number 01223327978. yes , they offer free wifi to guests . eos O O O O O B-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 O Hotel-Inform+Internet +bos thank you so much for this information . 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 's all for now , thank you . eos O O O O O O O O O O general-thank +bos great thank you . have a good day ! eos O O O O O O O O O O general-welcome,general-bye +bos hi , do you know about trains that run from king 's lynn ? eos O O O O O O O O O O O O O O O Train-Inform +bos yes , there are several . 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 Train-Request+Day +bos i would like to travel on wednesday by train departing from kings lynn to cambridge . but want to arrive by 11:45. eos O O O O O O O B-Train-Inform+Day 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 for how many ? eos O O O O O Train-Request+People +bos just one , please eos O O O O O N/A +bos okay , great . i 've made you a booking on the tr8044 . your reference number is vig3vtpj . the total fee is 9.8 gbp which can be paid at the station . eos O O O O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-Inform+Ref 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 N/A +bos thanks ! i also need a hotel ( not a guesthouse ! ) with free wifi , 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 N/A +bos how about ashley hotel ? eos O O O B-Hotel-Select+Name I-Hotel-Select+Name O N/A +bos can you tell me if ashley hotel is located in the south and does it include free parking ? eos O O O 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 N/A +bos they are located in the north and has free parking . eos O O O O O O B-Hotel-Inform+Area O O O O O Hotel-Inform+Parking +bos okay , i need the address of a hotel in the south please with free wifi and parking . 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 Hotel-Request+Addr +bos i do not have anything with that exact criteria . shall i change it ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos yes , can you look in the west please ? eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i have two hotels that meet your criteria . one is in the expensive price range and the other is in the cheap range . 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Select +bos i would prefer the cheaper one please . eos O O O O O O O O O N/A +bos the address for the cambridge belfry is back lane , cambourne . can i help with anything else today ? eos 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 general-reqmore +bos that 's it for today , thank you eos O O O O O O O O O general-thank +bos thanks for using our services , goodbye ! eos O O O O O O O O O general-bye +bos i 'm looking for something to do in the centre , what do you have ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A +bos there is a lot to do in the centre . what type of attraction are you most interested in ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Type +bos are there any good nightclubs in that part of town ? eos O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are 5 nightclubs in the centre , would you like more information about them ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O general-reqmore +bos i think i would just like you to recommend one . eos O O O O O O O O O O O O N/A +bos they just added a second floor at club salsa . it 's a must see . they are located at 1 station road . the entrance fee is 5 pounds . 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O N/A +bos thank you ! i also need a train that goes to peterborough and arrives there at 14:45. i will be leaving from cambridge on wednesday . eos O O O O O 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+Depart O B-Train-Inform+Day O O N/A +bos there are 18 available trains that day . could you tell me what time you would be departing ? 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 am not sure what time i want to leave yet . can you give me a list of travel time and departure times ? eos O O 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 it sounds like tr3102 would be a great choice . it arrives by 14:24. eos O O O O B-Train-Inform+Id O O O O O O O O B-Train-Inform+Arrive O N/A +bos okay , thanks ! when 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 general-thank +bos it departs at 13:34 and is 50 minutes long . is there anything else i can help you with ? eos O O O O B-Train-Inform+Leave 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 that 's all the help i need for now . thanks eos O O O O O O O O O O O O O general-thank +bos enjoy the rest of your day and thank you for using the cambridge help desk . eos O O O O O O O O O O O O O O O O O general-bye +bos i am coming to town and need a hotel in the north . i will be working so need free wifi as well . 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 N/A +bos we have 12 hotels in the north with free wifi . any other preferences so we can narrow things down for you ? 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 O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos what about a guesthouse that 's a moderate price range ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O N/A +bos the acorn guest house fits those criteria , 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 O O O O O O O O O Booking-Inform +bos yes , please . there will be 7 of us arriving on tuesday , and we 're staying 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 B-Hotel-Inform+Stay O O O O O N/A +bos you are all set at the acorn guest house . your reference number is b1gc6p8n 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 B-Booking-Book+Ref N/A +bos i also need a place to go in town , i 'm thinking a college . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos i 'm sorry , but there are no colleges in the north . can i try another area/attraction type ? 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 Attraction-Request+Area,Attraction-Request+Type +bos are there any colleges in the south ? eos O O O O O O O B-Attraction-Inform+Area O N/A +bos there are not . would you like me to search a different area ? eos O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos if there ai n't none , can you try a nightclub ? get postcode , entrance fee , and address 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 Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos the place is a nightclub in the south . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O N/A +bos which nightclub is it ? and can you get me the information on it ? eos O O O O O O O O O O O O O O O O N/A +bos it 's called the place and it 's located at 22 sidney street . the phone number is 01223324600. 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+Phone O O O N/A +bos can you tell me the entrance fee ? eos O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry , the entrance fee is unavailable . you have to see the prices while at the club . 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 thank you . i will look for the entrance fees at the door . eos O O O O O O O O O O O O O O O general-thank +bos anything else i can do for you ? eos O O O O O O O O O general-reqmore +bos no , i can manage on my own from here . eos O O O O O O O O O O O O N/A +bos ok , thank you for reaching out to cambridge towninfo centre . i 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-welcome,general-bye +bos hello , i 'm looking for a hotel that is cheap . it does n't need to have 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 O O O N/A +bos i have found 10 hotels that match the criteria you listed . is there any other criteria you have so we can narrow down your choices 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 N/A +bos yes , the hotel need to have free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O N/A +bos all 10 of the places to stay have free wifi . do you have a preference of a hotel or guest house ? or possibly a price or a number of 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 B-Hotel-Select+Type I-Hotel-Select+Type I-Hotel-Select+Type O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars,Hotel-Inform+Internet +bos no , i just need one of them that is cheap with wifi . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos how about the 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 I-Hotel-Inform+Name N/A +bos yea that sounds good . can i book for 5 people and 4 nights starting friday 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 i 'm sorry , that booking was n't successful . perhaps try another day or maybe 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos can we try for 2 nights ? eos O O O O O O B-Hotel-Inform+Stay O N/A +bos yes , that worked . i 've got you booked with reference number gr86a29t . 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 i am looking for a place to go in the city centre . eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos we 've got plenty of attractions in the centre of town , can you narrow down your interests please ? 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 Attraction-Request+Type +bos i need a college to visit in cambridge eos O O O O B-Attraction-Inform+Type O O O O N/A +bos i have a number available to visit . my favorite is christ 's college at saint andrew 's street . it 's free to get in . is that okay ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O 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+Fee I-Attraction-Recommend+Fee O O O O O O O O O O Booking-Inform +bos sounds great , can i get the phone number and area 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+Area,Attraction-Request+Phone +bos 01223334900 is the phone number and it 's located in the centre . eos O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O B-Attraction-Inform+Area O O N/A +bos i am also looking for a place to stay in the south that does n't need to include 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 N/A +bos do you have a specific price range ? eos O O O O O O O O O Hotel-Request+Price +bos yes , i 'd like it to be in the moderate price range with a star of three . 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 the bridge guest house is in the moderate price range . would you like me to book it ? 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 O O O O Booking-Inform +bos actually , does it include free wifi ? eos O O O O O O O O O N/A +bos it does have wifi . would you like to book it ? eos 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 yet . but can you tell me if it 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 yes the parking is free . eos O O O O O O O Hotel-Inform+Parking +bos could you provide me with the address and post code ? eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos the address and postcode is cb28rj 151 hills road . eos O O O O O O B-Hotel-Inform+Post O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos great thank you for your help thats all i needed today . eos O O O O O O O O O O O O O general-thank +bos your are 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 your help eos 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 am looking for an attraction called queen 's college . can you give me some information about it please ? 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 N/A +bos sure ! it 's located in the west and costs 2.50 pounds . eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos thank you for your help ! eos O O O O O O O general-thank +bos glad to help . 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 im looking for a place to stay with a moderate price and has wifi eos O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are quite a number to choose from . do you want to stay in a particular area or do you have a preference between a guesthouse or hotel ? 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 O O O O O O O O O Hotel-Request+Type,Hotel-Request+Area +bos i would like something in the centre , with free wifi and free parking . eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos the cityroomz hotel is located in centre with a moderate price range and has internet . would you like the phone number or for 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+Area I-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 O O Booking-Inform,Hotel-Inform+Internet,general-reqmore +bos yes can you please do that for me thank you ! eos O O O O O O O O O O O O general-thank +bos when were you planning your stay i need that info to book the room for you , thank you eos 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 a room for 1 for 4 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 cityroomz does not have free parking . is that a requirement ? there are no other places that meet all of the other requirements you need . 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 O O O O O O Hotel-Inform+Parking,general-reqmore +bos how about in the north area ? eos O O O O O B-Hotel-Inform+Area O O Attraction-Request+Area +bos i have 10 different places . some are guesthouses and a few hotels . 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 O O O O O O general-reqmore +bos i 'd prefer a hotel please . eos O O O O B-Hotel-Inform+Name O O O N/A +bos i think ashley hotel would work for you . 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 Booking-Inform +bos sure . that works for me . i need you to book it for 4 nights , 1 person , starting on tuesday . eos O O O O O O 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 O O N/A +bos the booking was successful . your reference number is t0orfzpb . 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 general-reqmore +bos thanks i also need a taxi . eos O O O O O O O O Taxi-Inform +bos what destination and times do you need that taxi at ? eos O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive +bos i would like the taxi to leave the hotel by 21:15. eos 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 want to go towards the hotel eos O O O O O O O O N/A +bos i was able to book your taxi . be expecting a red volkswagen . if you need to reach them , please call 07766667494. 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 B-Taxi-Inform+Phone O O O N/A +bos thanks you very much eos O O O O O general-thank +bos is there anything else i can search for you ? do you need to book a restaurant ? eos O O O O O O O O O O O O O O O O O O O Booking-Inform +bos no , that pretty much takes care of it . have a nice day . eos O O O O O O O O O O O O O O O O N/A +bos thank you for using our services . i hope we see you again . eos O O O O O O O O O O O O O O O general-reqmore +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 there are several options , is there a specific area you prefer ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Area +bos yes , i 'd like to find one in the centre . eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos how about the curry garden that is in the centre of town and serves indian food ? eos O 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 O O B-Restaurant-Inform+Food O O N/A +bos is curry garden expensive ? if so , i want to make a reservation for sunday . 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 N/A +bos yes it is expensive . their address is 106 regent street city centre . how many people shall i reserve it for and at what time ? 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 O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos 1 person and 12:15 on sunday or thursday . i also need a reference number eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O B-Restaurant-Inform+Day O O O O O O O N/A +bos i can reserve a table for 1 on thursday at 12:15. should i book it for you ? eos O O O O O O O O B-Booking-Inform+People B-Booking-Inform+Day I-Booking-Inform+Day B-Booking-Inform+Time O O O O O O O N/A +bos yes i already asked you to do it ! ! and send the reference number ! eos O O O O O O O O O O O O O O O O O N/A +bos there seems to be an error in the restaurant booking system . do you need anything else , like a hotel or taxi in the meantime ? eos O O O O 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 could you please try again ? i really need that reservation . i 'd prefer it for sunday but if they ca n't accommodate that time , thursday will suffice . eos O 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 B-Hotel-Inform+Day O O O O O O O O N/A +bos neither of those days seem to be available . would you like me to try a different restaurant . panahar is expensive and in the same area . 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Booking-NoBook,general-reqmore +bos could you try again , just want something on thursday , at 12:15. eos O O O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos good news , the booking system finally worked and i made the reservation ! your reference number is i3vjp80t 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 great . now i need somewhere to stay . i want an expensive place with 2 stars plus parking and wifi too . eos 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 O O N/A +bos express by holiday inn cambridge is the only available hotel we have . would you like me to make the reservation ? eos 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+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O Booking-Inform +bos yes , please , for 4 people , 4 nights . same day as the restaurant booking . eos O O O O O B-Hotel-Inform+People O O O O O O O O O O O O O N/A +bos your all set , the reference number is 6brft2oa , 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 no thank you , you have been very helpful but please use you 're and your in the right places . 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 thanks for letting me assist you today . enjoy your trip ! eos O O O O O O O O O O O O O general-greet +bos are there any hotels in the centre that have free parking , please ? eos O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos there are two hotels available : the gonville hotel and university arms hotel . would you like more information on them ? 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 I-Hotel-Inform+Name O O O O O O O O O general-reqmore +bos does either one have a star of 4 ? eos O O O O O O O O O O N/A +bos university arms hotel is rated 4 stars . would you like reservation ? eos 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 Booking-Inform +bos do they have internet and if so what is the address there ? eos O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Addr +bos they do have free wifi . they are located on regent street . eos O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O Hotel-Inform+Internet +bos thanks . i 'm also looking for 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 O O N/A +bos i have 70 trains . what day and time are you wanting to travel ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos um , sunday but after 11:15 eos O O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A +bos okay how many tickets please ? eos O O O O O O O Train-Request+People +bos 3 people , please . and if i can also get the reference number . eos O O B-Train-Inform+People O O O O O O O O O O O O O Train-Request+Ref +bos i have booked 3 tickets on the tr9025 train leaving at 11:59. your reference number is : 9jasqybj.will that be all today ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave O O O O O B-Train-OfferBooked+Ref 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 you 're welcome . thank you . goodbye eos O O O O O O O O O general-welcome,general-bye +bos hello , i am looking for a guesthouse that includes free parking . eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos there are over 20 results . is there a certain area you 'd like to stay ? 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 cheap price and north part of town eos O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O N/A +bos one of your options is worth house , it has a 4-star rating , would you like me to book it for you ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 Booking-Inform +bos let 's make a booking for 6 people , 5 nights starting wednesday eos 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 , your booking was successful . your reference number is 0hri1k18 . 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 i also need a train eos O O O O O O Train-Inform +bos ok , first i 'll need to know where you are departing/arriving and what day ? eos O O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest,Train-Request+Depart +bos my plan is to depart from cambridge this saturday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos where will you be arriving at ? eos O O O O O O O O Train-Request+Dest +bos i 'm going to london liverpool street . i want my train to leave after 14:45. eos 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 O O N/A +bos i have one leaving at 15:59. will that work ? eos O O O O O O B-Train-Inform+Leave O O O O Train-Select +bos yes , that 's perfect . can you please book it for the same party and provide me with 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 O N/A +bos you are all set , the cost is 66.39 gbp payable at the station .the reference number is : p11xwale 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 N/A +bos great , thanks for your help ! eos O O O O O O O O general-thank +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-bye +bos i want an expensive restaurant in the south . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos i found a few choices for you . would you be interested in chinese , indian , italian , or mexican 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 N/A +bos mexican will would great . i need a reservation for 2 at 19:30 on monday . eos O B-Restaurant-Inform+Food 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 reservation is booked at chiquito restaurant for 19:30 on monday . the restaurant is located at 2g cambridge leisure park , cherry hinton road in cherry hinton . your reservation number is slynf4lh . eos O O O O O O 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 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-Booking-Book+Ref O O O O N/A +bos thank you ! that 's all that i needed . eos O O O O O O O O O O O general-thank +bos wonderful . have a good visit . eos O O O O O O O O general-welcome,general-bye +bos actually , i am also looking for places to go in the same area as chiquito restaurant is . 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 several . would you be interested in a museum , a park or a theatre ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O N/A +bos a museum would be great . could i have the address of one you suggest ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos the byard art museum offers free entrance fee eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A +bos that sounds great . may i have the address , please ? eos O O O O O O O O O O O O O Attraction-Request+Addr +bos the byard art museum is located at 14 king 's parade . 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 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 can you book me a taxi to take me to the restaurant from 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 your taxi reservation has been confirmed on a white skoda . their contact number is 07558835298. 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 yes , will there be any theater performances on the next night , tuesday ? eos O O O O O O O O O O O O O O O O N/A +bos if you want to stay in the south , there is the junction on clifton way . there are also 4 theatres in the center of town . do you want more information ? 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 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 N/A +bos actually that is all i need . thank you for you 're 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 hello , i am looking for a restaurant name taj tandoori . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos it 's an expensive restaurant in the south . it serves indian food . eos O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O N/A +bos i would like to book a table for 8 people on sunday at 19:30. 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 N/A +bos your booking was successful ! your table will be reserved for 15 minutes . the reference number is 6kuriug5 . 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 so much . i think 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 O O general-bye +bos thanks ! you 're very welcome ! you have a great day too ! 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 place to stay on my upcoming visit . i ca n't wait to see some of your local tourist 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 O Attraction-Inform +bos can you tell what area you will be staying in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos i am looking for a moderate priced 3 star hotel with free parking and free wifi . eos O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos i have found one in the south , the north and the west . do you have a preference ? they are all very comparable . eos O O 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 O O O O Hotel-Select,general-greet +bos get me one in the west place eos O O O O O O B-Hotel-Inform+Area O N/A +bos the hobsons house meets your criteria . is there anything else i can do 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 general-reqmore +bos yes , can you reserve a room for me . there are 7 of us and we want to stay for 4 nights arriving 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 O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A +bos your reservation has been confirmed for 7 people staying 4 nights at the hobsons house . your reference number is kpo3gj93 . 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+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 yes , i am also looking for museums 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 there are lots to choose from in the centre . are you interested in art , archaelogy , antiques or history ? 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 B-Attraction-Select+Type I-Attraction-Select+Type O O N/A +bos how about an art museum ? eos O O O O O O O N/A +bos the cambridge art museum is very popular and has no entrance fee . is there anything else i can assist you with ? 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+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O general-reqmore +bos do you have their phone number and how much is the entrance fee ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos cambridge contemporary art has free entrance . their phone number is 01223324222. is there anything else i can help you with ? eos 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 O general-reqmore +bos nope , that 'll be all for today . thanks so much for your assistance , 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 general-thank +bos great , have a terrific stay ! eos O O O O O O O O general-bye +bos im looking for some nightclubs 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 i have 5 in that area of town can i recommend the soul tree nightclub it only has a 4 pound entrance fee . 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 I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A +bos are there any that are free entry ? eos O O O O O O O O O N/A +bos no , our nightclubs are top notch and that takes a bit of punch , so they all have an entrance fee . the soul tree is the most budget sensitive . eos O O O 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 ok i need the address of the the soul tree . eos O O O O O O O O O O O O Attraction-Request+Addr +bos the soul tree is located at 1-6 corn exchange 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos thank you ! i 'm also looking for a cheap hotel with a two star rating . 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 N/A +bos there are none available would you like to try a different star rating ? eos O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Stars +bos how about one that is in the moderate price range ? eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos the moderately priced ashley hotel in the north area might suit you . it has 2 stars and provides internet and parking . would you like to make a reservation ? eos O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes i need to make it for 6 people start saturday for 5 nights . 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 N/A +bos your booking was successful and your reference number is 3zawrmec . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you , that is everything for today . eos 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 hi- i need a place to stay that that includes free parking in the north end of cambridge eos 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 okay . we 've got eleven matches for that description . do you have a star rating you 'd like to stay within ? 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 Hotel-Request+Stars,general-greet +bos no , i do n't care about that really . i 'd like an expensive place though . 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 not showing any that are listed as expensive . there are several moderately priced , 4 star guesthouses . would that fit your needs ? eos O O O O O O O O O B-Hotel-NoOffer+Price O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O Booking-Inform +bos yes , i guess i can live with that . eos O O O O O O O O O O O N/A +bos how about the acorn guest house ? it 's a 4 star hotel with internet and parking . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos ok and what is their phone number ? eos O O O O O O O O O Hotel-Request+Phone +bos the phone number is 0122335388. can i help you with anything else ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos do you have any attractions in town to visit that you suggest ? do you have anything with boats near the hotel ? 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 N/A +bos there is one . riverboat georgina . 01223902091 is their phone number . is there 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 yeah i need their address as well . eos O O O O O O O O O Attraction-Request+Addr +bos the address is cambridge passenger cruisers , jubilee house . can i assist 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 O O O O O O O O general-reqmore +bos yes i 'm going to need a taxi to get me from my hotel to the riverboat . 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 when do you want to leave ? eos O O O O O O O O Taxi-Request+Leave +bos i need to leave the hotel by 08:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos i have booked your taxi look for a red toyota with a contact number of 07669245268. 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 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 , 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 place to stay during my upcoming trip to cambridge . eos O O O O O O O O O O O O O O O O N/A +bos what price range and what area are you looking for ? eos 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 i have a moderate price range . 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 there are 11 places that meet those critieria . are you looking for a particular 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 Hotel-Request+Stars +bos yes , i would like something with a 4 star rating , and i would like for it to be a guesthouse . 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 B-Hotel-Inform+Type 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 O N/A +bos can you book a room as well ? eos O O O O O O O O O N/A +bos yes , what day would you like ? eos O O O O O O O O O Booking-Request+Day +bos i would like it for 3 people and 3 nights starting on monday please . 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 your rooms have been booked for monday . the reference number is jjk77qka . is there anything else i can do for you ? eos 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 O general-reqmore +bos yes , i was looking for a particular attraction , saint catharine 's college . what area is it located in ? eos 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+Area +bos it is located in the centre . admission is free . eos O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O N/A +bos ok , can you give me the phone number and address please ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos saint catharine 's college address is king 's parade . their phone number is 01223338300. is there anything else i can do for you today ? 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+Phone 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 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 excited about seeing local tourist attractions ! ! 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 absolutely we have 79 locations , do you have a style you 'd like to see ? 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 i 'm looking for a hotel called cityroomz , do you know anything about that ? eos O O O O O O O B-Hotel-Inform+Name O O O O O O O O O N/A +bos yes , it 's located at sleeperz hotel , station road . eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O N/A +bos yes i would like to book a room for 1 person for three 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 B-Hotel-Inform+Day O N/A +bos i was able to book you a room for three days starting on tuesday . your reference number is nz2xyt90 . 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 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 can you also find a nightclub 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 no nightclubs in the west . another type or place perhaps ? 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,Attraction-Request+Type +bos well , could you look for a college ? eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos churchill college has a lot going on at night , that would be a good fit , would you like more information ? 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 O O O O O O general-reqmore +bos sure can i get the phone number to this college ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223336233. 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 thanks ! i also need to book a taxi from the hotel to the club , leaving the hotel by 19:45. can you please 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 O O N/A +bos i was able to find a taxi it will be a white ford and the number is 07987674109. can i assist you with 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos no that will be all eos O O O O O O N/A +bos thank you for calling cambridge towninfo centre ! it 's a been a pleasure to help you , 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 O O O O O O O O O O O general-welcome,general-bye +bos hello , i 'm looking for information on nightclubs in cambridge . can you please give me information on this ? 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 N/A +bos there are 5 nightclubs in town , all in the city center . ballare is my favorite . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O N/A +bos i 'll take your word for it , thanks . what is the entrance fee for ballare ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Name O O O Attraction-Request+Fee +bos the fee is 5 pounds . eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos can i also have the postcode and phone number ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223364222 and the postcode is cb23na eos O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post N/A +bos great , thanks ! i 'm also looking for a place to stay with a 4 star rating in the east . eos O O O O 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 N/A +bos there are several 4 star places to stay in the east . what price range are you interested in ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price +bos expensive place please . eos O B-Hotel-Inform+Price O O O N/A +bos i 'm sorry , there are no expensive hotels . would you like to try searching for something else ? eos O 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 N/A +bos yeah , any hotel in the mid-price range , please . eos O O O O O O O O O O O O N/A +bos i recommend warkworth house , it 's a moderately priced 4 star guesthouse . if you 're not satisfied with this there are two other guesthouses in the east . would you like a reservation ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O O O 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 O O O O O O O Booking-Inform +bos nah just give me the address please eos O O O O O O O O Hotel-Request+Addr +bos its address is warkworth terrace . anything else i can help ? eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O general-reqmore +bos yes i need a taxi going from the hotel by 14:45 to the nightclub . eos 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 you a taxi that will arrive by 14:45. the contact number is 07001612246 and it will be a white ford . anything else i can help you with ? eos O O O O O O O O O O O B-Taxi-Inform+Leave 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 general-reqmore +bos thank you . that is all i need . eos O O O O O O O O O O general-thank +bos alright . glad i could be of help . eos O O O O O O O O O O general-bye +bos hi , can you give me some information on a place to stay when i arrive in cambridge next week ? 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 24 guesthouses and 9 hotels across cambridge . what type of place and price range are you looking for ? eos 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 O O O Hotel-Request+Price,Hotel-Request+Type +bos not worried about the price but i would like a guesthouse in the east with 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 N/A +bos the a and b guest house is in the east with free wifi . would you like their address ? 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+Area O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos yes , and may you please book a room in the hotel for 4 nights ? it 's for one person . 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 O O N/A +bos i can help you with that . what day will you be arriving at the hotel ? eos 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 will be arriving on monday , i will need the reference number please . eos O O O O O O B-Hotel-Inform+Day O O O O O O O O O Hotel-Request+Ref +bos the address for the a and b guest house is 124 tenison road . your reservation has been set for check-in on monday and your reference number is 1gwcwhlm . 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 O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O B-Booking-Book+Day I-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A +bos 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 . eos O O O O O O O O O O O O O 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 what type of attraction are you looking for ? eos O O O O O O O O O O Attraction-Request+Type +bos how about some restaurants , and i want to book a taxi so that i can travel from place to 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 Restaurant-Inform,Taxi-Inform +bos i apologize . i do n't want to misunderstand your request . so , you are wanting to look for an attraction or 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 general-reqmore +bos sorry , i 'm looking for an attraction . eos O O O O O O O O O O Attraction-Inform +bos the cambridge artworks museum is located at 5 greens road cb13ef . it has free admission . 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 N/A +bos do they have ample parking ? eos O O O O O O O N/A +bos i 'm sorry i do n't have that information . eos O O O O O O O O O O O Hotel-Inform+Parking +bos that 's fine , uh ... i want to book a taxi so that i can travel from the guest house to the 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 Taxi-Inform +bos what day and time would you like to book a taxi for ? 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 museum by 23:15 to head back to the guesthouse . eos O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O N/A +bos okay , your driver will be in a red bmw and the contact number is 07055562592. can i just confirm , you 're traveling back to the guesthouse from the museum ? 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 B-Taxi-Inform+Phone O O O O O O O O O B-Taxi-Inform+Dest O O B-Taxi-Inform+Depart O O O O N/A +bos great thank you . yes that is correct . eos O O O O O O O O O O general-thank +bos perfect . can i assist you with anything else today ? eos 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 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-reqmore +bos i am going to the centre and want to go somewhere fun . eos O O O O O O B-Attraction-Inform+Name O O O O O O O N/A +bos are you interested in having dinner ? going to a bar ? going dancing ? eos O O O O O O O O O O O O O O O O Attraction-Request+Type +bos i think i 'd like to visit a museum perhaps . can you suggest one ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos i have the broughton house gallery in the centre the entrance fee is free . 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 O O B-Attraction-Inform+Fee O N/A +bos that will be fine i need the address please . eos O O O O O O O O O O O Attraction-Request+Addr +bos the address is 98 king street . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos i 'm also looking for a place to stay . eos O O O O O O O O O O O N/A +bos sure , would you like to stay in the same centre area ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos yes please and i 'm looking for a 0 star rating . eos O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i have a cheap guesthouse and a moderate hotel in the center , both 0 stars . do you have a preference ? eos O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos i prefer the guesthouse , please . i 'd like a reservation for 6 people , 2 nights . we 'll be arriving on tuesday . eos O O O O B-Hotel-Inform+Type 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 booking was successful.reference number is : 2h9tk6b3 . anything else ? eos O O O O O O O B-Booking-Book+Ref O O 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 thank you and enjoy your stay . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos are there any danish restaurants on the east 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 not any danish restaurants on the east side . is there another search i can do for you ? 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 O O general-reqmore +bos what about chinese ? eos O O O B-Restaurant-Inform+Food O N/A +bos the yu garden is in the east side . 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 N/A +bos book it ! friday , 13:15 , 3 people . eos O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : r6hqvd9o . 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 i am also looking for the hotel , autumn house . do you know of 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 N/A +bos yes i do . the autumn house is a 4 star guesthouse in the east area with both parking and internet . may i help you book your stay ? eos O O O O 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 O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , that would be great . please book for the three of us for 3 nights starting on friday . 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 booking was successful , and they will hold your table for 15 minutes . your reference number is r6hqvd9o . 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-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos thanks so much for 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 general-bye +bos have a wonderful day and a great trip . if there is anything else i can help with just let me 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 general-greet +bos i 'm looking for a train from cambridge to london kings cross . 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 N/A +bos when would you like to arrive by ? eos O O O O O O O O O Train-Request+Arrive +bos i would like to arrive by 08:15 , and leave on monday . eos O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Day O O N/A +bos i have 2 trains that meet your criteria . one train arrives by 5:51 , and the other by 7:51. would you like to book one of these ? eos O O O O O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos yes i would like to arrive at 7:51 please for 8 people , i need 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 Train-Request+Ref +bos booking was successful , the total fee is 188.8 gbp payable at the station . reference number is : 31k4bk2e . 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 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 multiple sports attraction in the city centre . are you aware of any ? 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 N/A +bos unfortunately , there are no multiple sports attractions in the area you specified . is there some other type of attraction or area i can look into 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 O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos alright , that 's fine , how about colleges ? are there any of those in the city centre ? eos 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 O N/A +bos there are 13 listings for colleges at the city centre , plenty to check out . do you need info on any particular college ? or narrow it down by entrance fee ? eos O 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 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 any type of college is fine can i just get the postcode , entrance fee , and phone number of one of 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos corpus christi is a college in the area you 're looking for - the postcode is cb23bu and the entrance fee is free eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 I-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Fee O N/A +bos great . and the phone number ? eos O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223338000. eos O O O O O B-Attraction-Inform+Phone N/A +bos ok , that 's all i need for now , thank you ! 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 i am looking for places to go here in the centre of town . could you please assist 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 what kind of place ? are you looking for entertainment , dinner , culture , or what ? 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 go to a museum please . eos O O O O O O O O O O O N/A +bos i recommend castle galleries . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos does castle galleries have an entrance fee ? eos O O O O O O O O O Attraction-Request+Fee +bos no , castle galleries is free to enter ! eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O N/A +bos wonderful . i am also looking for a chinese restaurant near the castle galleries . can you book me a table for 7 people on sunday at 12:30 ? 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 B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A +bos would you like a cheap , moderate , or expensive restaurant ? eos O O O O O O O O O O O O O Restaurant-Request+Price +bos it does n't matter , whatever you recommend will be fine . as long as it 's in the same area as castle galleries and serves chinese 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 B-Restaurant-Inform+Food O O O O O O N/A +bos i have the sesame restaurant and bar that is a more expensive chinese restaurant also located in the town centre . would you like more information or i also have others ? eos 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 B-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 O general-reqmore +bos yes , i would like to go to the sesame restaurant and bar . i would need to book a taxi to get from the museum to the restaurant . 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 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 blue toyota taxi and its contact number is 07271370296. 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 N/A +bos great , wonderful ! that 's all i needed . eos O O O O O O O O O O O N/A +bos if that is all , i would like to thank you for using our service . eos O O O O O O O O O O O O O O O O O general-greet +bos can you help me find a train leaving on tuesday departing from cambridge ? eos O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O N/A +bos and where would you like to go ? eos O O O O O O O O O Train-Request+Dest +bos i would like to go to kings lynn , please . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos at what time will you be traveling ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive by 11:45. eos O O O O O O O B-Train-Inform+Arrive N/A +bos train # tr7548 leaves cambridge at 10:11 , arriving in kings lynn at 10:58. would you like me to book your ticket ? 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 B-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 make a booking for 3 people . eos O O O O O O O O B-Train-Inform+People O O N/A +bos yes , the reservation is complete . you can pay 29.4 gbp at the station . the reference number is : gsd9fua7 . can i help you further ? 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 general-reqmore +bos i am looking for museum type attractions in the centre of town eos O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O N/A +bos i have found 11 museum attractions . do you have a preference or would you like me to suggest one ? 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 Attraction-Select +bos i would like one with free admission . eos O O O O O O O O O N/A +bos primavera has free admission . their address is 10 king s parade eos O B-Attraction-Inform+Name I-Attraction-Inform+Name B-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 N/A +bos thank you very much , that is all i 'll need . eos O O O O O O O O O O O O O general-thank +bos thanks you very much eos O O O O O general-welcome +bos you welcome and good bye eos O O O O O O general-bye +bos good bye , enjoy your day . eos 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 N/A +bos i 'm happy to help you find something . to start , do you have a certain 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 O O O Hotel-Request+Area +bos centre , please . i want a type of hotel and free parking and free wifi , please . eos O B-Hotel-Inform+Area 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 i have so many options . is there an area of town you would 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 Hotel-Request+Area +bos oh , yes . the center , please . eos O O O O O O O O O O N/A +bos i have 4 results for that , 2 are expensive and 2 are cheap . which price range do you prefer ? eos 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 Hotel-Select +bos it does not matter . just make a suggestion and please provide the address . eos O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos i have a 4 star guesthouse in the cheap price range . it 's located at 56 saint barnabas road . can i book for you ? eos O 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 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 i also need a swimming pool to go to . eos O O O O O O O O O O O N/A +bos parkside pools is also in the centre of town . would you like more info ? 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 O O O O O O general-reqmore +bos yes , i 'd like to have the 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 O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos no problem ! 01223446100 , gonville place , no entrance fee listed though . eos O O O B-Attraction-Inform+Phone B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O 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 what time will you need 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 hotel by 04:00 eos O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave N/A +bos where would the taxi pick you up from ? eos O O O O O O O O O O Taxi-Request+Depart +bos as i said before , i want to go from my hotel to the swimmingpool eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos a grey audi will pick you up at alexander bed and breakfast at 04:00 and take you to parkside pools . if you need to contact the driver , call 07011763423. 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 I-Taxi-Inform+Depart 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 B-Taxi-Inform+Phone O O N/A +bos i think that is all that i need thank you for your help today . i appreciate it . eos O O O O O O O O O O O O O O O O O O O O general-thank +bos enjoy your stay in our lovely city ! eos O O O O O O O O O general-bye +bos can you provide me with a great eatery in cambridge please eos O O O O O O O O O O O O N/A +bos i will go to the lucky star , thanks so much eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos i 'm sorry , i do n't understand what you mean . i 'm looking for an expensive indian restaurant in the center of town . eos 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 O O O N/A +bos thank you , i will go to the curry garden . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos is that expensive ? eos O O O O O N/A +bos yes . the curry garden is expensive . would you like me to book you a table there ? eos 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 Booking-Inform +bos is this located in the centre area ? eos O O O O O O O O O Attraction-Request+Area +bos yes , the curry garden is an indian restaurant in the centre part of town . eos O 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos ok , i do n't need a table right now , but i do need the address and postcode of the curry garden , 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos the postcode is cb21dp and address 106 regent street city centre eos 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 N/A +bos can you tell me about a local swimming pool in town ? eos O O O O O O O O O O O O O N/A +bos there are four swimming pools in town , north , east and centre . can you narrow down which area you prefer ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+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 Attraction-Request+Area +bos the north please , can i get the phone number , address , and area ? eos 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 the jesus green outdoor pool is located between victoria road and the river . their number is 01223302579. 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 B-Attraction-Inform+Phone O N/A +bos thank you i also need a taxi between the two places , i want to leave curry garden at 12:00 and go to jesus green outdoor pool . 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos okay , i have booked you a taxi between the places . a red volvo will pick you up at 12:00 at curry garden , the contact number is 07309123705. 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+Leave O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Phone O O O N/A +bos that 's everything i needed . thank 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 you 're very welcome . thanks for contacting 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 need help finding a 4 star hotel eos O O O O O O O B-Hotel-Inform+Stars O N/A +bos i have several listed is there a particular area you would like ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos no , but i need free parking and wifi . eos O O O O O O O O O O O N/A +bos i have 19 hotels in cambridge that fit those requirements . do you have a price range in mind ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Request+Price +bos nah , i just need it for 4 nights starting from wednesday . maybe look at moderately priced hotels ? 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+Price O O O O O N/A +bos how many of you will be staying there ? eos O O O O O O O O O O Booking-Request+People +bos 1 person , plese . eos O O B-Hotel-Inform+People O O O N/A +bos i have you booked at the acorns guesthouse the reference number is qq2n4m7w . can i help you with anything else today ? eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O B-Booking-Inform+Ref O O O O O O O O O O general-reqmore +bos yes , please . i 'm looking for a jamaican restaurant that is moderately priced . eos O 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 , i could n't find any restaurants that fit that criteria . eos O O O O O O O O O O O O O O Restaurant-NoOffer +bos is there one in the centre of town maybe ? eos O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos sorry to tell you this but we actually have no jamaican restaurants in cambridge . maybe you would prefer another type of food eos O O O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area O O O O O O O O O Restaurant-Request+Food +bos are there any spanish restaurants available ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there are two spanish restaurants . would you like more information ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O general-reqmore +bos yes , please . i would like its address and postal code . eos O O O O O O O O O O O O O O N/A +bos la tasca is at 14 - 16 bridge street , cb21uf . la raza is at 4 - 6 rose crescent , cb23ll . would you like a reservation at one of them ? 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 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,Restaurant-Select +bos la tasca sounds interesting , can you book a table for my group at 12:30 ? eos 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 how many people are in your group ? eos O O O O O O O O O Booking-Request+People +bos i 'm sorry , i forgot some of my friends could n't make it . it will just be myself , and i need the reservation for 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 B-Restaurant-Inform+Day O O O O O N/A +bos okay , you 're all set with a reservation at la tasca on wednesday at 12:30 ! the reference number is f8vgulkb . eos O 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 B-Booking-Book+Ref O O O 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 Taxi-Inform +bos what time 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 would want to be able to arrive to the restaurant by the time booked , 12:30 ! eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos o booked you at 12:15 to give you extra time , look for a red tesla , they cbr at 07079296786 , any other questions ? eos O O O O O B-Taxi-Inform+Leave 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 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 goodbye and thank you for using our service ! eos O O O O O O O O O O general-bye +bos i feel like spoiling myself so find me an expensive place to eat in the centre eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area N/A +bos what is your favorite kind of cuisine ? eos O O O O O O O O O Restaurant-Request+Food +bos lets try some halal food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , but i could not find any listings for restaurants serving halal style food . do you have any other favorite types of cuisines ? eos 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 Restaurant-Request+Food +bos ok , well how about african food ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos bedouin is an african restaurant in the centre . it 's expensive , but i hear it 's great . would you like me to book it for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price O O O O O O O O O O O O O O O O O O O O Booking-Inform +bos yes that would be wonderful . could you reserve for 6 people at 17:15 on monday ? 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 it is all booked , reference number is hytd7mdq eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i would also like to find a train , please . eos O O O O O O O O O O O O O O O Train-Inform +bos there are thousands of trains going in and out of cambridge ! can you be a little more specific ? 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 Train-Request+Dest,Train-Request+Arrive,Train-Request+Day,Train-Request+Depart,Train-Request+Leave,general-reqmore +bos i and going to peterborough from cambridge on tuesday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos okay and what time would you like to leave ? eos O O O O O O O O O O O Train-Request+Leave +bos i want to arrive by 19:00. i do n't mind when i depart . eos O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos the tr5009 fits your criteria . it arrives at 8:24. would you like to book tickets ? 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 O Train-OfferBook +bos no thanks . i need the departure time and the ticket price . eos O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos i will look that up for you . eos O O O O O O O O O N/A +bos thank you for your time and help with this . eos O O O O O O O O O O O general-thank +bos departure time is 7:34 and the cost is $ 16.50 pounds for tr 5009. eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O B-Train-Inform+Id I-Train-Inform+Id N/A +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 there are several expensive restaurants in that area . is there a certain cuisine you are looking to have ? 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 Restaurant-Request+Food +bos i 'm not picky . could you recommend one ? eos O O O O O O O O O O O N/A +bos fitzbillies restaurant is an expensive british restaurant , would you like me to book that for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 sounds great , book a table for 5 people at 12:30 on tuesday with the reference number 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 O O Restaurant-Request+Ref +bos yes i can and your reference number for the booking is ig75rogd . eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you , i will also like to find a night club . eos O O O O O O O O O O O O O O general-thank +bos there are 6 nightclubs in town - 5 in the centre and 1 in the south . which area would you prefer ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 O O O O O Attraction-Request+Area +bos sorry , my friend just advised me that a nightclub is n't for him . he would rather visit some place that has some architecture in the centre . is there something ? 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 B-Attraction-Inform+Area O O O O O O O N/A +bos i could recommend holy trinity church on market street . it 's free to get in . would that work 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 B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O Booking-Inform +bos yes , i will just need their phone number . eos O O O O O O O O O O O Attraction-Request+Phone +bos their number is 01223355397 eos O O O O B-Attraction-Inform+Phone N/A +bos that 's all i need , thanks a lot . 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 'm looking for multiple sports in the centre eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos i have no listings for mutliple sports in the centre . 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 O N/A +bos no , i want to stay in the same area . how about colleges then ? eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos christ 's 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 O N/A +bos that would be great . can i get the post code , please ? eos O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb23bu . eos O O O O B-Attraction-Inform+Post O N/A +bos that 's perfect , thank you . could you also give me the address for the varsity restaurant ? 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 N/A +bos absolutely . the address is 35 saint andrews street city centre . can i assist 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 I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore +bos i 'd like to book a table for 2 on tuesday at 11:45. would that be possible ? 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 table at the varsity restaurant has been booked and your reference number is ucr3x0mx . what else can i do for you ? 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos that is all for now . thank you 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 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 'm headed off to college soon and want to check out one of the campuses while i 'm in the area . can you help me find one ? 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 O O O O O O N/A +bos definitely ! what area of town are you planning to visit ? eos O O O O O O O O O O O O O Attraction-Request+Area +bos area does n't matter . i 'll just need an entrance fee , phone number and postcode for any of 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 Attraction-Request+Fee +bos well there are 18 different colleges that match your request . unfortunately i need more information from you to do my job . can you help by narrowing down the area ? eos 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 O O O O O O O O O O O O O O O O Attraction-Request+Area +bos which one would you recommend ? eos O O O O O O O N/A +bos i would recommend trinity college . they 're located in the centre of town at postcode cb21tq . you can reach them by phone at 01223338400 and they list a 1 pound entrance fee . eos 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 B-Attraction-Inform+Post O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A +bos i also would like to find a restaurant serving british food that is expensive . eos 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 would you like me to find a british restaurant in the same area as trinity college ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos yes , that sounds good ! eos O O O O O O O N/A +bos i recommend fitzbillies restaurant , would you like me to book it for you ? 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 that 's alright , i just want to know the phone number and postcode please eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos fitzbillies restaurant has a phone number of 01223352500 and a postcode of cb21rg . is there anything else i can assist you with ? eos 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 O O O O O O O O O general-reqmore +bos please arrange for a taxi to pick me up from the attraction at 11:30 and take me to the restaurant . 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 O O O O O O O O O O O Taxi-Request+Car +bos a grey toyota is booked for you . you can call 07178077198 to contact them . will that be all for you ? eos 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 O O O O O O O O O O O general-reqmore +bos that is all i need , thank you good bye ! eos O O O O O O O O O O O O general-bye +bos you 're welcome , have a safe trip . eos O O O O O O O O O O general-welcome +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos i 'd love to help . in the future , these hits require more effort . want something 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 Attraction-Request+Area +bos actually i need a train to cambridge from kings lynn on saturday after 17:00. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos the tr1499 leaves at 17:11. eos O O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos can you book it for 3 and give me the reference number please ? eos 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 23.52 gbp payable at the station . reference number is : 7fj6tzum . 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 am also looking for a 4 star hotel located on the west side of town . eos O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O N/A +bos there are three 4 star choices in the west part of town . two cheap and one expensive choice . do you have a preference ? eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O O Hotel-Request+Price +bos price does n't matter but i need it to be a hotel . eos O O O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos huntingdon marriott hotel would be great for you . would you like reservations ? 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 , please . i will also need the reference number . eos O O O O O O O O O O O O O N/A +bos i 'd be happy to help you book that , i will need the day you 're arriving , how many people and how many 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Stay,Booking-Inform +bos it will be 3 people and 3 nights eos O O O O O B-Hotel-Inform+People O O O N/A +bos what day would you like your reservations to begin ? eos O O O O O O O O O O O Booking-Request+Day +bos that same day that the train is . eos O O O O O O O O O N/A +bos your booking was successful . your reference number is nk5jagzb , 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 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 general-thank +bos great . you are welcome to use this service again should you need it . eos O O O O O O O O O O O O O O O O general-bye +bos i 'm looking for info about the curry king restaurant . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos it is in the centre of town , the expensive price range , their phone number is 01223324351and they are at 5 jordans yard bridge street city centre eos O O 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 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 O N/A +bos can you please book the restaurant for 4 people at 13: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 N/A +bos i have book a table for four at curry king for sunday at 13:45. the reference number is 16lcxad5 . can i help with anything else ? eos 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+Time O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos i also need a sports place to go on the east 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 the cherry hinton village centre is a multiple sports location . eos 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 I-Attraction-Recommend+Type O N/A +bos great . may i have their postcode please ? eos O O O O O O O O O O Attraction-Request+Post +bos yes , the postcode for the cherry hinton village centre is cb19ej for more infomation about the facility their number is 01223576412. may 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 B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos that is 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 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 and looking for places to go in town . can you assist ? 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 definitely . we have many attractions in cambridge . what type of place are you looking for , or in which 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 Attraction-Request+Area,Attraction-Request+Type +bos i would like to visit a college . i 'm not sure what area , where are most located ? also , please provide the 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 O O O O O O O Attraction-Request+Area,Attraction-Request+Fee +bos most colleges are located in the centre area , the entrace fee varies , anywhere from free to 2.50 pounds . eos O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area 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 N/A +bos great info . i need help with a train to london kings cross that leaves after 14:00. 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 what is your departure day and site ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos it will be from cambridge on saturday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos there are 5 trains travelling that route at that time . when 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 O Train-Request+Arrive +bos it does n't matter what time i arrive eos O O O O O O O O O N/A +bos alright . trains from cambridge to kings cross leave on the hour every other hour , starting at 15:00 and running to 23:00. would you like to book a trip ? eos O O O O B-Train-Inform+Depart 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 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 , can i get the train id please ? eos O O O O O O O O O O O Train-Request+TrainID +bos we will get you setup on train id tr6203 , arriving in london kings cross at 15:51. eos O O O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O N/A +bos great ! i will go ahead and book it on my own but thanks so much for the information . that 's all 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 O O O general-thank +bos 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 ! eos O O O O O O O O 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 an expensive place to eat that serves british food , are there any in town ? eos 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 N/A +bos there are 6 restaurants that meet that criteria . do you have a preferred area ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Area +bos no , but i need to book a table for 4 people at 14:30 on monday . 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 i have confirmed your reservation at the cambridge chop house for monday at 14:30. your reference number is va1dpb9k . do you need any further assistance ? eos O 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 B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O O O N/A +bos where are some places to go 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 we have 10 listings for the east area . what type of attraction 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 Attraction-Request+Type +bos actually , i would like you to make a recommendation for me . eos O O O O O O O O O O O O O O N/A +bos i 've heard the camboats are fun , as well as the funky fun house . do either of those interest 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 I-Attraction-Inform+Name O O O O O O O O O Attraction-Select +bos what 's the attraction type ? i need a taxi to commute to the restaurant by my reserved time from the attraction , and 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 O O Taxi-Request+Car,Attraction-Request+Type +bos the camboats are boats , while the funky fun house is entertainment . 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 N/A +bos okay , i think i 'd like to do the caamboats . eos O O O O O O O O O O O O O N/A +bos alright , i have a taxi booked to take you from camboats to the chop house . it will be a grey bmw , the contact number is 07699651220. eos O O O O O O O O O O O B-Taxi-Inform+Depart O 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 N/A +bos okay , 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 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 am looking for the addenbrookes hospital . the hospital should have the infectious diseases department eos O 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 addenbrookes hospital is located in hills rd , cambridge , postcode cb20qq . they have an infectious diseases department and their number is 01223217314. would you like to book an appointment with 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 N/A +bos thank you very much . i will not need to book an appointment . eos 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 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 you are welcome . good bye . eos O O O O O O O O general-bye +bos i am looking for a police station in parkside eos O O O O O O O O O O Police-Inform +bos there is a police station in parkside . the postal code is cb11jg and the phone 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 O N/A +bos no . that 's all i wanted to know . thanks . eos O O O O O O O O O O O O O general-thank +bos best wishes to you . have a good day . eos O O O O O O O O O O O general-bye +bos i 'm looking for an italian restaurant in the east . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos there is pizza hut fen ditton . it 's moderately priced . would you like a reservation ? eos 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 O O O O O O Booking-Inform +bos yes , please . 1 person at 16:45 on saturday . 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 successful . the table will be reserved for 15 minutes . reference number is : 37mp7ucy . 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 was all . thanks ! eos 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 'd like for a taxi to pick me up after 13:00 today eos O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos where would you like the taxi to pick you up from ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos i will leave from the rice house . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos what 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 O Taxi-Request+Dest,Taxi-Request+Arrive +bos hello , i 'm looking for a train . i need to leave on wednesday from norwich . 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 N/A +bos any idea where you want to go ? eos O O O O O O O O O Train-Request+Dest +bos i am looking to go to cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A +bos to help narrow down the choices , what time would you like to depart at ? eos O O O O O O O O O O O O O O O O O Train-Request+Leave +bos i 'm leaving after 09:00. eos O O O O B-Train-Inform+Leave O N/A +bos how about tr1180 that leaves at 09:16 ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos what is the price and travel time ? eos O O O O O O O O O Train-Request+Duration +bos it is 17.60 pounds per person and the travel time is 79 minutes . eos 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 B-Train-Inform+Time I-Train-Inform+Time N/A +bos ok great , can you book it for me please ? eos O O O O O O O O O O O O N/A +bos you are booked fee will be 17.6 payable at the station , the refernece number is bt2i3wgs . anything else today ? eos 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 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 welcome nice travel eos O O O O general-welcome,general-bye +bos yes , i am in a dispute after a car accident . 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 N/A +bos you 'll want to contact the parkside police station.their address is parkside , cambridge postcode cb11jg . the phone number there is 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 thank you for your help . eos O O O O O O O general-thank +bos you are welcome . anything else i can help with ? eos O O O O O O O O O O O O general-welcome,general-reqmore +bos no that 's all for now . thanks again . eos O O O O O 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 i need to find a hospital here in the area . eos O O O O O O O O O O O O Hospital-Inform +bos the nearest hospital is located at hills rd , cambridge . eos O O O O O O O O O O O O N/A +bos can i get thhe phone number and postcode eos O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos which department are you looking for so i can give you the correct phone number ? eos O O O O O O O O O O O O O O O O O N/A +bos i need the paediatric clinic please . eos O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O O N/A +bos the phone number for the paediatric clinic is 01223348313 , 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 N/A +bos yes , may i please have the post code ? eos O O O O O O O O O O O Hospital-Request+Post +bos yes , the post code is cb20qq . anything else you need ? eos O O O O O O O O O O O O O O N/A +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 thanks for inquiring with us have a good day eos O O O O O O O O O O general-bye +bos i am looking for the nearest police station eos O O O O O O O O O Police-Inform +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 yes please send the address and postcode . eos O O O O O O O O O Police-Request+Addr +bos thank you . goodbye . eos O O O O O O general-bye +bos i 'd like to book a taxi to soul tree nightclub . 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 it would be my pleasure to book that for you . what time 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 O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i want to leave after 15:30 eos O O O O O O B-Taxi-Inform+Leave N/A +bos and where should they pick you up from ? eos O O O O O O O O O O Taxi-Request+Depart +bos from the soul tree nightclub eos O O O O O O N/A +bos i 'm confused you said your arriving and leaving from the same location ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i 'm sorry , i 'm going to tenpin . eos O O O O O O B-Taxi-Inform+Dest O O O O N/A +bos booking completed ! is there anything else i can help you with ? booked car type : red skodacontact number : 07972444473 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 general-reqmore +bos great , thank you so much . eos O O O O O O O O general-thank +bos do you need additional help today ? eos 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 can you tell me about jesus college ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos certainly . jesus college is in the centre of town , on jesus lane , cb48bl . there is no entrance fee . their number is 01223339485 if you 'd like additional information . anything else today ? eos 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee I-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 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 using our system . eos O O O O O O O O general-bye +bos 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 have lots of options . can you tell me more about your preferences ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O N/A +bos i 'm looking for somewhere moderately priced with wifi . eos O O O O O B-Hotel-Inform+Price O O O O O N/A +bos which area of the city would you like to stay in ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos the south . i 'd like a 3 star place if you can find one . eos O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos bridge guest house is moderately priced and rated 3 stars . it is in the south . would you like to book a room ? eos 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 B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform +bos if it offers free wifi , sure . i need a single for 3 nights starting thursday . 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 ok great , your room has been successfully booked . your reference number is x33x44f6 . 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 can you find me a taxi to commute between the hotel and jesus college ? eos 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 can you tell me at what time you will be needing taxi service , please ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos yes , i want to be picked up at the hotel no later than 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 your taxi was booked ! the car type is yellow ford and the contact number is 07799391309. 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 thanks so much . that was it for me for today . have a good night . 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 help desk . have a great day . eos O O O O O O O O O O O O O general-bye +bos heya , can you find me an expensive restaurant with north african food ? eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos i actually can not find any expensive restaurants with north african food . there is however an expensive restaurant with african food . would that be okay ? eos O O O O O 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 O O O O O O O Restaurant-Select,Restaurant-NoOffer +bos are there any expensive restaurants with gastropub food ? eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos yes , i have 3. two are located in the centre and one is located in the east . do you have a preference ? eos O O O O O O O O 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 Restaurant-Select +bos yes , the one in the east please . eos O O O O O O B-Restaurant-Inform+Area O O O N/A +bos one in the east is called royal standard . can i book a table for you ? 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 Booking-Inform +bos yes , please book it for 2 people at 13:45 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 i 'm sorry that is n't available . can i try a different restaurant for you ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos no thank you that will be all . eos 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 general-reqmore +bos that was all thank you . eos 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 'm looking for a thai restaurant on the west side . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A +bos sala thong is a thai restaurant on the west side that is expensive . do you want me to book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos yes , please . could you book it for 5 people on sunday ? eos 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 of course . what time would you like me to make your reservation ? eos O O O O O O O O O O O O O O O O Booking-Request+Time +bos i would like a table for 13:00. eos O O O O O O O B-Restaurant-Inform+Time N/A +bos i was unable to book that , would you like me to try a different time or different 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 yes , please find me another restaurant in the same price range on the west side . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos how about cocum ? it 's an expensive indian restaurant on the west side . eos O O O B-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 ok , that would be fine . can you please send me the reference number ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos okay . i was able to book your table . your reference number is ws8r5j04 . 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 O general-reqmore +bos no that is all , thank you , cheers . eos O O O O O O O O O O O general-thank +bos thank you , let us know if you need any thing else . 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 moderate priced chinese food place . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos yes , there are 4 chinese restaurants that are moderately priced . 3 in centre and one in north . 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 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 need one in the centre , does n't matter which . eos O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos would you like me to make you a reservation at the jinling noodle bar ? 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 O N/A +bos yes please . i will need it at 20:00 on saturday for 8 people . thank you . eos 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 O O N/A +bos booking was unsuccessful would you like me to find another restaurant ? eos O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos i 'm looking for a cheap restaurant that serves world food ? eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos unfortunately there are now restaurants that meet those specifications . would you like me to look 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 O O Restaurant-Request+Food,Restaurant-NoOffer +bos the restaurant should be in the north . eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos the only restaurants in the north serve asian oriental , chinese , european , french , indian or italian food . would you like to change to one of those ? eos O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O 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 O O O O N/A +bos tell me about the indian restaurants in the north then please ? 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 two indian restaurants , the nirala and royal spice . the royal spice is in the cheap range and the nirala is in the moderate price range . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos can you book me a table for two at the royal spice ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos what day would you like this reservation to be available for ? eos O O O O O O O O O O O O O Booking-Request+Day +bos i need a booking for 2 people at 17:30 on tuesday . 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 booking was unsuccessful . would you like to find another restaurant ? eos O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes . can you look for something in the same area and price range please ? eos O O O O O O O O O O O O O O O O O N/A +bos i can get a table for you at da vinci pizzeria . this is the only other place to eat in that area . reference number is w6mfu6xd . 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-Booking-Book+Ref O O O N/A +bos that is perfect . thank you for all the 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 need to find a restaurant in the west area and more on the expensive side . 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 N/A +bos there are 9 restaurants that meet that criteria . is there a type of cuisine you would 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 Restaurant-Request+Food +bos i do n't have a preference . eos O O O O O O O O N/A +bos i have a listing for cambridge lodge restaurant that serves british food , can i book you a table there ? eos O O O 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 O O O O O Booking-Inform,Restaurant-Select +bos that sounds good . i would like a reservation for 6 people at 19:45 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 O N/A +bos i 'm sorry . that booking was unsuccessful . would you like me to try another time 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 O Booking-NoBook,Booking-Request+Time,general-reqmore +bos is there another restaurant available at that time in the same area and price range ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos yes , i can book you at graffiti . the reference number is uyw8jk6t . may i help with anything else ? eos O O O O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos i think that is all , thank you , cheers . eos O O O O O O O O O O O O general-thank +bos good day . eos O O O O general-bye +bos i 'm looking for a restaurant called graffiti . eos O O O O O O O B-Restaurant-Inform+Name O O N/A +bos graffiti is an expensive british restaurant in the west . would you like me to book it for you ? eos O B-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 O O O Booking-Inform +bos yes book for 7 people on tuesday for 15:30 please . eos 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 sorry , that booking was unsuccessful . shall i 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos that 's too bad . please book any other restaurant that is in the west and expensive . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O N/A +bos okay , i 've booked you at travellers rest , which also serves british food . your reference number is foejzbzi . anything else i can help with ? eos O O O O O O B-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 O O O O O general-reqmore +bos that is all , thanks . eos O O O O O O O general-thank +bos have a good day eos O O O O O general-bye +bos thank you , you , too . eos O O O O O O O O general-thank +bos thank you and enjoy your meal . eos O O O O O O O O general-bye +bos i am looking for a cheap place to dine . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos do you have a preferred cuisine type ? eos O O O O O O O O O Restaurant-Request+Food +bos i would prefer indian food in the city centre please eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A +bos i have listings for 3 in that area , can i recommend the gandhi at 72 regent street city centre ? eos O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-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 N/A +bos is it in the cheap price range ? eos O O O O O O O O O N/A +bos yes , all three are in the cheap range . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos will you book me for this weekend ? eos O O O O O O O O O N/A +bos which day would you like and the time ? eos O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i am looking for a restaurant in the centre in the cheap price range eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos we have 15 restaurants that fit that price range . is there a specific type of food that you are looking for so i can narrow it down a bit more ? 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 O O O O O O O O O O Restaurant-Request+Food +bos how about an indian or thai place ? eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are no thai restaurants . there are three indian restaurants called kohinoor , the gandhi , and mahal of cambridge . which one do you prefer ? eos O O O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 Restaurant-Select,Restaurant-NoOffer +bos are there any spanish food restaurants ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos yes , there is one called la raza that fits your requests . would you like me to book a table for you ? eos O O O O O B-Restaurant-Inform+Choice 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 are there any that serve catalan cuisine specifically ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm afraid we do n't have any catalan restaurants . eos O O O O O O O B-Restaurant-Inform+Food O O O O Restaurant-NoOffer +bos then go ahead and book la raza for me . we have 4 people at 17:00 on monday . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos that restaurant is not available at that time . do you want me to try another 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 can you look for a restaurant in the same area and price range ? eos O O O O O O O O O O O O O O O N/A +bos i got you booked at the kohinoor , your reference number is : 7q9m2vyf . is there anything else i can do for you ? eos O O O O O O O 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 okay great ! thank you so much . eos O O O O O O O O O general-thank +bos enjoy the rest of your day eos O O O O O O O general-bye +bos i 'm looking for a restaurant named hakka eos O O O O O O O B-Restaurant-Inform+Name O N/A +bos the hakka is a chinese restaurant in the north area . would you like to make a booking today ? 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 O O O O O O O O O O O Booking-Inform +bos can i make a book a table for 7 people on thursday at 12:15 ? 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 i apologize but i was not able to book you for the restaurant . would you like for me to find you another 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 Booking-NoBook,general-reqmore +bos is there another restaurant in the same area that is in the same price range ? eos O O O O O O O O O O O O O O O O O N/A +bos saigon city is also in the expensive price range and on the north side of town . they have asian oriental cuisine . shall we try there ? eos 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O Booking-Inform +bos yes please for 7 people at 12:15 on thursday please . i will need the reference number too eos 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 a reservation at 12:15 for 7 people on thursday . the reference number is klofpfum . is there anything else i can do for you ? eos O O O O O O O B-Booking-Book+Time 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 no , that 's perfect . thank you so much . 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-welcome +bos have a nice day , good bye . eos O O O O O O O O O general-bye +bos if there is anything else , do n't hesitate to contact 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,general-reqmore +bos hello , i 'm looking for a hotel called eraina . can you help ? eos O O O O O O O O B-Restaurant-Inform+Name O O O O O O O N/A +bos eraina is actually a european restaurant , not a hotel . is that what you were looking for ? eos 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 general-reqmore +bos sorry yes the restaurant named eraina . i would like to book a reservation for tuesday 15:15 for 1 person . eos O O O O O O B-Restaurant-Inform+Name O O O O O O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O O O O N/A +bos there appears to be no availability at that time . would you prefer a different restaurant ? eos 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 restaurant in the same area and price range ? eos O O O O O O O O O O O O O O N/A +bos i am sorry there are no others in that area , do you want me to check on 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 Restaurant-Request+Area,Restaurant-NoOffer +bos no , could you double check that ? i want a restaurant in the same area and price range as the eraina . type of food does n't matter . 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 O O O O O O O O O N/A +bos i have an asian restaurant called kymmoy that is in the same price range . would you be interested ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O general-reqmore +bos yes , will you see if you can book a table for me ? and give me the reference number if you can ? eos O 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 booked ! reference number : pleil8mj . will be held for 15 minutes . eos O O O O B-Booking-Book+Ref O O O O O O O O O O N/A +bos wonderful . thank you so much for your assistance . eos O O O O O O O O O O O general-thank +bos thank you and enjoy your meal at the kymmoy . have a great day . eos O O O O O O O O O O O O O O O O general-bye +bos what chinese restaurants are there in the center of town ? eos O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos there are 10 chinese restaurants in the centre of town . would you like a moderately priced one or an expensive one ? we have a few cheap . 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 B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O O O O O N/A +bos i 'd like an expensive one please . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos i have found tang chinese which is here in the centre . would you like to start a reservation ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Area O O O O O O O O O Booking-Inform +bos yes , please book a table for 4 people at 16:15 on friday and send me the reference number once it is booked . 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 O O Restaurant-Request+Ref +bos i 've made your reservation at tang chinese for 4 at 16:15 , reference # d6g7vsv0 . will that be all ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People B-Booking-Book+Time O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos actually i 'd also like suggestions on areas to visit at 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 's a church called all saints church you could visit , it 's listed under architecture . eos O O O O 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 N/A +bos can i get the address and entrance fee . eos O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos the address is jesus lane , and there is no entrance fee . is there anything else i can assist you with today ? eos 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 O O O O O O O O O O general-reqmore +bos yes . can you help me book a taxi so i can 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 O O Restaurant-Inform,Taxi-Inform +bos yes , i reserved a red tesla for you . the contact number is 07612290033. is there anything else i can help with ? 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 O O O O O O O O O general-reqmore +bos will the red tesla get me to the restaurant for my 16:15 reservation ? eos O O O O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos yes , your taxi will pick you up at all saints church and arrive at tang chinese by 16:15. is there anything else i can do for you today ? 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O O O O O O O general-reqmore +bos ok sounds great . that 's all i need . thank you ! eos O O O O O O O O O O O O O O general-thank +bos you are 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 hi . i would like help finding an indian restaurant to eat at . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos i have 22 potential restaurants that serve indian cuisine . to narrow it down , in what area of the city would you like to eat ? eos 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 Restaurant-Request+Area +bos east or south eos O O O O N/A +bos i have 5 restaurants that meet those criteria . how about taj tandoori in the south or curry prince in the east ? are you looking for a specific price range ? eos O O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Select+Area O O O O O O O O O O O Restaurant-Request+Price +bos i am looking for something expensive . if the taj is expensive i would like to make a reservation there for 8 people on thursday at 14:00. 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 O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos i have made a reservation for 8 people at taj tandoori , your table will be held for 15 minutes . the reference number is 5abctf0j . anything else ? 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 O O O O O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos yes could you also find me information on things to do in town that involve colleges ? 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 there are 18 colleges , do you have a preference on which area it is in ? churchill college is in the west with free entrance . 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 B-Attraction-Recommend+Area O B-Attraction-Recommend+Fee O O O O Attraction-Request+Area +bos 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 . eos O O O O 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 we have 5 colleges on the west end of town . clare hall seems a good fit and is at cb39al . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Post O O N/A +bos that sounds great , thank you for your help . eos O O O O O O O O O O O general-thank +bos we are happy to help . do you need further assistance ? eos 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 awesome . have a great rest of your day ! eos O O O O O O O O O O O general-bye +bos hi , i need a hotel with free wifi internet and a rating of 3 stars . what can you recommend ? eos O 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 O O O N/A +bos we 've got two expensive hotels with that criteria . would you like to stay in the centre or the south ? 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+Area I-Hotel-Select+Area O O N/A +bos it does n't matter where the hotel is located . eos O O O O O O O O O O O Hotel-Inform +bos both hotels have internet , does not state if it is free . the hotels are the gonville hotel and the lensfield hotel . eos 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Inform+Internet +bos can you book the gonville for me please ? it 'll be just me staying eos O O O O O O O O O O O O O O O O N/A +bos yes , i can help you with that . 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 O Booking-Request+Stay +bos 4 nights , checking in on saturday . eos O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O N/A +bos booking was successful.reference number is : 565uimxv . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you for your help . do i need to do anything else or i 'm good ? eos O O O O O O O O O O O O O O O O O O O general-thank +bos that is all unless you need something more from me . eos O O O O O O O O O O O O general-reqmore +bos thanks for all your help . eos O O O O O O O general-thank +bos happy to be of service . goodbye ! eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a particular restaurant . its name is called rice boat . 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 yes , indian food ! very good . would you like me to make a reservation ? eos O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Booking-Inform +bos no thanks , but could i get the price range and the postcode please ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Price +bos the price is in the expensive range and the postcode is cb39ey . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Post O N/A +bos i 'm looking for a train . the train should leave after 09:00 and should go to broxbourne . eos O O O O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O O O N/A +bos what day will this be on ? eos O O O O O O O O Train-Request+Day +bos on sunday . eos O O B-Train-Inform+Day O N/A +bos tr941 leaves at 9:01 would you like me to book it ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Leave O O O O O O O O N/A +bos yes please . i need that booked for 8 people . eos O O O O O O O O O B-Train-Inform+People O O N/A +bos i was able to get you 8 tickets . your reference number is v2xtdmk6 . can i help you with anything else ? 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 general-reqmore +bos no , thank you , that is all for now . 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 . have a great trip ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'd like to take the train to cambridge from birmingham new street on tuesday , can you help me with that ? eos 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 O O O O O O O O N/A +bos i have many trains available on tuesday . do you have a time preference ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Day O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos yes , i 'd like to arrive by 19:30 , please . eos O O O O O O O B-Train-Inform+Arrive O O O O O N/A +bos the tr 4631 arrives by 19:23. would you like to book this one ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O O Train-Select,Train-OfferBook +bos yes , book please and i need travel tome and price eos O O O O O O O O O O O O Train-Request+Price +bos how many tickets would you like me to book ? eos O O O O O O O O O O O Train-Request+People +bos i only need one ticket today . eos O O O O O O O O N/A +bos your booking was successful , the total fee is 75.09 gbp payable at the station . your reference number is zcr9p2ww . can 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 O B-Train-OfferBooked+Ref 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 general-thank +bos thank you , have a great visit , goodbye ! eos O O O O O O O O O O O general-bye +bos i am looking for a museum 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 may i suggest primavera located at 10 king s parade . the phone number is 01223357708. admission is free . eos O O O O B-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Phone O O B-Attraction-Inform+Fee O O N/A +bos sounds perfect . what is the postcode ? eos O O O O O O O O O Attraction-Request+Post +bos the post code is cb21sj . is there anything else you would like to know ? 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 thank you . eos O O O O O O O O O O general-thank +bos thank you and have a pleasant visit , goodbye ! eos O O O O O O O O O O O general-bye +bos hi . i 'm looking for an italian 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 O O N/A +bos we have many options ! did you have a specific price range ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price +bos definitely cheap . eos O O B-Restaurant-Inform+Price O N/A +bos there are several , two on regent street , and one at 12 bridge street . do you have any preferences ? eos O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O Restaurant-Select +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 i would recommend one of the locally owned restaurants . what is your address ? i can find one of the closest to you . do you want to walk ? eos O O O O O O O O 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-Recommend,Restaurant-Request+Area +bos please just book a cheap italian one for me in the centre , i need it for 8 people at 13:45 on saturday . 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 B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos i was able to book a table at zizzi cambridge for 13:45. your reference number is ksyhrb8i . eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A +bos thanks , that 's all i needed 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 general-thank +bos have a wonderful day , and enjoy your meal ! eos O O O O O O O O O O O general-bye +bos yes , i would like help locating an attraction . eos O O O O O O O O O O O Attraction-Inform +bos ok - what type of attraction are you looking for , and in what part of town ? 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+Type +bos i 'm looking for the entrance fee for castle galleries . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Fee +bos their entrance fee is free . eos O O O O O B-Attraction-Inform+Fee O N/A +bos thanks for the recommendation . that 's all the help i need today . eos O O O O O O O O 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 a train . the train should depart from peterborough and should go to cambridge . 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 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 sunday . eos O O O O O O O B-Train-Inform+Day O N/A +bos great , and what time on sunday would you like to either leave after or arrive by ? eos O O O O O O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need to leave after 17:15. eos O O O O O O B-Train-Inform+Leave N/A +bos can i book for you ? eos O O O O O O O Train-OfferBook +bos yes i need it booked for 2 people . eos O O O O O O O O B-Train-Inform+People O N/A +bos the total fee is 26.4 gbp payable at the station .reference number is : cw3o4qg9 . is there anything else i can assist you with ? 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 O O O O O O O O O O O general-reqmore +bos no that would be it thank you very much . eos O O O O O O O O O O O general-thank +bos you 're welcome . have an amazing trip ! eos O O O O O O O O O O general-welcome,general-bye +bos what kind of cool attractions to we have in town ? maybe in the water . eos O O O O O O O O O O O O O O O O O Attraction-Inform +bos i have 4 swimming pools in town if you are interested in that ? i have 2 in the north , 1 in the east , and 1 in the centre . 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 B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A +bos i would like to the information for the one east . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos the abbey pool and astroturf pitch is located in the east at pool way , whitehill road , off newmarket road . their phone number is 01223902088. 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 O O O B-Attraction-Inform+Area 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 general-reqmore +bos i am actually looking for a boat attraction in the north , not a swimming pool . 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 N/A +bos riverboat georgina is in the north . do you want their information ? 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 can i get their postcode please ? i also am looking for a good restaurant in town . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb43ax . 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 would like to find a restaurant that serves german food that is expensive . eos 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 sorry , no matches . is there another food you want to try ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer +bos what about british food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are 5 british restaurants that meet your needs . would you prefer the centre , west , or east part of town ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O O O O N/A +bos anywhere that you recommend will be great . eos O O O O O O O O O N/A +bos fitzbillies is a great british restaurant in the centre of town . would you like me to reserve a table for you ? eos O B-Restaurant-Inform+Name 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 O Booking-Inform +bos yes , please . i would like it to be for 4 people at 14:15 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 O N/A +bos the booking was successful . your table will be reserved for 15 minutes . your reference number is 6s09l48q . 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 B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos i also need a taxi between the two locations and need to get to the restaurant by 14:15 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 've booked a taxi for you . you should arrive at the restaurant by 14:15. the contact number is 07165032687. how else can i help you today ? eos O O O O O O O O O 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 can you let me know the type of car ? eos O O O O O O O O O O O N/A +bos it 'll be a white tesla . is there anything else i can help you with ? eos 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 for now . eos O O O O O O O O O N/A +bos wonderful , glad i could be of assistance . 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 i 'm looking for a particular restaurant . its name is called the hotpot . eos 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 absolutely . the table will be reserved for 15 minutes . your reference number is vwtx9t8t . thank 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 N/A +bos i am looking for a guesthouse to stay in over the weekend . i do n't need internet or free parking . 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 N/A +bos how about the avalon ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos the avalon sounds good . what is the address ? eos O O O O O O O O O O O Hotel-Request+Addr +bos the avalon is located at 62 gilbert road , cb43pd . would you like me to book this for you ? 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 O O O O O O O O O O O Booking-Inform +bos no , i do n't need to book right now , but thanks . that 's all for today . 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 okay goodbye have a nice day ! eos O O O O O O O O general-bye +bos i 'd like to find an attraction to visit , something on the west side . eos 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 13 attractions on the west side . do you know what type of attraction your 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 Attraction-Request+Type +bos no , but you can give me the address to the first 3 attractions on the westside . eos 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 have colleges : churchill college on storey 's way , clare college on trinity lane , and clare hall on herschel road . would you like another 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 O O O O O O O N/A +bos no , can you please provide me with the address to clare college ? i am also looking for a cheap place to dine on the west side , cheaper price range . 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 B-Attraction-Inform+Area O O O O O O O O Attraction-Request+Addr +bos clare college is located on trinity lane . okay , i 'll find somewhere for you to dine . did you have a specific kind of food in mind ? 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 O O O O O O O O O O O O Restaurant-Request+Food,general-greet +bos i think i would like to get italian . do you have any located on the west side ? eos 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 there is one cheap italian eatery on the west side , called la margherita . it 's a wonderful place - would you like to make reservations ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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-Recommend,Booking-Inform +bos can i get the address , phone , and postcode please ? eos 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 , phone , and postcode are 15 magdalene street city centre , 01223315232 , and cb30af . should i make a booking for you ? 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 B-Restaurant-Inform+Post O O O O O O O O O O O O O Booking-Inform +bos yes , please . i 'd also like a taxi to go between the hotel & the restaurant . 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 what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave +bos i can make my own dinner reservation . i just need the taxi to leave clare college by 12:30. 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 N/A +bos where will you be taking the taxi to ? eos O O O O O O O O O O Taxi-Request+Dest +bos i need to go to the restaurant . eos O O O O O O O O O N/A +bos it 's booked ! do you need contact info ? eos O O O O O O O O O O O Taxi-Inform,general-reqmore +bos yes , and the type of car . eos O O O O O O O O O N/A +bos the car is a grey skoda and the contact number is 07137645677. 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 B-Taxi-Inform+Phone O O O O O O O O O N/A +bos thank you so much . that 's all for today . goodbye . eos O O 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 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-bye +bos i am looking for a place to dine that serves indian food . i would like a place 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 B-Restaurant-Inform+Price O O O O N/A +bos curry garden is available , would you like to try that ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos is curry garden in the west ? i kind of want something in that area . eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O N/A +bos no , there is tandoori palance on 68 histon road chesterton . phone 0122350655. 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 B-Restaurant-Inform+Phone O O N/A +bos what part of town is tandoori palance located in ? eos O O O O O O O O O O O N/A +bos that is located in the west . is there anything else i can help you with ? eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore +bos yes , i am also interested in finding a college to visit in the west . can you help with that ? eos O O 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 there are 5 colleges in that area . three are free and two have an entrance fee . clare hall and magdalene are free . do those suit your needs ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O general-reqmore +bos pick the best one and provide the address , number and postcode . eos O O O O O O O O O O O O O O Restaurant-Request+Addr,Attraction-Request+Post +bos i recommend clare hall , a college in the west part of town . the phone number is 01223332360. the address is herschel rd , and postcode is cb39al . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O N/A +bos i need a taxi to get from the restaurant to the college , can you find one for me ? eos 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 absolutely . what time would you like to it to pick you up ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave,general-greet +bos i 'll be leaving by 3:15. eos O O O O O O O N/A +bos i have booked your taxi . be expecting a red tesla . their phone number in case you need it is 07950107979. 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 O O O O O B-Taxi-Inform+Phone 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 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 planning a trip to go to a particular restaurant , can you assist ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos sure , what is the name of this particular restaurant ? eos O O O O O O O O O O O O Restaurant-Request+Name +bos it 's called nandos and i 'd like to book it for monday at 15:00. there will be 6 people . eos O O O B-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O B-Restaurant-Inform+People O O N/A +bos no problem ! i have your table reserved for 15:00 on monday . they will hold your table for 15 minutes , your reference number is hvb51vam . eos O O O 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 B-Booking-Book+Ref O O O O N/A +bos thank you . am also looking for places to go in town . the attraction should be in the east 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 N/A +bos what are you looking to do ? my system has located 10 places . eos O O O O O O O O O O O O B-Attraction-Inform+Choice O O Attraction-Request+Type +bos could you recommend something ? eos O O O O O O N/A +bos yes , the funky fun house is a great place . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O N/A +bos great ! can you tell me what the entrance fee is please ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos no , i 'm sorry . you 'll have to call them for the entrance fee . the phone number is 01223304705. 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 N/A +bos thank you . i 'm also looking to book a taxi to travel between the two . i need it to arrive 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 O O O O O O O O N/A +bos your taxi is booked and will be a white audi . the contact number is 07057575130. how else may i help you ? 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 general-reqmore +bos that 's all . thank you for your help ! eos O O O O O O O O O O O general-thank +bos i hope you enjoy your stay ! eos O O O O O O O O general-bye +bos hello , i am looking for a restaurant in cambridge . i believe it is called golden wok . 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 it is located at 191 histon road chesterton eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos can you book me a table for 11:00 on friday ? eos O O O O O O O O O O O O N/A +bos yes i can ! table for 1 ? eos O O O O O O B-Booking-Inform+People O O N/A +bos actually , for 4 , please . eos O O O O B-Restaurant-Inform+People O O O N/A +bos okay , your booking was successful ! the reference number is mufcmyff . 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 O N/A +bos great , can you also get me information or architecture in the area eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos sure . there are several churches and an old schools attraction , all in the centre area . do you have a preference ? eos O O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Select +bos what do you recommend ? eos O O O O O O N/A +bos old schools is lovely , they are on trinity lane and free admission eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos can i get the postcode for that ? i also need to book a taxi to the golden wok . 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 O O Attraction-Request+Post +bos the postcode is cb21tt . are you looking for a taxi from old schools to the golden wok ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos yes i do . i 'd like to make sure i arrive at the restaurant by the booked time . can you check ? eos O 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 time do you want to leave ? eos O O O O O O O O O Taxi-Request+Leave +bos actually all you have to do is set the taxi so it arrives by the arrived time . am i better off booking 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 O O O N/A +bos i have booked you a taxi for friday to arrive at old schools at 10:45. is there anything else i may help you with ? eos 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 N/A +bos i need the contact number and car type also . eos O O O O O O O O O O O Taxi-Request+Car +bos it is a lexus white in colour and contact number is 07381884388 eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone N/A +bos thanks for the service , good 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 i need a boat trip in the east please . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos i have one place . what would you like to know about it ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O general-reqmore +bos yes , please tell me about it . i would like to know the postcode and area for 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+Area,Attraction-Request+Post +bos it is located in the east area and the postcode is cb58sx . the name of the place is camboats . eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Post O O O O O O O O O N/A +bos perfect . i 'm looking for a thai place to eat , too . can you help ? 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 there is sala thong in the west of town and bangkok city located in the centre of town . would you like me to book one for you ? eos 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+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos yes , bangkok city . what is the price range , address and phone number ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos 24 green street city centre . it is an expensive place . 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+Price I-Restaurant-Inform+Price O O N/A +bos could you also give me the phone number ? eos O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223354382. 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 yes , i 'm sorry , but i actually need an architecture attraction , not boats . can you give me the postcode and area for the best one in town ? 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 Attraction-Request+Area,Attraction-Request+Post +bos i 'm sorry we do n't have any architectural attractions in the east . perhaps another area ? 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 Attraction-Request+Area +bos could you look for an architectural attract in other parts of the city then ? eos O O O O O O O O O O O O O O O O N/A +bos all architecture attractions are located in the centre of town . would you like me to recommend one ? eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 general-reqmore +bos yes please do and i need the postcode and area . eos O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post +bos i recommend great saint mary 's church . it is in the center . postcode is cb23pq . 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 B-Attraction-Inform+Area O O B-Attraction-Inform+Post O O O N/A +bos can i also book a taxi to leave the restaurant at 12:45 ? eos O O O O O O O O O O O O B-Taxi-Inform+Leave O 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,general-greet +bos i 'm going from the restaurant to the architecture . eos O O O O O O O O O O O N/A +bos it will be a yellow bmw picking you up . their contact number is 07385615231. is there anything else i can assist 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 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 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 attractions in cambridge that involve a boat . eos O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos your best choice is the river boat georgina located at jubilee house . 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 I-Attraction-Inform+Addr N/A +bos is that in the centre area ? eos O O O O O B-Attraction-Inform+Area O O N/A +bos no , although there are two others that are in the centre . the cambridge punter is a great one . would you like more information ? eos O O O O O O O O O O O B-Attraction-Recommend+Area 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 general-reqmore +bos yes please . i could use the address with postcode as well as the entrance fee . eos 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 Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos ok , the address for the cambridge punter is 251a chesterton road and the postcode is cb41as . unfortunately i do n't have information regarding the entrance fee . eos O O O O O O B-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 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 N/A +bos hmm ... that bites , but i can deal . i 'm going to head to a restaurant as well , can you find me one that 's in the same 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 O N/A +bos what is your price range ? eos O O O O O O O Restaurant-Request+Price +bos i would like a moderately-priced jamaican restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i am sorry but there are no jamaican restaurants in cambridge . what other cuisine would you like ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area O O O O O O O O Restaurant-Request+Food +bos that 's ok. is there an international restaurant instead ? eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are 2 international restaurants in the centre area , the varsity restaurant and bloomsbury restaurant . would you like more information on one of them ? 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 B-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 i like the sound of varsity restaurant . i 'd like to book a table for 8 people on saturday at 19:45. 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 B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos you 're all set for a table for 8 on saturday at 19:45. they 'll hold your table for 15 minutes . 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+Day I-Booking-Book+Day B-Booking-Book+Time O O O O O O O O O O O O O O O O O O O O O general-reqmore +bos great , can i also have the reference number ? eos O O O O O O O O O O O Restaurant-Request+Ref +bos the reference number is lrv0ipxl . eos O O O O O B-Booking-Book+Ref O N/A +bos thank you . that 's all i needed 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 general-thank +bos you are welcome . enjoy your stay in cambridge . bye . eos O O O O O O O O O O O O O general-welcome +bos hi , i want an expensive restaurant . east part of town please . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Area O O O O O O O N/A +bos royal standard is a gastropub in east . is this ok ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O O O O general-reqmore +bos is there any other expensive restaurant in east ? eos O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O N/A +bos yes there are four other options . 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 Restaurant-Request+Food +bos it does n't matter , just not gastropub . eos O O O O O O O O O O N/A +bos may i recommend the grafton hotel restaurant , then ? they 're very british , very expensive , and located in the east part of town . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food O B-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Area O O O O O O O O N/A +bos that sounds like something i would enjoy . could you give me 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos certainly . the grafton hotel restaurant is at 619 newmarket road fen ditton and the number there is 01223 241387. can i be of further assistance ? 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 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 thank you , goodbye . eos 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 can you help me find a restaurant that serves indian food in the centre ? eos 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 yes i have some can i get the price range you would like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price +bos i 'm not concerned with price . i do need a reservation for 7 at 15:30 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 i will book you at the best -- the kohinoor . your booking was successful . the table will be reserved for 15 minutes.reference number is : mrrv4ahe . anything else i can do for you ? 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 B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos thanks . i also want to find a museum to visit while i am in town . any type will be fine . 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 the museum of archaelogy and anthropology on university of cambridge , downing street is quite a gem and there 's no charge to get in 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 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 O O O O N/A +bos that sounds great . could i have the address please ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos the address is university of cambridge downing street . 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 N/A +bos what is their entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos they are free of charge , that is always good for the wallet . anything else that i can assist with today ? eos 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 O O O O general-reqmore +bos that 'll be all , thanks for all your help today ! eos O O O O O O O O O O O O O general-thank +bos i am glad to help thank you and ghoodbye eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a cheap indian restaurant please . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos sure , there are a number of cheap indian restaraunts . what area of town are you looking for ? eos O 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 Restaurant-Request+Area +bos i 'd like someplace in the center of town . eos O O O O O O O O O O O N/A +bos there are three places that match that criteria which are the kohinoor , the gandhi , and mahal of cambridge . would you like information about one of those restaurants ? 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-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 general-reqmore +bos the gandhi would be perfect . could you book it for me for tuesday . eos O O O O O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos sure , i 'd be happy to reserve that for you . how many people are in your party and for 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 Booking-Request+Time,Booking-Request+People,Booking-Inform +bos 5 at 11:15 on tuesday . eos 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 : wf5pm422 . thank you for inquiring with us 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 N/A +bos great . can you also help me find somewhere to visit in town around that same area ? eos O O O O O O O O O O O O O O O O O O O N/A +bos i found few places you can visit . do you care if you pay entrance fee ? 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+Price +bos it is not really that necessary . eos O O O O O O O O N/A +bos no the fee is not an issue . eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos just choose one and tell me the type , address , and postcode eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type,Attraction-Request+Addr +bos old schools is an architecture attraction . the address is trinity lane . the postcode is cb21tt . anything else today ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O O O general-reqmore +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 and enjoy your visit . eos O O O O O O O O O general-welcome,general-bye +bos can you tell me if there 's a concerthall in the city center ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there 's a place called the man on the moon that is a great concert hall . they are located at 2 norfolk street . postcode is cb12lf . their phone number is 01223474144. 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 B-Attraction-Inform+Type I-Attraction-Inform+Type 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 B-Attraction-Inform+Phone O O O O N/A +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos i do not have information on their entrance fee , i 'm sorry . eos 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 N/A +bos ok , well thanks anyway . can you help me find a restaurant in the centre of town also ? i prefer something moderately priced . 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 N/A +bos sure thing , what kind of food would you like . i have several options ? eos O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O Restaurant-Request+Food +bos i 'm not too picky on what kind of food as long as it is good . can you make a few suggestions 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 lan hong house is chinese food , galleria is european style food and the varsity restaurant is international dining . do any of these interest you ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O general-reqmore +bos galleria sounds good . could i get the postcode for that please ? eos O B-Restaurant-Inform+Name O O O O O O O O O O O O Restaurant-Request+Post +bos sure , the postcode is cb21uw eos O O O O O B-Restaurant-Inform+Post O N/A +bos thank you , 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 O O O Taxi-Inform +bos okay . can you tell me the departure or arrival time ? eos O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i 'd like to leave the man on the moon by 04:45 , can you set that up for me ? 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 N/A +bos you got it ! i 've booked a taxi for you . it 'll be a yellow ford with the contact number 07730485057 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 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 enjoy your stay ! eos O O O O O general-bye +bos i need an expensive restaurant eos O O O O B-Restaurant-Inform+Price O N/A +bos what kind of food are you interested in ? eos O O O O O O O O O O Restaurant-Request+Food +bos i would like vietnamese food eos O O O O B-Restaurant-Inform+Food O N/A +bos no restaurants matching your queries have been found . would you like to search for another food type ? 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 is there any restaurants severing north american food . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos gourmet burger kitchen is an expensive restaurant that serves north american food . 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+Food I-Restaurant-Inform+Food O O N/A +bos is that expensive ? eos O O O B-Restaurant-Inform+Price O N/A +bos yes , it is listed as expensive in my database . would you like more information on it ? eos O O O 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 would like to have 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 phone number is 01223 312598 , postcode is c.b 2 , 1 a.b . eos O O O 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 N/A +bos i 'm looking for a place to dine in cambridge , if you could help me with some options . 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 would love to help you . what type food are you wanting to eat and what area would you like 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 O O O Restaurant-Request+Area,Restaurant-Request+Food,general-greet +bos i would love some afghan food 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 there are no afghan food places located in the centre of town . how about something else ? eos O O O O B-Restaurant-NoOffer+Food O O O O O B-Restaurant-NoOffer+Area O O O O O O O O N/A +bos how about indian food , i hear there are some good indian places in cambridge . eos 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 several indian restaurants in the area . is there a certain price range you were looking for ? 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 O O O O Restaurant-Request+Price +bos any price range is okay with me . eos O O O O O O O O O N/A +bos curry garden is a nice place , do you want their info ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O general-reqmore +bos is there a restaurant on the north side of town ? eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are several restaurants in the north part of town . do you have a preference of price range or type of food ? eos 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 O O Restaurant-Request+Food,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 city stop restaurant is an expensive restaurant on the north side of town . 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 N/A +bos i would like a restaurant serving swedish food in the north 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 N/A +bos i 'm sorry but there are no swedish serving restaurants in that area . would you like to expand 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 how about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos the royal spice restaurant has a cheap price range . 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 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 it 's address is victoria avenue chesterton , and phone number is 01733 553355. eos O O O O B-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 general-bye +bos good bye . eos O O O O general-bye +bos hello , i am looking for a restaurant on the west side of town that serves kosher 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 there are no restaurants matching your request . may i help you find a different one ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos ok , how about an italian restaurant ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are two italian restaurants in the west area . la margherita is in the cheap price range . prezzo is in the moderate 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 I-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O N/A +bos what is the phone number for prezzo ? eos O O O O O O O O O Restaurant-Request+Phone +bos the phone number for prezzo is 01799 521260. eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 , goodbye . eos O O O O O O general-bye +bos i would like a moderately prices restaurant in the east part of town . i would like the phone number and postcode , please . 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 O O Restaurant-Request+Post,Restaurant-Request+Phone +bos we have 3 matching your request in the east part of town . do you prefer indian or italian ? eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i do n't care . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there is pizza hut fen ditton , their phone number is cambridge retail park newmarket road fen ditton and postal code is c.b 5 , 8 w.r. eos 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 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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A +bos hello , i 'd like to have dinner in the centre , is there anywhere that serves afghan 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 O O O N/A +bos there is none available , do you have another type of food ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos not really- what about a cheap restaurant ? what are my choices ? eos O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos i have 15 cheap places to dine . another food preference perhaps ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Food +bos yes , that would be a good idea . can you search for one that serves asian oriental food for me ? thanks a lot 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 N/A +bos you have two options . dojo noodle bar and j restaurant both fit your specifications . which of these would you like me to make a reservation for you at ? 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 O O O Booking-Inform +bos dojo noodle bar sounds interesting . can you get me the phone number and post code for them ? 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 , the phone number is 01223363471 and the postcode is cb21rq . is there any other information i can help you with today ? 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 O O general-reqmore +bos yes , is there anywhere that you can play some sports near the restaurant ? eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos i have the cherry hinton village centre located at colville road , cherry hinton . 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 O N/A +bos can you book that for me . eos O O O O O O O O N/A +bos i ca n't book it but i can provide you with the address if you 'd like . eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos the address and the post code is all i need . eos O O O O O O O O O O O O Restaurant-Request+Post,Attraction-Request+Addr +bos the postcode is cb19ej , and the address is colville road , cherry hinton eos O O O O B-Restaurant-Inform+Post O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 glad i could help , enjoy your stay in cambridge . eos O O O O O O O O O O O O general-greet +bos can you recommend some cantonese food in cambridge please ? eos O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos unfortunately it looks like we do n't have any cantonese food . eos O O O O O O O O O B-Restaurant-NoOffer+Food O O O N/A +bos that 's a bummer . thank you anyways . eos O O O O O O O O O O general-thank +bos welcome.if you can change the type of food we can find a nice place . eos O O O O O O O O O O O O O O O O general-welcome,Restaurant-Request+Food +bos would you happen to have one in the centre that serves spanish 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 the la tasce which is moderate priced and the la raza which is cheap . would you like to book one today ? 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+Price I-Restaurant-Inform+Price O O O O O O O O Booking-Inform +bos i would like to book at the la tasce for sunday . eos O O O O O O O O O O O O O N/A +bos i can help you with that . how many people in your party , 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 Booking-Request+People,Booking-Request+Time,Booking-Inform +bos there are 3 in my party . i would like to book for sunday at 19:00 can you make a reservation , please ? eos O O O O B-Restaurant-Inform+People 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 booking was successful . the table will be reserved for 15 minutes.reference number is : 3x53nz1b . anything else you could like to know ? 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 okay i 'd like to find a museum to visit also . can you get me a nice place , along with the postcode , entrance fee and area it 's in ? 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 O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Fee +bos the cambridge and county folk museum is nice and the entry fee in 3.50 pounds . does that work 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 O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O Attraction-Inform,general-reqmore +bos yes , what area is it in ? i 'd also like to get the postcode . 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 it 's in the west . the postcode is cb30aq . can i help you with anything else today ? eos O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore +bos i also need a taxi to leave the museaum and arrive at the restaurant by 19:00 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 booked a taxi for you , it will be a grey audi eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A +bos thanks for helping me . that is all i needed eos O O O O O O O O O O O general-thank +bos happy to help ! feel free to reach out 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 you are planning your trip in cambridge.you are looking for a place to dine . the restaurant should be in the centre 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 O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O N/A +bos okay how about yippee noodle bar ? if you 'd like i can book a table for you . 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 Booking-Inform +bos i would like to have british food . does yippee noodle bar offer british food ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos no , yippee noodle bar does not serve british food . however , there are four british restaurants in the area i could refer you to . eos O O B-Restaurant-NoOffer+Name I-Restaurant-NoOffer+Name I-Restaurant-NoOffer+Name O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O N/A +bos yes , please recommend one . eos O O O O O O O N/A +bos the oak bistro is my favorite . do you need their information or can i reserve a table 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 O O O O O O Booking-Inform,general-reqmore +bos please reserve it for 2 people at 15:30 on thursday and 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 N/A +bos great . i have booked your table . the reference number is lu8kxxpr . eos O O O O O O O O O O O B-Booking-Book+Ref O O O general-greet +bos thank you ! i 'm also looking for a place to stay , ideally a 0 star in centre as well that includes free wifi . can you help me with that ? eos O O O 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 O O O O O O O O O O O N/A +bos el shaddai is a guesthouse that meets your needs , and cityroomz is a hotel . would you like to book a room at one of those ? eos O O O O O O O O O O O B-Hotel-Recommend+Name I-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 Booking-Inform,Hotel-Select +bos either would be fine , i guess whichever has available rooms for 2 on thursday and we will be staying for 3 nights . eos O O O O O O O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Day O O O O O O O B-Hotel-Inform+Stay O O N/A +bos your room is booked for 3 nights at el shaddai , reference number is xbyobyv7 . can i help you with anything else today ? eos O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos yes i will need a taxi to drive between the hotel and restaurant . 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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos yes , i can assist you with that . what time would you like to leave 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 Taxi-Request+Leave,general-greet +bos i just needed to arrive at the restaurant by 15 :30 eos O O O O O O O O O O O O N/A +bos alright , i have your taxi booked for you . it will get you to the bistro by 15:30. your car will be a red volkswagen . do you need anything else ? eos 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 B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O general-reqmore +bos just the contact number for the taxi , please . eos O O O O O O O O O O O Taxi-Inform +bos the contact number is 07413487681. enjoy your stay in cambridge ! eos O O O O O B-Taxi-Inform+Phone O O O O O O general-greet +bos i would like to find a restaurant in the east part of town that serves gastropub 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 N/A +bos the royal standard is located at 290 mill road city . 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 N/A +bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone +bos you can reach them at 01223 247877 . eos O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos thank you very much , bye eos 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 'm looking for a restaurant called the gandhi . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos the gandhi is location in the centre and is cheaply priced . the address is 72 regent street city centre . would you like any other information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area 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 O O O N/A +bos can you book it for 8 people on sunday at 14: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 the booking was successful for sunday . the reference number is lpvgjvz0 . may i assist 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 O general-reqmore +bos i would also like to find somewhere fun in the middle of town to go . eos 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 - lots to choose from . do you have a type of attraction in mind ? eos O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 Attraction-Request+Type +bos sorry , i actually wanted somewhere in the west eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos whale of a time is a fun-filled , entertainment-type of attraction in the west . do you want more information ? 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 O B-Attraction-Inform+Area O O O O O O O O N/A +bos sure , please provide me with the postcode and address eos 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 and the post code is cb238el . 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+Post 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 , thanks for using cambridge towninfo centre . 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 i am looking for information on the varsity restaurant . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos the varsity is a moderately priced restaurant offering international cuisine . would you like any other information ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Food O O O O O O O O O general-reqmore +bos could you book me a table for 2 at 20:00 on tuesday evening ? 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 ok ! your table for 2 at the varsity restaurant has been booked for tuesday at 20:00. you reference number is : 1eb89a0f eos O O O O O O B-Booking-Book+People O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O N/A +bos thank you so much , that is all . 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 can you help me find an expensive restaurant in the centre area ? 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 33 possible places that fit your request . for example , there is an expensive african restaurant in the centre . is this something you would be interested in ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O 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 O O O Booking-Inform +bos how about mediterranean food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos sure , either la mimosa or shiraz both serve excellent mediterranean food . eos O O O O O O B-Restaurant-Recommend+Choice I-Restaurant-Recommend+Choice O O B-Restaurant-Recommend+Food O O O N/A +bos la mimosa sounds good . can your reserve me a table for 1 on saturday at 11:15 ? eos 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+Day O B-Restaurant-Inform+Time O N/A +bos i have that reserved , the reference code is mlzzdyt5 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos perfect . i 'm all set the . thank you . eos O O 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,general-greet +bos are there any restaurants that serve international food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos the missing sock serves international food on the east side , and is cheap . should i book a table ? 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 O O O B-Restaurant-Inform+Price O O O O O O O O Booking-Inform +bos i 'd prefer something in the centre of town if that 's an option . eos O O O O O O O O O O O O O O O O N/A +bos the varsity restaurant and bloomsbury restaurant are both located in the centre of town . eos 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos bloomsbury sounds nice . can you book a table for 5 people at 12:15 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 alright you 're all booked . would you like the reference number ? eos O O O O O O O O O O O O O O Booking-Book +bos yes please . could i have it ? eos O O O O O O O O O N/A +bos of course . it 's vb3ghynl . anything else ? eos O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos 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 general-thank +bos have a great day ! eos O O O O O O general-bye +bos i need to find an expensive restaurant on the north side . 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 about 5 different ones to offer you . i have european food , french , chinese and asian oriental . do you prefer a certain cuisine ? eos O O O O O B-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 O O O O Restaurant-Request+Food +bos can you give me some additional information on the asian oriental one ? eos O O O O O O O O O O O O O O N/A +bos sure , it 's called saigon city , and it 's located at 169 high street chesterton chesterton , cb41nl . their phone number is 01223356555. can i be of further assistance today ? eos O O 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 B-Restaurant-Inform+Phone O O O O O O O O O O O O O O general-reqmore +bos sounds great . can you book a table for 1 at 19:15 on friday please ? i will need a reference number too . 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 Restaurant-Request+Ref +bos your booking was successful . your reference number is 01yib028 . 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 , thanks . you 've been a great help ! eos O O O O O O O O O O O O general-thank +bos glad to help you . eos O O O O O O general-bye +bos good morning , are there any expensive restaurants in the city 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 i have quite a few restaurants , is there is particular type of food you are looking for ? 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 Restaurant-Request+Food +bos no , can you choose one for me and provide me with the postcode . eos O O O O O O O O O O O O O O O O Restaurant-Request+Post +bos how about the kymmoy that serves asian oriental ? the postcode is cb12as . 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+Post O N/A +bos that sounds great . thanks so much ! eos O O O O O O O O O general-thank +bos you 're welcome , 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 O O general-welcome,Booking-Inform +bos no , but thank you for your help . 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-welcome,general-bye +bos hi . i am looking for international food , hopefully someplace moderately priced . 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 the center of town offers two : the varsity restaurant , and the bloomsbury restaurant . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 O O N/A +bos great thank you for all your help eos 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 yep ! thanks - i 'm all done . eos O O O O O O O O O O general-thank +bos let me know if you need any more info . eos O O O O O O O O O O O N/A +bos thank you for your help , that 's all i needed . eos O O O O O 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 for an expensive restaurant to go to . eos O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos there are 57 expensive restaurants in the area . do you have a food type preference or an area preference ? 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,Restaurant-Request+Food +bos what 's your favorite place on the south side of town ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos frankie and bennys is a good , expensive italian restaurant in the south area . 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 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 O Booking-Inform +bos that would be great . please make the reservation for 17:45 on monday . just 1 person . eos 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 N/A +bos okay , you 're all set ! reference number is 3ap8e11k , and the table will be reserved for 15 minutes . may 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 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 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 can you help me find a cheap restaurant in the centre of town ? 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 a total of 15 different cheap restaurants located in the centre of town . is there a particular type of food you are wanting ? eos O O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price 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 Restaurant-Request+Food +bos surprise me . what food type can you recommend ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i have a great portuguese restaurant if you care to try it . it 's called nando 's city centre . or if you prefer , i have anything from italian to spanish as well . 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 O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos what 's the post code for nando city ? eos O O O O O O O O O O Restaurant-Request+Post +bos it is cb23ar . is there anything else i could help you with ? eos O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos no , that 's all i needed . thanks ! eos 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-welcome,general-bye +bos hi there . can you help me find a train from norwich to cambridge ? eos 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 several trains on that route . what time would you like to leave/depart ? eos 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 would like to leave after 12:15 on a sunday . eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Day O N/A +bos i have a 12:16 departure from norwich . would you like me to book this for you ? eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O O O O O O O O O O Train-OfferBook +bos i 'm not sure if i need to book just yet . can you tell me the travel time for this 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 +bos sure , tr5225 is a 79 minute trip and each seat costs 14.08 pounds . can i help you with anything else today ? eos O O B-Train-Inform+Id 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 general-reqmore +bos is there an all saint 's church ? i would like to visit it as well . eos O O O O O O O O O O O O O O O O O O N/A +bos yes , all saints church is located t city cenre . it has free entrance . eos 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 O B-Attraction-Inform+Fee O O O O N/A +bos that sounds wonderful . could i get the phone number along with the attraction type ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Type +bos it is listed as architecture , and their phone number is 01223452587 eos O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Phone O N/A +bos thank you so much ! that is all the help i need for now . eos 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 day and i hope you enjoy your visit ! call for help anytime . 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 an eastern restaurant , medium price eos O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are 3 restaurants available in the moderate price range in the east of town . would you like to go to curry prince ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos yes , please . what is the address , 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,Restaurant-Request+Addr +bos yes the curry prince is located at 451 new market road fen ditton with a postcode of cb58jj . their telephone number is 01223566388. 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 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 okay thank you . can you tell me their hours of operation ? eos O O O O O O O O O O O O O O general-thank +bos i 'm sorry . we do not have hours of operation in our database . eos O O O O B-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open O O O O O N/A +bos ok , then 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 O general-thank +bos alright . thank you for calling . eos O O O O O O O O general-bye +bos could you help me find a moderate 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 N/A +bos certainly ! however , there are no moderately priced restaurants in the town centre . would you like to try a different area or price range ? eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price 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+Area,Restaurant-Request+Price +bos is there anything cheap in the town centre ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry there are no cheap restaurants n that area . would you like to change your price range or area ? eos O O O O 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 Restaurant-Request+Price,Restaurant-Request+Area +bos i really need it to be in the moderate price range , there 's really nothing in the city centre ? any cuisine will do . 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+Area O O O O O O O O N/A +bos i 'm sorry , we must have had technical difficulties . we actually do have 21 restaurants in the centre of town that are moderately priced . do you have a certain cuisine in mind ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Choice 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 please surprise me . eos O O O O O N/A +bos okay , cotto is a british restaurant in the moderate price range . would you like me to book it for you ? eos O O B-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 O O O O O O O O O Booking-Inform +bos can i have their phone number and address please ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number for the cotto is , 0122302010.the address us 183 east road , city centre . anything else ? eos O O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Area O O O O O O general-reqmore +bos no , i think i have everything i need . thanks . bye . eos O O O O O O O O O O O O O O O general-bye +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 cheap 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 how about nandos , a portuguese place ? eos O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O N/A +bos is there anything else available ? eos O O O O O O O N/A +bos the lucky star is also a cheap restaurant in the south part of town . it serves chinese food . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos ok. can you give me the address of the lucky star ? eos O O 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 . 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 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 general-reqmore +bos no that would be all . thank you and 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 restaurant system . goodbye . eos O O O O O O O O O O O O general-bye +bos a cheap restaurant in the south part of town eos O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A +bos we have two restaurants that meet your criteria , are you more interested in chinese of portuguese food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos chinese , what is the number ? eos O B-Restaurant-Inform+Food O O O O O O N/A +bos the lucky star is a chinese restaurant in the south and is in the cheap price range . their phone number is 01223 244277. 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 B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos what is their address ? eos O O O O O O Restaurant-Request+Addr +bos cambridge leisure park clifton way cherry hinton 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 N/A +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 thank you very much . eos O O O O O O general-thank +bos thank you , goodbye eos O O O O O general-bye +bos hello , i am looking for a certain hotel in cambridge called the autumn 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 the autumn house is located at 710 newmarket road . would you like for me to book this for you ? 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 O O Booking-Inform +bos yes , for 5 nights beginning wednesday for 1 guest please . eos O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O N/A +bos i was unable to book , could you please choose another day or pick 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 how about 4 nights instead of 5 ? eos O O O O B-Hotel-Inform+Stay O O O O N/A +bos ok. i was able to book for 4 nights . your reference is dtufttjp . can i help with anything else ? eos O O O 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 general-reqmore +bos i am also looking for information about a restaurant called zizzi cambridge . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos zizzi cambridge serves italian food and is cheap . the phone number is 01223365599 , or should i book a table for you ? 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 B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos can you please repeat the phone number and provide the address . thank you . eos O O O O O O O O O O O O O O O O general-thank +bos the phone number is 01223365599 and zizzi cambridge is located at 47-53 regent street postcode cb21ab . can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Phone 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 B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos no , i think that 's all i need right now . 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 general-thank +bos happy to be of service . have a wonderful day ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for information on the museum of archaelogy and anthropology . eos 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 why yes , it 's a great attraction . it is located at the centre on downing street . the entrance fee for the museum is free . eos O O O O O O O O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Fee O O O O O N/A +bos what is the phone number ? eos O O O O O O O Attraction-Request+Phone +bos 01223333516 is the phone number , is there anything else i can assist you with today ? eos O B-Attraction-Inform+Phone O O O O O O O O O O O O O O O O general-reqmore +bos yes . i would like to book a train from leicester . eos O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos ok , what is your travel day , and what time do you need 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 i 'm leaving from leicester on wednesday and going to cambridge . want to leave after 11 eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O O O O O O N/A +bos tr9776 leaves at 11:09. does that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-Select +bos that is fine . what is the entrance fee to get in ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos it is 37.80 pounds per ticket . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos thank you . can you please book that for 2 people and give 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 Train-Request+Ref +bos great , you 're all set . the reference number is tyca6yzv and total due will be 75.59 gbp . anything else i can help with ? eos O O O O O O O O O B-Train-Inform+Ref I-Train-Inform+Ref 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 that 'll be all ! thank you very much . 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-bye +bos i am needing to find a place to stay while traveling in cambridge . i would like a guesthouse that is 4 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 O B-Hotel-Inform+Stars O O N/A +bos i have results for 5 guesthouses , which part of town are you looking to stay in , and do you need parking ? 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 Hotel-Request+Area,Hotel-Request+Parking +bos i do n't care about the part of town , but i do want 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 found 16 guesthouse style hotels . is there a specific area you would like 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 Hotel-Request+Area,Hotel-Request+Price +bos like i said i needed a guesthouse with 4 stars ... location and price do n't matter . eos 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 the acorn guest house meets 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 O O O O O O O O O O O Booking-Inform +bos please do . it will be a 3 night stay for 4 people . 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 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 N/A +bos okay , i 've booked that for you . your reference number is 5x06nq04 . eos O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos i am also hoping to find a place to eat in the centre that is n't too expensive . do you have any suggestions for modern 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 O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos there are 2 restaurants in the moderate price range , and 1 that is cheap . which pricing is preferable to you ? eos O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Select +bos give me the postcode , phone number and address of one of the moderately priced ones eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos de luca cuccina and bar is located at 83 regent street , cb21aw and the phone number is 01223356666. is there anything else i can help you with ? 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 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 general-reqmore +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 you are welcome . i hope you enjoy your stay . eos O O O O O O O O O O O O general-welcome,general-bye +bos could you help me find a place to stay ? i need a place in town that offers 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 O O O N/A +bos i am showing 25 entries , maybe we can narrow it down a bit . what price range and part of town are you 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 Hotel-Request+Area,Hotel-Request+Price +bos are any of them a guesthouse in the moderate price range ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A +bos yes ! the acorn guest house is very popular . would you like more information on that hotel ? 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 O N/A +bos could i get the postcode , please ? eos O O O O O O O O O Hotel-Request+Post +bos the postcode for the acorn guest house is cb41da . 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+Post O N/A +bos i am also looking for a place to dine . eos O O O O O O O O O O O N/A +bos is there a specific type of food you would like to eat ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos yes , i would like british food in the moderate price range please . 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 i have found restaurant one seven within your range . would you like for me to book it ? 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 Booking-Inform +bos great ! can i have the address and phone number , please ? 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 de vere university arms regent street city centre and the phone number is 01223337766. have a great night ! 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 B-Restaurant-Inform+Phone O O O O O general-bye +bos hi ! i am looking for a place to stay , could you help me find a hotel with 4 stars and it needs to have free wifi . 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 N/A +bos there are many places to stay that meet this criteria . care to narrow down your search ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O general-reqmore +bos it does n't matter to me as long as it also is within 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 O N/A +bos the archway house is a guesthouse in the north that is moderately pried and includes free internet and parking . would that work for you ? 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos sure , i 'd like to book 5 nights starting thursday for 1 person . 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 O N/A +bos alright , you 're all booked . your reference number is 1ms0rjxa . 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 actually yes , i 'd also like to visit a park while i am in town . 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 there are 5 parks nearby , is there a specific park you would like to visit or 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 O O O O Attraction-Request+Name,Attraction-Request+Area +bos yes , i would like one with the most playground equipment . eos O O O O O O O O O O O O O N/A +bos i have several , which are would you prefer it to be in ? eos 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 be in the northern part of town . eos O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos milton country park in north and it is free to use . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O O N/A +bos may i have the phone number for the park please ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number for milton country park is 01223420060. can i assist you with anything else ? 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 general-reqmore +bos yes , one more thing . i need 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 Taxi-Inform +bos do you need the taxi to meet you at your hotel or the park , please ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i need the taxi to pick me up at the park at 17:00. eos O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos a yellow lexus will pick you up at the park . should you need to contact them , the number is 07470919313. eos 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 O O O O B-Taxi-Inform+Phone O O N/A +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 're quite 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 O general-welcome,general-reqmore +bos i 'm all set . thanks again ! 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 . 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 'm looking for an expensive restaurant in the south . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos there are several options available , is there a particular type of cuisine that you are 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 O O O O Restaurant-Request+Food +bos one that serves curry . is there a nice indian restaurant ? eos O O O O O O O O O O O O O Restaurant-Inform +bos there is in fact . it 's called taj tandoori . would you like to know more information ? eos 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 general-reqmore +bos actually , what about an expensive chinese restaurant in that area instead ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O N/A +bos i have the good luck chinese food takeaway . it 's located at 82 cherry hinton road cherry hinton . what time and for how many people please ? 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 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 O Booking-Request+Time,Booking-Request+Day +bos i only require the postcode and phone number . eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos their postcode is cb17ag , and phone number is 01223244149 eos O O O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O N/A +bos thank you very much . 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 i also need a train leaving from cambridge on friday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos what is the destination and what time would you like to leave ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart +bos i 'm going to london liverpool street and i 'd like to leave sometime after 08:15 eos 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 O O N/A +bos 5 trains found . the earliest times are 9:59 and 11:59. which would you like to book ? eos O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Leave O O O O O O O O Train-Select +bos i would be interested in the train leaving at 9:59. can you book me for that one for 1 person ? and 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 O O O O B-Train-Inform+People O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID +bos of course ! i have you booked on tr1750 arriving at 13:27 with reference number 3xb7w40d . the total fee is 16.6 gbp payable at the station . anything else i can do ? eos O O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Arrive 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 yes could you please confirm the travel time as well for tr1750 ? eos O O O O O O O O O O O O O O Train-Request+Duration +bos the duration for your train ride is 88 minutes long . eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you very much . eos O O O O O O general-thank +bos you 're welcome . did you need anything else ? eos O O O O O O O O O O O general-reqmore +bos no , you have given me everything i need . thank you very much . eos 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 +bos i am looking for a 4 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 O N/A +bos i have several options for four star hotels with free wifi . what area would you like to stay in ? eos 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 Hotel-Request+Area,Hotel-Inform+Internet +bos i would like to stay in the centre please . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i have two hotels that meet your requirements . the alexander bed and breakfast , and the university arms hotel . would you like me to book a reservation for either one ? eos O O O O B-Hotel-Select+Type 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 I-Hotel-Select+Name O O O O O O O O O O O O O O Booking-Inform +bos i 'd like their phone numbers and what type hotel they are please eos O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Type +bos sure , the alexander bed and breakfast is a guesthouse , phone number 01223525724 , and the university arms hotel is a hotel , phone number 01223351241. 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 B-Hotel-Inform+Phone O O O O N/A +bos on second thought could you book alexander b & b for saturday night please . eos O O O O O O O O O O O O O O O O N/A +bos certainly . for how many nights ? and will it just be you staying ? eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos i 'm not sure but i do need to book a train from kings lynn to cambridge after 16:30 on a monday . eos 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+Leave O O B-Train-Inform+Day O O N/A +bos the first available train from kings lynn to cambridge that leaves after 16:30 on monday is the tr0415 ; would you like to go ahead and book this ? eos 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 B-Train-Inform+Leave O B-Train-Inform+Day O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook +bos yes please . i will need tickets for 2 people . eos O O O O O O O O O O B-Train-Inform+People O N/A +bos 19.6 gbp is payable at the station . your reference number is dzjvjjh6 . eos 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 N/A +bos thank you very much ! that was everything that i needed . take care 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-thank +bos you 're welcome . enjoy your stay eos O O O O O O O O general-welcome +bos thanks for your help ! eos O O O O O O general-thank +bos thank you . eos O O O O general-bye +bos i apologize , it looks like i forgot to book the hotel . alexander b & b , saturday night thru monday , for two adults , please . eos 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 N/A +bos i booked you a reservation at alexander b & b , saturday night thru monday , for two adults . is there anything i can assist with ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day I-Booking-Book+Day I-Booking-Book+Day I-Booking-Book+Day O O B-Booking-Book+People I-Booking-Book+People 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 great day ! eos O O O O O O general-bye +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 there are 21 different restaurants that fit your criteria . is there a specific type of food you are looking for that could narrow down the list ? 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 O O Restaurant-Request+Food +bos can i get the food type and postcode of one you 'd recommend ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food +bos i recommend anatolia , it is a turkish food type restaurant and its postcode is cb21uj . eos O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food O O O O O O O B-Restaurant-Recommend+Post O O N/A +bos okay thank you very much . eos O O O O O O O general-thank +bos would you like to book a table , if so how many are dining ? eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Inform +bos not at this time . thank you for everything . 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 O general-bye +bos i am looking for a hotel called hobsons house . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos hobsons house is a moderately priced 3-star guesthouse on the west side . their address is 96 barton road , cb39lh . their phone is 01223304906. they offer free wifi and free parking . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-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 B-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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos excellent . i would like to book a stay for 2 people for 5 nights , please . eos 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 when would you like to begin your stay at hobson 's house ? eos O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O Booking-Request+Day +bos i would like my stay to begin on saturday . eos O O O O O O O O O B-Hotel-Inform+Day O N/A +bos booking was successful . reference number is : alsexhly . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am also looking for a train from cambridge to leicester . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O N/A +bos what day and around what time would you prefer to depart ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i need to leave after 17:45 on saturday . i need the price , travel time and train id of the route is possible . 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 Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos there is a train leaving cambridge at 18:21 and arriving at leicester at 20:06. the trainid is tr6034 and the trip duration is 105 minutes . a ticket is 30.24 pounds . 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 B-Train-Inform+Id 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 N/A +bos perfect , i will take that trip for 30.24 pounds . thank you ! eos O O O O O O O O O O O O O O O general-thank +bos how many tickets will you need ? eos O O O O O O O O Train-Request+People +bos actually , i am not ready to book them . thank you for your help , i am 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 O O O O general-bye +bos you 're welcome . enjoy your time in cambridge ! eos O O O O O O O O O O O general-welcome,general-bye +bos i 'd like to take a train from cambridge at quarter to 2. eos O O O O O O O O B-Train-Inform+Depart O O O O O N/A +bos there are trains departing from cambridge going to ely at 1350 daily . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest B-Train-Inform+Leave B-Train-Inform+Day O N/A +bos great i need to get a ticket on thursday going to birmingham new 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 N/A +bos great your booking is all set ! eos O O O O O O O O Train-OfferBooked +bos can i get the arrival time and train please ? eos O O O O O O O O O O O Train-Request+Arrive +bos train tr9360 arrives at 16:44. eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive N/A +bos thank you for your help ! eos O O O O O O O general-thank +bos have a great day , thank you for using our service . eos O O O O O O O O O O O O O general-bye +bos also , do you have a listing of any expensive restaurants that serve halal or italian dishes ? eos 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 are 5 expensive restaurants serving italian food , would you prefer town centre or in the south area ? 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-Select+Area I-Restaurant-Select+Area O O N/A +bos any area is fine , but can i get the phone number and address of one of your recommendations ? 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+Phone,Restaurant-Request+Addr +bos the number for clowns cafe is 01223355711 and the address is 54 king street city centre . would you like the reference number for your train ticket ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O O O O O O O O general-reqmore +bos i would like the area for this cafe please . eos O O O O O O O O O O O Restaurant-Request+Area +bos clowns cafe is located in the centre part of town . was there any other information you needed . or a reservation perhaps ? 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 O O O O O O O O O O O O Booking-Inform,general-reqmore +bos great , that 's all i needed for today . thank you very much . 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 great day ! eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant to dine at in the centre of town . could you recommend me any expensive places to try ? 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 N/A +bos yes several . i 'd recommend the cambridge chop house , midsummer house restaurant or fitzbillies restaurant 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 food do those places serve ? eos O O O O O O O O O O Restaurant-Request+Food +bos all three serve british cuisine . eos O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O N/A +bos alright , would you also be able to help me find a train ? i 'm looking to leave on 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 i found 404 trains leaving on friday . what is your departure and destination locations ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'll be going to stansted airport from cambridge , and i need to arrive by 8:00. eos 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 N/A +bos i found two trains that will do that , one will leave at 5:40 , and one will leave at 6:40 , which 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 as long as it will be arriving by 08:00 it does n't really matter which one , but i need the price of each ticket please . 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 O Train-Request+Price +bos both trains cost 10.10 pounds per ticket . eos O B-Train-Inform+Choice O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos great thank you so much . eos O O O O O O O general-thank +bos would you still like me to book a ticket for you or are you satisfied at this point ? eos 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 i 'm all set . thank you very much ! eos O O O O O O 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 i need to book a train for monday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos where are you departing from ? eos O O O O O O O Train-Request+Depart +bos i would like to depart from peterborough going to cambridge . eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos i have 38 trains that meet your criteria . did 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 Train-Request+Leave +bos ideally it should leave after 13:45. eos O O O O O O B-Train-Inform+Leave N/A +bos tr9063 leaves at 13:48. would you like to book it ? the next departure is at 14:19. eos O B-Train-Inform+Id O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave Train-OfferBook +bos possibly , what is the price , arrival time , and travel time for tr9063 ? eos 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 tr9063 arrives in cambridge at 14:38. total travel time is 50 minutes , and the fee is 16.50 gbp per ticket . eos O B-Train-Inform+Id 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 ok , thanks for that information . i would also need assistance finding a hotel in the north part 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 N/A +bos there are 13 hotels in the north of town . do you have a price range or star 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 O Hotel-Request+Price,Hotel-Request+Stars +bos 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 . eos 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 O O O O O O N/A +bos the acron guest house is a four star hotel . 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 O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O O O O O O O N/A +bos is it expensive , though ? eos O O O O O O O N/A +bos the acorn guest house is moderately priced , but there are two more inexpensive guesthouses available if you would prefer . 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 B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O N/A +bos the acorn guest house will do nicely . i would like to book 4 nights starting monday accommodating 4 guests . i will need the reference number . eos O 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 O O O O O Hotel-Request+Ref +bos the booking is successful , reference number is y2ata7d2 . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you very much . i think that is everything i need then . eos O O O O O O O O O O O O O O O general-thank +bos glad i could help you today . enjoy your stay in cambridge ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos hello , i 'm traveling to cambridge from stansted airport on saturday and need to find a train . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O N/A +bos great ! one of these trains should work , thank you and goodbye eos O O O O O O O O O O O O O O general-bye,general-greet +bos um , one of what trains should work ? hello ? eos O O O O O O O O O O O O Train-Inform +bos i 'm very sorry for the confusion , there are 19 trains travelling to cambridge on saturday , do you need to depart or arrive at any particular time ? eos O O O O O O 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 O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to depart stansted airport saturday and arrive in cambridge by 12:00. could you also let me know the cost ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O N/A +bos all trips arriving by 12:00 cost 8.08 pounds . is there a specific time you would like to depart ? eos O O B-Train-Inform+Choice 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 O Train-Request+Leave +bos no , instead i 'd like to find a gastropub restaurant in the centre . 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+Area O O O O O O O O O O N/A +bos yes definitely . i have 3 to choose from . some are expensive and one is in the moderate price range . do you have preference/ eos O O O O O O B-Restaurant-Inform+Choice 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 Restaurant-Request+Price,general-greet +bos no . just choose one and give me the phone number and address 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 no problem . the backstreet bistro is at 2 sturton street city centre . they 're phone number is 01223306306. is there anything else i can help you with today ? eos 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 B-Restaurant-Recommend+Phone O O O O O O O O O O O O O O general-greet,general-reqmore +bos i also need to know what the price range is for this restaurant . eos O O O O O O O O O O O O O O O Restaurant-Request+Price +bos this restaurant is expensive . can i help you with anything else ? eos O O O O B-Restaurant-Inform+Price 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 not a problem ! have a great day now ! eos O O O O O O O O O O O general-welcome,general-bye +bos i need a train on friday from the london liverpool street station . eos 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 there are 10 trains leaving that station on friday . what time would you like to travel ? 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-Request+Leave +bos the train should leave after 17:15 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 there are 4 trains that leave after 17:15. the tr9886 leaves at 17:39 from london liverpool street . would you like me to book you a seat ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O O Train-OfferBook +bos what is the arrival time ? eos O O O O O O O Train-Request+Arrive +bos that train arrives at 19:07. eos O O O O O B-Train-Inform+Arrive N/A +bos okay i would like to book it . i 'm also looking for a restaurant on the cheap side in centre . eos 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+Area O O O N/A +bos i found 15 restaurants , do you have a preference of food choice ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food +bos i really don't- it just needs to fit 8 people at 20:00 on friday . 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 'm unable to find an opening that fits your needs . would you like to choose 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about for 19:00 that day ? and can i have the reference number please ? eos 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 for charlie chan 's for friday at 19:00. the table will be reserved for 15 minutes . the reference number is pouaexhl . do you need further help with anything ? eos 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 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 that should be it , 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 for using our system ! eos O O O O O O O O general-greet +bos i 'm looking for a pricy restaurant in the city centre eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos i found you a british restaurant called midsummer house restaurant that is located in midsummer common how does that sound ? eos O O O O O B-Restaurant-Inform+Food 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 O O O O O N/A +bos does this restaurant serve european food ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos it does not . for european food in the same area and price range , how about the michaelhouse cafe ? it is located at st. michael 's church trinity street 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 O N/A +bos okay . great . can you book me a reservation there for 5 people at 16:15 for this monday ? also i will need a reference number . eos 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 O O O O O O O O Restaurant-Request+Ref +bos alright , you have been booked at the michaelhouse cafe for monday , 16:15 , party of 5. the table will be reserved for 15 minutes . your reference number is 0w78o9vd . eos O O O O O O O O O O O O O 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 will also need take a train from london kings cross station that same day . what time do they leave ? 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 O O O O O O Train-Request+Leave +bos i have them leaving from 5:17 in the morning for every two hours until 24:08 in the evening . the journey is approximately 51 minutes . would you like me to book you on the 11:17 or 13:17 ? eos 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 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 B-Train-OfferBook+Leave I-Train-OfferBook+Leave O O N/A +bos i need to arrive by 13:30 , so let 's book the 11:17 , please . eos O O O O O O B-Train-Inform+People O O O O O O O O O O N/A +bos how many people would you like to book it for ? eos O O O O O O O O O O O O Train-Request+People +bos 5 people eos O O B-Train-Inform+People N/A +bos yes i will get that taken care of for you . 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 general-reqmore,Train-OfferBook +bos i need the train id , please . eos O O O O O O O O O Train-Request+TrainID +bos the train id for the 11:17 on monday to london kings cross is tr5720 . is there anything else that i can help you with today ? eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Id O O O O O O O O O O O O O general-reqmore +bos no , i think that 's all that i 'm looking for , thank for the 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 are most welcome ! eos O O O O O O general-welcome +bos hi , can you help me find a train departing from 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 destination ? eos O O O O O O Train-Request+Dest +bos i am going to leicester eos O O O O O B-Train-Inform+Dest N/A +bos it looks like trains run along that route every hour . is there a certain day and time you 'd like to know about ? eos O O 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 'd like to leave after 20:15. eos O O O O O O B-Train-Inform+Leave O N/A +bos there are 28 trains that leave after 20:15 , what time would you like to arrive by or does it matter ? 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+Arrive +bos no , the arrival time does not matter . i need to book 4 tickets . eos O O O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos alright , i booked you 4 tickets on tr5159 , leaving cambridge at 20:21 and arriving in leicester at 22:06 on friday . your reference number is vkvt7ctt . eos O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Choice O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O O O B-Train-OfferBooked+Ref O O O O N/A +bos great ! also , i 'm looking for the ashley hotel . can you give me their phone number please ? 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 Hotel-Request+Phone +bos the phone number for the ashley hotel is 01223350059. is there anything else i can help you with ? 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 O O general-reqmore +bos okay . great . that is all i needed . eos O O O O O O O O O O O N/A +bos okay perfect ! have a great trip and please let us know if you need assistance 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 general-welcome,general-bye +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 are certainly welcome . eos O O O O O O general-welcome +bos hi , i am looking for a hotel to stay in in east cambridge . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos certainly , there are 6 guesthouses , and one hotel . do you have any preferences i should include ? 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 general-reqmore +bos the hotel in question ideally would be in the expensive price range . it does n't need to have free parking , though . 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 N/A +bos your best bet would be the express by holiday inn cambridge . it is an expensive 2-star hotel in the east area of town with free wifi and free parking . 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 O 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 Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos if there are not any hotels that do not include free parking then that place will do . eos O O O O O O O O O O O O O O O O O O O N/A +bos great . how many guests should i make a reservation for and what nights 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 Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos there will be 3 guests 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 i 'm sorry , i was unable to book with those constraints , 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos would it be possible to book this for one night ? eos O O O O O O O O O O O O N/A +bos i was able to book one night starting sunday for 3 guests . your reference number is 1oowmjen . would you like anything else ? eos O O O 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 O O O O O general-reqmore +bos yes , i also need a train to birmingham new street . eos 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 i just need some more information . where are you departing from ? what day and what time do you need 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 O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Depart,Train-Request+Arrive +bos i would like to depart from cambridge on monday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos i have 19 available trains . tr6628 leaves at 08:01 and arrives at 10:44. would you like me to book that for you ? eos O O O O B-Train-Inform+Choice 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 please , for the same 3 people . and can i have 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 N/A +bos i 've completed your booking ! the reference number for your train is x4wpos52 . the total cost is 225.3 gbp and is payable at the station . can i help with anything else ? eos 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 O O O O O O O O O O general-reqmore +bos no , that 'll 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 O O general-thank +bos we are happy to be of help . thank you for using our service . eos 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 cambridge that is rated 4 stars and has free wifi . eos 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 there are 21 hotels that meet your needs . would you like to narrow your search by area and/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 i also need free parking . do they have that ? eos O O O O O O O O O O O O N/A +bos we have 19 that match your search now . do you have any other preferences ? eos O O O O O O O O O O O O O O O O O N/A +bos not really . can you book one of them for friday for me ? eos O O O O O O O O O O O O O O O N/A +bos you are set . i have made you a reservation at the limehouse for friday night . eos O O O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O O N/A +bos thank you . can i have the reference number for that reservation please ? eos O O O O O O O O O O O O O O O general-thank +bos sure , for 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 just want the reservation number for friday please . eos O O O O O O O O O O O N/A +bos i 'm happy to book that for you . i just need to know how many nights you 'll be staying . also , 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+Stay,Booking-Request+People +bos 4 nights . 3 people . please include reference number in your response . eos O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O O O O O O O N/A +bos sure , your room is booked , and your reference number is usb3qcdt . is there anything else i can do for you ? eos O O 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 i 'd also like to line up a place to eat , if you could 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 N/A +bos sure thing ! what type of cuisine are you looking for , what area of town , and/or what type of 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 Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-Request+Price +bos i 'd like a moderately priced european restaurant in the centre , please . 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 N/A +bos hotel du vin and bistro serves european food in the moderate price range . it is located at 15 - 19 trumpington street . would you like to reserve a table ? eos 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 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 Booking-Inform +bos yes , please . i need a table on friday at 12:30 for 3 people , please . eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time B-Hotel-Inform+People O O O O O O O N/A +bos the booking was unsuccessful , would another day or time work ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about friday at 11:30 ? please include the reference number for the booking . eos O O O O O B-Restaurant-Inform+Time O O O O O O O O O O N/A +bos i have booked a table for 3 at 11:30. your reference number is our3l525 . can i help with anything else ? eos 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 general-reqmore +bos thank you . how far away is the restaurant from the hotel ? eos O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos the hotel 's address is 78-80 milton road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 you are 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-reqmore +bos no thank you . that will be all . eos O O O O O O O O O O general-thank +bos thank you for using are service and let us know if you have any future needs . eos O O O O O O O O O O O O O O O O O O general-bye +bos i want a train that arrives in broxbourne by 09:45. eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos i can book you a train for friday at 05:01 , is that alright ? eos O O O O O O O O B-Train-OfferBook+Day O B-Train-OfferBook+Leave O O O O O N/A +bos no . i need to depart from cambridge and leave on monday . can you find me a more suitable train ? eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O O O O O O O O O O O N/A +bos i have four trains leaving cambridge on monday and going to broxbourne . arriving every hour from 06:01-09:01. what time 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 N/A +bos i would prefer to arrive at 9:01. eos O O O O O O O O N/A +bos tr5517 will arrive in broxbourne by 09:01 monday . would you like to book a seat for that one ? eos O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive B-Train-Inform+Day O O O O O O O O O O O O Train-OfferBook +bos yes please , for 5 people . can i get 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 i have booked tr5517 arriving in broxbourne at 9:01 on monday for you . the reference number is 1yxen4v3 . will that be all ? eos O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O B-Train-OfferBooked+Day O O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos i 'm also looking for a park in the centre . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos the only results for a park in the centre area is cambridge university botanic gardens . the entrance fee is 4 pounds . would you like the address ? eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area 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+Fee I-Attraction-Inform+Fee O O O O O O O N/A +bos yes please give me the address in the postcode eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the address is bateman street and the postcode is cb21jf . 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 general-reqmore +bos that 's all i need . thank you ! eos O O O O O O O O O O general-thank +bos your welcome ! goodbye . eos O O O O O O general-welcome,general-bye +bos i need a restaurant . something expensive and italian . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos i was able to get a couple of options for you , is there a certain area you would like to go to ? eos O O 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 O O O O Restaurant-Request+Area +bos i would like to go to the centre , please . eos O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos how about stazione restaurant and coffee bar ? 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 N/A +bos okay , that sounds good . i need a table for 7 at 11:30 on thursday . 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 booking was unfortunately unsuccessful . let 's 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 okay , will you try 10:30 instead ? eos O O O O O B-Restaurant-Inform+Time O O O N/A +bos you are booked for 10:30. your reference number is 4h1drif8 . is there anything else i can assist you with ? 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 O general-reqmore +bos that 's all , thanks . goodbye . eos O O O O O O O O O general-bye +bos enjoy your meal ! goodbye ! eos O O O O O O O general-bye +bos i am looking for a restaurant serving persian 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 N/A +bos i 'm sorry , there are n't any expensive persian restaurants . would you like me to check for a different 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 O O O Restaurant-Request+Food +bos how about any restaurant in the centre ? eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos there are 33 expensive restaurants in the center of town . which cuisine type would you prefer ? 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 Restaurant-Request+Food +bos i think i 'd like to try indian food , are there any of those 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 O O O O O O N/A +bos there are 6 restaurants that fit your request . 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 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 N/A +bos any of them would be fine . eos O O O O O O O O N/A +bos alright , shall i make a reservation for the curry king ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O Booking-Inform +bos yes please , for 3 people t 15:30 on friday . thank you . eos 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 done . the reference number for your table is bvk9xzpj and it is only 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 N/A +bos that 's awesome . thanks that 's all i need ! eos O O O O O O O O O O O O general-thank +bos you 're welcome . bon appetit ! eos O O O O O O O O general-welcome,general-bye +bos i want to find a place to stay in the moderate price range . parking does n't need to be free . 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 N/A +bos there are a total of 18 places that you can stay at . would you rather have a guesthouse or a 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 B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos i would like a guesthouse please . oh , and i do n't need internet either . 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 there are 15 guesthouses with the preferences you have mentioned . do you have a preference on stars 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 Hotel-Request+Area,Hotel-Request+Stars +bos could i get the stars of the hotel and phone numbers ? eos O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Phone +bos the alpha-milton guest house is a three star location in the moderate price range . their phone number is 122 331 1625. 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 O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone I-Hotel-Inform+Phone N/A +bos thank you . i am also looking for a place to dine . im thinking british food and it should be 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 O O O O B-Restaurant-Inform+Area O O O N/A +bos we 've got seven different places in the center of town to eat with moderate to expensive pricing . do you have a preference ? eos O O O B-Restaurant-Inform+Choice 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 I-Restaurant-Inform+Price O O O O O O O O Restaurant-Select +bos 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 . eos O O O O O O 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 +bos what day and time do you plan to dine ? eos O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Inform +bos i do n't care about the time or day . i would just like the postcode of a restaurant the serves british food in the centre area of town , please . eos 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 B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Post +bos the oak bistro serves british food and is in the centre . the postal code is cb21eg . 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 B-Restaurant-Inform+Post O N/A +bos thank you - that 's all i 'll need today . i appreciate 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 good day ! eos O O O O O O general-bye +bos i need to find a restaurant call the nirala . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos i 'm sorry but i do not have a listing for that . eos O O O O O O O O O O O O O O Restaurant-NoOffer +bos perhaps you could try searching for `` the nirala '' ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos yes , the nirala is located at 7 milton road chesterton . it 's a moderately priced indian restaurant in the north area of town . would you like a reservation ? 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 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 O O Booking-Inform +bos yes , could you book a table for 5 people 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 O N/A +bos sure . your reference number is oy06anhy . 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 that 's all i need . thank you . eos O O O O O O O O O O general-thank +bos thank you for booking with us . have a great day . eos O O O O O O O O O O O O O general-bye,general-greet +bos i need a train from kings lynn to 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 N/A +bos what day will you be traveling on ? eos O O O O O O O O O Train-Request+Day +bos saturday and i want to leave sometime after 13:30 leaving kings lynn and going to cambridge eos O B-Train-Inform+Day O O O O O O O O O O O O O O O N/A +bos the tr9346 leaves at 14:11. would you like to book some tickets ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes , please book for one person . eos O O O O O O O O O N/A +bos booking was successful , the total fee is 7.84 gbp payable at the station .reference number is : cj3udsfh . 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 place to dine . the restaurant should be in the cheap price range and should serve spanish 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 is one place available . would you like for me 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 Booking-Inform +bos yes please book for 1 at 19:00 on saturday . eos 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 : lbsszorn . 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 is all i need , thank you . good bye . eos 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 general-bye +bos hi , could you help me find a train departing from london kings cross ? 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 N/A +bos i 'd be happy to help you find a train . what is your destination ? eos O O O O O O O O O O O O O O O O O Train-Request+Dest +bos i 'll be going to cambridge on thursday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos trains run that route every couple of hours . 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 O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i 'd like to arrive by 20:00. eos O O O O O O B-Train-Inform+Arrive O N/A +bos the latest arrival is tr1149 at 17:17 , is that ok ? eos O O O O O B-Train-Inform+Id O B-Train-Inform+Arrive O O O O O Train-Select +bos sounds great . when will that be leaving the station ? eos O O O O O O O O O O O O N/A +bos this train leaves at 17:17. eos O O O O O B-Train-Inform+Leave N/A +bos get me the price . also find me a 4 star hotel in the north eos O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area N/A +bos i do not have any in the north . what else can i help with ? eos O O O O O O O O B-Hotel-NoOffer+Area O O O O O O O O general-reqmore +bos what about a guesthouse in the north ? can you find me one ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos there is the acorn guest house . it has 4 stars and is moderately priced . would you like for 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 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 Booking-Inform +bos can you just tell me the address please ? eos O O O O O O O O O O Hotel-Request+Addr +bos price for the train is 23.60 pounds . the hotel is located at 154 chesterton road . eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos can you book the room for me ? eos O O O O O O O O O N/A +bos i would be happy to book that for you . can you tell me what day you will be checking in , how many people and for how many 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 O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay,Booking-Inform +bos i do n't need to book a hotel just need the address and price range . eos O O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Addr +bos it is a moderate priced guesthouse . they can be contacted at 01223353888. is there anything else i can help you with ? 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+Phone 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 and enjoy your stay in cambridge eos O O O O O O O O O general-bye +bos can you recommend any colleges in the centre of town , please ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos sure , there are 18 colleges . what part of town are you interested in going to ? i recommend christ 's college and it 's free admission . eos O O O O O B-Attraction-Inform+Choice 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+Fee O O O O O O O Attraction-Request+Area +bos is that in the centre of town ? i definitely want to visit a college 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 yes it is in the centre and will make your wildest dreams come true , would you like more information on them ? 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 general-reqmore +bos do they have an entrance fee ? eos O O O O O O O O Attraction-Request+Fee +bos they do not - admission is free . eos O O O O O O O B-Attraction-Inform+Fee O N/A +bos can you give me the post code ? eos O O O O O O O O O Attraction-Request+Post +bos their postal code is cb23bu . can i assist 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 general-reqmore +bos i 'm looking for a place to stay in the centre . free wifi , please . expensive price range . do n't need free parking . eos O O 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 O O O O O O O N/A +bos there are 2 hotels in centre that are espensive what star rating do you want ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O general-reqmore +bos no particular price range . eos O O O O O O N/A +bos the two hotels are the gonville on gonville place , and the university arms on regent street . eos 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 I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos ok , can you recommend one and give me the postcode and phone number . eos O O O O O O O O O O O O O O O O Hotel-Request+Post +bos i recommend the gonville hotel . the postal code is cb11ly . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Post O N/A +bos what is the phone number ? eos O O O O O O O Hotel-Request+Phone +bos you can reach the gonville hotel at 01223366611. eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Phone N/A +bos great i also am looking for a taxi that will leave the hotel by 11:00 eos O O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos okay and what is the destination please ? eos O O O O O O O O O Taxi-Request+Dest +bos i would like to go to christ 's college , please . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O N/A +bos booking completed ! booked car type : white skodacontact number : 07192870240 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 '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 are welcome . enjoy your day too . eos O O O O O O O O O O general-welcome,general-bye +bos i am planning a trip and could use some help with the trains . eos O O O O O O O O O O O O O O O Train-Inform +bos ok , what day , what time , and where to and from ? eos 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 would like to leave on tuesday departing from cambridge and arriving by 14:15 at london kings cross . eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos the tr0315 arrives at 13:51. do you want to book that trip ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes , please book me for 3 people , and can i get 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 Train-Request+Ref +bos your reference number is kholtdd9 . can i help you with anything else today ? eos 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 a college located in the east . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A +bos there are no colleges in the east would you like to try a different 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 Attraction-Request+Area +bos in that case , can you check and see if there is one in the type of boat ? 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 is one . camboats is located at the plough , green end , fen ditton . eos O O O O B-Attraction-Inform+Choice 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 great can i get the phone number and entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos i do n't have their entrance fee listed , but you can call them at 01223902112. 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 B-Attraction-Inform+Phone O O N/A +bos that is all i needed today . thank you good bye . eos 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 what can you tell me about an attraction called the fez club ? 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 it 's a night club in the centre , at the address 8 market passage . it costs 5 pounds to get in . would you like the phone number or postcode ? eos O O O B-Attraction-Inform+Type I-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 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 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 number is 01223519224. 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 i also need a train from cambridge to stansted airport . eos 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 are you hoping to travel ? eos O O O O O O O O O Train-Request+Day +bos from cambridge ? stansteadthrough the country though . but need to leave on saturday and arrive n\by 14:30 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 tr6193 will have you there at 14:08. would you like me to book a ticket 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 O Train-OfferBook +bos i 'm sorry , but i actually need to leave after 16:30. eos O O O O O O O O O O B-Train-Inform+Leave 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 need to arrive by 17:45. eos O O O O O O B-Train-Inform+Arrive N/A +bos i found one train tr2001 which departs cambridge at 16:40 and arrives at stansted airport at 17:08. would you like me to book it for you ? eos O 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 O O O Train-OfferBook +bos yes , please book me for that . i will need one ticket . 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 : trhsq5wo . 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 will be all . thank you . eos O O O O O O O O O general-thank +bos have a great day , glad to help you . eos O O O O O O O O O O O general-bye +bos could 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. which side of town do you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Area +bos it doesnt matter what side of town . eos O O O O O O O O O N/A +bos in that case , i would suggest this one lan hong house . eos 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 okay , can i please have the postcode and address ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos here 's you are : cb12lf , 12 norfolk street city centre . eos 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 O O O N/A +bos thank you so much . can you also help me with a hotel ? it 's called limehouse . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name O O O O N/A +bos sure ! the limehouse is a guesthouse in the north in the moderate price range . would like me to make a reservation for you ? eos 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 O O O O O O O O O Booking-Inform +bos yes , please . 5 people for 4 nights starting on tuesday . 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 : p8zmrwgo . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i would also like to book a taxi from the hotel to the restaurant , leaving by 21: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 O N/A +bos booking completed ! a grey audi will be picking you up . their contact number is : 07540575588. do you need any further assistance ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-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 i will also need a taxi to get to the hotel by 21:15 eos O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos i booked you a grey audi and the contact number is 07540575588. is there anything else i can help you with . eos O O O O O B-Taxi-Inform+Car I-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 general-reqmore +bos fantastic , thank you . that is all i need . eos O O O 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-bye +bos are there any trains arriving by 15:15 on thursday ? eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos i can help you with that . what day are you wanting 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 O O O O Train-Request+Dest,Train-Request+Day,general-greet +bos i need to go to broxbourne , i 'll be leaving cambridge . eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart O O O N/A +bos okay what day would you like to travel ? eos O O O O O O O O O O Train-Request+Day +bos i said thursday . eos O O O B-Train-Inform+Day O N/A +bos the tr0071 arrives at 14:01. would you like to book tickets ? eos O 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 book for 8 people . i need the reference number . also , i want information on a restaurant called bangkok city . eos O O O O O O B-Train-Inform+People 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 Train-Request+Ref +bos your train is booked , ref # 46pqov6y . now , what would you like to know about bangkok city ? eos O O O O O O B-Train-OfferBooked+Ref O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O general-reqmore +bos yes how did you know ? lol . can i have their phone number please eos O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos their number is 01223354382. 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 that is all thank you goodbye eos O O O O O O O general-bye +bos you 're welcome . thank you . goodbye eos O O O O O O O O O general-welcome,general-bye +bos i need a train going 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 N/A +bos ok. and where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart +bos i will be departing from cambridge on saturday . eos 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 ? 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 16:45. eos O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos how about tr2895 ? it leaves at 05:59. eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that sounds great . can you book 3 tickets for that train ? eos O O O O O O O O O B-Train-Inform+People O O O O N/A +bos your booking is complete . your reference number is h5mdq0xr . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos looking for places to go in cetre part of town a type of concerthall and i need the adress 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 the man on the moon 2 norfolk street , cb12lf . will there be anything else today ? 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+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos i 'm looking for a place to go in the south of town . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos what type of place are you looking for ? in the south , we have a cinema , theater , museum , parks , and night club . if you tell me what you are looking for , we can narrow it down . eos 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 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 O Attraction-Request+Type +bos south . and i need to get address and postcode eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos tenpin is a fun place in the south , located at cambridge leisure park , clifton way . their postcode is cb17dy . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Area O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Post O O O O N/A +bos and can you help me find a train to get to birmingham new street . it needs to leave after 19:15. 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 O O O O O B-Train-Inform+Leave N/A +bos may i ask what day you are needing to book the train for ? eos O O O O O O O O O O O O O O O Train-Request+Day +bos i 'll be traveling on monday . eos O O O O O B-Train-Inform+Day O O N/A +bos there are four trains on monday that would meet your needs , leaving at 20:01 , 21:01 , 22:01 , and 23:01. 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O N/A +bos ok , i 'll do the first train eos O O O O O O O O O Train-Inform +bos that 's train tr2850 leaving at 20:01 and arriving at 22:44. would you like reservations ? 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 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 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 . eos O O O O O O 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 i can confirm the train leaves from cambridge . the travel time is 163 minutes . may i help with something else ? eos O O O O O O O O B-Train-Inform+Depart 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 it for today . 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 , have a great evening . eos O O O O O O O O O general-welcome,general-bye +bos i 'm hoping to catch a train to london kings cross . eos 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 great , what time are you thinking ? eos O O O O O O O O O Train-Request+Leave +bos i need to leave after 19:00. eos O O O O O O B-Train-Inform+Leave N/A +bos from where will you depart ? 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 would you like to leave at 19:00 ? eos O O O O O O O O O Train-Request+Leave +bos anytime after that would be great . i also need tickets for 5 people . 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 to travel ? eos O O O O O O O O O Train-Request+Day +bos i 'll be leaving on a sunday . eos O O O O O O B-Train-Inform+Day O O N/A +bos tr9039 leaves at 19:00 and arrives at 19:51. would you like me to book you seats ? 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 Train-OfferBook +bos yes 5 please . do you know the williams art & antiques ? eos O O O B-Train-Inform+People O O O O O O O O O O N/A +bos i have booked 5 train tickets for you as requested . your reference number is ff0fhubj . may i assist you in finding info regarding williams art & antiques ? eos 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 O O O O general-reqmore +bos yes , what type of attraction is it ? eos O O O O O O O O O O Attraction-Request+Type +bos it is a museum located in the centre . is there anything else you would like to know ? eos 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 general-reqmore +bos no that will be all , 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,general-bye +bos what 's fun to do on the south side ? eos O O O O O O O B-Attraction-Inform+Area O O O N/A +bos cinema cinema is the first attraction listed . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O N/A +bos what type of attraction is it and how much does it cost ? eos O O O O O O O O O O O O O O Attraction-Request+Type +bos cineworld cinema is a cinema . i ca n't find information on the price . you may call them directly at 00872208000. do you need anything else ? eos O B-Attraction-Inform+Name B-Attraction-Inform+Type 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 N/A +bos yes , can you call them for me please . i am not from the area and do not want charges on my 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 O N/A +bos 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 . eos O O O O O O 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 information in cambridge . eos O O O O O O O O O N/A +bos since you contacted the help desk for cambridge i assumed this , can you please give me a starting point to begin a 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 general-welcome +bos actually , i 'll be needing to find a way to get to petersborough . i was thinking a train might be cheaper . eos O 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 yes it is eos O O O O general-welcome +bos i need to leave cambridge on monday and get to pererborough by 15: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 N/A +bos okay the tr2586 leaves at 14:06 and arrives by 14:56. 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 and how much does a ticket cost ? eos O O O O O O O O O N/A +bos the ticket is 16.50 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos and the travel time ? i also need a museum to go to in the east . 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 Train-Request+Duration +bos the travel time for that would be 50 minutes . cambridge artworks would be a great museum to visit and it 's free . does that interest you ? eos O O O O O O O O O B-Train-Inform+Time B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Type O O O O B-Attraction-Recommend+Fee O O O O O O O O Booking-Inform +bos that sounds perfect . what is the address ? eos O O O O O O O O O O Attraction-Request+Addr +bos the address is 5 greens road . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos thanks that 's all i need eos 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 'm looking for a train leaving on tuesday going to cambridge . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O N/A +bos okay ! from where are you departing ? eos O O O O O O O O O Train-Request+Depart +bos bishops stortford and leave after 08:15 on tuesday eos O O O O O O O O O N/A +bos what time is your arrival ? eos O O O O O O O Train-Request+Arrive +bos i do n't really care as long as i leave after 08:15. eos O O O O O O O O O O O O O N/A +bos there is a 09:29 that will arrive by 10:07. how does that sound ? eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O general-reqmore +bos excellent . please make a booking for six people , 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 booked ! the total fee is 60.59 gbp payable at the station.reference number : pughyj72 . eos 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 now i need a place to stay eos O O O O O O O O N/A +bos alright , is there a certain area 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 love a guesthouse in the west please . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos there are two places available . do you have a preference in price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price +bos yes i would prefer a cheap place . eos O O O O O O B-Hotel-Inform+Price O O N/A +bos finches bed and breakfast should be a good place for you . do you want me to book ? 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 O O Booking-Inform +bos does it have at least 4 stars ? eos O O O O O O O B-Hotel-Inform+Stars O N/A +bos yes , the hotel is rated 4 stars . eos O O O O O O O B-Hotel-Inform+Stars O O N/A +bos thanks , no need to book for now , but can i get the postcode , phone number , 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 Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr +bos its phone number is 01223276653 , address is 144 thornton road , cb30nd . anything else ? eos O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Addr 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 it was a pleasure to help . have a nice night . bye . eos O O O O O O O O O O O O O O O general-bye +bos i 'm wanting a train that leaves on friday and goes to cambridge . eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O N/A +bos sure thing . what 's your departure site and around 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 Train-Request+Depart,Train-Request+Leave +bos i want to leave after 16:45 , depart from birmingham new street . eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos the first train will leave at 17:40 and arrive at 20:23. does that sound good ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O general-reqmore +bos this time works fine for me . eos O O O O O O O O N/A +bos you train has been booked , and the reference number is zetnnfn0 . you will owe 75.09 gbp when you arrive . eos O O 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 N/A +bos thanks , i 'm also looking for some museums . eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos we have lots of wonderful museums . is there a particular area of the town you would like to find one in ? 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 Attraction-Request+Area +bos yes , do you have any in the centre ? eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there 's 11 museums in the centre is there a type of museum you 'd like to visit ? eos 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 Attraction-Request+Type +bos anyone of those would work . could you recommend something for me ? i 'll need the 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 O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the broughton house gallery is very nice and the phone number is 01223314960 and the address is 98 king street . eos 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+Phone I-Attraction-Recommend+Phone O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A +bos what area is it in ? eos O O O O O O O Attraction-Request+Area +bos it is in the centre . eos O O O O O B-Attraction-Inform+Area O N/A +bos hello ! i need to take a train on monday , from kings lynn . eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos 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 ? eos O O O O 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 any time after 13:15 would be fine . eos O O O O B-Train-Inform+Leave O O O O N/A +bos tr2257 leaves at 14:11. would you like to purchase a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos i just need the arrival time and price at this moment . eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos train tr2257 arrives by 14:58 and cost is 9.80 pounds . eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i also need an attraction that has a boat . eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos i can help with that . what area would you like me to check out for you ? eos 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 with a boat is fine . eos O O O O O O O O O N/A +bos i have four . what would you like to know about them ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O general-reqmore +bos you choose . can i get the phone number , postcode , 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 i 'd recommend camboats , the number is 01223902112 and address is the plough , green end , fen ditton , cb58sx eos O O O B-Attraction-Recommend+Name O O O B-Attraction-Recommend+Phone I-Attraction-Recommend+Phone O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O O O N/A +bos thank you , thats all i need today . eos 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 i 'm looking for an expensive place to eat in the west area of town . eos 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 there are nine expensive restaurants on the west side of town . did you have a specific 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 O O O O Restaurant-Request+Food +bos indian sound good . eos O O O O O N/A +bos we have tandoor palace , cocum , rice boat , maharajah tandoor restaurant , and india house , which would you like to try ? 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 O O O O O O O O O Restaurant-Select +bos the maharajah tandoor sounds great ! eos O O O O O O O N/A +bos would you like me to book you a table at maharajah tandoori restaurant ? eos 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 yes , a table for 2 people on friday at 12:00. i need a reference number . 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 O Restaurant-Request+Ref +bos all right , a table for 2 is reserved for you . m4tc7vrv is your reference number . eos O O O O O O O B-Booking-Book+People O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O N/A +bos 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 ? eos O O O O O O 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 would be happy to book you a taxi . could you please tell me where you would like to depart 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 Taxi-Request+Depart +bos i would like to leave maharajah taondoori , and go to a college . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O N/A +bos when would you like to leave the restaurant or arrive at the college ? eos 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 arrive at the restaurant by 12:00 on friday please . i will also need their contact number and the car type . 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 Taxi-Request+Car +bos would you like to arrive at the restaurant or at the college by 12:00 ? i 'm afraid there has been a misunderstanding . eos O 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 the restaurant please . eos O O O O O N/A +bos where would you like the taxi to take you ? eos O O O O O O O O O O O Taxi-Request+Dest +bos to the attraction eos O O O O Attraction-Inform +bos i apologize , there 's been a misunderstanding . before we can book your taxi , we need to know which college . there are 18 colleges . what area 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 B-Attraction-Inform+Choice O O O O O O O O O O O O O Taxi-Request+Dest,Attraction-Request+Area +bos i 'm sorry , let 's back up . we 'll worry about the taxi later . first , can you help me find a college on the west 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 B-Attraction-Inform+Area O O O O O O O O O O O N/A +bos i apologize for the confusion . i have 5 different museums . 3 are free and the other two charge 2.50 pounds . all are in the west . which do you prefer ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Select +bos i would prefer a free one , just surprise me with information on one of them please . eos O O O O O O O O O O O O O O O O O O O N/A +bos just to avoid any confusion on my part you were looking for a college or a museum ? i may have pulled up the wrong information . i apologize for that . eos 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 O O O O O O O O N/A +bos a college and i need their telephone number . eos O O O O O O O O O O N/A +bos certainly churchill college is free to enter and their address is storey 's way . eos O O B-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 O O N/A +bos great ! may i have their contact number ? eos O O O O O O O O O O N/A +bos the contact number for churchill college is 01223336233. are you ready to book that taxi now that we know which college you are wanting to travel to ? 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 O O O O O O O O O O general-reqmore +bos yes please , to be precise and clear up prior misunderstandings , i need a taxi at 11.45 from churchill college to maharajah tandoor so i can get there by 12. 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 O O O O O O O O O O O O N/A +bos yes , we 've booked a taxi for you : a red volvo , contact number 07272851306. 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 N/A +bos that is wonderful . thank you so much for being patient . 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 O general-bye +bos thank you , goodbye . eos O O O O O O general-bye +bos hello , i am new to town and would like some ideas on whee i should go in the 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 N/A +bos there are 44 attractions you can view - is there a specific type of activity 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 O O Attraction-Request+Type +bos no . can you recommend a place i should go ? eos O O O O O O O O O O O O N/A +bos i can recommend the vue cinema at the grafton centre , east road . would you like me to book tickets ? eos O O O O O O B-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 O Booking-Inform +bos ok. what is the entrance fee ? eos O O O O O O O O Attraction-Request+Fee +bos i 'm sorry , i do n't have a listing of their entrance fee in my system . 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 N/A +bos thanks , i 'm also looking for an expensive danish restaurant in the centre of town . eos 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 N/A +bos i am sorry , i could n't find such a restaurant . would you like to change your preferences , perhaps 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 O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos i apologize , but can we go back to finding a place to go but i would like something preferably in the centre of town and how much it costs ? 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+Area O O O O O O O O O N/A +bos the vue cinema is in the centre , but the entry fee is not listed . perhaps you 'd prefer all saint 's church , which is renowned for its architecture , and offers free admittance ? eos O O O O O O O B-Attraction-Inform+Area 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 B-Attraction-Inform+Type O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O N/A +bos no thank you . i 'm looking for an indian restaurant eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are five indian restaurants near the centre in the expensive price range . they are : curry garden , the golden curry , saffron brasserie , panahar , and curry king . eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O N/A +bos let 's go with curry garden . i need the postcode , address , and phone number to that please . eos 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos curry garden is located at 106 regent street city centre . the postcode is cb21dp . the phone number is 01223302330. 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 B-Restaurant-Inform+Phone N/A +bos i also need a taxi from vue cinema to curry garden . i need to leave curry garden by 14:45 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 O O O O O O B-Taxi-Inform+Leave N/A +bos i 've booked your taxi - a grey toyota , contact number 07445683800 - but we should probably shore up the plans again . is it vue to curry garden or vice versa ? 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 O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart +bos vue to curry . thank you . eos O O O O O O O O general-thank +bos i apologize for the confusion . currently , the taxi is set to depart vue cinema at 14:45 to go to curry garden . does this need to be changed ? eos 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 O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O N/A +bos no . that is what i need . thank you ! eos O O O O O O O O O O O O general-thank +bos great ! thank you for confirming that . 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 this looks complete , 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 i need to find a hotel in the south please eos O O O O O O O O O O O Hotel-Inform +bos i 'm sorry , but i 'm experiencing a system 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 O N/A +bos uh , i want to find a place to go in town . i really want to look at some of the colleges . 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 N/A +bos certainly . the town has many colleges to look at . is there any particular area of the town you 'd like to narrow it down to ? eos O O O O O B-Attraction-Inform+Choice I-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 O O Attraction-Request+Area +bos not really . any college would be great . eos O O O O O O O O O O N/A +bos how about christ 's college ? it 's located in the centre of town at saint andrew 's street . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O N/A +bos that sounds great ! what 's the postcode ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb23bu . anything else i can find for you ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos could you look up don pasquale pizzeria for me ? i 'd like to know the postcode . 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 Restaurant-Request+Post +bos certainly . the postcode is cb23nj . eos O O O O O B-Restaurant-Inform+Post O O N/A +bos can i book a taxi from christ 's college to don pasquale pizzeria ? 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 I-Taxi-Inform+Dest O N/A +bos sure . when will you need the taxi ? eos O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos actually i need to go from the restaurant to the college . i 'd like to leave by 7:15. eos O O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos a blue volvo will pick you up at the pizzeria . the contact number is 07889066606. is there anything else i can help you with ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Phone 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 O general-thank +bos you 're very welcome . thank you and goodbye ! eos O O O O O O O O O O O general-welcome +bos hi . would you happen to be able to suggest a museum in the east side of town ? 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 i found the cambridge museum of technology . it is located at the old pumping station on cheddars lane . there is an entrance fee of 5 pounds . 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A +bos great , that is very helpful . thank you . eos 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 an expensive restaurant that serves indian food . eos O O O O 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 in cambridge . do you know what part of town you would like to be in ? 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+Area +bos yes i would like it in the same part of town as the museum please . eos O O O O O O O O O O O O O O O O O N/A +bos the pipasha restaurant is also in the east part of town and fits your criteria . would you like me to book it for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Booking-Inform +bos can you book it for 7 people for 18:00 on wednesday and then send me the reference number ? 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 Restaurant-Request+Ref +bos sure thing ! the reference number is 06g0muze . 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 general-reqmore +bos no , thank you , that was everything i needed for today ! eos 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-welcome,general-bye +bos i am looking for an attraction in the centre of cambridge . eos O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are several attractions in the town centre . are you looking for a particular type ? 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 Attraction-Request+Type +bos yes , please find any museums in the town centre . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there is the whipple museum of the history of science located in the town centre , on free school lane . is there any thing 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 I-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 I-Attraction-Inform+Addr O O O O O O O O O O O O O general-reqmore +bos i need the postcode . also , is there any place in town serving barbeque ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O Attraction-Request+Post +bos the museum 's post code is cb23rh . sadly , there are no restaurants serving barbeque . is there something else you might be interested in instead ? eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Post 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 N/A +bos i am also interested in a moderately priced place i can get barbeque . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos i do apologize there are no restaurants serving barbecue . is there something else you might be interested in instead ? 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 N/A +bos are there any places that serve gastropub food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes , the cow pizza kitchen and bar is a moderately priced gastropub in the center of town . would you like a table there ? 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 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 O O Booking-Inform +bos sure ! for 5 people at 13:45 on sunday please . thank you ! 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 N/A +bos they are not available for that time , is there another day and or time that 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 O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos sure , would 12:45 be available ? eos O O O B-Restaurant-Inform+Time O O O O N/A +bos alright , you 're booked for 12:45. your reference number is dxmy5v92 . eos O O O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O N/A +bos i would also like to book a taxi that arrives by 12:45 to the restaurant . i would also like its contact number and car type . eos 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 Taxi-Request+Car,Attraction-Request+Type +bos i was able to get a blue lexus and their number is 07087322851 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 perfect . thank you very much for your help . 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-welcome,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 many places to go in the centre ! what sort of place would you like to go ? a museum , park , or someplace else ? 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 O O O O O O O O O O O O Attraction-Request+Type +bos i am looking for entertainment in the centre . eos O O O O O O O O O O N/A +bos i 'm sorry . i am not showing anything listed under just entertainment . we have listings for several nightclubs and theaters . would you be interested in information for any of those ? eos O O O O O O O O O O O B-Attraction-NoOffer+Type 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 O Attraction-Select +bos do you have any college listings ? and could you provide me with their addresses and phone numbers ? eos 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+Addr +bos yes ! there are 13 colleges in the centre . the first one listed is christ 's college and it is located at saint andrew 's street and the phone number is 01223334900. eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O 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 O O B-Attraction-Inform+Phone O O O O N/A +bos thank you , i am also looking for a place called pizza express to eat . eos 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 pizza express serves italian food and is in town centre in the moderate price range . is this the one you 're looking for ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Select +bos yes it is . could you book a reservation for me please ? i 'd like a table for 3 people at 13: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+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A +bos ok. i booked a table for three at 13:45. the reference number is 6upr0q63 . can i help you with anything else ? 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 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 are welcome . enjoy your day . eos O O O O O O O O O general-welcome +bos i 'm looking for milton country park . can you tell me about it ? 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 N/A +bos of course , it 's a park located in the north area of town and has no entrance fee . the phone number there is 01223420060 eos 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 B-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 what kind of attraction is it ? eos O O O O O O O O Attraction-Inform +bos it is a country park ? would you like to find anything else today ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O general-reqmore +bos i am also looking for a restaurant that serves international food and located in the centre of town . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O N/A +bos the varsity restaurant is your best bet . 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 Booking-Inform +bos is that in the moderate price range ? eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos it sure is . may i book it for you ? eos O O O O O O O O O O O O Booking-Inform +bos no thank you but i would like the full address and phone number 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 address for the varsity restaurant is 35 saint andrews street city centre , cb23ar . the phone number is 01223356060. can i help you with anything else ? 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 I-Restaurant-Inform+Area 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 can you book me a taxi between the two places ? i want to get to the attraction by 20: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 . is there anything else i may help you with today ? eos 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 please have the contact number and car type for the taxi ? eos O O O O O O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Type +bos yes . the contact number is 07874698505 and the car type is a grey skoda . can i help with anything else ? eos 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 O O O O O O O O general-reqmore +bos no thank you , that was everything that i needed help with . 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 O O O O O general-thank +bos have a great day ! eos O O O O O O general-greet +bos what museums are there in the north area of town ? eos O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O N/A +bos i 'm sorry . there are none . eos O O O O O O O O O Attraction-NoOffer +bos how about a swimming pool then ? eos O O O O O O O O N/A +bos king hedges learner pool is located at jedburgh court , kings hedges . 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 I-Attraction-Inform+Addr O N/A +bos thank you . i just need the phone number and i 'm wondering how much 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+Phone,Attraction-Request+Fee +bos yes of course their telephone number is 01223353248 and i do not unfortunately have information on their entrance cost at this time . eos O O O O 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 I-Attraction-Inform+Fee O O O O O O O N/A +bos thanks , that sounds great . can you suggest a cheap restaurant near the pool ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos there are 2 cheap options in the north by the pool . royal spice serves indian and da vinci pizzeria serves italian . do you have a preference ? 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+Area 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 Restaurant-Select +bos i am actually looking for a restaurant that serves scottish food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i am sorry there are not any restaurants that serve scottish food in the north area . would you like to broaden your area ? 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 I-Restaurant-NoOffer+Area O O O O O O O O O Restaurant-Request+Area +bos how about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos yes , da vinci pizzeria is in the north and serves italian food and is in the cheap price range . can i reserve a table for you ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Food 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 . there will be 5 of us and we would like to eat on tuesday at 17:45. eos 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 N/A +bos i am very sorry that time was not available at da vinci pizzeria . would you like to try a different time/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+Time,Booking-Request+Day +bos how about 16:45 on tuesday ? can i have the reference number ? eos O O O B-Restaurant-Inform+Time O O O O O O O O O O Restaurant-Request+Ref +bos i 'm sorry , that time is not available either . would you like to try another one ? 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 +bos 15:45 , 18:45 , if not is there another italian restaurant that i could get a table for 5 at etiher 16:45 or 17:45 ? 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 B-Restaurant-Inform+Time O O O O N/A +bos i am very sorry , our system was giving me an error , but i have managed to book your party of 5 at 16:45 on tuesday . your reference number is xrr7utlu . 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 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 O general-reqmore +bos yes i will also need 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 i have a taxi that can take you from the king hedges pool to the restaurant , arriving there by your reservation time of 16:45. will that work for you ? 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+Dest I-Taxi-Inform+Dest O O O O O O B-Taxi-Inform+Arrive O O O O O O O N/A +bos what is the contact number and what will be the car type ? eos O O O O O O O O O O O O O O Taxi-Request+Car +bos contact number is 07516311076 , car type is a grey ford . eos O O O O B-Taxi-Inform+Phone O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos thank you so much ! eos O O O O O O general-thank +bos anything else i can do for you ? eos O O O O O O O O O general-reqmore +bos no , that is all i need today . thanks again ! bye . eos O O O O O O O O O O O O O O O general-bye +bos okay enjoy your stay in cambridge ! eos O O O O O O O O general-bye +bos i 'm looking for a restaurant that serves gastropub . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are four gastropubs in cambridge . is there a price range you prefer ? 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+Price +bos expensive . and in the centre , if you can . eos O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O N/A +bos i have the backstreet bistro or the slug and lettuce . would you like me to book a reservation at one for you ? eos 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 Booking-Inform,Restaurant-Select +bos could you book a table at the backstreet bistro on friday ? 18:45 for 4 people , please . eos O O O O O O O O O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O O N/A +bos i 'm sorry , backstreet bistro does not have availability at this time . would you like to book another day or time for your reservation ? 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 O O O O Booking-Request+Time,Booking-Request+Day +bos please try 17:45 and get me the reference number if possible . eos O O O B-Restaurant-Inform+Time O O O O O O O O O Restaurant-Request+Ref +bos you are all set for friday at 17:45 for 4 people . the reference number is 4ienedkd . is there anything else i can help with ? eos O O O O O O B-Booking-Book+Day O B-Booking-Book+Time B-Booking-Book+People 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 something to do in town . are there any museums close by to the restaurant ? 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 N/A +bos the cambridge contemporary art museum is on trinity street . there are a number of others in the area also . can i give you any other 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+Addr I-Attraction-Inform+Addr 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 general-reqmore +bos can you confirm whether this is in the centre area ? and if i can get 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 Attraction-Request+Phone +bos yes , this is in the centre area . the phone number is 01223324222. would you like to know anything else ? eos O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , i would also 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 Taxi-Inform +bos 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 . eos O O O O O O O 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 'll be leaving cambridge contemporary art museum , and heading to the restaurant with my party to arrive before our reservation . eos 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 N/A +bos ok , i have your taxi booked from the museum to the restaurant , arriving by 17:45. anything else i can do for you ? 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 O B-Taxi-Inform+Arrive O O O O O O O O O O N/A +bos yes , i need to know the contact number and car type eos O O O O O O O O O O O O O Taxi-Request+Car +bos certainly . it will be a black honda . the contact number is 07091386292. do you need 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 N/A +bos no , i do n't need anything else . you have been very helpful . 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 time ! eos O O O O O O O O O O general-welcome,general-bye +bos i need to find an italian restaurant please . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are several italian restaurants . what area 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 Restaurant-Request+Area +bos i am so sorry , i would rather have gastropub food , moderately priced please . eos O O O O O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O O O N/A +bos sure depending on whether you 'd like to be in the center or not i do have one moderately priced gastropub called the cow pizza kitchen and bar . eos O O O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+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 N/A +bos location is not a problem . please book me a table for 2 at 1645 , wednesday . i 'll probably need the reference number , too . eos O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O O O O O O O O O O O Restaurant-Request+Ref +bos i was able to successfully book your table ! your reference number is v3pumo0w . 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 i would also like to visit a college 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 how about corpus christi , on king 's parade ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos that sounds great , may i have the address ? eos O O O O O O O O O O O Attraction-Request+Addr +bos the address is on king 's parade in the centre . do you know where that is ? i can give you directions or call you a taxi . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 general-reqmore +bos i do know where that is located . 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 you are welcome . good bye . eos O O O O O O O O general-welcome,general-bye +bos i am looking for a swimming pool 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 am sorry , there are no swimming pools located on the south side . would you be interested in visiting a different attraction ? 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 I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O N/A +bos how about a cinema instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos cineworld cinema in the south side is located at cambridge leisure park , clifton way cb17dy and their phone number is 00872208000. is there any other information i can get you ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos what 's the postcode and enterance fee ? eos O O O O O O O O O Attraction-Request+Post +bos unfortunately i do n't have any information on the entrance fee . the postcode is cb17dy . can i help you with anything else ? eos 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 O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos i am also looking for a restaurant that serve portuguese food in the south 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 N/A +bos nandos meets your criteria . would you like to book a table ? eos O B-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform +bos yes . book for 7 people on saturday at 15:15. eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos you have a table booked for 7 people at 15:15 on saturday . it will be reserved for 15 minutes . the reference number is x361i811 . eos 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 O O O O O O O B-Booking-Book+Ref O O O N/A +bos i also need to book a taxi to commute between the two . i need to get to 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 Restaurant-Inform,Taxi-Inform +bos your taxi service is booked . be expecting a black volkwagen . if you need to reach them , please call 07338019809. 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 B-Taxi-Inform+Phone 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 i am glad i can help . enjoy your stay . eos O O O O O O O O O O O O general-welcome,general-bye +bos i will . thank you . 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 a place to stay in west cambridge , and it must include free parking . 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 there are four options available . do you have a particular 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 Hotel-Request+Price +bos no but it does need to be a hotel and i need to have free wifi please . 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 still am showing 4 entries . do you have a preference for stars ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Stars +bos i do n't have any preference . what are the options ? eos O O O O O O O O O O O O O N/A +bos finches bed and breakfast , hobsons house , hunting marriott hotel , and the cambridge belfry are available . 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 O O N/A +bos please book finches for three days starting on saturday . eos O O O O O O O O O B-Hotel-Inform+Day O N/A +bos alright , just one guest ? eos O O O O O O O Booking-Request+People +bos never mind . can i get the star rating , price , and phone number for finches instead ? 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+Price +bos finches has 4 stars and is cheap . their phone number is 01223276653. are you sure you would n't like me to book the room for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price 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 , thank you for the suggestions i will check and look up the one that best fit . 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 am sorry we were unable to find you a hotel that fit your preference , 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 am looking for places to go , preferably a college . eos O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos christ 's college is in the center of town and free to enter . 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 B-Attraction-Inform+Fee O O O O N/A +bos can you provide me with the area , phone number and address of christ 's college 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+Phone,Attraction-Request+Addr +bos christ 's college is located in the centre of cambridge in postal code , cb23bu . it is on saint andrew 's street . the phone number is 01223334900. is there anything else ? 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 O O B-Attraction-Inform+Post 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 general-reqmore +bos yes , i would also like too book a train to stevenage , i would like for it to arrive by 19:15. eos O O O O O O O O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Arrive O O N/A +bos where would you like to depart from , and what day ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +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 tr0217 departs cambridge at 17:21 on friday and arrives at stevenage at 18:10. would you like to book tickets on this train ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day I-Train-Inform+Day 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 that sounds like it will work for us , please book me 7 tickets and provide a reference number . 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 Train-Request+Ref +bos great ! you 're booked with reference number 826wfftu . the total fee is 89.6 gbp payable at the station . may i help with anything else ? 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 O O O O O O general-reqmore +bos that is all i need right 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 general-thank +bos great ! well , thanks for calling ! you have a good day ! eos O O O O O O O O O O O O O O O general-greet +bos i am looking for places to go in the east 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 i have many places on the east side . would you like a museum or maybe a boat ? 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 N/A +bos i would like a boat type . thank you . eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos camboats is available in the east area their address is the plough , green end , fen ditton eos 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 O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos thank you , can i get the postal code and phone number as well ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure , their postcode is cb58sx and their phone number is 01223902112. can i assist you with anything else today ? eos 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 general-reqmore +bos yes . i need a hotel with a star rating of 0 that includes free parking . eos O B-Hotel-Inform+Parking O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos we have 2 choices city centre north b and b in the north and el shaddai in the centre , both are guesthouses in the cheap range . eos O 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A +bos whichever one provides free parking and is at least a 4 star will work . please book and provide a reference number . 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 O O O N/A +bos they both offer free parking but they are both 0 stars . eos O O O O O O O O O O O O O N/A +bos alright pick one then . eos O O O O O O N/A +bos alright , i just need to know how many people will be staying there , from what day , 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 O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay +bos does it have internet ? eos O O O O O O Hotel-Request+Internet +bos el shaddai is 0 stars and has internet and parking . how many people will be staying ? 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 O O O O Booking-Request+People,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i 'm not booking it now , just gathering information which you have provided . thank you very much ! 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 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-welcome,general-bye +bos i am looking for a restaurant in the centre of town that serves mexican food . preferably , some place that is cheap to moderately priced . are there any in that 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 O O Attraction-Request+Area +bos i 'm sorry , my system is not allowing me to look up mexican restaurants in the center of town . is there anything else i can help with ? eos O O O O O O O O O O O O B-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 general-reqmore +bos yes , i 'm not looking for a restaurant right now , i 'm actually looking for a train . i need to go to cambridge from birmingham new street on saturday after 15:15. 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 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 O O N/A +bos i have found 9 available trains . the first leaves at 15:40 and they leave every hour after that . would you like me to book one for you ? 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 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 yes the 15:40 sounds good . can you book it for 5 people please ? eos 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 and the total fee is 300.39 gbp payable at the station . 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 O O O O O O O general-reqmore +bos actually , could you get me some information about museums in the area ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O Attraction-Request+Area +bos we actually have 23 restaurants in town ! is there a certain area you 'll be in ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Area +bos i 'm not looking for a restaurant , i want a museum . you can choose it . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos how about the museum of archaeology and anthropology , in the centre ? admission is free . 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 O O B-Attraction-Inform+Fee O O O N/A +bos great . could you also get me their postcode ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb23dz . 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 thank you that 's all that i needed today . eos O O O O O O O O O O O general-thank +bos it was a pleasure to assist you . 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 train , it should leave on tuesday and should depart 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 N/A +bos sure . do you have any preference for departure or arrival time ? 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 want to depart from cambridge on tuesday at 14:00 and go to bishops stortford eos O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A +bos tr8017 leaves at 15:29. would you like me to book that 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 , please . i 'll need 8 tickets . eos O O O O O O B-Train-Inform+People O O O O N/A +bos i was able to book those tickets for you . your reference number is 0mht5esu . 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-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos can you give me a few places to go in town for architecture ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos for architecture you have all saints church , old school , holy trinity church , and little saints mary 's church . would you like any information on any of those ? eos O O B-Attraction-Inform+Type 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 Attraction-Select +bos yeah , holy trinity church sounds good . can i get the postcode for that ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos yes , it 's postcode cb23nz . would you also like their address or phone number ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O O O N/A +bos nah , that 's all i needed . eos O O O O O O O O O N/A +bos great , text us back anytime , and have a good day ! eos O O O O O O O O O O O O O O general-bye +bos expensive mediterranean restaurant please eos O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos la mimosa is an expensive mediterranean restaurant in the centre part of town . would you like their location ? 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 O O O O O O O O O general-reqmore +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 for la mimosa is 01223 362525 , and the postcode is cb58aq . 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 B-Restaurant-Inform+Post O O N/A +bos thank you good bye . 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 thank you , goodbye . eos O O O O O O general-bye +bos thank you for using our system and have a great day ! eos O O O O O O O O O O O O O general-bye +bos can you please recommend an inexpensive restaurant in the east part of town ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos the best match to your request is the missing sock located at finders corner newmarket road . eos O O O 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 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 their phone number is 01223 812660 and their postcode is c.b 25 , 9 a.q . 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+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A +bos can i book a taxi today , please ? i 'm going to avalon . eos O O O O O O O O O O O B-Taxi-Inform+Dest O O O O N/A +bos i would be happy to help you . first i will need to know where you are departing from and what time you want to arrive/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 Taxi-Request+Leave,Taxi-Request+Depart,Taxi-Request+Arrive,general-greet +bos pick me up at the pizza express fen ditton and take me to the avalon before 21:00. can i get the car type and contact number ? eos 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 O O O B-Taxi-Inform+Leave O O O O O O O O O O Taxi-Request+Car +bos a red lexus will pick you up by 21:00. your contact number is 07323820078. eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone N/A +bos i need to be at the avalon by 21:00. the taxi will have to arrive slightly earlier to get me to my destination on time . eos O O O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O O O O O O O O O O O O N/A +bos oh , i am very sorry for my error . you will arrive at avalon by 21:00. i reserved a blue lexus with new contact # 07060980339. eos O O O O O O O O O O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone general-welcome +bos thank you so much for your help . eos O O O O O O O O O general-thank +bos let me know if there is anything else you need . eos O O O O O O O O O O O O general-reqmore +bos hello , i need information about old schools . eos O O O O O O O O O O general-greet +bos there are 5 local colleges , do you have a particular area you are interested in ? 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 Attraction-Request+Area +bos i do n't have an area preference . eos O O O O O O O O O Attraction-Request+Area +bos old schools is an architectural attraction in the center of town . they are located on trinity lane , in postcode cb21tt . eos O 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 O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O N/A +bos what is the phone number ? eos O O O O O O O Attraction-Request+Phone +bos the phone number is 01223332320. do you need any more information ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos yes , i 'm looking for a train that leaves on wednesday for cambridge eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O N/A +bos i have over 200 entries . let 's try to narrow that down . what time would you like to arrive ? 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 Train-Request+Arrive +bos monday at 11:00 for 5 people please eos O B-Train-Inform+Day O B-Train-Inform+Leave O O O O N/A +bos just to confirm , you want to leave on monday , or wednesday ? and where are you departing from ? eos O O O O O O O O O O O B-Train-Select+Day I-Train-Select+Day O O O O O O O O O Train-Request+Depart +bos leaving ely anytime after 15:15 and i need to know how long the ride is and the specific arrival time please . eos O O O B-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+Arrive +bos tr6898 departs at 15:35 eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos i would like a restaurant in the north part of town that serves korean 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 i 'm sorry , there are no korean restaurants in the north part of town . can i help you find 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 Restaurant-NoOffer,general-reqmore +bos how about any area ? eos O O O O O O N/A +bos little seoul is in the centre and serves korean food eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O N/A +bos what is the address and price range ? eos O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Addr +bos little seoul is at 108 regent street city centre and is an expensive restaurant . do you want the phone number ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 . good bye eos O O O O O O O O O O general-bye +bos i 'm looking for some place to go in the town centre . something sports related . 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 i am sorry but i have nothing in that area for sports . would you like to try another area or attraction today ? eos O O O O O O O O O O O O B-Attraction-NoOffer+Type O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos ok , are there any colleges 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 are 13 colleges in the centre area . christ 's college and downing college are two of these , would you like some more information on one of these ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O O O O general-reqmore +bos yes , christ 's college . what is the entrance fee for that college ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry , i can not look up the entry fee to christ 's college . is there anything else i can do for you 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 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 i also need a restaurant in the same area . eos O O O O O O O O O O O N/A +bos sure , there are many nearby , do you have a type of cuisine you are looking for or a price range to look at ? 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+Price,Restaurant-Request+Food +bos i 'd like something moderately priced . eos O O O O B-Restaurant-Inform+Price O O O N/A +bos the yippee noodle bar is in the centre and moderately priced . would you like more information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O general-reqmore +bos yes , i 'd like the post code . also , if you ca n't get it for christ 's college , do you know the entrance fee for downing college , by any chance ? eos O O O O O O O O O O O O O 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,Attraction-Request+Fee +bos the postcode of yippee noodle bar is cb11lh . christ 's college is free to enter . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos thanks ! i think you covered everything i need . 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 thank you for using cambridge towninfo centre . please contact 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-bye +bos hello . i want a cheap barbeque restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos there is not a restaurant matching your request . would you like a different restaurant ? eos 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 cheap indian restaurants ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are four listings for the provided criteria . do you prefer the centre or south area ? eos 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 do n't care . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos kohinoor is a cheap indian restaurant in the centre of town . would you like their address ? eos O B-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 general-reqmore +bos yes please eos O O O N/A +bos the address is 74 mill road 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 thank you , goodbye . eos O O O O O O general-bye +bos i would like to book a taxi leaving after 10:00 from the cambridge book and print gallery . eos O O O O O O O O O O B-Taxi-Inform+Leave 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 could you tell me where you would like to go ? eos O O O O O O O O O O O O Taxi-Request+Dest +bos i would like to go to the bloomsbury restaurant . could you send me the contact number and car type of the taxi , once it 's booked ? eos 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 O O O O O O O O O Taxi-Request+Car +bos of course ! look for a yellow volvo . the contact number is 07346991147. would you like 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 general-reqmore +bos no , thank you for your quick help . bye . eos O O O O O O O O O O O O general-bye +bos anytime ! let me know if you need anything else eos O O O O O O O O O O O general-bye +bos hello i would like to find a restaurant in the west part of the city that costs a moderate amount . 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 N/A +bos prezzo is a moderately priced italian restaurant in the west part of town . would you like their phone number ? 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 yes and the address . eos O O O O O O Restaurant-Request+Addr +bos their phone number is 01799 521260 and their address is 21 - 24 northampton road . eos 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 I-Restaurant-Inform+Addr N/A +bos i need a taxi . i am going to avalon and i need to leave after 16:15 eos O O O O O O O O O B-Taxi-Inform+Dest O O O O O O B-Taxi-Inform+Leave O N/A +bos i will need to know where you need to be picked up ? eos O O O O O O O O O O O O O O Taxi-Request+Depart +bos i will be at parkside pools . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos alright i have a red lexus picking you up at parkside pools at 16:15. the contact number for the taxi is 07332430116. 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 N/A +bos great that will be everything thanks . 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 want to find a restaurant in the north part of town and serves international 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 i 'm sorry , there are no international restaurants listed 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 Restaurant-NoOffer,general-reqmore +bos are there any italian restaurants in that part of town ? eos O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos yes . da vinci pizzeria restaurant in the north part of town and in the cheap price range . would you like more information for them ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 general-reqmore +bos yes , the address and phone number please . eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos here is the information you have requested . phone number is 01223 351707 , and address is 20 milton road chesterton . will that be all ? eos O O O O O 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 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 hi ! i am so excited to be traveling to cambridge . would you please help me look for a place to eat 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 O N/A +bos there are 100 restaurants in cambridge ! do you have a food type 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 yes i am looking for an expensive restaurant that serves modern european food in the centre . eos 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 B-Restaurant-Inform+Area O N/A +bos darry 's cookhouse and wine shop meets all of these requirements . would you like me to reserve a table ? 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 Booking-Inform +bos no , but can you give me the phone number and address including 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+Phone,Restaurant-Request+Addr +bos yes certainly . the address is 40270 king street city centre , postcode cb11ln . their telephone number is 01223505015. 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 B-Restaurant-Inform+Phone O O O general-greet +bos also , i am looking for a multiple sport attraction in the same area . can you 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 we do n't have any sports attractions in this area . is there another area i can help you with ? 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 O O O Attraction-Request+Area +bos no . hmm . what about a concerthall ? eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos the man on the moon is a concerthall in central cambridge . it is located at 2 norfolk street , postcode cb12lf . is there anything else i can do 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 O B-Attraction-Recommend+Type I-Attraction-Recommend+Type B-Attraction-Recommend+Area I-Attraction-Recommend+Area 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 general-reqmore +bos can you get me the phone number please ? eos O O O O O O O O O O Attraction-Request+Phone +bos certainly , the man on the moon 's phone number is 01223474144. do you need information about 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 B-Attraction-Inform+Phone O O O O O O O O O O general-greet,general-reqmore +bos i would also like the address and postcode for the man on the moon concert hall . 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 the man on the moon is located at 2 norfolk street , postcode cb12lf . do you need the phone number as well ? 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 B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos yes i will need the 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 Attraction-Request+Phone +bos the phone number for the man on the moon is , 01223474144. is there anything else i can do for you ? 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 O O O O O O O O O O O general-reqmore +bos no i do not need any more info thanks eos O O O O O O O O O O general-thank +bos if you need anything else , please contact us . have a good day . eos O O O O O O O O O O O O O O O O general-bye,general-greet +bos i would like to see a college in the centre area 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 i have 13 colleges . i like the emmanuel college but is there another one you had in mind ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O Attraction-Request+Name +bos emmanuel college is fine . what 's the address ? eos O O O O O O O O O O O Attraction-Request+Addr +bos emmanuel college is on saint andrew 's street . it is free admission . can i help you with anything else 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 O B-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore +bos yes please , can you help me with train schedules too ? i need to travel on sunday . eos 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 of course ! so that i can better help you , can you give me the departure and destination cities you are considering ? eos O 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,general-greet +bos i am leaving from cambridge and going to birmingham new street . i would also like to leave after 21:00. 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 O O O O O O B-Train-Inform+Leave O N/A +bos i have tr1012 , leaving at 21:01 and arriving at 23:44. will 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 O O O Train-OfferBook +bos it sure will if you can book 8 tickets for me . eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos your booking was successful and your fee is 480.64 gbp . 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 O O general-reqmore +bos can i get the reference number for the train please ? eos O O O O O O O O O O O O Train-Request+Ref +bos of course ! your reference number is j4y78rxr . may i help with anything else ? eos O O O O O O O B-Train-Inform+Ref O O O O O O O O O general-greet,general-reqmore +bos nope . thank you for your help ! 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-welcome,general-bye +bos hi , i 'd like to book a taxi from the golden wok to the golden curry please . 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 O O O N/A +bos can you tell me what time you want to leave the golden wok and when you want to arrive at the golden curry ? eos O 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 would like the taxi to leave after 09:00 eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos thanks , i have booked you taxi , booked car type , yellow bmw , and contact number 07358048101. 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 B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos perfect ! 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 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 'm looking for a train from london liverpool street . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos i have many trains that leave from london liverpool street . when would you like to leave ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O Train-Request+Leave +bos i would like to leave on sunday to cambridge and get there by 16:00 or before . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O O N/A +bos there are 5 options on sunday from london liverpool street to cambridge . would sunday early morning be better ? you could arrive by 07:07. or would you prefer later in the morning ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Select+Leave I-Train-Select+Leave O O O O O O B-Train-Select+Arrive O O O O O O O O O O O Train-Request+Leave +bos i would prefer later in the morning if possible . eos O O O O O O O O O O O N/A +bos the tr9835 train leaves at 11:39. would you like me to book that for you ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O O O O O O O O N/A +bos yes , please . i 'll need to book for 6 people . eos O O O O O O O O O B-Train-Inform+People O O O O N/A +bos alright , you 're all booked , your reference number is a6pu52r6 . anything else i can get 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 O O general-reqmore +bos i 'd like a place to stay in the east of the city . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos there are 6 guesthouses and 1 hotel in the east of cambridge , ranging from cheap to expensive . do you have a preference ? eos 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 B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Select +bos are any of them moderately priced with free wifi included ? eos O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos yes . i would recommend the carolina bed and breakfast . would you like to go ahead and book a room ? 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 O O O O O Booking-Inform +bos yes please , i 'll need a reservation for the same 6 people for 2 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 O N/A +bos your reservation has been made at the carolina bed and breakfast for 2 nights , including 6 people , beginning on sunday . ref # lhn3bibk . is there anything else i can yelp 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 O O B-Booking-Book+Stay O O B-Booking-Book+People 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 general-reqmore +bos that is all i needed for today . thank you ! eos O O O O O O O O O O O O general-thank +bos thank you and please contact us again 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 information on the riverboat georgina . could you provide me with any details ? eos 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 would you like to know the boat 's area , phone number , postcode , or address ? eos 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 and phone number , please . eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the address for riverboat georgina is cambridge passenger cruisers , jubilee house . the phone number is 01223902091. 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 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 yes i would like to find information on a restaurant called the hotpot . eos O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos hot pot 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 I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O Booking-Inform +bos i want a table for 2 people at 12:30 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : v7is3l5f . 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 ! eos O O O O general-thank +bos you 're welcome . eos O O O O O general-welcome +bos yes , i 'd like to book a taxi from clare college . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A +bos when do you need to leave from clare college ? eos O O O O O O O O O O O Taxi-Request+Leave +bos it should arrive by 04:00 please . eos O O O O O B-Taxi-Inform+Arrive O O N/A +bos where is the destination ? eos O O O O O O Taxi-Request+Dest +bos i 'm going to sheep 's green and lammas land park fen causeway . 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 I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos booking completed ! booked car type is grey volkswagen and their contact number is 07125735231 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 eos 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 train from cambridge leaving on sunday . eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O O N/A +bos i 'm sorry , can you please restate your request ? eos O O O O O O O O O O O O general-greet,general-reqmore +bos i need a train to cambridge on sunday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are 202 trains departing cambridge on sunday . to narrow it down , where would you like to depart from and when would you like to arrive in cambridge ? 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 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 'm leaving stansted airport after 11:00. i need the price , too . eos 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+Price +bos i am confused . do you need a train leaving cambridge and where is your destination ? 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 what is the price for a train departing stansted airport after 11:00 on sunday , heading to cambridge ? i do n't need a ticket , just the price . eos O O O 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 O B-Train-Inform+Dest O O O O O O O O O O O O O Train-Request+Price +bos they all look to be 8.08 pounds . eos O O O B-Train-Inform+Choice O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos great , i also need something to do , a college maybe . what type of college attractions are available ? 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 there are over 15 colleges located in cambridge . all quite amazing . were you looking to visit one in the west or centre ? eos 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 O O O O O B-Attraction-Select+Area O O O Attraction-Request+Area +bos in the west and i will need the entrance fee if there is one , please . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos there are 5 located in the west . two of them are free . do you want access to those ? eos O O O O O O O B-Attraction-Inform+Area B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Fee O O O O O O O O O Attraction-Select +bos i 'll take the first one that is n't free , but i 'll need the price 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 Train-Request+Price,Attraction-Request+Phone +bos the entrance fee for clare college is 2.50 pounds . the phone number is 01223333200. eos O O 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 B-Attraction-Recommend+Phone O N/A +bos got it thank you 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 ? eos O O O O O O O O O O O general-reqmore +bos no , thank you . that 's all i needed . eos 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 +bos i 'm looking for attractions that are in the centre , could you help me find some ? 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 there are 44 attractions located in the centre area . are you interested in any particular type of attraction to narrow down your choices ? 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 Attraction-Request+Type +bos anything that you recommend i need the 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 the broughton house gallery located at postcode cb11ln has free entrance . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Post I-Attraction-Recommend+Post B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A +bos sounds great . thank you for the recommrndation postcode , and i am happy about the free entrance . eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos you 're welcome , can i do anything else for you ? eos O O O O O O O O O O O O O N/A +bos no , but a thank you for helping me . eos 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 oh i need a train to cambridge on wednesday eos O O O O O O O O B-Train-Inform+Dest O N/A +bos i can help with that . where did you want to leave from ? eos O O O O O O O O O O O O O O O Train-Request+Depart,general-greet +bos i want to leave from stansted airport . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos is there a certain 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 get to the airport by 10:45. eos O O O O O O O O O O O N/A +bos just to verify , you would like to leave stansted airport by 10:45 and head to cambridge ? is that correct ? eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Dest O O O O O O N/A +bos i would like to arrive at the airport by 10:45. eos O O O O O O O O O O B-Train-Inform+Leave N/A +bos train tr1691 leaves stansted airport at 11:24 and arrives in cambridge at 11:52. would that work for you ? i 'd be happy to book tickets for your group . eos O 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 O O O O O O O O O O O general-greet,Train-OfferBook +bos that would be great . i just need 1 ticket and my reference number please . eos O O O O O 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 10.1 gbp payable at the station . your reference number is ppdcgt1h . 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 general-reqmore +bos no that will be everything , thank you . goodnight ! eos O O O O O O O O O O O O general-thank +bos you are welcome . have a great night . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos is there any place that serves bbq around here ? eos O O O O O O O O O O O N/A +bos i 'm sorry there are no bbq places in the city , 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 i am interested in portuguese food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two portuguese restaurants . would you prefer the south or centre part of town ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 n't care . can you give me one of the address ? eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Addr +bos sure , nandos in the south and its phone number is 01223 327908 eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos i do n't care about the price range . eos O O O O O O O O O O N/A +bos thank you for using the cambridge restaurant system . good bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need a hotel , parking does n't matter to me though . eos O O O O O O O O O O O O O O N/A +bos what is the name of the hotel you 'd like to book ? eos O O O O O O O O O O O O O O Hotel-Request+Name +bos i do n't have a name in mind but the hotel should be in the type of guesthouse and should include free wifi . 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 N/A +bos there are many great guesthouses with free internet , do you have a have a price range or area you want to stay in ? 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 Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet +bos i 'm open to the price and area , but it should have a 3 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 N/A +bos there are 3 in the moderate price range . bridge guest house , hamilton lodge and hobsons house . eos O O O O B-Hotel-Inform+Choice 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 N/A +bos can you book hamilton lodge for me please ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos sure ! how many people in your party ? eos O O O O O O O O O O Booking-Request+People +bos 5 people and we 'll be staying there for 3 nights starting sunday eos O O B-Hotel-Inform+People O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos you are all set , the reference number is h96pw3hv , 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 'm also looking for places to go in town eos O O O O O O O O O O O N/A +bos there are 79 places to go what area would you like ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Area +bos i would like the info to the funk fun house please ? eos O O O O O O O O O O O O O N/A +bos the funky fun house is an entertainment venue in the east . they are located at 8 mercers row , industrical estate . their phone number is 01223304705. 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 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 O O N/A +bos do they charge entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos i 'm sorry but the entrance fee is unknown . would you like the phone number ? eos O O O O O O O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos you already gave me the phone number thanks , i 'm supposed to get the entrance fee though , my boss insists 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 O O Attraction-Request+Fee +bos the entrance fee is not listed in our database . perhaps it varies depending on what night of the week you go . you are welcome to call them and ask . 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 O O O O O O O O O O O N/A +bos i am looking for a college type of attraction . is there any ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos there are 5 colleges available in the centre and the west . do you have any preferences on the college ? eos O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O general-reqmore +bos i am looking for something in the west . eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos visitors find queens ' college fascinating . there is an entrance fee of 2.50 pounds . the address is silver street , postcode cb39et . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O 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 O B-Attraction-Inform+Post O O O O O N/A +bos thanks . may i also have the phone number , please . eos O O O O O O O O O O O O O Attraction-Request+Phone +bos sure the number is 01223335511. 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 need a taxi to the hotel , please . eos O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos sure i can if you tell me where you 'll be leaving 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 Taxi-Request+Arrive,Taxi-Request+Leave,Taxi-Request+Depart +bos i woule like to leave the hotel at 7:00. eos O O O O O O O O O O Hotel-Inform +bos i 'm sorry are you going to the hotel or leaving from the hotel ? eos O O O O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart +bos i will be leaving the hotel , please . eos O O O O O O O O O O Hotel-Inform +bos can you book a cab for me and get a reference number ? eos O O O O O O O O O O O O O O N/A +bos i 'm looking to find lodging in a hotel in the expensive price range eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A +bos ok , i have five in several areas of town . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A +bos i need it to be a 3 star as well . eos O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos that brings us to two fine choices , the gonville and the lensfield . both are rated 3 stars . the gonville is in the centre , while the lensfield is 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 O O O O N/A +bos thank you . can you book the lensfield for 7 people and 5 nights beginning on wednesday ? 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 i have those reference number x83q82e5 . eos O O O O O O B-Booking-Book+Ref O N/A +bos you have it booked then ? eos O O O O O O O N/A +bos yes it is booked . may i help you with anything else today ? eos O O O O O O O O O O O O O O O Booking-Book,general-reqmore +bos also looking for information on saint johns college . eos O O O O O O O O O O N/A +bos saint john 's college is located in the city centre . it 's phone number is : 01223338600. the address is saint john 's street . it has an entrance fee of 2.5 pounds . 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+Phone I-Attraction-Inform+Phone 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 I-Attraction-Inform+Fee O O O N/A +bos thank you very much ! eos 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-welcome,general-bye +bos i also need to book at 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 Taxi-Inform +bos when would you like the taxi to arrive at your destination ? eos O O O O O O O O O O O O O Taxi-Request+Arrive +bos it should be there by 11 ; 45. eos O O O O O O O O O N/A +bos okay , the book has been completed ! the car will be a yellow toyota and the number is 07626630212. is there anything else i can do for you ? 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 that 's all i needed . thank you 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 general-thank +bos you as well ! eos O O O O O general-bye +bos i need some help finding an attraction . i have the name here . eos O O O O O O O O O O O O O O O Attraction-Inform +bos sure , what is the name you are looking for ? eos O O O O O O O O O O O O Attraction-Request+Name +bos the place is called peoples portraits exhibition at girton college . could i get the area , postcode , and address for this ? eos O 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+Addr +bos it is in the west . girton college , huntingdon road . postcode cb3ojg . do you need anything else ? eos O O O O O B-Attraction-Inform+Area B-Attraction-Inform+Name I-Attraction-Inform+Name B-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 what can you tell me about this hotel , the bridge 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 O N/A +bos it is a located in the south area of town . it 's a 3 star guesthouse with free internet and parking located at 151 hills road . 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 O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O Hotel-Inform+Parking,Hotel-Inform+Internet +bos sounds good i want to make a booking for 2 people and 5 nights starting from friday . 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 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 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 i have 44 matches for central area , i can narrow it down by type or entrance prices . 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 O O Attraction-Request+Type,Attraction-Request+Price +bos how about a park ? eos O O O O B-Attraction-Inform+Type O N/A +bos that should be cambridge university botanic gardens located in bateman street . can i give you the phone number ? 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+Addr I-Attraction-Inform+Addr O O O O O O O O O N/A +bos yes , ill need the number along with the address and postal code . eos O O O O O O O O O O O O O O O N/A +bos the phone number is 01223336265. eos O O O O O B-Attraction-Inform+Phone N/A +bos i also need the address please . eos O O O O O O O O N/A +bos the address is bateman street in the centre area of town . eos O 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 O N/A +bos can i get the postcode too please ? eos O O O O O O O O O Attraction-Request+Post +bos the postcode is cb21jf . do you need anything else ? eos O O O O B-Attraction-Inform+Post O O O O O O O general-reqmore +bos i 'm also looking for a place to stay in the same area as cambridge university botanic gardens 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 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 a guesthouse please and with a star rating of zero . eos O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos the only place available is the el shaddai . would you like for me to book a room ? 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 Booking-Inform +bos actually could you get me the postcode , their price range , and 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 Hotel-Request+Post,Hotel-Request+Parking,Hotel-Request+Price +bos the postcode is cb11eg they offer free parking and is cheaply priced . eos O O O O B-Hotel-Inform+Post O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O Hotel-Inform+Parking +bos thank you very much . that should be it . eos O O O O O O O O O O O general-thank +bos i can also recommend restaurants and arrange transportation . do you need help with these ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos no , thanks . i have everything i need . eos O 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 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 there are 44 places to go in the centre of town . do you know what you want to do ? eos O 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 O O O general-reqmore +bos not really . can you recommend a place ? eos O O O O O O O O O O N/A +bos if you like architecture , i would recommend old schools located on trinity lane . it is a nice place to visit . eos O O O O B-Attraction-Recommend+Type 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 O O O O O O N/A +bos that sounds wonderful , can you tell me what the entrance fee is for that ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos they offer free admission . is there anything else i can help with today ? eos O O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos actually yes . i need high priced hotel with free wifi eos O O B-Hotel-Inform+Internet O O O O O O O O O N/A +bos there are 5 choices . to narrow down you need to choose the side of town 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+Area +bos area does n't matter , but it should be a guesthouse with a 4 star rating . eos O O 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 unfortunately , nothing meets that criteria . eos O O O O O O O O Hotel-NoOffer +bos how about a guesthouse with a star rating of 4 that is cheap ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O N/A +bos there are 7 options . i recommend autumn house . eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos sounds great , thanks ! can you please book it for 4 people , for 3 nights , starting saturday ? 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 consider it done , you are booked , reference number is 2ldtcwh4 any other questions today ? 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 general-reqmore +bos no , thank you for your help . eos 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 looking for a hotel that is in the north part of town . eos O O O O O O O O O B-Hotel-Inform+Area 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 the hotel should be in the north and does n't need to include internet.and should be in the moderate price range eos O O O O O O O B-Hotel-Inform+Internet O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos i recommend the alpha-milton guest house on 63 milton road . would you like me to go ahead and book you a room ? eos O O O O B-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 O O O O O O O O O O O O Booking-Inform +bos yes please , i need 2 nights for 8 people and we will be arriving on tuesday . eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O N/A +bos booking was successful ! your reference number is 8glx5o9j . 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 can you help me find an attraction to visit 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 N/A +bos sure , there are four attractions in the north . do you prefer boat , park , or swimmingpool ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O N/A +bos i do n't have a preference . i just need it 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 okay . riverboat georgina is a boating attraction in the north . how about that ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O Attraction-Select +bos that sounds great , could i get their phone number please ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos absolutely , their phone number is 01223902091. eos O O O O O O B-Attraction-Inform+Phone O N/A +bos thanks . that 's all i needed for today . eos O O O O O O O O O O O general-thank +bos okay , have a wonderful visit ! eos O O O O O O O O general-bye +bos i need to find where whale of a time is located in cambridge . 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 N/A +bos it is located at unit 8 , viking way , bar hill eos 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 okay , could i get the postcode for whale of a time , please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post +bos of course , it 's cb238el . if you need to contact them , the phone number is 01954781018. is there anything else you need ? eos O O O O B-Attraction-Inform+Post 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 i also need a hotel . eos O O O O O O O Hotel-Inform +bos great , do you need the hotel to be in a particular part of town ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos yes in the centre please and 4 star . eos O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O N/A +bos i have the alexander bed and breakfast that is cheap and university arms hotel that is expensive . 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 O O N/A +bos can i book university arms for 5 nights starting sunday for 3 people ? eos 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 i have you booked for 5 nights , 3 people , starting on sunday , your reference number is lnk1guuk . can i help with anything else ? eos O O O O O O O B-Booking-Book+Stay O B-Booking-Book+People 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 general-reqmore +bos yes . i also need a taxi leaving whale of time at 17:45. eos O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos what is your destination ? eos O O O O O O Taxi-Request+Dest +bos i need to go to the university arms eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos booking completed ! a blue skoda taxi . phone , 07460247020. anything else i can assist you with ? eos 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 need at this time , thanks for your help ! eos O O O O O O O O O O O O O O O general-thank +bos you have a great night . eos O O O O O O O general-greet +bos please provide the location of the nearest police station . eos O O O O O O O O O O O Police-Inform +bos the nearest police station in parkside cambridge , the telephone number is 01223358966. 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 're welcome . the postcode is cb11jg in case you need it . goodbye . eos O O O O O O O O O O O O O O O O O N/A +bos please help , i 've been in a car accident and am not sure who to call for help . 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 call the police at 01223358966 eos O O O O O O N/A +bos okay i will do that now . thank you . eos 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-welcome,general-bye +bos help me get a taxi to darrys cookhouse and wine shop 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 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 want to leave after 06:00 eos O O O O O O B-Taxi-Inform+Leave N/A +bos and what is your departure location ? eos O O O O O O O O Taxi-Request+Depart +bos i 'll need to be picked up from cambridge contemporary art . eos 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 ok , i have booked a grey volkswagen , contact number 07048771014. what else can i do for you ? 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 O general-reqmore +bos that was everything , thanks ! eos O O O O O O O general-thank +bos you 're welcome and thanks for calling cambridge towninfo centre . if you need anything further please call us back . 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 need to book a taxi to leave after 17:45 to go to nandos . eos O O O O O O O O O O B-Taxi-Inform+Leave O O O B-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 'm coming from royal spice . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos great . i booked a white volvo for you . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O N/A +bos thank you . is there a contact number you can give me , just in case ? eos O O O O O O O O O O O O O O O O O O general-thank +bos their contact number is 07617391159. eos O O O O O B-Taxi-Inform+Phone N/A +bos great , thanks for your help ! eos O O O O O O O O general-thank +bos you 're very welcome . may i help you with anything else ? eos O O O O O O O O O O O O O O general-reqmore +bos no thank you . i appreciate your time . bye ! eos O O O O O O O O O O O O general-bye +bos have a wonderful 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 O Hospital-Inform +bos find them at hills rd , cambridge , cb20qq eos 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 addenbrookes hospital 's phone number is 01223245151. do you need a specific hospital unit ? eos O O O O O O O O O O O O O O O O N/A +bos no i do not . thank you for your help . eos O O O O O O O O O O O O general-thank +bos glad i could 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 O general-reqmore +bos that is all i needed , 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 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 O B-Hotel-Inform+Type O O O O O N/A +bos there are a number of guesthouses in the area with free parking . do you have a preference for price range or area that you want to stay ? 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 O O O O O O O O O O O O O O O O Hotel-Inform+Parking +bos the hotel should have a star of 3 and should be in the south . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O N/A +bos how about bridge guest house ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos sure , please book it for 8 people for 3 nights starting on monday eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O N/A +bos booking was not successful . perhaps another day or shorter stay ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos advice me on another booking duration eos O O O O O O O N/A +bos could you choose a different check in day perhaps , or a shorter stay ? eos O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos are you sure that did n't work ? 8 people and 3 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 O O N/A +bos sorry , there must have been a glitch in the system . you are booked at bridge guest house starting monday for 3 days , 8 guests . reference # is 7ckepro5 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-Booking-Book+Day O O B-Booking-Book+Stay O B-Booking-Book+People O O O B-Booking-Book+Ref 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 welcome . enjoy your day eos O O O O O O O O general-bye +bos i am looking for a restaurant that is in the centre of town and serves light bites food . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos we dont have any restaurant like that . eos O O O O O O O O O Restaurant-NoOffer +bos do you have any expensive restaurants ? eos O O O O O B-Restaurant-Inform+Price O O N/A +bos no expensive restaurant eos O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price N/A +bos could you try chinese food , instead ? eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos i found 4 different expensive chinese restaurants that you could try . how does hk fusion sound to you ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos that sounds good . can you book a table for 5 people at 11:15 on wednesday 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 N/A +bos i 'm sorry i am not able to book for that day/time , would you like to try another time or 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,Booking-Request+Time +bos yes , how about 10:15 instead . i also need the reference number . eos O O O O B-Restaurant-Inform+Time O O O O O O O O O O Restaurant-Request+Ref +bos i was able to book it for 10:15. you reference number is 7hqz1td6 . 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 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 today ? eos 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 thank you for using our services . eos O O O O O O O O general-bye +bos i 'd like to find a place that i can get some northern european 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 N/A +bos unfortunately , i was unable to find a restaurant that serves northern european food . is there anything else i can help you with ? eos 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 general-reqmore +bos okay , what about a restaurant that serves modern european food ? eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i have several , can you be mores specific on price and area please ? eos 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 am looking for the moderate price range , the area does n't matter . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A +bos how about de luca cucina and bar ? 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 N/A +bos does that serve modern european food ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos the de luca cucina and bar serves modern european food . 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Food O O N/A +bos what 's the post code and phone number of de luca cucina ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the post code is cb21aw and the phone number is 01223356666. is there anything else i can do for you ? eos 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 general-reqmore +bos that is all . thanks for you help . eos 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 'd like to find an expensive restaurant that serves venetian food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos there is not matching places that fits your request . 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 are there any asian oriental restaurants in that price range ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A +bos yes . kymmoy is an expensive restaurant serving asian oriental food in the centre part of town . eos O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A +bos thank you . may i have their phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos their number is 01223 311911. will that be all today ? eos O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O general-reqmore +bos yes , thank you . eos O O O O O O general-thank +bos thank you good bye eos O O O O O general-bye +bos i would like to find a cheap restaurant in the east part 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 N/A +bos the missing sock serves international cuisine at a cheap price . they are in the east part of town at finders corner newmarket road . 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 missing sock 's phone number is 01223 812660 and the post code is c b 25 , 9 a q. 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 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 O general-reqmore +bos thank you eos O O O general-thank +bos thank you for using our system . is that all you need today ? eos O O O O O O O O O O O O O O O general-greet,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 the cambridge restaurant system . good bye . eos O O O O O O O O O O O O O general-bye +bos i want to find a restaurant in the south part of town serving singaporean 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 , there is not a restaurant serving singaporean food in the south part of town . would you like to try indian food ? 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 O O O O O B-Restaurant-Select+Food O O O O Restaurant-NoOffer +bos indian food of course and what is the phone number ? eos O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Phone +bos taj tandoori serves indian food on the south part of town . their number is 01223 412299. is there anything else i can help you with today ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O 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 general-reqmore +bos no that will be all . thank you , goodbye . eos O O O 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 general-bye +bos i want an expensive restaurant in the east part of town . i would also like its phone number . eos 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 +bos hi ! royal standard is an excellent expensive gastropub in the east area . their number is 01223247877 , anything else ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Phone O O O O O O general-reqmore +bos i appreciate your help . good bye . eos O O O O O O O O O general-bye +bos have a great evening ! goodbye ! eos O O O O O O O O general-bye +bos i 'm looking for scandinavian food in any area . eos O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos i am not able to locate a scandinavian restaurant ; do you have a second choice ? 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 , could you look for a vietnamese restaurant ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos thanh binh is a vietnamese restaurant in the west 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 that will work . i would like the address and phone number to the thanh binh restaurant 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,Restaurant-Request+Addr +bos their phone number is 01223 362456. how else may i assist you ? eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O general-reqmore +bos i need the address too please . eos O O O O O O O O Restaurant-Request+Addr +bos the address for tanh binh is 17 magdalene street city centre . is ther anything else i can help you with ? 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 general-reqmore +bos that 's it . thank you , goodbye eos 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 looking for an expensive restaurant . eos O O O O O O B-Restaurant-Inform+Price O O N/A +bos what kind of food are you interested in ? eos O O O O O O O O O O Restaurant-Request+Food +bos french food . eos O B-Restaurant-Inform+Food O O N/A +bos there are expensive french restaurants in the centre and north areas of town . do you have a preference for location ? eos O O O B-Restaurant-Inform+Price B-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 Restaurant-Select +bos i do n't care . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos how about cote , which is in the expensive price range and serves french food ? eos O O O B-Restaurant-Select+Name O O O O B-Restaurant-Select+Price O O O O B-Restaurant-Select+Food O O O Restaurant-Inform +bos i really have no desire for cote . are there other restaurants available ? eos O O O O O O O O O O O O O O O Restaurant-Inform +bos you could also try restaurant two two . eos O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O N/A +bos ok i will try this one . i would like 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos restaurant two two address is 22 chesterton road chesterton and the phone is 01223351880 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+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 no , thank you . eos O O O O O O general-thank +bos thank you . good bye eos O O O O O O general-bye +bos i would like a moderately priced restaurant that serves mexican food eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O N/A +bos there are no restaurants moderately priced that serves mexican food . eos O O O O O O O O O O O O Restaurant-NoOffer +bos how about international food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos bloomsbury restaurant is a moderately priced restaurant that serves international food in the centre part of town . 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+Food O O O B-Restaurant-Inform+Area O O O O N/A +bos what is their address and postcode ? eos O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos there address is crowne plaza hotel 20 downing street and the post code is cb23dt 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 I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Post 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 okay thank you eos O O O O general-bye +bos thank you goodbye . eos O O O O O general-bye +bos good bye . thank you for using the system . eos O O O O O O O O O O O general-bye +bos i want to find a place that serves australasian food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , but i 'm not showing any results for australasian food in our system . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O Restaurant-NoOffer +bos ok. is there anything for 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 several restaurants serving modern european food . do you have an area or price preference ? eos 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 Restaurant-Request+Price,Restaurant-Request+Area +bos i do n't care eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos darrys cookhouse and wine shop might be one you would enjoy . 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 N/A +bos sounds good . what is the phone number ? eos O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223 505015. would you like any additional information ? eos 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 O general-bye +bos good bye . eos O O O O general-bye +bos i 'm looking for something cheap in the south part of town . eos O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O N/A +bos there are two restaurants serving cheap food in the south part of town . do you have a preference of portuguese or chinese food ? eos O 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 B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos either is fine , can you provide the address and phone number ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos nandos is located at cambridge leisure park clifton way . their phone number is 01223 327908. can i help you with anything else ? eos 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+Phone I-Restaurant-Inform+Phone 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 , goodbye . eos O O O O O O general-bye +bos i am looking for a cheap 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 N/A +bos what kind 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 O N/A +bos i would recommend the da vinci pizzeria . they are located at 20 milton road , chesterton . 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 B-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 da vinci pizzeria 's 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 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 address ? eos O O O O O O Restaurant-Request+Addr +bos the address of da vinci pizzeria is 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos what is the food type they serve ? eos O O O O O O O O O N/A +bos they serve italian food . eos O O O B-Restaurant-Inform+Food 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-bye +bos can you give me the address to the parkside police station ? eos O O O O O O O O O O O O O Police-Inform +bos the address is parkside , cambridge , with postal code cb11jg eos O O O O O O O O O O O O N/A +bos what is the police phone number , please ? eos O O O O O O O O O O Police-Request+Phone +bos the police phone number is 01223358966. eos O O O O O O O N/A +bos thank you , may i also please have the postcode ? eos O O O O O O O O O O O O Police-Request+Post +bos the postcode is cb11jg . 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 N/A +bos no , that is all . thank you ! good bye . eos 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 need to get 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 i have a train leaving at 12:36 and arriving at 13:55. is that ok ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O N/A +bos actually no , i need a train leaving on monday after 20:30. eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos i have a train which leaves at 20:36. would that work for you ? eos O O O O O O O O B-Train-Inform+Leave O O O O O O N/A +bos book for 4. get me the reference number please eos O O O O B-Train-Inform+People O O O O O Train-Request+Ref +bos booking was successful , the total fee is 70.4 gbp payable at the station . reference number is : ri594ocx . 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 awesome . you 've been a great help . thank you . eos 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 please help me locate a train that departs from cambridge and is going to leicester . thanks . eos 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 time would you like to leave ? eos O O O O O O O O O Train-Request+Leave +bos i 'm flexible about departure time , but i must arrive by 18:45 on saturday . eos 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 there is a train that will arrive at 18:06. 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 Train-OfferBook +bos not yet but can i get travel time and train id ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos the train id is tr9193 for that trip . can i help you with anything else ? 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 what is the travel time for the train ? also , i need a place to eat in the centre . it should be in the expensive 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 O O B-Restaurant-Inform+Price O O O Train-Request+Duration +bos i 'm sorry that train id is actually tr7600 . the duration of trip is 105 minutes . as to locating a restaurant , what type of food would you like to eat ? eos O O O O 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 O O O O O O O O O O O O O O O Restaurant-Request+Food +bos any place in the centre with good food and service would be perfect . eos O O O O O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos how about the midsummer house restaurant ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos ok , as long as it 's expensive . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , it is expensive . can i book this for you ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos yes . book for 5 people the same day and at 15:30. eos O O O O O B-Restaurant-Inform+People O O O O O B-Restaurant-Inform+Time O N/A +bos i was able to book your table successfully . your reference number is r8tps4mk and your reservation will be held for 15 minutes . do you need any further assistance ? 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 O O O O general-reqmore +bos no , that is it , thank you ! eos O O O O O O O O O O general-thank +bos click the end chat button to end this session . have a good day . eos O O O O O O O O O O O O O O O O general-bye +bos my sister recommended the meghna restaurant . what can you tell me about it ? eos O O O O O B-Restaurant-Inform+Name O O O O O O O O O O N/A +bos this is a moderately priced indian restaurant in the west . would you like me to make a reservation ? eos O O 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 Booking-Inform +bos yes , i would like to make a reservation . eos O O O O O O O O O O O N/A +bos i can absolutely do that , but i will need a day , time , and party size for your 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 Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos it will be for 4 people at 17:30 on wednesday . 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 : tnuy77ow . can i help you with anything further 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 general-reqmore +bos i need a train leaving norwich that arrives in cambridge by 11:00 on wednesday . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos the first train leaves at 5:16. eos O O O O O O B-Train-Inform+Leave N/A +bos that 's seems fine to me . eos O O O O O O O O N/A +bos do you want to book the train at this time ? eos O 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 reference number is : 8zn9muj9 . is there anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore +bos no thats it thanks eos O O O O O general-thank +bos i 'm 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-welcome,general-bye +bos i 'm looking for pizza hut fen ditton . eos 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 sure , it 's located at jesus lane fen ditton cb58ba eos 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 great . can you get a table for 7 for me . saturday at 14:00. eos O O O 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 ok ! i have a table for 7 booked on saturday at 14:00. the table will be reserved for 15 minutes and your reference number is 54prtqhd . eos O O O 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 O O O O O O O B-Booking-Book+Ref O N/A +bos wonderful . could you help me find a train , as well ? eos O O O O O O O O O O O O O O Train-Inform +bos yes , 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 . eos O O O O O B-Train-Inform+Depart O N/A +bos where will your destination be ? what day will you be traveling ? when do you need to be there 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+Day,Train-Request+Arrive,Train-Request+Dest +bos i need to leave on sunday and get to leicester by 16:00. eos 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 there are 5 different trains that could work . would you like me to book the earliest one ? 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-OfferBook +bos no , i 'd rather have the latest one possible . eos O O O O O O O O O O O O N/A +bos the tr3371 meets your criteria . would you like tickets ? if so , how many ? eos O O B-Train-Inform+Id O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos please reserve for 7 people eos O O O O O B-Train-Inform+People N/A +bos booking for tr3371 is confirmed . reference number is : mbsyuifa . total fee is 211.67 gbp payable at the station . eos O O O B-Train-OfferBooked+Id 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 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 i hope you have a good trip . 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 need a taxi to leave from the gallery at twelve a high street to arrive by 15:30 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 I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Arrive N/A +bos where will you be going ? eos O O O O O O O Taxi-Request+Dest +bos i 'm goin gto the nirala . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos great , you are all set . a yellow honda has been booked and the contact number is 07621058499. can i help with anything else 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 general-reqmore +bos nope that 's it . thanks ! eos O O O O O O O O general-thank +bos we are happy to help . 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 restaurant . i would like something cheap that has chinese 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 N/A +bos i 've heard good things about the lucky star . need a reservation ? 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 Booking-Inform +bos yes , could you make a reservation for 1 at 20: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 N/A +bos your booking was successful . the table will be reserved for 15 minutes . reference number is : fdlfktzm . 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 so much for your help ! eos O O O O O O O O O general-thank +bos you 're welcome . thank you ! have a good day now ! eos O O O O O O O O O O O O O O general-bye +bos thanks , you too . goodbye . eos O O O O O O O O general-bye +bos thank you for using cambridge towninfo centre . good-bye eos O O O O O O O O O O general-bye +bos i need to book a taxi to arrive by 06:45 to go to adc theatre . eos O O O O O O O O O O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos okay , 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 from wagamama . eos O O O O O O O O B-Taxi-Inform+Depart O N/A +bos booking completed ! booked car type : black lexuscontact number : 07069964497 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 a taxi departing from the gardenia . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos i 'd be happy to help . what time would you like to leave and/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+Leave,Taxi-Request+Arrive +bos i would like yo leave after 6:30. eos O O O O 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 the slug and lettuce . 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 your taxi booking is for a red lexus with the contact number 07652996605. eos O 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 that 's all , thanks ! eos 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-reqmore +bos no thank you that will be all eos O O O O O O O O general-thank +bos enjoy your meal and thank you for using our service . eos O O O O 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 british 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 how about graffiti ? i 've heard great things . eos O O O B-Restaurant-Inform+Name O O O O O O O N/A +bos that sounds interesting . what area is the restaurant in ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos it is in the west area . eos O O O O O B-Restaurant-Inform+Area O O N/A +bos thanks . what is the postcode , address , and area ? eos O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Addr +bos graffiti is in the west area , address is hotel felix whitehouse lane huntingdon road , postcode cb30lx . do you want reservations ? eos O B-Restaurant-Inform+Name 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 O B-Restaurant-Inform+Post O O O O O O O O Booking-Inform +bos no thanks . i just needed some info on it . that 's all now . 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 . 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 ! eos O O O O O O O O O O O O O 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 train going 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 O N/A +bos the train id is tr5154 and it leaves cambridge on friday eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day N/A +bos i am actually leaving on saturday from cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos the train id is tr2895 and it leaves cambridge on saturday . eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day I-Train-Inform+Day N/A +bos great , can you please book it for 2 people and give me the reference number ? 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 Train-Request+Ref +bos you are all booked for saturday . the train departs at 05:59 and arrives at 07:27. the price is 13.28 pounds . eos O O O O O O B-Train-OfferBooked+Day O O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O N/A +bos i 'd like to find a restaurant that serves chinese food in the south please . 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 3 restaurants in the south part of town that serve chinese food . would you like more information on one of 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 N/A +bos yes , i would prefer an expensive one please . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i have two that would be on the expensive side . the good luck chinese food takeaway and the peking restaurant . can i reserve a table for you at either of these ? 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+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 no , not yet , thanks . could you give me the address/postcode for peking restaurant ? 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos the address for peking restaurant is 10 homerton street city centre and its postcode is cb28nx . 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 B-Restaurant-Inform+Post O N/A +bos alright , sounds good . eos 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 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 ! goodbye . eos O O O O O O O O O O O O general-bye +bos are there any trains leaving from stansted airport 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 yes there are . the first one leaves at 05:24 and the latest one leaves at 09:24 did you have a specific time ? eos 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 Train-Request+Arrive,Train-Request+Leave +bos yes i would like to leave cambridge after 16:00 , and departing from stansted airport and leave on sunday . eos O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O N/A +bos train tr7744 leaves stansted airport at 16:24 and arrives in cambridge at 16:52. will that work ? 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 N/A +bos yes please , make the reservation for 6 people and send me the reference number . eos 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 48.48 gbp payable at the station . reference number is : 5jwqrqjo . 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 can you also help me with information on the hotel home from home ? eos 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 O N/A +bos yes , i would be happy to help you with that information . how many rooms will you need ? 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 +bos i would need to book the hotel for 6 people for 2 nights on sunday as well . 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 O N/A +bos alright , you are booked on sunday for 2 nights for 6 people . your reference number is gznbgaxz . 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 N/A +bos is that at the home from home . that is where i want to stay . eos O O O O O O O O O O O O O O O O O N/A +bos yes , that 's the home from home , a moderate guesthouse in the north with 4 stars , free internet , and free parking . you may contact them at 78-80 milton road cb41la or 01223323555. eos O O 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 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 B-Hotel-Inform+Post O B-Hotel-Inform+Phone O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos thank you , that is all i need . eos O O O O O O O O O O general-thank +bos can you tell me if there are police stations closer to me than parkside ? eos O O O O O O O O O O O O O O O O N/A +bos actually i 'd like to book that hotel for two nights , starting sunday for 6 people for two nights . i 'll need a reference number as well . 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 O O O O O O O O O O N/A +bos you have already been booked for 2 nights , starting on sunday . is there an additional day you would like to stay ? eos O O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Day O O O O O O O O O O O O O Booking-Request+Stay +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 system ! eos O O O O O O O O general-bye +bos i want to find an expensive 4 star hotel . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos i have 2 expensive 4 star hotels , one in the west and one in the centre of town . do you have a preference to area ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 Hotel-Select +bos do you have one in the south that includes free parking ? eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos i 'm sorry , no , none in the south . eos O O O O O O O B-Hotel-NoOffer+Area O O O O N/A +bos okay , i 'd really like to stay on the south end of town so is there one in the cheap price range 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 O O N/A +bos i do n't have any hotels in the south part of town . eos 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 N/A +bos well are there any cheap hotels anywhere in town ? eos O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there is a cheap hotel with 4 stars on the west side of town . if you could restate your exact preferences i can try searching again . eos O O O O B-Hotel-Inform+Price 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 N/A +bos sure . look for a cheap hotel , 4 stars , in the south . free parking also . eos O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O O O O O O N/A +bos there are no hotels that meet your criteria in the south . there is one cheap 4 star guesthouse with parking in the south . does that work ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O Hotel-Inform+Parking +bos can we start over ? i think there is a bit of confusion . i need a hotel with four stars , in the south , 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 O O O O O O O N/A +bos there is nothing in the expensive range , there is a choice of one cheap or one moderate 4 star guesthouse in the south with parking . would either of these be ok ? eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O B-Hotel-Inform+Choice O O B-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 O O O O O O O O O O Hotel-Inform+Parking +bos cheap is fine . please book for friday , 3 nights , 3 people . eos O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O O O O O N/A +bos it is not open then , how about a shorter stay ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay +bos i can book for 1 night instead . eos O O O O O O B-Hotel-Inform+Stay O O N/A +bos very good . you are set for 1 night at rosa 's . the reference number is 8qujmpp7 . is there anything else i can help with ? eos O O O O O O O O O O O B-Hotel-Inform+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 's it for now . thank you . eos 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-welcome,general-bye +bos hi i am looking for a guesthouse that has a star rating of 0. eos O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars N/A +bos it looks like there are two of those in cambridge , do you have a preference on a location ? 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 Hotel-Request+Area +bos the hotel should be in the north and should be in the cheap price range . eos 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 it sounds like city centre north b & b is perfect for you . would you like me to book this guesthouse ? 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 B-Hotel-Recommend+Type O O O O Booking-Inform +bos yes , please , for three nights starting monday . eos O O O O O O O O O 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 six people will be staying . eos O O O O O O O N/A +bos okay , the booking was successful . your reference number is : z7t91h45 . 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 general-reqmore +bos i need a train departing from kings lynn . it would be for the same day as my hotel arrival . and i need to arrive before 21: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 O O O O O O O B-Train-Inform+Arrive O O N/A +bos sure , the train that arrives closest to the time you requested is tr1465 arrives at 20:58. shall i book it , if so for how many riders ? eos O O O O O O 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 O O Train-Request+People,Train-OfferBook +bos what is the departure time and the duration of the ride ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos train tr1465 departs cambridge at 20:11 and takes exactly 47 minutes . is there anything else i can do for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave 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 i need to clarify . i want to depart kings lynn and arrive in cambridge , does tr1465 work for me ? eos 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 O O O O N/A +bos yes , this train meets all the criteria you specified . can i book that for you ? eos O O O O O O O O O O O O O O O O O O O Train-OfferBook +bos 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 ? eos O O O O O O O O O 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 upon booking you will have a confirmation number that you can call and reference in case of any trouble . 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 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 . eos O O O O O O O O O O O O O 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 great i 'm glad i could help . enjoy your travel . eos O O O O O O O O O O O O O general-welcome,general-bye +bos hi . i will be attending a conference in the eastern part of town and wondered if you could help me find an available room . 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 O O O N/A +bos there are several guesthouses and 1 hotel in the east part of town . what price range are you looking for ? eos 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 I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price +bos i prefer a guesthouse . do you have any expensive ones ? eos O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O N/A +bos i do not have anything in the east that matches your request . would you like to change the area or the type of accomodations ? eos O O O O O O O O B-Hotel-NoOffer+Area 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 how about a hotel 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 3 guesthouses that match your criteria . everton house , autumn house , and allenbell . does any of these interest 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 which one would you recommend ? eos O O O O O O O N/A +bos everyone seems to enjoy the allenbell . eos O O O O O O B-Hotel-Recommend+Name O N/A +bos that sounds alright . do they have free parking ? eos O O O O O O O O O O O Hotel-Request+Parking +bos yes , they do . 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+Parking +bos i do n't need a room right now , but does the allenbell have free wifi ? and what 's 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 Hotel-Request+Post,Hotel-Request+Internet +bos yes , they have free wifi . their postcode is cb13js . eos O O O O O O O O O B-Hotel-Inform+Post O O O Hotel-Inform+Internet +bos thanks so much for your help . eos O O O O O O O O general-thank +bos you are welcome . give us a call if you need anything . eos O O O O O O O O O O O O O O general-bye +bos i am looking for a mexican restaurant in the centre . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry , there are n't any mexican restaurants in the centre of town . 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+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 how about an indian restaurant then ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there is the curry garden which serves indian food in the centre . would you like to make a booking ? eos O 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+Area O O O O O O O O O Booking-Inform +bos oh , no , but i do need the postcode address and number . eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos curry garden 's phone number is 01223302330. they are located at 106 regent street city centre . the postcode is cb21dp . would you like me to book you a table ? eos 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 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 O Booking-Inform +bos no really , i do n't need a booking . eos O O O O O O O O O O O N/A +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-welcome,general-reqmore +bos that 's everything i wanted to find out thanks . eos O O O O O O O O O O O general-thank +bos glad i could help you today . 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 look for a place to stay that is in the moderate price range and it should include 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 O O N/A +bos we have 14 places that are moderately priced with parking . do you want any particular area ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking +bos the area is n't important but i 'd like to stay in a guesthouse if possible . 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 i think the bridge guest house would be perfect for you . would you like to make a reservation ? 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 Booking-Inform +bos does it have free wifi ? eos O O O O O O O N/A +bos yes , it does have free internet . eos O O O O O O O O O Hotel-Inform+Internet +bos okay , great ! i would like to book a room please . there will be 3 of us . 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 days and when would you be coming ? eos O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos tuesday . 5 nights . reference number please . eos O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O O O O O Hotel-Request+Ref +bos of course ! you 're booked with reference number 7bwsfbyx . may 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 O general-reqmore +bos no , that will be all . thanks very much . eos 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-bye +bos i would like to find a nice attraction to visit 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 i would be happy to help you find a great attraction to visit ! what kind of attraction are you interested in visiting ? eos O 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,general-greet +bos i have no preference . can you make a recommendation and provide 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 Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos how about the broughton house gallery ? there is no entrance fee . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos whats its postcode and address ? i would also like to get a train that leaves friday from kings lynn 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+Depart I-Train-Inform+Depart O Attraction-Request+Post,Attraction-Request+Addr +bos the address is 98 king street and the postcode is cb11ln . what is your destination on friday ? 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 B-Train-Inform+Day O O Train-Request+Dest +bos i 'll be heading to cambridge , but i ca n't leave until sometime after 21:15 , please . eos O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Leave O O O O O O N/A +bos there are two trains meeting your needs . the earlier train leaves at 22:11 and the later train at 23:11. the ride takes 47 minutes . which do you want me 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-Select,Train-OfferBook +bos can you get me one ticket on the 22:11 train ? eos O O O O O O O O O O B-Train-Inform+People O N/A +bos i managed to book you on that train . the total fee is 9.8 gbp and the reference number is 9m753t1t . 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 B-Train-OfferBooked+Ref O O N/A +bos great , thanks ! i think that 's all i needed . eos 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 am looking for the home from home hotel , i would also like to know how many stars this hotel has . 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-Request+Stars +bos the home from home hotel is located in the north at 78-80 milton road . it is a 4 star hotel . would you like 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 O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform +bos you , know i 'll think about it , but can i get a train leaving cambridge to arrive by 21:30 ? eos O 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 O O O N/A +bos yes you can . what day would that be for ? eos O O O O O O O O O O O O Train-Request+Day,Train-Inform +bos i need that for thursday going to peterborough . eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A +bos yes i have a train that arrives at 20:56 or 21:24. which do you prefer ? eos O O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O Train-Select +bos let 's try the earlier one . i need eight tickets . eos O O O O O O O O O O O O O N/A +bos i was able to book you on train tr7676 that departs at 20:06 and arrives at 20:56. your reference number is hpjdvyf9 . is there anything else i can help with ? eos O O O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave 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 general-reqmore +bos no , that was all . thank you so much . eos 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 to find a place called royal spice in cambridge . it is a restaurant , can you help me ? eos 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 yes . it is an indian restaurant in the north , the phone number is 01733553355 and it is located at victoria avenue chesterton . eos O O O O O O O O O B-Restaurant-Inform+Area 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 O O O N/A +bos can you please provide the full address ? eos O O O O O O O O O N/A +bos yes , the address is victoria avenue chesterton cb41eh . may i help with anything else ? 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 general-reqmore +bos i also need to find a train going to cambridge from birmingham new street . eos 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 N/A +bos what day are you departing 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+Leave,Train-Request+Arrive,Train-Request+Day +bos the train should leave on friday after 19:00 eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos the earliest train after 19:00 is tr9704 leaving at 19:40. would you like a ticket ? eos O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos i do not think i want to book at this time . 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 general-thank +bos it was a pleasure helping you . have a great day ! eos O O O O O O O O O O O O O general-greet +bos i need to find a train leaving cambridge on wednesday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos i 'd be happy to help you find a train . what is your destination ? eos O O O O O O O O O O O O O O O O O Train-Request+Dest +bos i am looking to go to norwich . eos O O O O O O O B-Train-Inform+Dest O N/A +bos i have many trains for you . did you have a departure or arrival 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 O Train-Request+Leave,Train-Request+Arrive +bos the train should arrive by 21:30 eos O O O O O O B-Train-Inform+Arrive N/A +bos tr7855 will arrive at 20:55 if that works for you eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O N/A +bos that sounds goo . can you book for 4 people ? eos O O O O O O O O O B-Train-Inform+People O O N/A +bos your booking was successful . the total fee will be 70.4 gbp and your reference number is k82oyk3i . can i help you 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos i am also looking for a restaurant on the east side of town . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are several to choose from . the grafton hotel restaurant serves classic british fare , but is on the expensive side . does that sound good or were you looking for something else ? 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 B-Restaurant-Inform+Food I-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 O O O O general-reqmore +bos yes it sound good , can you book table for 4 people at 16: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 booking was successful . the table will be reserved for 15 minutes . your reference number is : 57035g2j . 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 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 enjoy your train ride and dinner ! eos O O O O O O O O general-bye +bos looking for place to eat in the south eos O O O O O O O O B-Restaurant-Inform+Area N/A +bos there are nine restaurants in the south . what is your price range or type of food you prefer ? eos 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 Restaurant-Request+Food,Restaurant-Request+Price +bos i need something in the moderate price range , preferably eastern 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 O N/A +bos unfortunately , i do n't have anything that meets those requirements . can i try another 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 , let 's try looking for an italian restaurant please . eos O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i have one in the south , moderate price , would you like to book that one ? 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 just give me the postcode , phone number , and address ? 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 the pizza hut cherry hinton is at g4 cambridge leisure park clifton way cherry hinton postcode cb17dy phone number 01223323737 eos 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 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 i also need a room , with wifi and in the moderate price range . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are 17 options . is there a specific area that 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 Hotel-Request+Area +bos let 's try a guesthouse , please . eos O O O O B-Hotel-Inform+Type O O O O N/A +bos sure ! i 'd suggest the avalon , a moderately priced guesthouse in the north with free wifi and 4 stars . how does that sound ? eos O O O O O B-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Type O O O O O O O O B-Hotel-Recommend+Stars O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform +bos the avalon sounds lovely . would you book it for 3 nights starting friday for 4 people ? eos O O B-Hotel-Inform+Name 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 have booked it for you . your reference number is ubtsoubt . is there anything else i could 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 i need a taxi to commute to the restaurant and will need it until i leave at 02:15 and after , can you give me a contact number for the taxi and what car type ? 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 O O O O O O O O O O O O O O Taxi-Request+Car +bos the contact number for the taxi is 07992886663. eos O O O O O O O O B-Taxi-Inform+Phone N/A +bos could i also get the car type please ? eos O O O O O O O O O O Taxi-Request+Car +bos oh , sure . be looking for a grey volvo to pick you up . is there anything more i can assist 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 O O O O O O O O general-reqmore +bos no , 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 you 're very welcome . feel free to come back if you have any other questions ! 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 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 there are many , can i get what area you are looking for ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos the area is flexible but we would like free parking . eos O O O O O O O O O O O O N/A +bos also have many to choose from , can i please get what area you are looking for it would really 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 O O O Hotel-Request+Area +bos any area is fine , just something you 'd recommend . i need to book 3 people for 4 nights starting friday . 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 N/A +bos okay , you 're booked into the allen bell guesthouse in the east area of the city . your reference number is 2zjfz6xt . 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 B-Hotel-Inform+Area O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos great ! can you also tell me if there are any austrian restaurants in town , preferably in the center ? 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 there are no austrian restaurants in the centre of town . perhaps a different cuisine ? 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 O O O O O O Restaurant-Request+Food +bos how about something just in the cheap price range ? eos O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos there are a number of cheap options , though none of them serve austrian food . there are asian oriental , chinese , indian , italian , mediterranean , modern european , portuguese , and spanish . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O N/A +bos okay , how about indian food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos kohinoor , the gandhi and mahal of cambridge all fit your criteria . any preference ? 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 O O O O O O Restaurant-Select +bos give me info about kohinoor . need their address postcode and number , please . eos O O O O O B-Restaurant-Inform+Name O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 74 mill road city centre . the postal code is cb12as & the number is 01223323639. 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 B-Restaurant-Inform+Phone O O O O general-reqmore +bos i need a taxi to pick me up at the restaurant . eos 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 i would like to leave the restaurant by 12:00. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos and what will your destination be ? eos O O O O O O O O Taxi-Request+Dest +bos allen bell guesthouse eos O O O O N/A +bos i have you booked with a grey tesla . the contact number is 07474877283. is there anything else i can do 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 O O general-reqmore +bos no , that 's all i needed . 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 using our system ! eos O O O O O O O O general-bye +bos i 'm 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 how about all saints church ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos do you have a college to recommend instead ? eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos christ 's college looks good , it 's in the city centre and has a free entrance fee . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O B-Attraction-Recommend+Fee O O O O O O Attraction-Inform +bos can you give me their phone number and postcode ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure ! the phone number is 01223334900 and the postcode is cb23bu . is there anything else i can help you with today ? eos O 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 O O general-reqmore +bos yes , i also need a train leaving on monday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos can you tell me where you will be departing from and heading to , please ? 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 from stevenage to cambridge please eos O O B-Train-Inform+Depart O B-Train-Inform+Dest 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+Arrive,Train-Request+Leave +bos i will be leaving from stevenage and heading for cambridge . eos O O O O O O O O O O O O N/A +bos i would recommend the train that leaves at 13:54. would you like me 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 what is the price of this particular train ? eos O O O O O O O O O O Train-Request+Price +bos it is 12.80 pounds . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos does that train arrive by 17:00 ? eos O O O O O O B-Train-Inform+Arrive O N/A +bos yes , it arrives at 14:43 eos O O O O O B-Train-Inform+Arrive O N/A +bos thank you , that will be all . eos O O O O O O O O O general-thank +bos alright , just to confirm you do not need me to book you for the train ? 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 . that will be all . thanks ! eos 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 general-bye +bos i need help finding a 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 sure , it is a moderate hotel located in the north part of town , 3654 milton road . can i reserve a room for you ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Area 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 Booking-Inform +bos yes please . the reservation is for 1 person . the reservation should be for 2 nights beginning on wednesday . eos 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 'm sorry , they were unable to accommodate that request . would you like 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos how about for only 1 night ? eos O O O O O O B-Hotel-Inform+Stay O N/A +bos i have put in your booking for 1 night . the reference number is f9kp6o9o . 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 great i also need a place to eat in the centre of town in the moderate price range please . 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 i have 21 possibilities . is there a particular kind of restaurant you would 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 yes , i 'd love to eat somewhere that serves british food so i can get the full experience , you know ? 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 have 4 different choices that serve british food . all are moderately priced . if you do n't mind , i would like to recommend the oak bistro . they are excellent . eos O O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O N/A +bos that sounds fine . please book that one . eos O O O O O O O O O O N/A +bos how many will be dining and what day and time would you like 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,Booking-Request+Day,Booking-Request+Time +bos actually , come to think of it i will book it later . can i please get 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 O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos of course . the oak bistro is at 6 lensfield road , postcode cb21eg . their phone number is 01223323361. can i help you with anything else ? eos O O 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 B-Restaurant-Inform+Post 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 for now . thanks eos O O O O O O O O general-thank +bos thank you . good day . eos O O O O O O O general-welcome,general-bye +bos i am heading to cambridge and i would like to know about some places to see in the north , 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 N/A +bos the milton country park is popular among visitors . would you like the address ? 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 O O N/A +bos yes , may i please get the address , postcode , and the entrance fee for the milton country park ? 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 O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos sure . their address is milton country park , milton . their postcode is cb46az . their phone number is 01223420060. there is free admission to the park . anything else i can help with ? eos O 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 B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O O O O O O O O O O O O O O general-reqmore +bos i need to get a train that leaves after 16:30. can you help with that ? eos O O O O O O O O O O B-Train-Inform+Leave O O O O O O N/A +bos what day would you like to leave and where are you departing from ? eos 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 cambridge and arrive in lecester on monday . 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 i 'm sorry , i 'm not able to find a train leaving cambridge after 16:30. is there another time i can search for you ? eos O O O O O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart B-Train-NoOffer+Leave O O O O O O O O O O O O O N/A +bos i think i said that wrong . i am actually looking for a train that leaves leicester after 16:30 going to cambridge . eos 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+Leave O O B-Train-Inform+Dest O N/A +bos there is a train departing at 17:09 that arrives at 18:54. 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 i think that would work . what is the trainid ? eos O O O O O O O O O O O O O Train-Inform +bos the train id is tr2078 . are you ready for 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 O Train-OfferBook +bos yes , most definately . thanks eos O O O O O O O general-thank +bos great , your booking was successful , the total fee is 37.79 gbp for 1 ticket . reference number is 9ir5oscs . is there anything else i can help with today ? eos O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket 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 general-reqmore +bos no , that is it . thanks eos O O O O O O O O general-thank +bos you 're welcome . have a nice trip , 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 general-welcome,general-bye +bos thank you for your help . eos 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-welcome,general-bye +bos i 'm looking for a train . eos O O O O O O O O Train-Inform +bos i 'll be happy to help . can you tell me where you are leaving from and where you are 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 Train-Request+Depart,Train-Request+Dest +bos i am looking for a train that goes to peterborough from cambridge and arrives by 19:00. eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O B-Train-Inform+Arrive 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 'll be leaving monday and the departure time does n't matter . eos O O O O O O O O O O O O O O N/A +bos for 16.50 pounds tr9859 leaves at 05.56 eos O O B-Train-Inform+Ticket I-Train-Inform+Ticket B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos okay , does tr9859 arrive by 19:00 ? i would also like 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 +bos i 'm sorry for the confusion . i do n't show tr9859 . i have tr0607 that leaves at 18:06 , arrives at 18:56. travel time is 50 minutes . does that work ? eos O O 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 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 Train-OfferBook +bos sure that 's fine , does that have the same price ? eos O O O O O O O O O O O O O Train-Request+Price +bos yes , the price is 16.50 pounds . can i help you with anything else 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 general-reqmore +bos yes , i am also looking for more information on parkside pools . can you tell me what kind of attraction it is ? 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 N/A +bos parkside pools is a swimming pool located in the centre of town . they are located at gonville place . their postcode is cb11ly . they can be reached at 01223446100. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 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 N/A +bos that sounds like the best attraction ever . thank you for all your careful assistance . have a lovely 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 Attraction-Inform +bos and you have a wonderful day as well ! eos O O O O O O O O O O general-bye +bos i am looking for a train leaving on saturday . eos O O O O O O O O O O O N/A +bos there are several trains leaving on sunday . do you have a departure/destination in mind ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Day O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos the train should depart from cambridge and arrive in standsted airport . eos O O O O O O B-Train-Inform+Depart O O O O O O N/A +bos i have 19 trains leaving cambridge for standsted on saturday . did you have a particular departure time in mind ? eos O O O O B-Train-Inform+Choice 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 Train-Request+Leave +bos i do n't have a departure time in stone , but i need to arrive by 17:15. eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos the tr2001 is the last train of the day and arrives at 17:08. the train before it is tr0638 and arrives at 16:08. do you want 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 B-Train-Inform+Id I-Train-Inform+Id 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 the tr0638 . i need 7 tickets . eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos your tickets are reserved . that reference number is 6j063kbl . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos alright , since i 'm going to be in the city centre for awhile , could you tell me of any interesting places there ? 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 N/A +bos there are several beautiful churches near the centre , all well known and valued for their beautiful architectural styles . is that something you might be interested in ? eos 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 B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O N/A +bos what 's your favorite one ? i trust your judgment - let me know the best one 's address , postcode , and attraction 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 Attraction-Request+Post,Attraction-Request+Type,Attraction-Request+Addr +bos i would suggest all saints church for it 's amazing architecture type . it 's address is on jesus lane with a postcode of cb58bs . make sure you check out that stained glass ! eos O O O O O B-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+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Post O O O O O O O O O O O O O general-welcome +bos wonderful , i am really looking forward to it ! that 's all i 'll need for 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 have a nice day . eos O O O O O O general-bye +bos i need to find a train , please . i 'm traveling on tuesday and would like to arrive at my destination by 19: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 O B-Train-Inform+Arrive O O O N/A +bos of course , where would you like to travel to , and 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 O Train-Request+Depart,Train-Request+Dest +bos i will be leaving cambridge and going to london . i 'd like to use the liverpool street station . 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 O O O O O O O O N/A +bos sure , tr9561 leaves at 17:59 and arrives by 19:27. would that work 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 N/A +bos it should . could you give me the travel time and price for that too ? 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 price is 16.60 pounds and travel time is an hour 28 minutes . can i assist 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 I-Train-Inform+Time I-Train-Inform+Time O O O O O O O O general-reqmore +bos yes , actually . are you able to find me a multiple sports attraction ? eos O O O O O O O O O O O O O O O O Attraction-Inform +bos the cherry hinton village centre has multiple sports and is located in the east area . phone number is 01223576412 , 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O O general-reqmore +bos yeah what about college 's ? eos O O O O B-Attraction-Inform+Type O O N/A +bos we have many different colleges to visit . do you have a particular area in mind ? 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 Attraction-Request+Area +bos how about one in the centre ? eos O O O O O O B-Attraction-Inform+Area O N/A +bos ok we have 4 that are free and one that charges 2 pounds 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 O N/A +bos one of the free ones would be great . can you give me the name and address of 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+Addr +bos i would recommend downing college . the address is regent street . 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 O N/A +bos i actually do n't want to visit a college . i want to visit a place in the city centre that offers multiple sports . 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 I-Attraction-Inform+Type O O O N/A +bos i am sorry there are no attractions that offer multiple sports in the centre , do you have any other interests or would you like to look in another area ? eos O O 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 O O O O Attraction-Request+Area,Attraction-Request+Type +bos i guess downing college in the centre area would be good . can i get the address ? 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 Attraction-Request+Addr +bos the address is regent street and the postcode is cb21dq . is there anything else i can do for you ? 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 i think 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 my pleasure , feel free to use us again for anything else you may need , eos O O O O O O O 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 goodbye . have a great trip ! eos O O O O O O O O general-bye +bos are there any expensive british restaurants ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos of course ! we have a variety of them in the east , west , and centre . what area would you prefer ? eos O O O O O O B-Restaurant-Inform+Choice I-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 Restaurant-Select +bos i 'd like for it to be in the west please . eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos i have two , graffiti and travelers rest , shall i go ahead and try to book ? 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 Booking-Inform +bos i am not quite ready to book a table , however i would like the phone number and address of each restaurant 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos graffiti is located at hotel felix whitehouse lane huntingdon road , 01223277977 , cb30lx . travellers rest is located at huntingdon road city centre , 01223276182 , cb30df . can i help you more ? 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Phone I-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos i 'm looking for a train that leaves on sunday and arrive by 12:00. eos 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 will you be departing and arriving from ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i will be departing from cambridge and traveling to stevenage . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos i have train tr5390 leaving cambridge at 5:21 and arriving at 6:10 on sunday . would you like to book this ? 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+Arrive O B-Train-Inform+Day O O O O O O O O Train-OfferBook +bos yes please ! i think 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 okay , if you 'd like a booking , i 'll need to know how many tickets you need . or , if we 're done here , have a very 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 O O O O O general-welcome,Train-Request+People +bos yes , that is all . thanks again . eos O O O O O O O O O O general-thank +bos you 're welcome . if you need any help in the future i 'll be here . eos 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 trying to find a train leaving on friday after 09:30. eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A +bos i would be happy to help you with your request , could you be more specific on where you are departing/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 Train-Request+Arrive,Train-Request+Leave +bos i will be leaving from broxbourne on my way to cambridge . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O N/A +bos can i get a time you would like to arrive by ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos i am not particular about what time we arrive provided we leave after 09:30. choose one for me and give me the arrival time , travel time , and train id . eos 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 O O O O O O O O O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID +bos i have train tr5678 leaving broxbourne at 09:32 and arriving in cambridge at 10:32. the travel time is 60 minutes . anything else i can help with ? 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 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 general-reqmore +bos i am also looking for a place to dine in the north area that has a cheap price range . eos 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 O N/A +bos i have two choices that match , royal spice that serves indian food , and da vinci pizzeria that servers italian food . do either of those work ? 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 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 Restaurant-Select +bos yes i would like royal spice , book a table for 8 people at 19:30 on the same day eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A +bos i 'm sorry , there are n't any tables available at that time . would you like to try another timeslot ? 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 at 18:30 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos i was able to successfully reserve your table for 18:30. your reference number is a2fwmxjn . is there anything else i can help you with ? 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 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 you 're welcome please 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 'd like a restuarant with asian oriental food located in the centre , please . eos 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 N/A +bos the dojo noodle bar is a cheap restaurant serving asian oriental food in the centre . would you like to book at this restaurant ? 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 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 Booking-Inform +bos that sounds perfect . i do n't need a reservation though . eos O O O O O O O O O O O O O N/A +bos anything else i can do for you ? eos O O O O O O O O O general-reqmore +bos yes , could you just give me the contact information for the restaurant ? phone , 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+Post,Restaurant-Request+Addr +bos sure the phone 01223363471 , address 40210 millers yard city centre and postcode cb21rq for dojo noodle bar . may i help with anything else ? eos O O O O B-Restaurant-Inform+Phone 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O general-reqmore +bos no , i think that 's all i need . thanks ! eos 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 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 'm looking for a restaurant in the centre of town with a modest price range . can you recommend one ? 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 N/A +bos yippee noodle bar has good ratings and is in the moderate price range in the centre of town . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O B-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area N/A +bos that sounds great . can i reserve a table for 4 at 20:00 on wednesday ? 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 booking was unsuccessful . let 's try another day or time . eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos okay let 's try 19:00 instead . eos O O O O B-Restaurant-Inform+Time O O O N/A +bos that was succesful . your booking was successful . the table will be reserved for 15 minutes . your reference number is : 54gi6ai7 . 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 N/A +bos that is wonderful . thank you for 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 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 there is nothing else . again , thank you . goodbye . eos 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 find a college for me to visit ? eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are 18 colleges in cambridge . do you have an area in mind ? 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 , where would you recommend ? eos O O O O O O O O N/A +bos easiest would be to find the closest one . you can always visit christ 's college in the centre 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+Area O O N/A +bos may i have their phone number please ? eos O O O O O O O O O Attraction-Request+Phone +bos christ 's college is located in the centre of town and their phone number is 01223334900 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 O O O O B-Attraction-Inform+Phone O N/A +bos thank you may i also have a name of a restaurant that is moderately priced and serves european food . located in the south ? 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 B-Restaurant-Inform+Area O N/A +bos restaurant alimentum at 152-154 hills road is my all time favorite . eos 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 N/A +bos fantastic . can you book a table for 7 on saturday at 19:00 ? eos 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 have you booked for 7 at restaurant alimentum on saturday at 19:00. their address is 152 - 154 hills road and their phone number is 01223413000. eos O O O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time 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 N/A +bos thank you . thank is all . good bye . 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 hi , i 'm looking for a cheap restaurant , please . eos O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos i have 22 results for cheap restaurants , are you looking for a particular type of 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 want a restaurant that serves turkish food eos O O O O O O O O B-Restaurant-Inform+Food N/A +bos unfortunately , i do not see any results for cheap turkish restaurants , would you like to try 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 Restaurant-Request+Food +bos how about italian food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos i have 5 results that meet that criteria . is there a particular area you want to 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 O O Restaurant-Request+Area +bos no , just give me the phone number and address for your favorite , 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 my favorite is zizzi cambridge . their phone number is 01223365599 and they are located in the centre at 47-53 regent street . anything else i can help with today ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O O O O O B-Restaurant-Recommend+Area O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O general-reqmore +bos i 'm also looking for a train that leaves on sunday and goes to peterborough . eos O 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 ok , can you tell me your departure city and if you have a time you need to leave or arrive in peterborough ? eos O 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+Depart,Train-Request+Leave +bos i need to arrive by 18:00 and depart from cambridge . eos O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O N/A +bos i have about 20 possibilities for your arrival time . do you have a preferred departure time ? eos O 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 no , just as close to 18:00 as possible . what is the price of the train ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-Request+Price +bos train tr5473 departs at 17:06 and arrives by 17:56. would that work for you ? the price of the ticket is 13.20 pounds . 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 O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos yes , thank you for the information . eos O O O O O O O O O general-thank +bos would you like me to book that train for you ? eos O O O O O O O O O O O O Train-OfferBook +bos yes , i 'd like one ticket for that train . eos O 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 : 16vgqu3h . 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 B-Train-OfferBooked+Ref 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 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 . thank you . eos O O O O O O O O general-thank +bos thank you . eos O O O O general-greet +bos hi , i 'm trying to find out more about a restaurant called cocum . what can you tell me ? 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 N/A +bos it is an indian restaurnat in the west part of town . it is expensive . 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 B-Restaurant-Inform+Price O O N/A +bos thanks ! i 'd like to book a table for 3. eos O O O O O O O O O O O O general-thank +bos i 'd be happy to make your reservation . what day and time would you like to make 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 Booking-Request+Day,Booking-Request+Time +bos i would like to book a table for 3 on saturday at 13:30. are there any trains that go to broxbourne on sunday ? 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 B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos reference number is i9e0bw9o . eos O O O O B-Restaurant-Inform+Ref O Booking-Book +bos i am also looking for a train departing from cambridge on sunday and arriving at broxbourne by 09:15. 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+Dest O B-Train-Inform+Arrive N/A +bos tr8736 leaves at 05:01 and arrives at 06:01. 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 that 's quite early . are there any trains closer to 9:00 ? eos O O O O O O O O O O O O O O Train-Inform +bos yes . tr1053 leaves cambridge at 8:08 and arrives in broxbourne at 09:01. would this be better 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 O O Train-OfferBook +bos yes , that would be great . what is the total travel time ? eos O O O O O O O O O O O O O O O Train-Request+Duration +bos total travel time is 60 minutes . can i book that for you ? 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 not at the moment , i just needed the travel time . eos O O O O O O O O O O O O O Train-Request+Duration +bos can i help you with anything else today ? eos 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 have a wonderful day . eos O O O O O O general-bye +bos i am looking for a train going to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos great and welcome ! how about friday at 05:17 ? is that time acceptable ? eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O Train-Select +bos yes , that is perfect . eos O O O O O O O N/A +bos it will cost 23.50 pounds and the travel time will be 51 minutes , would you like to book it ? eos O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O B-Train-OfferBook+Time I-Train-OfferBook+Time O O O O O O O N/A +bos yes , please . two tickets . eos O O O O O O O O N/A +bos i 've booked you 2 tickets on train tr5219 from london kings cross to cambridge on friday . the total fee is 47.2 pounds and your reference number is dvrx2c6v . eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Day 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 thanks . a friend told me about a restaurant called the rice boat . do you know it ? 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 N/A +bos i have not been myself but hear it is nice . it serves indian food on the west end of town . would you like me reserve a table for you ? 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 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 please , 2 people at 20:30 on sunday . can i also get a 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 N/A +bos i was able to book that table for you ( ref # uu2pwiv7 ) . can 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 O O O general-reqmore +bos nope , that takes care of everything . thank you ! eos 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 need some tacos ! can you help me find a mexican restaurant on the south side of the city ? 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 O O O O N/A +bos yes , i found chiquito restaurant . it is located at 2g cambridge leisure park cherry hinton road cherry . phone number is 01223400170. eos O O O 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O N/A +bos thank you very much for the information ! 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 yes , i 'm also looking for a train leaving cambridge after 20:30. eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O N/A +bos where are you headed to and what day would you like to travel ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos peterborough and i need to leave on saturday after 20:30 eos O B-Train-Inform+Dest O O O O O O B-Train-Inform+Day O O N/A +bos sure , tr4928 leaves cambridge at 21:06. would you like me to make a reservation 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 O O O O O O O O O O O O Train-OfferBook +bos book it for 4 people , yes . i need the reference number too . eos O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref +bos i was able to book those 4 tickets for you . your reference number is 3e8zh4ko . is there anything else i can help you with today ? eos O O 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 O general-reqmore +bos no that is it thank you . eos O 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-reqmore +bos hello , i 'm trying to find a train that goes from cambridge to london kings cross . can you help me book a ticket ? 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 O O O O O O O N/A +bos i can help with that . can you tell me what day you will 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 i need to leave on saturday after 18:45. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos the soonest departure time would be at 19:00 on saturday , is that okay ? eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O Train-Select +bos yes , that 's perfect . can you book that for 8 people ? eos 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 with reference number 144vdbrm . the cost of 151.04 gbp will be payable at the station . can i be of further assistance today ? 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 general-reqmore +bos i 'm looking for an expensive place to eat in the centre , what is there that fits that criteria ? 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 N/A +bos there 33 places that fit your criteria . do you have a particular cuisine type in mind so that i can narrow the results down ? 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 O Restaurant-Request+Food +bos it does n't matter what kind of food . what would you recommend for a large group of 8 people ? 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 don pasquale pizzeria ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos that sounds great . please book it for 8 on saturday at 14:15 and get a 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 N/A +bos unfortunately , the restaurant does n't have a table for that time . can you do it earlier or later ? 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 how about 13:15 ? eos O O O B-Restaurant-Inform+Time O N/A +bos great . that was successful . your reference number is q0ij8u6u . eos O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thank you , you 've been a great help . eos O O O O O O O O O O O general-thank +bos is there anything else that i could help you with today ? eos O O O O O O O O O O O O O general-reqmore +bos no thank you , that 's all for now ! eos O O O O O O O O O O O general-thank +bos thank you for using our service . have a great day . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos hello are there any cheap european restaurants in town ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos yes , i found one located in the centre of town called the river bar steakhouse and grill . would you like more information ? eos O O O O O B-Restaurant-Inform+Choice O O B-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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O N/A +bos is there anything in the north part of town ? eos O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos nothing of that criteria in the area . shall i try again with another criteria ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos can you look for italian food instead ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have the da vinci pizzeria in the north . it is a cheap restaurant . can i reserve you a table ? eos 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 O O O B-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos yes i would like to reserve a table there . may i have the address please ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos yes . the address is 20 milton road , chesterton . so that i can reserve a table , how many will be in your party ? eos O O O 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 O O O Booking-Request+People +bos one in my party . i 'm also looking for a train to get to bishops stortford , can you help me with that too ? 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 O O O O O O O O O N/A +bos i 'd be happy to reserve your table ; what day and time will you be dining ? 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 i will be leaving cambridge on wednesday after 20:00 to bishops stortford . eos O O O O O O O O O O O O O O N/A +bos what time would you like your reservation to be ? eos O O O O O O O O O O O Booking-Request+Time +bos i do n't need a reservation for the restaurant . i need to find a train from cambridge to bishops stortford . eos 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 O O N/A +bos what day and time would you like travel ? eos 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 wednesday after 20:00. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos is there a time you would like to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos no . please send me the train id and arrival time . eos O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID +bos there is one leaving at 21:29 and arriving at 22:07 , tr4863 . would you like me to book it ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive B-Train-Inform+Id O O O O O O O O O Train-OfferBook +bos no , i got all that i need . goodbye . eos 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-welcome,general-bye +bos i need to book a train from norwich to cambridge . 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 would you like to leave ? 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 leave on monday and arrive by 17:45. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos of course ! i 'd recommend the tr0192 train , which arrives by 17:35. would that work for you ? eos O O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O B-Train-OfferBook+Arrive O O O O O O O O O N/A +bos could i please get the price and the train id ? eos O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos the train id is tr0192 and the cost is 17.60 eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O N/A +bos i also need a restaurant . can you do that ? eos O O O O O O O O O O O O Restaurant-Inform +bos yes . what type of resturant do you need ? eos O O O O O O O O O O O Restaurant-Request+Food +bos fusion food would be ideal . eos O B-Restaurant-Inform+Food O O O O O Train-Request+TrainID +bos i 'm sorry , there are no fusion restaurants in cambridge . can i find a different type of cuisine for you ? 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 Restaurant-Request+Food +bos try chinese food instead . eos O O B-Restaurant-Inform+Food O O O N/A +bos we 've got 17 chinese restaurants . is there a part of the city or a price range you had in mind ? 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+Price,Restaurant-Request+Area +bos can we get a restaurant in the cheap price range . it will be for 5 people at 20:30 , on the same day eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+People O O O O O O O O Train-Request+Price +bos i have 3 cheap chinese restaurants in the centre and 1 in the south , which would you like me to try to book ? eos O O O O B-Restaurant-Inform+Choice 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 Restaurant-Select +bos pick your favorite and book it . we are a party of 5 and we 'd like to eat late , like 20:30 , on the same day as that train you found for me . eos O O O O O O O O O O O O O B-Restaurant-Inform+People 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 N/A +bos i was not able to book any of those 4 at 20:30 , would you like to try an earlier 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 for 19:30 please ? eos O O O O O B-Restaurant-Inform+Time O O N/A +bos that was successful . your reference number is wm46all4 eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks for all your help eos 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 train leaving from birmingham new street and arriving by 16:00. 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 B-Train-Inform+Arrive N/A +bos there is a train every hour from birmingham new street to cambridge starting at 5:40. it costs 75.10 pounds and is 163 minutes . 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 B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos i think that would be too late . i also need it on monday , not right now . eos 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 on monday the tr3734 arrives by 15:23. would you like to book some tickets for that ? or perhaps an earlier train if you think that 's cutting it too fine . eos O O B-Train-Inform+Day 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 O O O O O O Train-Request+Leave,Train-OfferBook +bos i think that would be good , can you get me 4 tickets ? eos 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 300.39 gbp payable at the station . the reference number is gxtxw2em . 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 i also need a restaurant in the expensive price range and should serve european food eos O O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O N/A +bos ok , i have a few options , what side of town would you like that on ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos could you make that on the north side please . eos O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there is one expensive european restaurant in the north - city stop restaurant . would you like to reserve a table there ? 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 I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform +bos no , i just need the postcode and address as well as a phone number . 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 the address is cambridge city football club milton road chesterton . the postcode is cb41uy . the phone number is 01223363270. is there anything else i can do 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 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 O O O O O O O O general-reqmore +bos no that is everything i need for my trip . thank you ! 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 good day . eos O O O O O O O O O O O O general-bye +bos you 're welcome . you , too . eos O O O O O O O O O N/A +bos please give me a call if you need any assistance during your visit eos O O O O O O O O O O O O O O general-bye +bos are there any expensive european restaurants around ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i found 5 expensive european restaurants . which area of town would you like to look in ? 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 Restaurant-Request+Area +bos i do n't have a preference , what do you recommend ? i 'll need the area , address and phone 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+Area,Restaurant-Request+Phone,Restaurant-Request+Addr +bos city stop restaurant , 01223363270 , post code is , cb41uy , cambridge city football club milton road chesterton . anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore +bos i also need a train leaving cambridge after 21:15. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos what is your destination ? eos O O O O O O Train-Request+Dest +bos i need it 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 N/A +bos i have several . is there a time you would like to arrive by ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Arrive +bos what times do you have available ? eos 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 want to travel on tuesday eos O O O O O O B-Train-Inform+Day N/A +bos i would suggest train id tr5722 which leaves at 21:59 and arrives at london liverpool street at 23:27. eos O O 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 I-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos that sounds like it would work . please make a reservation for 4 people on that train , 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 N/A +bos alright , the booking was successful , the total fee is 66.4 gbp payable at the station . your reference number is : rlf15gh7 . can i do anything else 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos no thanks . i think that 's all . have a nice day . bye . eos O O O O O O O O O O O O O O O O O general-bye +bos great ! you 're quite welcome . goodbye ! eos O O O O O O O O O O general-welcome,general-bye +bos hello i am looking for a place to dine in the centre of town that needs to be cheaply priced eos 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 N/A +bos i have 15 different restaurants available . what type of food would you like them to serve ? 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 it to have scandinavian food . eos O O O O O O O O O O N/A +bos unfortunately none of them serve scandanavian food . i do n't believe any restaurants in town do . is there another cuisine you might like instead ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O B-Restaurant-NoOffer+Choice I-Restaurant-NoOffer+Choice B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Food +bos yes , do any serve modern european food instead ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos the river bar steakhouse and grill does . can i make you a reservation ? 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 O O O O O Booking-Inform +bos no thank you . but can i get 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos they are located at quayside off bridge street , phone number is 01223307030 , and their postcode is cb58aq 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 O O O B-Restaurant-Inform+Post O O N/A +bos i also need a train that depart bishops stortford and goes 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 can you please tell me what day you would like your train and what time ? 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 am leaving on monday after 13:15 in the afternoon . please give me the reference number when you have it . thanks ! 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 Train-Request+Ref +bos okay i have booked you a train ticket from bishops stortford to cambridge for 1 person leaving at 13:29. your reference number is 962q6mqg . eos O O O O O O O O O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O N/A +bos i apologize , i forgot to mention that i 'll be needing 6 tickets , not just 1. eos O O O O O O O O O O O O B-Train-Inform+People O O O O O O N/A +bos okay ! i 've changed your reservation for 6 tickets rather than one . the reference number is now qhyyacdv . eos O O O O O O O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O O O N/A +bos thanks , i ca n't wait ! and thanks for your help today . eos O O O O O O O O O O O O O O O general-thank +bos you 're most welcome ! eos O O O O O O general-welcome +bos hi i am looking for a place to stay with free parking in the 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 Train-Request+Price +bos we have several locations that suit your needs , would you like a 4 star hotel ? or is there any other accommodations you 'd like to narrow down the list ? 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 O O O Hotel-Request+Stars,general-reqmore +bos i would like a 2 star hotel . eos O O O O O O B-Hotel-Inform+Stars O O N/A +bos how about the alexander bed and breakfast in the town centre ? it is cheap and has free parking . 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 B-Hotel-Inform+Price O O O O O Hotel-Inform+Parking +bos is that a 2 star hotel ? eos O O O O O B-Hotel-Inform+Stars O O N/A +bos the alexander b & b is a 4 star hotel . there are no cheap hotels with 2 stars that offer free parking . do you want to broaden your search ? eos O O B-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-NoOffer+Price B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Stars O O O O O O O O O O O O O O O O Hotel-NoOffer+Parking,general-reqmore +bos what about moderately priced places with 2 stars ? eos O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O Train-Request+Price +bos there are 2 moderately priced 2 star hotels on the north side of town : the ashley hotel and the lovell lodge . would you like more information on one ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price 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 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 could you book 3 nights at the ashley for 7 people , please ? we 'll be arriving on tuesday . eos O O O O O B-Hotel-Inform+Stay 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 'm sorry , it is n't available for 3 nights . would you like to arrive on a different day or stay for less time ? eos 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 Booking-Request+Time,Booking-Request+Stay +bos does the lovell have 3 nights available ? eos O O O O O O O O O N/A +bos i 'm so sorry , the lovell does n't have the availability you 're looking for either . would you like to try to book 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 O O O O O Booking-NoBook,Booking-Request+Stay +bos can you try booking a 1 night stay ? i need the reference number if that works . i also need a train leaving cambridge after 17:45 , arriving in norwich on wednesday . 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 B-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O Hotel-Request+Ref +bos i have booked your stay at lovell lodge . your reference number is atyka57c . would you like me to buy tickets train tickets also ? 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 Train-OfferBook +bos not at the moment . can i have the price and train id though ? eos 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 a norwich bound train leaving at 18:36 , price of 17.60 pounds and traindid of tr7776 , would you like me to book it ? eos O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Id O O 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 and would that be for the seven people that are staying at the hotel ? eos O O O O O O O O O O O O O O O O Train-Request+People +bos yes please , for all seven of us . eos O O 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 , i think that 's all . thanks ! eos O O O O O O O O O O O general-thank +bos thank you , and have a nice day ! eos O O O O O O O O O O general-bye +bos hello , i 'm looking for an museum . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos i am showing a listing of 23 different museums in various areas of cambridge . do you have a specific area you would like to visit ? eos O O O 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 O O O O Attraction-Request+Area +bos any area is fine . do you have a favorite ? maybe we can check that one out . which one do 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 Attraction-Request+Area +bos broughton house gallery was great the last time i was there and i think you 'll enjoy it as well . it even has no entrance fee . eos 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 O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos awesome , can i get the phone number , postcode and area for that ? eos O 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 broughton house gallerty is in centre . the phone number is 01223314960 , and the postcode is cb11ln . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O N/A +bos thank you , i am also looking for a hotel on the north side . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos there are 5 hotels on the north side . are there any specific accommodations you were looking for ? 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 N/A +bos i like a guesthouse in the moderate price range . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A +bos acorn guest house would be nice for you eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos what are the prices like there ? eos O O O O O O O O N/A +bos acorn guest house is a moderately priced hotel . they provide internet and parking . would you like to book something ? eos O B-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 O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos could you give me the postcode , phone number and star rating of the guesthouse ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O O Hotel-Request+Post,Hotel-Request+Phone +bos sure , it is a 4 star guesthouse located at 154 chesterton road . the postcode is cb41da and you can call them at 01223353888. is there anything else you need ? eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos yes , a taxi , i want to leave the attraction and go to the hotel by 22:00 eos 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 're booked in a black audi , contact number 07701261182. can i help you with anything 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 thats all i needed , thanks eos 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 place to stay . could you find me a place in the centre of town that is expensive ? 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 B-Hotel-Inform+Price O O N/A +bos there are 2 hotels in that area that are in the expensive price range , one is a 3 star and the other 4 star . 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 O N/A +bos i need it to have free wifi and free parking . does one of them offer both ? eos O O O O O O O O O O O O O O O O O O O N/A +bos yes , they both do . may i recommend gonville hotel ? eos O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos absolutely , can you provide me with the postcode and hotel type of the gonville hotel ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Type +bos sure , the postcode is cb11ly . can i book a room for you ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O Booking-Inform +bos no thank you . i am needing a train that will leave on wednesday and arrive by 13:15. eos 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 N/A +bos i will check to see if i can find a train that matches your needs . eos O O O O O O O O O O O O O O O O O N/A +bos thanks . i 'll be heading from broxbourne to cambridge . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A +bos i have 7 trains that meet your needs train tr5953 arrives in cambridge at 12:32. would you like me to book it for you ? eos O O O O B-Train-Inform+Choice O 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 O O O O Train-OfferBook +bos tr5953 works fine , i need 3 people eos O O B-Train-Inform+People O O O O O O N/A +bos your reference number is k1bwuixz , and the fee is 53.7 gbp , payable at the station . is there anything else i can help you with today ? 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 O O O O O general-reqmore +bos no thank you , you 've been very helpful . have a good day ! eos 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 . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos could you help me find some entertainment 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 no entertainment centers in the centre of town . would you like to try 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 I-Attraction-NoOffer+Area O O O O O O O O O Attraction-Request+Area +bos yes , another area is fine . eos O O O O O O O O N/A +bos what about the funky fun house ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos can you check for a type of architecture in the centre area please ? eos 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 4 architecture attractions . they include all saints church , great saint mary 's church , holy trinity church , little saint mary 's church and old schools . 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos can you tell me the entrance fee of all saints church ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos it is free . would you like the address and phone number for it ? eos O O O B-Attraction-Inform+Fee O O O O O O O O O O O O N/A +bos no , that 's fine , but i need a train from london liverpool street arriving by 9:00. 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 N/A +bos tr6939 arrives in cambridge by 07:07. will that work for you or do you have another destination in mind . 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 O O O O O O Train-Request+Dest +bos i am looking for a good attraction in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos ok , the broughton house gallery is in the centre and admission is free . 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+Area O O O B-Attraction-Inform+Fee O O N/A +bos what type of attraction is the broughton house gallery and may i have the address ? 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 Attraction-Request+Type,Attraction-Request+Addr +bos it is a museum and the address is 98 king street . eos O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos thanks . i 'm also looking for a train for saturday . can you assist me with that ? eos 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 yes , i can . could you give me more information , such as , where you will departing from and the approximate 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 +bos i will be going from cambridge to stansted . i need to arrive by 9:30. thaks eos O O O O O O B-Train-Inform+Depart O O O O O O O O O O N/A +bos the tr5580 train arrives t stansted airport by 9:08. would you like to purchase some tickets or get more information ? eos O O B-Train-Inform+Id 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 Train-OfferBook +bos can i get the travel time and price please ? eos O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos sure . it takes approximately 28 minutes and costs 8.08 pounds per ticket . would you like me to book it 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 O O O Train-OfferBook +bos no thank you . that is all that i need . eos O O 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 'm looking for a theater . eos O O O O O O O O O O N/A +bos do you have a location preference ? eos O O O O O O O O Attraction-Request+Area +bos not especially , could you give me a recommendation ? eos O O O O O O O O O O O N/A +bos adc theatre in the centre is nice . would you like the address ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area O O O O O O O O O general-reqmore +bos yes , please . also , what is their phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223300085 and the address is on park street , postcode cb58as eos 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 O B-Attraction-Inform+Post O N/A +bos i also need a train ticket . eos O O O O O O O O Train-Inform +bos i 'd be happy to help you find a train . where would you be departing from and where would we be going 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 Train-Request+Dest,Train-Request+Depart +bos i will be going to peterborough from cambridge . hoping to leave on monday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O B-Train-Inform+Day O O N/A +bos what time would you like to arrive or leave ? eos O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos the train should arrive by 19:00 and should depart from cambridge . eos O O O O O O O O O O O B-Train-Inform+Depart O N/A +bos i have a train leaving cambridge at 5:06 and arriving to peterborough at 5:56. the price is 16.50 pounds per ticket , would you like me to book it ? eos O 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 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 Train-OfferBook +bos yes , please book for 7 people , and give me the reference number . eos 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 115.5 gbp payable at the station .reference number is : u0jgf786 . 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 awesome , thanks a lot . 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 looking for a train the departs from bishops stortford leaving after 18:30. eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O N/A +bos i would need a little more information first , what day would you like to travel and where are you going 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 Train-Request+Dest,Train-Request+Day +bos im going to cambridge on thursday eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos we have tr0060 . this departs bishops stortford at 19:29 and arrives at cambridge at 20:07. the tickets are 10.10 pounds . does this work for you ? eos O O O O O O B-Train-Inform+Depart I-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 O Train-OfferBook +bos yes , that would be fine . i 'll need to book two tickets , please . eos 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 20.2 gbp payable at the station .reference number is : 0i49nw98 . 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 am looking for a hotel called 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 N/A +bos it 's a moderately priced hotel in the east . would you like to book a room ? eos 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 Booking-Inform +bos yes please , 2 people for 3 nights beginning thursday . get me the reference number too . 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 N/A +bos booking was successful . reference number is : re3b6frf . is there anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos thanks so much , you have helped with everything i need for the trip . bye . eos O O 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 +bos i am looking for theatres to go to in the south . eos O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O N/A +bos the junction sounds like just what you are looking for . would you like more information on this location ? eos 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 N/A +bos yes , may i get the address and post code , please ? 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 address is clifton way and the postcode is cb17gx . can i help with anything else today ? 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 general-reqmore +bos is there an entrance fee to the junction ? eos O O O O O O O O O O Attraction-Request+Fee +bos i am sorry but there is no information about their entrance fee . 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 N/A +bos okay . i 'm also looking for an expensive restaurant that serves moroccan food . eos 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 matches in that area . would you like another type of food ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos yes , can we try indian instead ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 14 restaurants that offer your preferences , let 's see if we can narrow down the selection , is there a particular area 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 O O O O O O O O O Restaurant-Request+Area +bos no particular area . if you could recommend one and send me the address , postcode and phone 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos how about cocum ? it is located at 71 castle street city centre . the postal code is cb30ah and the phone number is 01223366668. eos O O O B-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 O O O O B-Restaurant-Recommend+Post I-Restaurant-Recommend+Post O O O O B-Restaurant-Recommend+Phone N/A +bos great , 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 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 'm looking for a concerthall in the centre . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos the place to go is the man on the moon . need a phone number ? 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 O O O O O general-reqmore +bos no thanks . i 'm actually looking for an address please . eos O O O O O O O O O O O O O Attraction-Request+Addr +bos the address is 2 norfolk street . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos i 'm also trying to catch a train on saturday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos sure , i can help you with that . what time were you wanting to leave around ? eos 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 leave after 8:15. eos O O O O O O O O N/A +bos which stations will you be using ? eos O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos broxbourne and cambridge . eos O O O O O N/A +bos which will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos i will be departing from broxbourne . eos O O O O O O O O N/A +bos one more question : what day will you be travelling ? eos O O O O O O O O O O O O Train-Request+Day +bos on saturday , please . eos O O O O O O N/A +bos there are many trains getting to cambridge on saturday from broxbourne . do you have a specific time you want to be there by ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O O O O O O O O O O Train-Request+Arrive +bos the train should leave after 08:15. eos O O O O O O B-Train-Inform+Leave N/A +bos we have trains running every hour from 08:32 to 23:32. i can get you on the tr2025 that leaves at 10:32 if you 'd like . eos 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 B-Train-OfferBook+Id O O O O B-Train-OfferBook+Leave O O O O N/A +bos what is the price for the tr2025 ? and how long is the trip ? eos O O O O O O O O O O O O O O O O Train-Request+Price +bos please provide me with this information , as i can not travel without it . eos O O O O O O O O O O O O O O O O N/A +bos i am still waiting on that information . can i get the cost of the ticket 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 Train-Request+Duration +bos sorry about that , the tr2025 costs 14.32 pounds , and is a 60 minute trip . the tr9384 leaves earlier , at 8:32 , and costs the same amount . want me to book one ? 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 I-Train-Inform+Time B-Train-Inform+Id I-Train-Inform+Id O 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 O Train-OfferBook +bos no thank you ! that will be all for today ! eos 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 am looking for places to go in town . the attraction should be 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 O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos i 'm sorry , we do n't have a multiple sports attraction in town centre . would you like something else ? 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 O O O O O O O O O O Attraction-Request+Type,Attraction-NoOffer +bos sure , is there a college i could visit ? i 'd like it to be in the town 's centre please . eos 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 O N/A +bos there are 13 colleges in the centre of town . do you have a specific one you like to check out ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type 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 Attraction-Request+Name +bos which one would you suggest and what is the entrance fee ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos sidney sussex college will be a mind blowing experience , would you like more information ? eos O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O O O O O O O O O O O O O N/A +bos please let me know what the entrance fee is . eos O O O O O O O O O O O Attraction-Request+Fee +bos the entrance is free . is there anything else i can assist with ? eos O O O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos i am also looking for a moderate place to stay with a 0 star rating . does not need to have free parking . eos O O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Parking O O O O O O N/A +bos there is cityroomz it 's a moderately priced hotel in the centre of town . would you like me to make a reservation for you ? eos O 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform +bos yes please . i need it to be for 5 people and 4 nights starting on sunday . eos O 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 you are all set , the reference number is zs2outxd eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos alright thats everything thanks eos O O O O O general-thank +bos it was a pleasure to help 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 what kind of attraction are there here ? eos O O O O O O O O O Attraction-Inform +bos there are many attractions around cambridge depending on what you 're looking for . do you have a specific area of town in mind ? eos 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 O O O O O O O O O O Attraction-Request+Area +bos actually , i 'm interested in a restaurant called rice house . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos yes the rice house is cheap and located in the center and their telephone number is 01223367755. they serve chinese food . eos O O O B-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 O O O O B-Restaurant-Inform+Phone O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos great . can you reserve a table for 7 on friday at 13:30 ? eos O O O O O O O O O O O O O O O N/A +bos yes , i can take of that reservation for you . eos O O O O O O O O O O O O Booking-Inform +bos thank you . i 'll need a reference number , please ? eos 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 : of78tyxx . 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 i am looking for a place called the man on the moon , can you give me their phone number and postcode 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 O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure , their phone number is 01223474144 , post code cb12lf eos O O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O N/A +bos great , 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 nice day . eos 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 do you need any info on travel etc ? eos 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 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 looking for information about the train schedules . i would appreciate the help . eos O O O O O O O O O O O O O O O O O O O Train-Inform +bos absolutely ! what information about trains are you looking for ? eos 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 cambridge from peterborough on saturday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O N/A +bos what time do you want to leave and arrive by ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i want to arrive by 09:00 , please . eos O O O O O O B-Train-Inform+Arrive O O O N/A +bos tr5662 will get you to cambridge at 08:09. would you like a ticket on that train ? eos 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 Train-OfferBook +bos what time would the train be leaving ? eos O O O O O O O O O Train-Inform +bos it leaves at 7:19 eos O O O O B-Train-Inform+Leave N/A +bos i am also looking for a nightclub in town . could you give me that phone number and area of one ? 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 Attraction-Request+Area,Attraction-Request+Phone +bos which part of town ? eos O O O O O O Attraction-Request+Area +bos any section of town is fine with me . eos O O O O O O O O O O N/A +bos i have six . would you like more info on one ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O general-reqmore +bos please pick one and give me the 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 ballare is a nightclub in the centre . the phone number is 01223364222. eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Phone O N/A +bos great , thanks ! that 's all i needed . 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 're welcome ! you have a good 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 for 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 okay , what day and time are you looking to leave ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i want to leave saturday after 10:45. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos i recommend tr7223 . can i book ? eos O O O B-Train-Inform+Id O O O O O Train-OfferBook +bos yeah , i need seven tickets . eos O O O O O O O O N/A +bos booking was successful , the total fee is 132.16 gbp payable at the station . your reference number is : 26vngn0i . can i be of any further assistance 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 O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos can you find a place to in the centre ? eos O O O O O O O O O O O N/A +bos the williams art and antiques museum is located in the center . would you like more information about this attraction ? 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+Area O O O O O O O O O O general-reqmore +bos yes , i 'd like to know the address , please . eos O O O O O O O O O O O O O Attraction-Request+Addr +bos sure thing its on trinity street . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos alright that helped , thanks for your time . that 's alls i needed to know . eos O O O O O O O O O O O O O O O O O O general-thank +bos it 's been a pleasure . good day . eos O O O O O O O O O O general-bye +bos i 'd like details about trains leaving from cambridge and going to ely . 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 there are 70 scheduled trains on that route . do you have a day or time you wish 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 'll be traveling on monday and i would like to leave after 15:00. eos O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Leave 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 it does n't matter , just so it leaves after 15:00. i 'll just need the train id and arrival time please . eos 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 Train-Request+Arrive,Train-Request+TrainID +bos the tr7177 leaves at 15:50 , do you want tickets ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos no thank you . i would like to know the arrival time , though . 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 16:07. eos O O O O O B-Train-Inform+Arrive N/A +bos thanks . can you also find a museum ? eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos is there a certain area of town you would like to be in ? eos O O O O O O O O O O O O O O O Attraction-Request+Area +bos no , whatever your recommendation is . i will just need the area it 's in and 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 O Attraction-Request+Area,Attraction-Request+Fee +bos people 's portraits exhibition at girton college in the west is very interest , the entrance fee is free . do you need more info ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O B-Attraction-Recommend+Fee O O O O O O O O O general-reqmore +bos no thanks . that gives me all i need . take care . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos thank you for allowing me to assist you today . eos O O O O O O O O O O O general-bye +bos can you find a theater to visit in town ? eos O O O O O O O O O O O N/A +bos there are five theatres in cambridge : adc theatre , cambridge arts theatre , mumford theatre , cambridge corn exchange , and the junction . what do you want to know about them ? 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+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 i would like the address to the mumford theatre eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Addr +bos it is at anglia ruskin enterprise , east road , cb11pt . can i give you their number ? eos O O O O O O O O B-Attraction-Inform+Addr O O O O O O O O O O O N/A +bos no thanks . just the phone number was enough . i am also sick of eating at the same chinese place all the time . can you help me find another one to try ? 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 O O O O O O O O O O O O O O Taxi-Request+Phone +bos we have many choices . what area would you like ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Area +bos yes , i 'd like it to be in the centre . i 'd love to eat expensive , chinese food . 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 O O O O O N/A +bos great , i 've narrowed it down to four options for you eos O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O N/A +bos pick the best one and book for a table of 4 at 18:00 on monday . 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 N/A +bos booked ! the table will be reserved for 15 minutes.reference number : pbnbr9t7 . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos great could you book me a taxi to get the restaurant 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 which hotel are you staying in ? eos O O O O O O O O Taxi-Request+Depart +bos sorry i just need to get to the restaurant from the mumford theatre . eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos okay , you 're all set . i 've booked your taxi to the sesame restaurant . the car will be a black bmw and the contact number is 07576536594. 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 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 thank you ! that 's all i need . eos O O O O O O O O O O general-thank +bos i 'm happy we could help you today , and 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 am looking for a place to go maybe a museum . eos O O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos there are 11 museums . what part of town would you like ? eos O O O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Area +bos the centre would be nice . eos O O O O O O O N/A +bos it seems all of our museums are in the city centre , though my recommendation would be the primavera . would you like any more information ? eos O O 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O general-reqmore +bos sure , i 'd like to know the 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 they are located at 01223357708 , the address is at 10 king s parade , and their postcode is cb21sj 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 I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O N/A +bos thanks for the info . can i also get information about trains leaving on monday ? eos O O O O O O O O O O O O O O B-Train-Inform+Day O O N/A +bos trains leave cambridge all the time ! where would you like the train to take you on monday ? and at what time ? eos O O O B-Train-Inform+Depart O O O O O O O O O O O O O B-Train-Inform+Day O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i would like to travel to peterborough . what is the travel time from cambridge to peterborough ? eos O O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Depart O O O O Train-Request+Duration +bos the travel time is 50 minutes . would you like to book a 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 no thank you . that 's all i need to know . eos O 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 hello , i am trying to find an attraction in the west part of town . 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 O O O N/A +bos sure , there are many colleges and museums in the west , there is also some entertainment . do you have a preference on any of these ? eos O O O O B-Attraction-Inform+Choice 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 Attraction-Select +bos not really . could you give me the postcode for one of the museums ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O Attraction-Request+Post +bos the one i recommend is the people 's portraits exhibition at girton college . it 's free to get in . their postcode is cb3ojg . is there any other information i can provide ? 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 I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee O O O O O O B-Attraction-Recommend+Post 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 . goodbye . eos O O O O O O O O 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 where can i find malaysian food ? i prefer an expensive restaurant please eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O N/A +bos no i am deeply sorry i am not getting any eos O O O O O O O O O O O Restaurant-NoOffer +bos how about an expensive malaysian restraint in the south ? is there anything available ? eos 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 i 'm sorry . there 's still no matching results . would you like me to search for a different foot 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 Restaurant-Request+Food,Restaurant-NoOffer +bos yes , please . how about indian food ? eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i have 1 expensive indian food in the south . it 's called taj tandoori . they are located on 64 cherry hinton road cherry hinton . would you like a reservation ? 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 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 O O O O O O Booking-Inform +bos perfect , yes . i want a table for 5 at 16:00 on monday . 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 booking was successful . the table will be reserved for 15 minutes.reference number is : x2v543qg 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 . that was all i needed today . goodbye . eos O O O O O O O O O O O O O general-bye +bos you 're very welcome . have a nice time ! eos O O O O O O O O O O O general-welcome,general-bye +bos i need a two star room , free parking included . eos O O O O O O O O O O O O N/A +bos yes i have two options in the north and on in the east , any preference ? eos O O O O 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 Hotel-Select +bos no preference , either will do . eos O O O O O O O O N/A +bos ashley hotel in northe part of town eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area N/A +bos yes i need it for 5 nights from tuesday for 6 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 N/A +bos i 'm sorry but that booking did not go through . shall i try another hotel for you ? eos 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 yes one in the same price range . eos O O O O O O O O O N/A +bos i was able to book you at express by holiday inn cambridge , your reference number is msgbhkwk , is there anything else that i can assist 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 no thank you . that will be all . eos O O O O O O O O O O general-thank +bos okay thank you for calling . enjoy your stay . eos O O O O O O O O O O O general-bye +bos i will . have a nice day . eos O O O O O O O O O N/A +bos so happy i was able to help . good-bye . eos O O O O O O O O O O O general-bye +bos i need a place to stay in cambridge . a hotel in moderate price range would do it . eos 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 N/A +bos there are 18 moderately priced places to stay . is there an area you 'd like to stay in ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O Hotel-Request+Area +bos yeah , i 'd like to stay in the center of town . oh and i 'll need free wifi ! 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 N/A +bos okay i have one option for you called cityroomz . would you like me to book it for you ? eos O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform +bos yeah , you can go ahead and book it for 2 people . i 'll be staying for 3 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+Stay O O B-Hotel-Inform+Day O O O O N/A +bos you 're all set ! reference number is lx1f2bxi . eos O O O O O O O B-Booking-Book+Ref O O O N/A +bos thank you . i also need to find a restaurant near the hotel in the moderate price range . eos 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 O N/A +bos ok i will find you one and notify you as soon as possible eos O O O O O O O O O O O O O O N/A +bos i 'm looking for a place to stay in the moderately price range that includes 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 Train-Request+Price +bos what about the bridge guest house eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos okay , does it have 4 stars and does it include free wifi ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos no , unfortunately it only has 3 stars . i do have a guesthouse called limehouse that is 4 stars . it comes highly recommended . eos O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Recommend+Type O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars O O O O O O O O general-greet +bos just to be clear is limehouse also moderately priced with free parking and wifi ? eos O O O O O O O O O O O O O O O O Train-Request+Price +bos yes that is correct . eos O O O O O O general-greet +bos can you give me the phone number , postcode and address please ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr +bos 01223353888 is the number cb41da postcode . address is 154 chesterton road eos O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos thank you . can you also help me find a train ? eos O O O O O O O O O O O O O Train-Inform +bos why sure where are you departing from where are you going and when ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Depart +bos cambrdige to liverpool london street , leaving after 08:15 on sunday eos 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 N/A +bos there is a 09:59 that would arrive by 11:27. does that work ? eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O Train-OfferBook +bos yes , can you give me the travel 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+Duration,Train-Request+Price +bos the travel time for tr0995 is 88 minutes and the ticket price is 13.28 pounds . would you like me to book a ticket ( or tickets ) for you ? eos 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 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 will be all for today . goodbye eos O O 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 hi , i 'm looking for a place to stay with free parking and zero stars . eos O O O O O O O O O O O O O O O O O O N/A +bos i have 2. city centre north b and b in the north and the el shaddai in the centre . which one would you prefer ? eos 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 B-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 the el shaddai in the centre eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos ok no problem , when would you like the room booked for ? eos O O O O O O O O O O O O O O Booking-Request+Day +bos i need it for four people and four nights starting monday . eos O O O O O O O O O O O B-Hotel-Inform+Day 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 lets try city centre north b and b , if that is not successful , any hotel in the same 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-Inform +bos the a and b was indeed successful and your reference number is ii677z30 . 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 N/A +bos thank you so much for your help . have a nice day . bye . eos O O O O O O O O O O O O O O O O general-bye +bos you are very welcome . thank you for contacting 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-welcome,general-bye +bos i 'm looking for a good museum to visit in the center of town . can you recommend anything ? 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 N/A +bos there are 11 museums in the centre . the broughton house gallery does n't have a fee . would you like more information ? 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 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 yes , please . can i get the phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos broughton house gallery 's phone number is 01223314960 eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone O N/A +bos i also need a train going to cambridge and need to arrive by 15:30. 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 and where will you be departing from ? eos O O O O O O O O O Train-Request+Depart +bos i am departing from norwich on tuesday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr2098 will arrive in cambridge at 14:35 on tuesday . would you like to book passage on that train ? 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 O O O O Train-OfferBook +bos no thank you . could you just tell me the departure time ? eos O O O O O O O O O O O O O O Train-Request+Leave +bos yes , it leaves at 13:16. eos O O O O O B-Train-Inform+Leave O N/A +bos thanks for being so helpful . that is all i need today . 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 hotel in the north part 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 quite a selection of lodgings in the north . do you have a price range preference , or additional needs , to narrow down our search ? 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 O O O O O O O O Hotel-Request+Price +bos yes , i am looking for a 4 star hotel . eos O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos we have 8 guesthouses with a 4 star rating . 7 of the them are moderately priced and one is in the cheap range . do you have a preference ? eos O O O O O O O O B-Hotel-Inform+Stars 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 O O O O O O O O Hotel-Select +bos no . pick whatever is available . eos O O O O O O O O N/A +bos acorn guest house is a nice place.would you like the address ? eos 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 looking for a train . the train should arrive by 13:00 and should go to cambridge eos 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 yes sure . could you tel me where you are departing from and when ? eos 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 be going to cambridge 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 O N/A +bos what day are you traveling ? eos O O O O O O O Train-Request+Day +bos i will be leaving on thursday , can i get the departure time , train id and price ? eos O O O O O O B-Train-Inform+Day O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave +bos your train is tr0998 and will be an 88 minute ride 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 N/A +bos can you tell me the departure time and price please ? eos O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos departure time is 09:39 , arrives in cambridge at 11:07. the fare is 16.60 eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket O N/A +bos i 'm looking for something to do in the west part of town while i 'm there . 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 the west area has many colleges , museums , and one entertainment called whale of a time . do you have a preference ? eos O O B-Attraction-Select+Area O O O O O B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type 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 N/A +bos i 'm not sure . what do you recommend ? eos O O O O O O O O O O O N/A +bos does the entrance fee matter ? if you are looking for some thing free , there is the museum of classical archaeology . if your budget allows , there 's queens ' college . eos O O O O O O O O O O O O O B-Attraction-Select+Fee O O O O O O O O O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O O O O O O N/A +bos lets go with the free option please . eos O O O O O O O O O N/A +bos okay ! do you need any information about that museum ? eos O O O O O O O O O O O O general-reqmore +bos no , as long as it is free . thank you . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos goodbye too , enjoy yourself 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 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 need a train leaving birmingham new street after 15:45. 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 what day would you like to travel on ? eos O O O O O O O O O O Train-Request+Day +bos i need the train for saturday and i 'm going to cambridge . eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O N/A +bos tr3891 leaves at 16:40 and arrives at 19: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 great , thanks for the info . i will go ahead and book myself later . do you know of any good attractions 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-Attraction-Inform+Area O O O O O O N/A +bos the center of town has 44 different attractions i can recommend . do you have a particular type you were interested in ? eos O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area 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 how about an entertainment venue ? eos O O O O B-Attraction-Inform+Type O O N/A +bos i have several entertainment venues across the city . what part of the city would you like to stay in ? 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 Attraction-Request+Area +bos the centre please . nothing further than that . eos O O B-Attraction-Inform+Area O O O O O O O N/A +bos there are no entertainment venues in the centre . would you like something different ? 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 N/A +bos how about a museum . any you recommend is fine . i 'll need the entrance fee , please ? 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 Attraction-Request+Fee +bos how about primavera ? admission is free ! eos O O O B-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O N/A +bos thanks for your help eos O O O O O general-thank +bos no problem . glad i could help you today . have a safe trip . 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 cheap hotel in the north . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O N/A +bos i would recommend the worth house on chesterton road . would you like the number ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Addr O O O O O O O O N/A +bos does it have free wifi and a 4 star rating . i need wifi , and i 'd like a nice rating . 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 i have a listing for worth house that fits what you are looking for , can i make a booking for you ? eos 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 Booking-Inform +bos is there availability for 5 people for 5 nights starting on thursday ? eos O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A +bos i have you booked for thursday at the worth house for 5 nights with 5 people ! eos O O O O O O B-Booking-Book+Day O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay O O O O N/A +bos great . what is the reference number ? eos O O O O O O O O O Hotel-Request+Ref +bos my mistake , booking was actually unsuccessful . 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 Booking-NoBook,general-reqmore +bos is there another hotel in the same general price range ? eos O O O O O O O O O O O O Hotel-Inform +bos with all other parameters the same , unfortunately not . want to try different parameters ? eos O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos any hotel , in the north , cheap . nothing else matters . eos O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Price O O O O O O O N/A +bos city centre north b and b.reference number is : b2h3yyf4 . will you need anything else ? eos 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 B-Booking-Book+Ref 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 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 general-bye +bos can you find me a hotel on the east side ? eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos sure , there are 7 entries for the eastside , 1 hotel and 6 guesthouses . are there any special amenities you need or a price range you 're looking for ? eos O O O O O O O O B-Hotel-Inform+Area 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+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos a 4 star establishment , if possible . eos O O O B-Hotel-Inform+Stars O O O O O N/A +bos i have 6 guesthouses meeting that criteria . do you have any other preferences , say 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 O O O O O Hotel-Request+Price +bos try a moderate price range . eos O O O B-Hotel-Inform+Price O O O N/A +bos that narrows it down to three . a and b guesthouse , carolina bed and breakfast and warkworth house . eos O O 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 N/A +bos i 'll take warkworth house . i want to book it for 3 people and 3 nights on wednesday . 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 O N/A +bos oh , no ! there were no rooms available . would you like to find another hotel , instead ? eos 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,general-reqmore +bos sure , either of the other 2 would be fine . eos O O O O O O O O O O O O N/A +bos i was able to book at the carolina bed and breakfast . your reference number is v6bziioc . 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 O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +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 you are very welcome . please call again . eos O O O O O O O O O O general-welcome,general-bye +bos i need a train from cambridge to norwich please . eos O O O O O O B-Train-Inform+Depart 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 would like to depart on sunday . eos O O O O O O O B-Train-Inform+Day O N/A +bos we have 19 trains that go from cambridge to norwich on sunday . would you like to depart at a certain time ? eos O O O O B-Train-Inform+Choice 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 Train-Request+Leave +bos i need to arrive by 12:30. eos O O O O O O B-Train-Inform+Arrive N/A +bos we have the tr9533 that arrives at 11:55. how is that ? 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 i need the reference number , please . eos O O O O O O O O O Train-Request+Ref +bos how many tickets do you want ? do you want me to book that ? eos O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos i only want one ticket please . eos O O O O O O O O N/A +bos your train is successfully booked.your reference number is 2ornpxr6 . eos O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos okay great . thanks for your help . eos O O O O O O O O O general-thank +bos alright . enjoy your journey . eos O O O O O O O general-bye +bos hello . are there any trains leaving after 8:00 on saturday ? eos 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 Train-Request+Dest +bos im going to kings lynn eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A +bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos i would be leaving from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos there is a train leaving at 9:11 would that work for you ? eos O O O O O O O B-Train-Inform+Leave O O O O O O N/A +bos yes , that would be fine . what 's the train id and travel time for that one ? 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 the cambridge train leaves at 9:11 on sunday . eos O O B-Train-Inform+Depart O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos can you give me the id for this train and the overall travel time ? eos 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 tr6088 and the total travel time is 47 minutes . can i be of further assistance today ? eos O O O O B-Train-Inform+Id 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 that is all i will need . good bye . eos O O O O O O O O O O O general-bye +bos please let us know if we can assist you 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 general-bye,general-reqmore +bos hi i need to get to cambridge by 5:30 pm . is there a train for that ? eos 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 there are multiple options that will get you to cambridge by 5:30pm . could you please tell me where you will be departing form and what day you are traveling ? eos O O O B-Train-Inform+Choice 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 O O O O O O O Train-Request+Depart,Train-Request+Day +bos i will be departing from norwich on wednesday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr0033 departs norwich at 15:16 and will arrive in cambridge at 16:35 ( 4:35p.m. ) . would you like a ticket on that train ? eos O B-Train-Inform+Id O B-Train-Inform+Depart 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 Train-OfferBook +bos that would be fine . how long is the trip ? eos O O O O O O O O O O O O N/A +bos the trip is 79 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you for the information ! eos O O O O O O O general-thank +bos and you would like to book just one ticket , is that correct ? eos O O O O O O O O O O O O O O O Booking-Request+People +bos yes , one ticket is fine . eos O O O O O O O O N/A +bos great . i have you on that train and your reference number is y1xthtja . is there anything else i may help you with today ? 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 O general-reqmore +bos nope , that 's it ! thanks ! eos 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 's all thank you eos O O O O O O general-thank +bos you 're welcome . good-bye . eos O O O O O O O general-bye +bos i need help finding a train . it needs to be going to cambridge and should arrive by 20:30. 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+Arrive O N/A +bos there is one leaving from londons king vross the refernce number is vurc2cka eos 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 B-Train-Inform+Ref N/A +bos i need to leave on tuesday . does that one leave on tuesday ? eos O O O O O O B-Train-Inform+Day O O O O O O O O N/A +bos there is a train that leaves from birmingham new street on tuesday that arrives at cambridge at 20:23. shall i book this for you ? 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 O O O O O O Train-OfferBook +bos no , i need to leave from leicester . eos O O O O O O O B-Train-Inform+Depart O O N/A +bos very well . what time would you like to leave ? eos O O O O O O O O O O O O Train-Request+Leave +bos i do n't care , just make sure i can be there by 20:30. eos O O O O O O O O O O O O O O O N/A +bos tr0363 departs leicester at 09:09 and arrives in cambridge at 10:54 on tuesday . 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 O 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 yes i need three seats on the train please . eos O O O O O O O O O O O N/A +bos great i got you three seats on that train for a total cost of 113.40 pounds . your reference number is bg6no020 . 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 B-Train-OfferBooked+Ref O O N/A +bos okay that is all i need . 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 to find a train departing from cambridge that arrives at 18:00 eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos what are the other requests ? eos O O O O O O O general-reqmore +bos i need to go to leicester from cambridge , and i need to leave on sunday . eos O O O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Day O O N/A +bos there are many trains available . tr5173 leaves at 08:21 and arrives at 10:06. would you like me to book that for you ? eos O O O B-Train-Inform+Choice 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 Train-OfferBook +bos great can i get tr5173 booked for 3 people please ? eos O O O O O O B-Train-Inform+People O O O O O N/A +bos ok i booked that for you . the total fee is 90.72 gbp and your reference number is : ave1068h . 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 B-Train-OfferBooked+Ref O N/A +bos thanks so much . i appreciate the help . have a nice day . eos 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 i 'm looking for a restaurant in the south that serves austrian 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 unfortunately there are no austrian restaurants anywhere in cambridge . any other kind of food you might consider ? eos 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 Restaurant-Request+Food +bos if you do n't have any restaurants that serve austrian food , do you at least have any restaurants 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 B-Restaurant-Inform+Price O O O O O N/A +bos there are two restaurants that are cheap in the south part of town . a chinese restaurant and a protugese restaurant . are either of these okay ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area 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 portuguese sounds great . eos O B-Restaurant-Inform+Food O O O N/A +bos excellent . 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 yes i need it for 4 people at 15:00 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 N/A +bos alright , i was able to book you a table for 4 on saturday at 15:00. your reference number is m9sa1tca . 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+People 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 O general-reqmore +bos i am looking for a specific hotel by the name of alexander bed and breakfast , can you help me find it ? 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 O O N/A +bos sure . the alexander bed and breakfast is a gueshouse located in the center of town . it 's address is 56 saint barnabas road and the postcode is cb12de . 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 B-Hotel-Inform+Type O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-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 B-Hotel-Inform+Post O O O O N/A +bos thank you i need to book four people for 2 nights starting saturday eos O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos ok i 've got you booked for 4 people for 2 nights starting saturday . your reference number is h1ve80w2 . is there anything else you need ? 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 O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos i would like to book a taxi to commute between two places that arrives by 15:00. with 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+Arrive O O O O O O O O Taxi-Request+Car +bos what is your departure site and what is your destination ? eos O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos the hotel you just booked for me , the alexander bed and breakfast and restaurant you booked , the portugese restaurant . 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 N/A +bos no problem . i 've booked a yellow volkswagen for you . the number is 07168534241. 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 N/A +bos great thanks ! i believe that is everything i need for today . 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 great day ! eos O O O O O O general-bye +bos i 'm looking for a restaurant in the centre of town that 's in a moderate price range . do you have any recommendations ? eos 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 O O O Hotel-Request+Price +bos for which day would you like the reservation ? eos O O O O O O O O O O Booking-Request+Day +bos this sunday at 15:45. eos O O B-Restaurant-Inform+Day O O N/A +bos for how many people would the reservation need ? eos O O O O O O O O O O Booking-Request+People +bos i need it for 4 people and i would like a confirmation number . also , can you help me find a guesthouse hotel in the area with free parking ? 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 B-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Area +bos alright your reservation is at yippee noodle bar , 40428 king street city . confirmation number is 2bgiwwz6 . i 'm also showing an opening at alexander bed and breakfast . is that okay ? eos O O O O O O B-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 O O O B-Restaurant-Inform+Ref 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 O O N/A +bos does the hotel include free parking and does it happen to have a 0 star rating ? 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 it has free parking with a 4 star rating eos O O O O O O O O B-Hotel-Inform+Stars O Hotel-Inform+Parking +bos i 'm looking for a hotel with 0 stars eos O O O O O O O O B-Hotel-Inform+Stars O N/A +bos there are 2 guesthouses meeting your needs . one in the north and one in the centre of town . which would you prefer ? 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O Hotel-Select +bos i 'd prefer the one in the centre of town . eos O O O O O O O O O O O O N/A +bos that would be the el shaddai , would you like to book there ? eos O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O N/A +bos that works okay . can i get the price range and address ? eos O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Addr +bos the price range is cheap , and the address is 41 warkworth street . eos O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos yes , please book that room for me . eos O O O O O O O O O O N/A +bos will this just be for you ? eos O O O O O O O O Booking-Request+People +bos can you let me know if el shaddai has free wifi ? eos O O O O O O O O O O O O O N/A +bos yes it does . eos O O O O O Hotel-Inform+Internet +bos great . that 's actually 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 O general-thank +bos you are welcome . have a lovely day . eos O O O O O O O O O O general-welcome,general-bye +bos find me an expensive place to stay on the south side , please . eos O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O O O N/A +bos there is only one expensive hotel on the south side . would you like to book at the lensfield hotel ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Recommend,Booking-Inform +bos could you tell me if the lensfield hotel has at least 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 N/A +bos it has a 3 star rating . eos O O O O O B-Hotel-Inform+Stars O O N/A +bos i see , are there any cheap 4 star hotels on the south side ? eos 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 N/A +bos no , the only hotel i see has a 3 star rating . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O Hotel-NoOffer +bos how about a hotel in the cheap price range ? eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos rosa 's bed and breakfast is a guesthouse is a 4 star . eos 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 O O O B-Hotel-Inform+Stars O O N/A +bos yes i would like to make a booking . eos O O O O O O O O O O N/A +bos okay , how many guests and how many nights would you like me to book ? 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 you know i also need someplace to eat in that is also cheap , and also in the south area . 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 N/A +bos you have your choice of the lucky star , with chinese cuisine , or nandos , a portuguese restaurant . eos O O O O O O O O O O O O O B-Restaurant-Select+Name O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O N/A +bos lets go with the lucky star . i need a table for 8 people at 13:45 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 O N/A +bos great it 's all booked the reference number is mxdz66ik eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos i would also like a taxi to arrive by my booked time . can i have the taxi 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,Hotel-Request+Type +bos sure , the car will be a blue lexus and the contact number is 07235433780. 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos nope , 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 . 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 arrives at 12:30 on wednesday . eos O O O O O O O O O O O O B-Train-Inform+Day O N/A +bos certainly . could you tell me where you 're departing from and traveling to ? eos 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 departing from birmingham new 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 N/A +bos i have seven trains available then , could you tell me what 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 O O Train-Request+Leave +bos yes i need to arrive in cambridge by 12:30 please . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A +bos the tr3543 puts you into cambridge at 12:23. will that train work for you ? eos 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 N/A +bos yes , that will work . can you book that train for 8 people ? i will also need 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 O O Train-Request+Ref +bos certainly . i have you booked and your reference number is 47mburbc . eos O O O O O O O O O O O B-Train-OfferBooked+Ref 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 thank you ! have a great day ! eos O O O O O O O O O general-bye +bos thank you for all of your help ! 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 need to book a train . i need it to leave on sunday after 21:30. can you book this for me ? eos 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 N/A +bos where will you be departing from ? and where 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 'd like to go from norwich to cambridge , please . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O N/A +bos there are 2 trains leaving on sunday . one leaves at 22:16 and arrives at 23:35 and the other leaves at 23:16 and arrives at 24:35. do either of these work ? eos O O O O O O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O Train-Select +bos yes . go with the 22:16. book it for 7 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 fee is 98.56 gbp and the reference number is minorhoq . 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 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 . it was a pleasure to assist you . 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 chinese restaurant on the south side 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 there are 2 expensive and 1 cheap restaurant matching your criteria . which price range do you prefer ? 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 Restaurant-Select +bos book me a table for 7 on thursday at 17:30 and send me a reference number . thank you . 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 N/A +bos would you like to book cheap or expensive ? eos O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price N/A +bos i do n't care what price range it is in . i will need a reference number please 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 O O N/A +bos let 's decide on the lucky star . unfortunately , that appears to already be booked . do you want to try one of the others ? eos 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 N/A +bos yes please . let 's try the other one you mentioned . eos O O O O O O O O O O O O O N/A +bos ok , i 've booked a table for 7 at 17:30 on thursday at the good luck chinese food takeaway . your reference number is la1yydoo . eos 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 I-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 can you help me find a place to stay eos O O O O O O O O O O N/A +bos no problem , there 's the aylesbray lodge guest house which is also in the south area . it 's moderately priced , four stars , with parking and internet . would you like me to book this for 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 B-Hotel-Recommend+Area I-Hotel-Recommend+Area 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 O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes i need to book it for 7 people , for 4 nights starting thursday , can i get 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 N/A +bos great your reference number is 4u18b867 eos O O O O O O B-Booking-Book+Ref N/A +bos thank you . i will also need a taxi so that i can commute between these two locations and i need it to arrive at 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 B-Taxi-Inform+Arrive N/A +bos all right , a white ford will arrive by 17:30. the contact number is 07655989652. eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Leave 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 thank you for using this system ! eos O O O O O O O O general-welcome +bos i an you find me a 0 star guesthouse to stay in . eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A +bos city centre north b and b and el shaddai are 0 star guesthouses . would you like to book one ? 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 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 O O O O O O Hotel-Select +bos well , i 'd like to find a place to stay like a guesthouse with 0 star rating in the area of north that has free wifi , thank you . 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 Restaurant-Request+Area +bos the city centre north b and b meets those criteria . do you want to book it ? 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 O O O O O O O O O O Booking-Inform +bos yes please , for 6 people and five nights on monday . 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 : 5z9lqbdl . did you need 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 general-reqmore +bos i 'm looking for a restaurant called saffron brasserie . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos there is a saffron brasserie in the centre . it is an expensive indian place . would you like the phone number ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O general-reqmore +bos yes , please . i 'd also like to know what area of town it 's in and what type of food it serves . eos O O 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 saffron brasserie is in the center of town , and it 's an expensive indian restaurant . their phone number is 01223354679. would you like to make a reservation ? 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 B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos no , but i do need some information about a taxi between the two places . i 'd like to leave the hotel by 16:30. 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 N/A +bos ok , i have booked you a taxi per your requested , the contact number is 07831714545 , it will be a white tesla picking you up . eos O 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 N/A +bos ok , great . thanks for your help , you have covered everything i needed ! eos O O O O O O 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-bye +bos yes , would you be able to help me find a train leaving from cambridge ? eos O O O O O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos i can definitely help with that . what day would you like to travel ? and what is your desired 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 want to travel on saturday from cambridge to kings lynn . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos there are 19 different trains on saturday from cambridge to kings lynn . what time would you like to arrive by ? eos O O O O B-Train-Inform+Choice O 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 O Train-Request+Arrive +bos i would like to leave after 14:30. could you find me a train for that time ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O O N/A +bos the first train to leave after 14:30 is tr6982 and leaves at 15:11 eos O O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave N/A +bos ok , could you book me 7 tickets for the tr6982 ? 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 54.88 gbp payable at the station . 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 O O O O O O general-reqmore +bos i 'm looking to stay in a guesthouse while i 'm there . i 'd like a place that has 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 N/A +bos there are a number of guesthouses . do you have a price range and an area that you prefer ? eos O 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 Hotel-Request+Area,Hotel-Request+Price +bos no . what is available ? eos O O O O O O O N/A +bos i have 21 places that fit what you want . do you have a price preference ? 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 not at the moment . can you recommend any moderately priced guesthouses to accommodate 7 people ? eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos is there a specific 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 Hotel-Request+Area +bos not particularly . i just need one for 5 nights starting monday . whichever you recommend . eos O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O N/A +bos i am very sorry , but i was unable to book a guesthouse , would you be able to check in at a later day , or could you stay for a shorter period ? 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 O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos can you book it for 3 nights ? eos O O O O O O O B-Hotel-Inform+Stay O N/A +bos you 're booked at the acorn guesthouse for 3 nights , 7 people , starting on monday . your reference number is wu51a5wi . can i help with anything else today ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay O B-Booking-Book+People 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 i do not need anymore help . 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 for allowing me to assist you . enjoy your stay ! let us know if there 's anything 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 O O O 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 i found a 4 star hotel in the east area that is cheap . it 's called the allenbell , would you like me to book it for you ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos i actually want a 0 star location and with free parking too eos O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos sorry there are no hotels that meet that criteria . can i try a different area for you ? eos 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 i do n't care what part of town it is in . eos O O O O O O O O O O O O O N/A +bos the el shaddai is a guesthouse in the centre of town . would you like me to book that for you ? eos O 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 O O O O O O O O O O O Booking-Inform,Hotel-Select +bos sure . there will be 5 people for 5 nights and we will be arriving 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+Day O O N/A +bos your booking was 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 Booking-Book,general-reqmore +bos what is the reference number ? eos O O O O O O O Hotel-Request+Ref +bos reference number is : ybukj2iz . would you like restaurant reservations or information on area attractions ? eos O O O O O B-Hotel-Inform+Ref O O O O O O O O O O O O Booking-Inform,general-reqmore +bos nope , that 's it . thanks ! eos O O O O O O O O O general-thank +bos glad i could help . thank you eos O O O O O O O O general-welcome,general-bye +bos hi , can you help me find a 2 star hotel that has free wifi ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos there are 2 moderately priced hotels in the north and one expensive hotel in the east . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O 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 Hotel-Select +bos what about a cheap one ? eos O O O O B-Hotel-Inform+Price O O N/A +bos i have 2 hotels in the cheap range , one in the north and one in the centre . the star rating on both is 0 however . would either of these work ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Select +bos no , i really need 2 stars . could you check for a moderate price range ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Price O O O O N/A +bos i have the ashley hotel and the lovell lodge . would you like me to book 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 O O O O O O O O O O O O O Booking-Inform +bos yes , i need it for 2 people and 4 nights starting on friday . eos 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 neither is available for four nights . eos O O O O O B-Booking-NoBook+Stay O O N/A +bos can you check again ? i need any place to stay that has free wi-fi , 2 stars , and a cheap or moderate price range . 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 N/A +bos can we possibly try for a different amount of days ? otherwise i 'll a new search to check availability . 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-Inform +bos i 'm really looking for only moderately priced hotels that have free wifi and 2-stars . can you look and see if there is one that meets those options ? 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 O O O O O O O O O O N/A +bos the ashley hotel is a two-star hotel with a moderate price and internet . do you want to make a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes i need to book it for 2 people and 4 nights 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 N/A +bos booking was successful at ashley hotel . your reference number is 2ywnk0zz . can i assist you with anything else ? 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 general-reqmore +bos yes i would like to visit some architecture 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 we have some great architecture in the center of town . great saint mary 's over on market street is popular , but charges visitors 2 pounds to visit . 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 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 O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O N/A +bos could you give me the phone number of great saint mary 's please ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223350914 eos O O O O O B-Attraction-Inform+Phone N/A +bos thank you , you 've been very helpful . i do n't need 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 general-thank +bos thank you very much , goodbye . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a place to eat , maybe austrian food . eos O O O O O O O O O O O O O O N/A +bos we have no austrian restuarants . sorry . is there another type of restaurant i could look up 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 Restaurant-Request+Food,Restaurant-NoOffer +bos hmm i guess i could try british food instead eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 11 british restaurants in the centre of town . do you have a price range ? 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 Restaurant-Request+Price +bos moderate price range would be great . eos O B-Restaurant-Inform+Price O O O O O O N/A +bos there are 5 british restaurants in the moderate price range , do you have a specific area you would prefer ? eos O O 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 Restaurant-Request+Area +bos no , the area does not matter . i need a table for 5 people at 12:15 on friday . if that time does n't work then 11:15. i also need the reference number . eos O O O O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O Restaurant-Request+Ref +bos i would recommend the oak bistro located in the centre . will this work for you ? eos 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 Restaurant-Select +bos do they have a table available on friday at 12:15 ? eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos your table is booked , ref # u0zzrfl7 . 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 O general-reqmore +bos no , that 's it . thanks for all your help today . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos you 're so welcome . good day . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for a train that goes to cambridge around 10:45 eos O O O O O O O O O O B-Train-Inform+Dest 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 will be traveling on thursday , and departing from stevenage . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O N/A +bos there are 3 trains that match your search . do you want to book one ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-OfferBook +bos no , can you just let me know the travel time for this trip ? eos O O O O O O O O O O O O O O O O Train-Request+Duration +bos the travel time from stevenage to cambridge 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 ok thanks . i 'll have to get back to you on how many tickets . 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-thank +bos thank you , goodbye ! eos O O O O O O general-bye +bos i want to book a taxi . the taxi should go to da vinci pizzeria and should depart from the missing sock . 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 O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos do you know what time you would like to arrive ? eos O O O O O O O O O O O O Taxi-Request+Arrive +bos by 02:00 please . eos O O B-Taxi-Inform+Arrive O O N/A +bos booking completed ! booked car type : black toyotacontact number : 07381507010 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 . that 'll be all . 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 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 general-welcome,general-bye +bos i am looking for a train . the train should go to ely and should depart from cambridge . 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+Depart O N/A +bos of course , what 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 after 09:00 on sunday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos there are many departure times available . did you have a specific time 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+Leave +bos i just need to leave after 9:00. can you book for 7 people ? eos O O O O O O O O O O O O O B-Train-Inform+People O N/A +bos you are all booked for 7 people on tr1159 leaving at 9:50 and arriving by 10:07. reference # 433n59v4 . fee is 24.64 payable at the station . anything else ? eos O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O B-Train-Inform+Ref O O B-Train-Inform+Ticket O O O O O O O O O O general-reqmore +bos that 's all for today . thanks for your help ! eos O O O O O O O O O O O O general-thank +bos your 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 general-welcome,general-bye +bos i am looking for a cheap restaurant 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 thing , do you have a type of food you 'd like or a specific area you 'd like to eat 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,Restaurant-Request+Food +bos the restaurant should be in the south , and should serve eastern european food if there is a restaurant like that . eos O O O O 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 O N/A +bos i am sorry , there are no restaurants that meet that criteria . 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 Restaurant-NoOffer,general-reqmore +bos how about portugese ? eos O O O O O N/A +bos there is one , shall i book it for you ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O Booking-Inform +bos what price range is that one ? eos O O O O O O O O N/A +bos this is a cheap one . eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A +bos i need a table for 4 at 19:30 on thursday . if that time is unavailable , please reserve for 18:30. 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 O O O N/A +bos i have booked you a table for four people on thursday at 19:30 at nandos . the reference number is x15ntnnn . can i help you with anything else ? eos O O O O O O O O B-Booking-Book+People I-Booking-Book+People O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O B-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 , that is all the information that i needed . thank you for your time . eos O O O O O O O O O O O O O O O O O O general-thank +bos thanks for using our helpline . hope you have a great day . eos O O O O O O O O O O O O O O general-bye +bos thank you ! you too ! good bye . eos O O O O O O O O O O general-bye +bos bye , and have a great time at nandos ! eos O O O O O O O O O O O general-bye +bos can you help me find the a and b guest house hotel ? 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 absolutely . the a and b guest house is on the east side of town and has a moderate price range . would you like to book a room 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 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 Booking-Inform +bos yes , one person staying for two nights starting monday . can you book that ? eos 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 but i could not book that . would you be able 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 O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos that is unfortunate . i can cut my stay down to a single night if that helps . eos O O O O O O O O O O O O O O O O O O O N/A +bos the booking was successful . the reference number is daa8l07b . anything more ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O N/A +bos yes , i 'm also looking for something to do on the north side 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 there is swimming , boating , and a park . which do you prefer ? eos 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 Attraction-Request+Type,Attraction-Select +bos swimming would be fine . eos O O O O O O N/A +bos i have jesus green outdoor pool , located between victoria and the river and kings hedged learner pool , jedburh court and king hedges . eos 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 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 Attraction-Select +bos can i have the postcode for that pool please ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode for jesus green outdoor pool is cb43px . 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 B-Attraction-Inform+Post 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 great ! have fun ! goodbye ! eos O O O O O O O O general-bye +bos i 'd like to find a restaurant that offers asian oriental cuisine , in the centre , if possible . 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 O O O N/A +bos definitely ! i have places from cheap to expensive , though my favorite is yippee noodle bar , which is moderately-priced . eos O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O general-greet +bos i would like yippee . eos O O O O O O N/A +bos i 'd be happy to make a reservation for you . what day/time will you be dining , 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 Booking-Request+Day,Booking-Request+Time,Booking-Request+People,Booking-Inform +bos monday , 19:00 , for 6 people . eos O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O O N/A +bos i have successfully reserved a table for your party of 6 at the yippee noodle bar for monday at 19:00. your reference number is xsqhk9yg eos O O 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 B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref N/A +bos great , i also need a hotel room if you can help me find something . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos sure . we have several places ready to book . which part of town would you like ? 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 the west please . eos O O B-Hotel-Inform+Area O O N/A +bos there are 4 in that area do you have a price range or type of hotel 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 Hotel-Request+Type,Hotel-Request+Price +bos the hotel does n't need to include internet . it should be in the same area as the restaurant . 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 N/A +bos i have 5 different options for you . they vary in price range . did you have a certain 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 O O O Hotel-Request+Price +bos the price does not matter . please make a recommendation and book it for the same group of people and 4 nights starting from the same 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 B-Hotel-Inform+Stay O O O O O N/A +bos ok , you are booked in cityroomz as requested , the reference number is a1zblcz3 , any further questions ? eos O O O O O O B-Booking-Book+Name O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos no and thank you for your help eos 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 i 'm looking for a moderately priced place to stay . eos O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos there are 33 moderately priced accommodations . do you have a specific area or star rating you 're looking for ? 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 O O O Hotel-Request+Stars,Hotel-Request+Area +bos i would like to stay in the north part of town . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos you have eleven choices in the north . most are guesthouses , two are hotels . eos O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O N/A +bos let 's go with a 4 star hotel , i 'll need 5 nights for 2 people , starting on friday . 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 N/A +bos okay . i booked you at the 4 star ashley hotel for 5 nights and your reference number is 67na9wlr . eos O O O O O O O O B-Hotel-Inform+Stars B-Booking-Book+Name I-Booking-Book+Name 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 chinese restaurant with the same price range as my hotel . can you help me with 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 O O O O O O O O N/A +bos there are 4 moderately priced chinese restaurants to choose from . would you prefer to dine in the north or centre ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 would prefer it to be in the north . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos i would recommend golden wok . shall i book it ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O Booking-Inform +bos yes , please book friday at 16:00 for 2 people . and tell me the reference number 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 093r1y1t . 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 am going to need a taxi to go between the two places . i need it to arrive in time 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 O O O N/A +bos a grey skoda has been booked to pick you up . their contact number is 07015780256. what else can i do for you ? 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+Phone O O O O O O O O O general-reqmore +bos you 've done it all , thanks so much . eos O O O O O O O O O O O general-thank +bos have a wonderful trip . eos O O O O O O general-bye +bos i am looking for a place to stay and i want it to be a guesthouse . eos 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 a few good guest houses to choose from , like a and b guest house , acorn guest house , alexander bed and breakfast , and allenbell are all 4 stars . 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 O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O N/A +bos are any of those 4 star ? eos O O O O O O B-Hotel-Inform+Stars O N/A +bos yes they are . what area would you prefer ? eos O O O O O O O O O O O Hotel-Request+Area +bos please recommend one that is in the north . wifi not a necessity . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos i recommend home from home . can i book for you ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O Booking-Inform,Hotel-Select +bos yes book it for 5 people and 4 nights starting from sunday please . can you suggest good restaurants in the area as well ? eos 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 N/A +bos your booking was successful . your reference number is lqs5d89f . what type of food would you like ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O O O O Restaurant-Request+Food +bos i would prefer italian food and to be in the same area as the hotel . thank 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 N/A +bos da vinci pizzeria is in the north . would you like me to book it ? 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 O O Booking-Inform,Restaurant-Select +bos yes , please . again , there are 5 of us on sunday . book us for 11:00. eos O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+Time O O O O N/A +bos booked ! the reference number is 4jw5itol . anything else today ? eos O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i would like a taxi to the restaurant . eos O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos for your taxi , i need to know your departure location and a time you want 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 O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave +bos i want to depart from my hotel and arrive at the restaurant in time for my 11:00 reservation . please tell me the car type and contact number for my taxi eos 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 O O O O O Taxi-Request+Car +bos contact them at 07437768895 , it is a red honda . eos O O O O B-Taxi-Inform+Phone O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A +bos thanks for your help , goodbye ! eos 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 can you tell me about any cheap priced italian restaurants in cambridge ? eos O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O N/A +bos i got a variety . which is your prefered location ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos i 'd like a place in the centre . eos O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have pizza hut city centre , ask , and zizzi cambridge . which would you prefer ? 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 O O O O O O O N/A +bos zizzi please , can you book me for 6 people on saturday at 16:15 ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 yes that booking was successful and your reference number is 10tula8z . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks ! i also need to find a cheap hotel . eos O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos i found the cambridge belfry . it is cheap but well valued . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price 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 has free wifi . would you like me to book it ? eos O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos 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 . eos O O O O O O O O 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 let 's finish booking the cambridge belfry first . how many people are going to stay ? 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 there will be 6 people staying for two nights . eos O O O O O B-Hotel-Inform+People 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 we need to check in on saturday . eos O O O O O O O B-Hotel-Inform+Day O N/A +bos the booking was successful for 2 nights at the cambridge belfry with check-in on saturday . reference number nccfyy9w . would you like to book that taxi now ? eos 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 O 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 , please . i want to book if to get me to 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 you are all set the car type is a yellow honda and the contact number is 079969243265. do you need anything else 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 general-reqmore +bos i do n't need anything else . thank you , bye ! 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 can you help me find a guesthouse that offers free wifi ? eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i sure can . there are 23 guesthouse with free wifi . would you prefer a certain part of town ? eos O 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 Hotel-Request+Area,Hotel-Inform+Internet +bos i 'd love something in the east , hopefully with free parking . eos O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos okay , there are 5 options . do you have a price range 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+Price +bos i would like to stay in a hotel , not a guesthouse . eos O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos sounds like you are looking for express by holiday inn cambridge . can i reserve a room for you ? 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 O O O O O O O O Booking-Inform +bos yes please book that for 2 people and 4 nights starting from tuesday . i will also 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 O O O Hotel-Request+Ref +bos the booking was successful and reference number is zdg5kj7s . is there anything else 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 no that is all for now . thank you ! 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 i 'd like to find a thai restaurant in the center . eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos i have one entry for bangkok city would you like more information ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O general-reqmore +bos yes , please . is it expensive ? eos O O O O O O O O O N/A +bos it is expensive . do you need something less expensive ? eos O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos no , that is perfect . i would like to book a table for 5 people on wednesday at 11:00. 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 N/A +bos the booking was successful . the table will be reserved for 15 minutes.your reference number is : 23dpn5a7 . 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 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 eos O O O O O O O O N/A +bos okay . what area are you interested in and what is your desired price-range ? eos 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 a 4 star guesthouse with free parking . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A +bos there are 16 four-star guesthouses with your requirements . are you looking to stay in the centre of town ? 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-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O N/A +bos in the centre is fine . can you please check to see if any offer internet ? eos O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O Hotel-Request+Internet +bos i see one option here . it is alexander bed and breakfast . would you like to book ? eos O O O O B-Hotel-Inform+Choice 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 Booking-Inform +bos does the hotel also offer internet ? eos O O O O O O O O Hotel-Request+Internet +bos yes , alexander bed and breakfast has internet . do you want 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,Hotel-Inform+Internet,Hotel-Select +bos i do not want to book it at this time . eos O O O O 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 what is the address of the guesthouse ? eos O O O O O O O O O Hotel-Request+Addr +bos yes sure its 56 saint barnabas road eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos i 'll need a taxi to take me to bangkok city from the hotel and arrive by 11:00. eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O B-Taxi-Inform+Arrive O N/A +bos a grey lexus is booked for you . the contact number is 07699737690. 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 thank you for all 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 welcome , enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos i need to find a place to eat in centre please . eos O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos the golden house is located at 12 lensfield road in the city centre . the phone number is 01842753771. eos 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 O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Phone N/A +bos thank you . can you let me know what the price range for the restraunt is ? i 'm looking for somewhere 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 the golden house is in the cheap price range . would you like to book a table ? 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 O O Booking-Inform +bos what is the food type ? eos O O O O O O O Restaurant-Request+Food +bos they serve chinese food there . eos O O O B-Restaurant-Inform+Food O O O N/A +bos no . i need a guest house , same price as the dining place . eos O O O O O O O O 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 meh , i do n't really care about the area . eos O O O O O O O O O O O O N/A +bos there are two guesthouses in the centre area . alexander bed and breakfast and el shaddai . would you like a reservation for one of these ? eos O O O O B-Hotel-Inform+Choice O O B-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 Booking-Inform +bos sure . i need a hotel for 5 people and 5 nights , starting on tuesday . please book el shaddai for me . eos O O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos you 're booked ! your reference number is 0h9b4720 . can i assist you with anything further ? eos 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 yes , i 'd like a taxi from the restaurant to the hotel , leaving by 18:45. eos 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 thing a black ford will be picking you up , contact number is 07417685839 , anything else 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 general-reqmore +bos that will be all today , thank you . eos O O O O O O O O O O general-thank +bos thank you for using the cambridge towninfo centre . eos O O O O O O O O O O general-bye +bos hello , i 'm looking 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 O O N/A +bos certainly , there are many trains going that route . can you specify which day 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 O O O O Train-Request+Day +bos sorry . i want to leave on saturday after 20:30. eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos there is a train saturday at 20:36. does that work for you ? eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O N/A +bos yes that works great can i book that for 5 people please ? eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos i have confirmed booking for 5 tickets , your reference number is cid6uhhf . the total fee is 70.4 gbp payable at the station . can i help with anything else ? 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 B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O 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 great ! i 'm glad we could help . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a hotel , i 'm excited to see some tourist attractions so there needs to be 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 there are several with free parking . is there a part 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 O O O Hotel-Request+Area,Hotel-Inform+Parking +bos maybe you could suggest one in the moderate price range . eos O O O O O O O O O O O O N/A +bos acorn guest house in the north has 4 stars and offers parking . eos 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 Hotel-Inform+Parking +bos sounds great ! does it have free wifi ? eos O O O O O O O O O O N/A +bos the acorn guest house does offer free wifi . 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 O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos i 'm not ready to book just yet . could you just 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 Hotel-Request+Phone +bos sure ! the phone number to the acorn guest house is 01223353888. 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-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos yes . i was looking to find some place to go in town . eos O O O O O O O O O O O O O O O N/A +bos there are about 79 cool places to check out in town eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O N/A +bos well give me your favorite eos O O O O O O N/A +bos i like the riverboat georgina myself . do you want the number there ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O N/A +bos i would like a cinema . eos O O O O O B-Attraction-Inform+Type O N/A +bos i have two cinemas in town for you , the cineworld cinema and vue cinema . would you like information on any of these ? 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 O O O O O O O O O O N/A +bos i 'd prefer a cinema that 's in the south part of town . eos O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos the cineworld cinema is in the south part of town at cambridge leisure park , clifton way . is there anything else i can do for you ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 O O general-reqmore +bos that sounds great . can you provide me with cineworld cinema 's 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 +bos no problem . their number is 00872208000 and their postcode is cb17dy . eos O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O 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 great ! glad to have been of assistance . thanks 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 hello . i need to find a place that serves halal food in the city . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos sorry , i could n't find any restaurants like that . want 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 Restaurant-NoOffer +bos are there any restaurants in the centre that serve british 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 , there are actually seven . does cost concern you ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Price +bos no the price does n't matter as long as it is in the centre . eos O O O O O O O O O O O O O O O O N/A +bos ok , how about fitzbillies restaurant ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos perfect . can you book a table for 1 at 18:30 on sunday ? 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 i can go ahead and book that now . eos O O O O O O O O O O Booking-Inform +bos you should have booked it last time you just did n't want to so skipped it . eos 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 table will be reserved for 15 minutes.reference number is : glyuracg . 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 i am also looking for a cheap room , free wifi . eos O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i have several options available . what area of town would you like ? 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 'd like to stay in the centre of town since that 's where the restaurant is . i also want it to have free parking along with the wifi . 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 O O N/A +bos may i suggest alexander bed and breakfast ? it is a cheap guesthouse in the centre of town . would you like me to reserve any rooms ? 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+Price 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 O O Booking-Inform +bos yes please reserve the room for 1 person staying 2 nights on 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 i was able to book it , reference number is n0i0etc4 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great . you 've been a great help . have a nice day ! goodbye eos O O 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 general-welcome,general-bye +bos i 'm looking for an expensive restaurant in the south . eos O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have two that fit that description , would you prefer chinese or portuguese ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos either one . i just need it to be open on sunday . eos O O O O O O O O O O O O O O N/A +bos okay , lets do the lucky star . would you like a reservation ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform +bos i would like that . a table for 8 at 12:00. eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O N/A +bos i have booked a table for 8 at the lucky star . the reference number is iilatpji . is there anything else i can help you with ? eos O O O O O O 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 O O O O O O O O general-reqmore +bos i 'm looking for a guesthouse to stay at . it should have free parking . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A +bos the acorn guest house would be perfect . 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 O Booking-Inform +bos yes , that would be great . i 'll need it booked for the same group of people , 2 nights , and starting on the same day . 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 O O O N/A +bos your hotel reservation number is d6uoj6sh , for sunday , 8 people for two nights . is there anything else i can help you with ? eos O O O O O O B-Booking-Book+Ref O B-Booking-Book+Day O B-Booking-Book+People O O B-Booking-Book+Stay O O O O O O O O O O O O O general-reqmore +bos i dont think so . i think thats all . take care . bye . 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-bye +bos i am looking for a restaurant in the centre . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos are you looking for a restaurant in the expensive , moderate or cheap price range ? eos O O O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A +bos it does n't matter . i 'm particularly interested in jamaican food . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos unfortunately there are no jamaican restaurants in the centre area . is there another area or food type 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 Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer +bos then how about somewhere serving modern european food ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos we have four restaurant that serves modern european food in the centre area , is there anything else i can help you with ? 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-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore +bos yes please . give me the address of the best one of them . eos O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos the most expensive would be darrys cookhouse and wine shop at 40270 king street city centre . will that be all today ? eos O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O 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+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O Restaurant-Inform,general-reqmore +bos thank you goodbye . eos O O O O O general-bye +bos thank you , and 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 general-bye +bos i need to find a train out of cambridge this friday . 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 book you one that leaves at 05:00 and you will arrive by 05:51 will that be alright ? eos O O 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 Train-OfferBook +bos no , i need a train that leaves after 17:15 that goes to broxbourne . eos O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O O N/A +bos there are 5 trains that meet those criteria . one leaves at 18:01. want to book it ? eos O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos yes please , let 's book that for 1 person . eos 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 17.89 gbp payable at the station . your reference number is natkmf2i . would you like help finding 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 B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos thank you . i would also like to know about places to go 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 N/A +bos there are 44 attractions in the centre . would you like the information for the vue cinema or maybe a museum ? 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-Select+Name I-Attraction-Select+Name O O B-Attraction-Select+Type O N/A +bos 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 ? eos O O O O O 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 vue cinema is located at the grafton centre , east road , phone number is 08712240240 , and the entrance fee is unknown . 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 O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee 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 thank you , please let me 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 want to find a cheap 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 B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Phone +bos da vinci pizzeria is in the north part of town and in the cheap price range . their phone number is 01223 351707 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 O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 enjoy your dinner ! eos O O O O O general-bye +bos i want to find an expensive restaurant serving mediterranean food . what is the address and phone number ? eos O 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos la mimosa , at thompsons lane fen ditton , is expensive and serves mediterranean food . eos 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O 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 their address is thompsons lane fen ditton and their phone number is 01223 362525. 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 N/A +bos hello , i am looking for an expensive restaurant that serves cantonese food . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos sorry , there are no expensive restaurants serving cantonese food . would you like 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 Restaurant-NoOffer,general-reqmore +bos yes . an expensive thai restaurant would be good . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos bangkok city serves thai food and is in the expensive price range . 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+Price I-Restaurant-Inform+Price O O N/A +bos great , can you please give me its address and phone number ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos bangkok city is at 24 green street city and phone number is 01223 354382. 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos what is the postcode ? eos O O O O O O N/A +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 thank you good bye . eos O O O O O O general-bye +bos thank you , have a great day and enjoy your food . eos O O O O O O O O O O O O O general-bye +bos i am looking for the addresses of each of the moderately priced restaurants in the south part of town . eos 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 Restaurant-Request+Addr +bos the address for pizza hut cherry hinton is g4 cambridge leisure park clifton way cherry hinton and the address for restaurant alimentum is 152 - 154 hills road . 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+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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos is there anything else ? eos O O O O O O N/A +bos there is restaurant alimentum which is a modern european restaurant located in the south part of town and is in the moderate price range . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos could you give me the address for restaurant alimentum ? eos O O O O O O O O O O O Restaurant-Request+Addr +bos restaurant alimentum 's address is g4 cambridge leisure park clifton way cherry hinton . may 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O 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 our system . goodbye . eos O O O O O O O O O O general-bye +bos hi , i 'm looking for a basque restaurant in the west 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 O O N/A +bos i do n't see any basque restaurants . is there another type of food you might like ? 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 how about british ? eos O O O B-Restaurant-Inform+Food 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 i need 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 graffiti is located at hotel felix whitehouse lane huntingdon road , and you can phone them at 01223 277977. do you need additional information ? 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O 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 west 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 , thanks . i have everything i need . goodbye . eos O O O O O O O O O O O O O general-bye +bos goodbye . eos O O O general-bye +bos i would like a cheap restaurant that serves vietnamese food eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A +bos i found thanh binh in the west 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 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 thanh binh can be reached at 01223 362456 and it is located at 17 magdalene street city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O 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 N/A +bos thank you goodbye . eos O O O O O general-bye +bos thank you and goodbye ! eos O O O O O O general-bye +bos is there an expensive restaurant serving caribbean food ? eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry but there are n't any venues offering caribbean food in the expensive price range . eos O O 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 Restaurant-NoOffer +bos how about thai ? eos O O O B-Restaurant-Inform+Food O N/A +bos there 's bangkok city in the centre of town , and sala thong on the west side . 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos great , what is the address and phone number for bangkok city ? eos 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 354382 and address is 24 green street city centre . 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 N/A +bos i want a restaurant that serves international cuisine . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are three restaurants of varying price range serving your requested type of cuisine . would you like to narrow your request ? eos O O O B-Restaurant-Inform+Choice 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 O O O O general-reqmore +bos i would like to know one of the address and phone number . eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the varisty restaurant , a centre location is at 35 sanit andrews street city centre with a phone number of 01223 356060. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 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 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 visit a sports centre that allows for multiple different sports . eos O O O O O O O O O O O O O O O N/A +bos there is a mutliple sports attraction called the cherry hinton village centre in the east , would you like the address ? eos O O O O B-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 O O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos i am looking for something in town centre , is there a place for multiple sports in that area ? 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 N/A +bos the only multiple sports center is in the east . would you like to try a different attraction in the centre ? eos O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type I-Attraction-Inform+Type 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 there a college instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there are 13 colleges in the centre . if you are looking for a recommendation , i would definitely suggest hughes hall . they have free admission and are located on wollaston road . 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 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 O N/A +bos could you give the the phone number for that one ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number for hughes hall is 01223334898. is there anything else i can help 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 general-reqmore +bos i am also looking for an expensive chinese restaurant in the same area . 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 the ugly ducking is in the expensive price range in the town of centre . would you like more information or for me to book for you ? eos O O B-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 I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos i just need the phone number please . eos O O O O O O O O O Attraction-Request+Phone +bos there is no phone number listed for them i would suggest sending them an email . eos O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O N/A +bos can you help me book a taxi from hughes hall to the ugly ducking by 11:30 ? eos 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+Leave O N/A +bos i have booked your taxi . be expecting a yellow tesla . if you need to reach them , please call 07795998512. 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 B-Taxi-Inform+Phone O O O N/A +bos thanks so much you 've been a huge help eos O O O O O O O O O O general-thank +bos you are welcome it is my goal to provide great service ! enjoy your stay . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye +bos thanks ! looking forward to it ! 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 attraction called christ 's college . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos christ 's college is located on saint andrew 's street in the centre area of the city . would you like the phone number ? 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 B-Attraction-Inform+Area O O O O O O O O O O O O O O N/A +bos what is the attraction type ? eos O O O O O O O Attraction-Request+Type +bos it is a college attraction . is there anything else you need to know ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A +bos i need a restaurant that serves scandinavian food please . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , there are not scandinavian places in cambridge . eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area O O O N/A +bos how about turkish food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are 3 turkish restaurants 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 B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Price +bos i 'd like to impress my colleagues , so something expensive please . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i 'd recommend meze bar restaurant at 196 mill road city center . would you like a reservation ? eos 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 Booking-Inform +bos yes , please . for sunday at 18:00. eos O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos how many will be in your group ? eos O O O O O O O O O Booking-Request+People +bos there will be five people in my group , so i need to make sure i get 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 O O O O O O O O O O Restaurant-Request+Ref +bos a table for 5 has been booked for you at meze for 18:00 on sunday . your reference number is : 9bc3yjxn . eos O O O O O B-Booking-Book+People O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Time O B-Booking-Book+Day 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 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 thank you you can disconnect now . eos O O O O O O O O general-thank +bos thank you goodbye . eos O O O O O general-bye +bos hello , i 'm looking for a restaurant in cambridge that serves high chinese food and is more expensive than it 's competitors . eos 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 O O O O O O N/A +bos i have some here can i get what area you would like to eat in ? 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+Area +bos i do n't have a preference on the area . can you make a suggestion ? eos O O O O O O O O O O O O O O O O O N/A +bos how about the ugly duckling that is located in the city center ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos that sounds fine , can you book a table for 3 at 11:45 on wednesday 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 N/A +bos you are booked for weds at the ugly duckling refs number is u1bcckqx eos O O O O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Ref N/A +bos can i get the phone also please ? eos O O O O O O O O O Taxi-Request+Phone +bos they is no phone information given , can i help with anything else ? eos O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O general-reqmore +bos yes , i am looking for places to visit on the east side 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 lots of attractions in the east ! do you have a preference for type ? eos 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 Attraction-Request+Type +bos i will like a place with no entrance fee and also a taxi that will take me from the restaurant to the 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 Attraction-Request+Fee +bos okay , i recommend cambridge artworks . for the taxi , i will need more information on either departure or arrival time 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 O O Taxi-Request+Arrive,Taxi-Request+Leave +bos what is cambridge artworks address ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Addr +bos the address is 5 greens road . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos and can you give me the postcode ? eos O O O O O O O O O Attraction-Request+Post +bos certainly , the postcode is cb13ef . are you still wanting to reserve a taxi ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O N/A +bos yes i still need a taxi please . eos O O O O O O O O O Taxi-Inform +bos ok , and what time would you like that taxi ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos well to commute between places . eos O O O O O O O N/A +bos a red honda will be picking you up in time for your reservation , the contact number is 07278810684 , anything else today ? eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O general-reqmore +bos that takes care of my needs . thank you , bye ! eos O O O O O O O O O O O O O general-bye +bos glad i could help . enjoy your trip ! eos O O O O O O O O O O general-welcome,general-bye +bos can you help me plan a trip to see a particular attraction ? eos O O O O O O O O O O O O O O Attraction-Inform +bos do you know the name of the attraction , or what type of attraction it is ? eos 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 yes , i am interested in the scott polar museum . 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 would you like to book tickets ? eos O O O O O O O O Booking-Inform +bos no , i 'd like their phone number if you have it available , please . eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos sure , the phone number is 01223336540. can i help you with anything else 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 i also need a restaurant in the cheap price range please . eos O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos is there a certain kind of food you would like ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i love italian eos O O O B-Restaurant-Inform+Food N/A +bos ask is a nice place and serves itailian food , o you want the adress ? eos O O B-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Food O O O O O O O O N/A +bos is that in the north ? eos O O O O O O O N/A +bos ask is in the centre eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area N/A +bos is there any restaurants located in the north side of town ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there is one . it is da vinci pizzeria . shall i book it ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O Booking-Inform +bos yes , please book it for 13:30 on saturday for 8 people . eos O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 1om7h5u4 . 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 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 and enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant named kymmoy . eos O O O O O O O O B-Restaurant-Inform+Name O N/A +bos ah , yes . it 's an expensive asian oriental restaurant in the centre . would you like me to book for you ? eos 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 O O O O O O O Booking-Inform +bos yes . i need a table booked for 7 on saturday . eos O O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos what time do you need that booking at ? eos O O O O O O O O O O Booking-Request+Time +bos 20:00 on saturday . eos O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos booking was successful . your reference number is lpd0dlpx . eos O O O O O O O O B-Booking-Book+Ref O O N/A +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 i have museums , architecture , theaters and cinema just to name a few . eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O N/A +bos can i get the info to a cinema please ? eos O O O O O O O O B-Attraction-Inform+Type O O N/A +bos i have the vue cinema located at the grafton centre , east road . 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 N/A +bos that sounds good . what is the entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos i am sorry but there is no information on their entrance fee . is there anything else you would like to know ? eos 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 O O O general-reqmore +bos may i have the phone number for the vue cinema , please ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Phone +bos the phone number is 08712240240. anything else ? eos O O O O O B-Attraction-Inform+Phone O O O general-reqmore +bos that is all . thank you ! eos O O O O O O O O general-thank +bos enjoy your visit ! let us know if we can be of 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 want information about sesame restaurant and bar . eos 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 sesame restaurant and bar is located in the centre at 17 hills road . 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 O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos thanks . that 's what i needed . eos 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 , i 'd like to find a theatre near centre , too . eos O O O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O N/A +bos the adc theatre is located in the center . the address is park 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+Addr I-Attraction-Inform+Addr O O N/A +bos can i also 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 of course . the postcode is cb58as . the phone number is 01223300085. can i help you with anything else today ? eos 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 general-reqmore +bos need a taxi from the restaurant to the theater , i want to leave the restaurant by 06: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 okay . i booked you a red skoda and the driver can be reached at 07744304667. 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no thank you . that is all that i needed . eos O O O O O O O O O O O O general-thank +bos no problem , have a great day . eos O O O O O O O O O general-welcome,general-bye +bos hi i am looking for a guesthouse to stay at that includes free wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos you can find a and b guest house on 124 tension road for a moderate price and it includes wifi . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Price O O O O O O Hotel-Inform+Internet +bos is that hotel in the north ? eos O O O O O O B-Hotel-Inform+Area O N/A +bos that guesthouse actually is not located in the north . however , i can offer you ten different guesthouses all that have free internet access . eos O O B-Hotel-NoOffer+Type O O O O O O B-Hotel-NoOffer+Area O O O O O O O B-Hotel-Inform+Type B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Hotel-Inform+Internet +bos i am interested in a guesthouse in the north that includes free wifi please . eos O O O O O O O O O O O O O O O O N/A +bos we have 10 guesthouses that meet your needs . which price range do 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+Price +bos how about moderately priced ? eos O O O O O O Train-Request+Price +bos the acorn guesthouse is a moderately priced guesthouse in the north , and it includes free wifi . would you like to book it ? 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 B-Hotel-Inform+Area O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos sure . i 'm traveling alone this time . book me for 2 nights , beginning wednesday . eos O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O N/A +bos i was able to book the room for you . the reference number is 3uqim80c . 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 general-reqmore +bos thanks . i need to grab a train ticket to stevenage on friday , also . eos O 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 that wo n't be any trouble . what time do you intend to travel , and 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 O O O O O Train-Request+People,Train-Request+Leave +bos i need to leave sometime after 14:45 from cambridge . eos O O O O O O O O O O O N/A +bos tr8135 departs cambridge for stevenage on friday at 15:21. eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos that sounds perfect . can i get the price for the tickets ? eos O O O O O O O O O O O O O O Train-Request+Price +bos the ticket price for the departure at 15:21 is 12.80 pounds . how else may i assist you ? eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 alright , hope your train ride goes smooth ! eos O O O O O O O O O O general-bye +bos i want somewhere fun to go in the south of town . eos O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos ok , there is cineworld cinema or 7 other places i can tell you about . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Inform+Choice O O O O O O O O N/A +bos may i please have the phone n umber , postcode , and address for the cinema . 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 they are located at cambridge leisure park , clifton way , postal code is cb17dy , i have no information on entrance fee , to find that out call them at 00872208000 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O O 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 there are many restaurants to choose from , do you have any preferences ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O general-reqmore +bos i 'd like it to be expensive and to serve 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 O N/A +bos okay , how about darrys cookhouse and wine shop in the centre of town ? 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 O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O N/A +bos that sounds good and that is all the information i need today . eos O O O 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 O general-bye,general-greet +bos i need a restaurant on the north side , italian if possible . eos O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O N/A +bos da vinci pizzeria is in the north part of town and serves italian 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 O O B-Restaurant-Inform+Food O O N/A +bos are they in the cheap price range ? i 'm kind of limited on funds . eos O O O O O O O O O O O O O O O O O N/A +bos yes , they are . would you like to make a reservation ? eos O O O O O O O O O O O O O O Booking-Inform +bos not at the moment . can you give me their 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos 20 milton road chesterton cb41jy and their phone number is 01223351707. eos 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 great , thanks . i 'm also interested in finding an attraction that is also in the north . 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 what sort of attraction would you like it to be ? eos O O O O O O O O O O O O Attraction-Request+Type +bos anything that is 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 4 attractions . 2 are swimming pools , 1 park and 1 boating attraction . which do you prefer ? eos O O O O O O 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 Attraction-Select +bos the boating attraction sounds like a lot of fun . how much do they charge to get in ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Inform +bos the entrance fee isnt available on line . 01223902091 is the phone number if you 'd like to call them . 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 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 general-reqmore +bos could you give me the postcode ? eos O O O O O O O O Attraction-Request+Post +bos the postcode for riverboat georgina is cb43ax . is there anything else i may assist you with today ? eos 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 O general-reqmore +bos no thanks . that is all . eos O O O O O O O O general-thank +bos have a wonderful day . goodbye . eos O O O O O O O O general-bye,general-greet +bos hello are you familiar with rosa 's bed and breakfast ? i 've been looking for this hotel for forever ! 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 N/A +bos it 's a guesthouse in the south , located on 53 roseford road , cb22ha . it 's a cheap 4 star hotel with free internet and parking . would you like to book a room ? eos O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Price 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos okay . yes let 's book it from tuesday for 4 people for 5 nights . eos 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 booking was successful.reference number is : jpk1y99e . 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 that 's it , thank you for the help . 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-bye +bos wait , can you also find me a place to dine ? eos O O O O O O O O O O O O O N/A +bos i most certainly can . what type of food are you interested in ? do you prefer a certain 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 O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area +bos im looking for a place that serves swiss food , more on the expensive side . 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 . i do n't see any restaurants that serve swiss food at any price range . would you like to try a different cuisine in the expensive 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 N/A +bos yes korean please , i love that bbq lol eos O O B-Restaurant-Inform+Food O O O O O O O N/A +bos i found little seoul located in the centre in the expensive range . would you like to book a table ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos yes , 4 people at 14:30 on tuesday . eos O O O O O O O O O O N/A +bos please find a taxi for me that can commute us to that location ! eos O O O O O O O O O O O O O O O N/A +bos 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 eos O O O O O O O O O O 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 have you booked at little seoul . your reference number is ghpsledy . is there anything else that i can assist you with ? 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 general-reqmore +bos no . thank you . the lodging and dining were my concerns . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos thank you for letting me assist you today ! enjoy your visit ! eos O O O O O O O O O O O O O O general-bye +bos i will be staying in cambridge . i need a hotel with wifi . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos what about a and b guest house ? 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 O O B-Hotel-Inform+Area O O O N/A +bos i need something in the centre . eos O O O O O O O O N/A +bos there are 7 hotels which area do you prefer ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O Hotel-Request+Area +bos the north part of town eos O O B-Hotel-Inform+Area O O O N/A +bos i ran a search in the north , there 's 12 choices . lets make sure were on the same page , is this the area that you want ? also hotel or guesthouse ? eos O O O O O O O B-Hotel-Inform+Area 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 B-Hotel-Select+Type I-Hotel-Select+Type O O O O Hotel-Request+Area +bos sorry , i 've been all over the place . to be clear , i need a hotel with free wifi and parking that is in the centre . 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 B-Hotel-Inform+Area O O O O O N/A +bos shall i choose a hotel for you , or do you have a preference ? 4 hotels have free parking and internet in that area . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos yes please recommend one . the booking is needed for saturday . 3 nights , 6 people eos O O O O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O N/A +bos may i recommend alexander bed and breakfast . while it is a cheap guesthouse in the centre of town , it has a 4 star rating and also included internet and parking 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-Inform+Price 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 O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos ok great . can you book a room for 6 people and 3 nights starting from 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 O N/A +bos booking was successful.reference number is : qk6kczqa eos O O O O O O O B-Booking-Book+Ref N/A +bos great , thank you . i 'm also in need of an indian restaurant in the cheap price range . can you find me one ? 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 O O O N/A +bos we have several . what part of town are you thinking ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Area +bos any will do , what ever you recommend . eos O O O O O O O O O O N/A +bos royal spice is located in the north . it 's one of my personal favorites . would you like me to make reservations for you ? eos O B-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 O O O O O O Booking-Inform +bos i certainly want to try it then . please book for 6 people at 11:30 on saturday . 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 you have been booked at the royal spice . your reference number is wspai5jj . can i be of further assistance 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 general-reqmore +bos thank you . i am all set . eos O O O O O O O O O general-thank +bos great ! and you 're welcome , have a great day ! eos O O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos hi , i am looking for an expensive restaurant to dine at in the south . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O N/A +bos you can try taj tandoori for indian . need a reservation ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O O Booking-Inform +bos sounds good . yes , for 6 people on monday at 18:15. eos O O O O O O O O O O O O O N/A +bos i will make the reservation for you now . eos O O O O O O O O O O Booking-Inform +bos yes , that would mean you were putting the info in and booking it , followed by giving me the reference number ... 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 O N/A +bos yes that is correct , that way you dont miss a spot eos O O O O O O O O O O O O O Booking-Inform +bos i would like a 3-star hotel with free wifi , please . eos O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos yes , there are 5 different options to choose from . what area will you be staying in ? 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+Area +bos i do n't have a particular area in mind but i do also need free 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 how about the hamilton lodge . it is in the north of town and meets your requirements including parking . eos O O O O B-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 Hotel-Recommend+Parking +bos that sounds nice but will you book it for 7 people and 4 nights starting from 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 N/A +bos your booking was successful , the reference number is cuy4j5pr . 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 yes , i 'm also looking for a cheap chinese food restaurant . can you recommend one ? 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 O N/A +bos sure , there are 4 options . i recommend charlie chan . would you like a booking ? eos O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos i should have mentioned i am looking for a restaurant in the centre . sorry about that . eos 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 okay , the three results are the same . i still recommend charlie chan . do you need more help today ? eos O O O 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 general-greet,general-reqmore +bos yes , please book that restaurant for me . it 'll be 7 people on wednesday at 14:45. i 'll definitely need a reference number . 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 O O O O O O N/A +bos i 'm sorry , i am unable to book it for that time . do you have 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 O Booking-NoBook,Booking-Request+Time +bos thanks for trying . let 's do thursday , please . eos O O O O O O B-Restaurant-Inform+Day O O O O O N/A +bos booking is all set your ref number is 05mf6iql eos O O O O O O O O O B-Booking-Book+Ref N/A +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 thank you enjoy the rest of your day ! eos O O O O O O O O O O general-bye +bos i need to find a place to eat in the centre , thanks ! eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos we have over 69 restaurants i the center of town . do you have any food style or price preference ? 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 O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i am in the mood for lebanese food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos ali baba is a lebanese restaurant in the centre . would you like for me to book it for you ? 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 O O O O O O O Booking-Inform +bos i 'm not sure what time i need just yet . can i get the postcode ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Post +bos sure . it 's cb21nt . what else can i assist you with today ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos i 'm also in need of a hotel 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 okay ! would you like to stay in a guesthouse , or in a hotel ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Type +bos i 'm gon na get wild this weekend , find me a zero-star guesthouse with 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 N/A +bos i have the el shaddai that meets those requirements . would you like to make reservations ? 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 Booking-Inform +bos definitely ! there will be 6 of us , arriving saturday , and staying for 5 nights . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 your reservation for 6 at el shaddai this saturday for 6 days 5 nights was successful . your reference number is : 6nuzq2bg . eos O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name 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 N/A +bos great . can you also get me a taxi to take me from ali baba to el shaddai . i want to leave the restaurant by 05: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 B-Taxi-Inform+Leave O O N/A +bos how many people will be traveling ? eos O O O O O O O O Booking-Request+People +bos i just need one taxi . can you book that for me , please ? eos O O O O O O O O O O O O O O O O Taxi-Inform +bos i have booked you a taxi . the contact number is 07167504810 , and it will be a black honda . anything else for you today ? eos 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 general-reqmore +bos no , thank you . that was it for today . thank you very much for your assistance . have a good one . 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 general-bye +bos thank you for contacting us at cambridge towninfo centre . have a good trip . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye +bos greetings , got any british food places in town ? eos O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos yes what price range would you like ? eos O O O O O O O O O Restaurant-Request+Price +bos moderate please . eos O B-Restaurant-Inform+Price O O N/A +bos what area would you like to dine in ? eos O O O O O O O O O O Restaurant-Request+Area +bos i would like to eat in the centre . eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos i recommend the the oak bistro . 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 Booking-Inform +bos yes , please . can you make a reservation for tuesday for 4 at 15:30 ? eos 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 O N/A +bos i was able to book it , reference number is wa7qciiz 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 place to stay . i 'd like it to be 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 O O O O O N/A +bos the only moderately-priced accommodation in the center is the cityroomz hotel . would you like to book a room there ? eos O O O B-Hotel-Inform+Price 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 O O O O Booking-Inform +bos sounds good . i 'd like to book for 2 nights starting tuesday eos 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 should i book the room for ? eos O O O O O O O O O O O Booking-Request+People +bos i would like it booked for 4 people , please . eos O O O O O O O O B-Hotel-Inform+People O O O N/A +bos your room has been booked . your reference number is 2qe9rssh . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos that will be all . i appreciate your time . have a good day ! eos O O 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 decent place to dine in cambridge please . eos O O O O O O O O O O O O O O N/A +bos what type of cuisine are you interested in ? eos O O O O O O O O O O Restaurant-Request+Food +bos how about canapes food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos sorry , we do n't have any places serving canapes food . would you like to search for 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 O O O N/A +bos could you please try for italian ? eos O O O O O O B-Restaurant-Inform+Food O N/A +bos we have 15 italian places cambridge , do you have and needs as far as area and pricing ? eos O O 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 lets try for a moderately priced place in the centre . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos we have a great place on regent street city centre called pizza express that you are sure to love . would you like me to make reservations for you ? eos 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 O O O O O O O Booking-Inform +bos no thanks . i just need the address , postcode , and phone number for this restaurant 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 their phone number is 01223324033 and address is regent street city centre . was there anyting else i could help you with ? eos 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 O O O O O O O O O O O general-reqmore +bos i would like to book a train to ely , from 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 which day would you like to leave ? 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 N/A +bos there are 10 trains that meet your criteria . do you have a departure time or arrival 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 O O Train-Request+Arrive,Train-Request+Leave +bos the train should leave after 11:15. thanks eos O O O O O O B-Train-Inform+Leave O N/A +bos train tr0767 leaves cambridge at 11:50 and arrives at ely at 12:07. the fare is 4.40 pounds . the travel time is 17 minutes . do you want me to book this ? eos O O B-Train-Inform+Id I-Train-Inform+Id 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-OfferBook +bos no thats all the information i needed . thanks 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 moderately-priced three-star guesthouse in cambridge . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O N/A +bos there are four guesthouses that meet your criteria . do you need internet or parking ? 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+Parking,Hotel-Request+Internet +bos 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 ? eos O O O O O 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 located one hotel matching your search criteria , the alpha-milton guest house . the phone number is 01223311625. 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 O N/A +bos i would like to call them myself please . thank you . eos O O O O O O O O O O O O O general-thank +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-reqmore +bos yes please . can i actually have you book them ? i need 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 N/A +bos 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 . eos O O O O O O O O O O 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 'll need the reservation for 3 people starting saturday 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 O N/A +bos i have booked your stay at the alpha-milton guest house . the reference number is hs3mwj10 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 will also need a train from peterborough to cambridge on saturday . is there anything available ? 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 N/A +bos there are 38 trains from peterborough to cambridge on saturday , all throughout the day . can narrow down the time of day you wish to travel ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day 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 O O Train-Request+Leave +bos i wish to arrive before 12:45. eos O O O O O O B-Train-Inform+Arrive N/A +bos there are 14 trains arriving by that time . when would you like to leave ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O Train-Request+Leave +bos saturday from peterborough to cambridge for 3 people . i will need the reference number too please . eos O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+People O O O O O O O O O O N/A +bos right , saturday , did you have a time you want to leave by ? the trains leave every 30 minutes starting at 5:19 eos O O B-Train-Inform+Day 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 Train-Request+Leave +bos it does n't matter when i leave , as long as i arrive by 12:45. eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos tr5538 leaves at 11:48 and will arrive by 12:38. would you like for me to book this train for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook +bos yes , for the same group of 3 people from before . eos O O O O O O O O B-Train-Inform+People O O O O N/A +bos your booking was successful . reference number is pr8je3du and total is 39.59 gbp . can i help you with anything else today ? eos 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 O O general-reqmore +bos no i think that will be 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 you 're welcome . enjoy your time in cambridge ! eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a 3 star hotel in the centre of town eos O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A +bos the gonville hotel is in the centre of town and has a 3 star rating . eos 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 O O O O B-Hotel-Recommend+Stars O O N/A +bos it does n't need to have free parking , but just by chance do they offer that ? eos O O O O O O O O O O O O O O O O O O O N/A +bos the gonville hotel actually offers both free wifi and free parking . can i help you with booking a room there ? 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 O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no , that 's all the information i need . thank you ! 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-bye +bos i 'm looking for a place to dine in the centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are many restaurants in the centre of town , do you have a preference of food ? 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 O O O O O O O Restaurant-Request+Food +bos is there anywhere that serves middle eastern food ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos unfortunately there is not . what else may i check for you ? eos O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos is there anywhere in the centre that serves mediterranean food ? eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 've found three options , sir . may i ask what type of price range were 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 O O Restaurant-Request+Price +bos i 'd like something in the expensive price range . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are two expensive mediterranean restaurants in the centre of town -- la mimosa and shiraz . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos book either for me eos O O O O O N/A +bos i recommend la mimosa , great word of mouth . what day and time do you want to dine ? how many will be going , please ? 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 O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos can we do saturday at 15:00 ? eos O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos sure for how many people ? eos O O O O O O O Booking-Request+People +bos never mind . i 'll book the table myself . may i have the address and postcode ? and the phone number , while you 're at 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos of course . la mimosa is located at thompsons lane fen ditton . the post code is cb58aq . the phone number is 01223362525. do you need any further assistance ? 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+Post 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 need for now . eos O O O O O O O O O O O O general-thank +bos glad i could help . have a good day . bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos what time is the next train from cambridge to glastonbury ? eos O O O O O O O O O O O O Train-Inform +bos you need to select train in order for me to look that up for you . eos O O O O O O O O O O O O O O O O O Train-Select +bos well , my daughter just said she would prefer to drive , so how about helping us find a place to eat 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 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 i 'm craving romanian food at the moment . eos O O O B-Restaurant-Inform+Food O O O O O O N/A +bos i do n't have any in the area . do you have any other preferences ? eos 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 moderately priced spanish restaurant ? eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos i actually do have one of those . it is called la tasca . it 's located in the centre of town at 14-16 bridge street . did you need a reservation ? eos O 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 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 O O O O O O O O O O Booking-Inform +bos i also need to find a place to go to look at architecture in the city center . eos 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 you could try all saints church located at jesus lane . is there anything else you needed to know ? eos 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 O O O O O O O O general-reqmore +bos could you please give me the phone number and postcode for the church ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos yes their phone number is 01223452587 and their postcode is cb58bs . eos O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O N/A +bos what is their entrance fee ? i would also like to book a taxi . eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos it is free to enter . where will you want the taxi to take you to and from ? eos 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 Taxi-Request+Depart,Taxi-Request+Dest +bos i it to come to the restaurant and then take meto the church . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos ok. what time would you like the taxi to pick you up ? eos O O O O O O O O O O O O O O Taxi-Request+Leave +bos i would just need to arrive to the restaurant by 16:15. eos O O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos booking completed ! booked car type : red lexuscontact number : 07289428865 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 thank you , that is all i need . eos O O O O O O O O O O general-thank +bos okay , great . you 're welcome . have a wonderful day . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos hello i 'm injured and need a hospital nearby . eos O O O O O O O O O O O Hospital-Inform +bos call them through 01223217118 eos O O O O O N/A +bos could you give me the address for the hospital ? eos O O O O O O O O O O O Hospital-Request+Addr +bos it 's hills rd . postcode is cb20qq . eos O O O O O O O O O O N/A +bos ok , that 's all i need eos O O O O O O O O N/A +bos thank you for allowing me to help you today . eos O O O O O O O O O O O general-welcome +bos where 's addenbrookes hospital ? eos 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 phone number , and postcode . eos O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the phone number is 01223245151 and the postcode 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 N/A +bos yes , please tell me when hospital visiting hours extend until . eos O O O O O O O O O O O O O Hospital-Inform +bos i 'm sorry but it does not give me that information . would you like me to call them 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 general-reqmore +bos no , but thank you for all of your help . 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 looking to book a train ticket . it needs to arrive by 11:00 and it has to leave on saturday 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 B-Train-Inform+Day O N/A +bos i can help you find the right train . what are your departure and arrival stations ? 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 want to go to london kings cross and would depart from cambridge . eos 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 N/A +bos tr2138 arrives in london kings cross by 9:51 on saturday , departing cambridge at 9:00. does this sound like what you 're looking for ? eos 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 B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O N/A +bos yes ! can you book it for me ? eos O O O O O O O O O O N/A +bos booking was successful , the total fee is 18.88 gbp , payable at the station . reference number is mtl1sc10 . thank you and have a nice day ! 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 general-bye +bos actually i also need a place to stay in the east section , i need to have free parking wherever it is . 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 N/A +bos we have 5 guesthouses and 1 hotel , that offers free parking on the eastside . do you have a price range you 're looking for ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking +bos i am open to price , i would like it to have a 3-star rating and free wifi included . 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 i do not see an available hotel with 3 stars and wifi at this time . there is a 4 star guesthouse with wifi , would that do ? eos O O O O O O O O O O B-Hotel-NoOffer+Stars 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-NoOffer+Internet,Hotel-Select,Hotel-Inform+Internet +bos well , can you check to see if maybe there is a hotel like i 'm looking for in the centre instead ? 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 N/A +bos the gonville hotel is located in the centre and is in the expensive price range . would you like me to try to book ? eos 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+Price O O O O O O O O O O O O Booking-Inform +bos yes . book it for two people for five nights , starting monday . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A +bos i 'm sorry , i was unable to book that for you , would you like to try 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+Day +bos ok , can you try 2 nights ? eos O O O O O O B-Hotel-Inform+Stay O O N/A +bos there was availability for 2 nights so i have booked your request . the reference number is 61745o20 . eos O O O O O O B-Booking-Book+Stay O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . have a nice rest of the day . 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 can you arrange for a taxi to pick me up at dojo noodle bar ? 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 N/A +bos sure . when do you want to leave ? eos O O O O O O O O O O Taxi-Request+Leave +bos i actually need to arrive by 12:15. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos you got it . can you tell me your destination please ? eos O O O O O O O O O O O O O Taxi-Request+Dest +bos i am going to rosa 's bed and breakfast . eos 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 you 're all set with a red bmw . the driver 's number is 07207233794. can i help you with something else ? 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 O O O O general-reqmore +bos that should be all , thanks . eos O O O O O O O O general-thank +bos great . if you ever do need anything else do n't hesitate to ask . 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 specific hospital by the name of addenbrookes . eos O O O O O O O O O O O O O O Hospital-Inform +bos that hospital is located at hills rd , cambridge . do you need more information ? eos O O O O O O O O O O O O O O O O O N/A +bos yes . i 'd like to know their phone number please . eos O O O O O O O O O O O O O Hospital-Request+Phone +bos telephone : 01223245151 is their telephone number eos O O O B-Attraction-Inform+Phone O 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 today ? eos O 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 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-welcome,general-bye +bos i am looking for a guesthouse in cambridge in a moderate price range . can you help ? eos 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 yes , there are several guest houses available , do you have a specific area you 'd like 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 O O Hotel-Request+Area +bos no , i 'm flexible on the area but i would really like them to offer both 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 O O N/A +bos i would definitely recommend the acorn guest house . would you like a reservation ? 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 Booking-Inform +bos yes , for 7 people . we want to check in on friday and stay for two nights . eos O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O O O O O O O N/A +bos i could n't get you that length of stay at the acorn . would you like to try a shorter stay or a different 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 Booking-NoBook,Booking-Request+Stay +bos how about 1 night ? eos O O O O B-Hotel-Inform+Stay O N/A +bos they were able to accommodate you for one night . your reference number is pg2v8wla . 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 a train leaving from norwich arriving at in cambride by 13:45 eos O O O O O O O O B-Train-Inform+Depart O O O O O O N/A +bos what day do you want to travel ? eos O O O O O O O O O Train-Request+Day +bos the same day as my hotel booking , please . eos O O O O O O O O O O O Hotel-Inform +bos i am sorry but there are no trains available 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 O O O O O O O O O O O Train-NoOffer,Train-Request+Day,Train-Request+Leave +bos yes please . please recommend my best option . an earlier time would be fine . eos O O O O O O O O O O O O O O O O O N/A +bos we do have tr8151 that leaves norwich at 12:16 and arrives in cambridge at 13:35. would this work for you ? 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 B-Train-Inform+Arrive O O O O O O N/A +bos yes , that 's perfect . please book for the same day , friday , and the same number of people , 7. 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 N/A +bos booking was successful , the total fee is 123.2 gbp payable at the station . reference number is : 09j2ho3t . is there anything more i can assist 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 general-reqmore +bos thank you kind person for helping me ! eos 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 no , that will be all , thank you . eos 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 need to find a barbeque restaurant 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 barbecue restaurants in town . would you like to search for a different type of restaurant in the center of town ? eos 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 B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area O Restaurant-Request+Food +bos wow ! no barbeque restaurants ? i need something moderately priced then . can you make a reccommendation ? 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 chinese or european ? i have many options in the center that are moderate in price . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A +bos i would prefer italian . eos O O O O B-Restaurant-Inform+Food O N/A +bos i can book you pizza express whose postcode is cb21db and postal adress regent street city centre if you like eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O N/A +bos no , thanks . i just need the address and phone number . eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos here you are regent street city centre 01223324033 eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Phone N/A +bos thanks ! i also need a train to broxbourne on saturday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos i have 19 entries for your criteria . where would you like to depart from ? what times ? 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,Train-Request+Leave +bos i am departing from cambridge and headed to broxbourne on saturday . i need to leave after 8:00. eos O O O O O O O O O O O O O O O O O O O N/A +bos tr7807 departs at 08:01. would you like a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos yes i would for 6 people . eos O O O O O O B-Train-Inform+People O N/A +bos your reference number is 6sum4ek3 , is there anything else you need ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos no i dont need any other help . you took care of it all . 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 yuor welcome . enjoy your trip . goodbye eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a train departing from stantsted airport 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 i found 133 train trips , do you have a date 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 Train-Request+Leave,Train-Request+Day +bos i want to leave on wednesday and arrive by 10:15. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos there are 5 trains arriving by 10:15 , would you like to book one leaving at 8:24 and arriving at 8:52 ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive I-Train-OfferBook+Arrive O N/A +bos yes , that will be good ! i need eight tickets , please . eos O O O O O O O O O O O O O O O N/A +bos you now have 8 tickets on the tr7667 . your reference number is a1s8rezc and your total will be 80.8 gbp , payable at the station . is there anything else i can do for you today ? eos O O O O O O O O B-Train-OfferBooked+Id 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 O O O O general-reqmore +bos can you also give me some information on the leverton 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 i certainly can . what would you like to know about the leverton house ? eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O general-reqmore +bos what is the address of the hotel ? eos O O O O O O O O O Hotel-Request+Addr +bos the address is 732-734 newmarket road . do you need any more information ? eos O O 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 what is their phone number ? eos O O O O O O O N/A +bos their phone number is 01223292094. eos O O O O O B-Hotel-Inform+Phone 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 . please let us know if you need any more assistance ? eos 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 out information on trains leaving cambridge and going to broxbourne . can you help me ? eos 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 N/A +bos yes the first train leaves at 05:01 the last at 09:01 , did you have a particular time in mind ? 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 O O Train-Request+Leave +bos i was looking to leave after 11:45 but it seems that it is not possible . eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O N/A +bos what day are you looking to depart ? eos O O O O O O O O O Train-Request+Day +bos i would like to depart friday . eos O O O O O O O O N/A +bos we do have many trains leaving after 11:45. tr4266 leaves cambridge at 12:01. would you like to book this train ? eos O O O O B-Train-Inform+Choice 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 Train-OfferBook +bos er , sorry , i actually needed that train on sunday , not friday . eos O O O O O O O O O B-Train-Inform+Day O O O O O O N/A +bos tr2939 leaves cambridge at 12:01 and arrives at broxbourne at 13:01. for how many people would you like to purchase transport ? 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-Request+People +bos that 's all the info i needed on the train , i am also looking for a place to stay with free parking 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 B-Hotel-Inform+Area O O O N/A +bos there are 11 places with free parking in the north . would you like a recommendation or would you rather narrow down your search ? 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 O O O O O O O Hotel-Inform+Parking +bos i also need free wifi , and i would prefer a hotel if that is possible eos O O O O O O O O O O O O O O O O O N/A +bos ashley hotel in the north is moderately priced with 2 stars and provides free internet and parking . it is a hotel . would you like for me to book it ? there is only one other hotel . it also has 2 stars . the remainder are guesthouses with free parking and internet mostly 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 O O O O O O O O O O O O O O O O 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 book 4 nights at the ashley hotel starting on wednesday ? that is for 8 people . eos O O O O O O B-Hotel-Inform+Stay O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O N/A +bos i can not process that booking , please change booking date or reduce the number of days . eos 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 a 3 day stay instead ? please get me the reference number if the booking is successful . eos O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O O Hotel-Request+Ref +bos no problem . for 3 days at ashley hotel with 8 people , you reference number is v499x99c . can i help you with anything else ? eos O O O O O B-Booking-Book+Stay O B-Booking-Book+Name I-Booking-Book+Name 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 , that is all i need , thank you ! eos 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 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 +bos i am looking for a place to dine . the restaurant should be in the cheap price range and should serve swedish 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 unfortunately , i am not able to find any swedish cuisine in the cambridge area . can i look up another type of restaurant for you ? eos 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 O O O O O O O O O O O O O Restaurant-Request+Food +bos darn . how about trying a portuguese place ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos yes ! you can try nandos city centre . need 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 Booking-Inform +bos yes , please . can you reserve a table on friday for 1 person at 17:45 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 N/A +bos done ! your table will be reserved for 15 minutes . your reference number is ryed8gwk . 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore +bos i am also looking for entertainment . eos O O O O O O O O N/A +bos what about the junction ? it 's a theater near the south eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Area O O N/A +bos the junction works , could i have their phone number and address ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos of course . the junction is located on clifton way . the phone number is 01223511511. eos O 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+Phone 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 time and enjoy ! eos O O O O O O O O general-bye +bos actually , can i get a taxi to go from the junction to the restaurant ? eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A +bos alright , i 've booked you a taxi that will get you to nando 's by your reservation time . it will be a yellow lexus , and your contact number is 07362117815. anything else ? eos O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive I-Taxi-Inform+Arrive I-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 O general-reqmore +bos no , that 's really everything this time , i promise . thanks again ! 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 town info centre services . we 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 O O O O general-welcome,general-bye +bos i want to find a place in town to visit called jesus green outdoor pool . 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 N/A +bos hello . jesus green outdoor pool is in the north area between victoria rd . and the river . call 01223302579 to find more about costs . 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 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 B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O N/A +bos sounds good ! do you happen to know what attraction type it is ? eos O O O O O O O O O O O O O O O Attraction-Request+Type +bos it is a swimmingpool eos O O O O B-Attraction-Inform+Type N/A +bos now i need a chinese place to eat eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are a wide variety of chinese restaurants in the city . do you have a preference on where it is or the price range ? 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 Restaurant-Request+Price,Restaurant-Request+Area +bos i would like an expensive restaurant . eos O O O O O B-Restaurant-Inform+Price O O N/A +bos i have 9 options for you , any particular area of town you want 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 yes it needs to be in the centre . can you book me a table for 6 people at 17:45 on friday ? 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 N/A +bos how does ugly duckling sound ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos yes . please book it . eos O O O O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : fucdlrg3 . 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 , that 's all for today . goodbye . eos O O O O O O O O O O O general-bye +bos do you need anymore info ? eos O 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 i am definitely assist with planning that trip . do you want to start with booking a train , or search 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 general-reqmore +bos let 's book a train , i 'll be departing from cambridge and going to broxbourne . lets look for something on wednesday arriving in broxbourne by 19:00. 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 B-Train-Inform+Day O O O O B-Train-Inform+Arrive O O O O N/A +bos it seems there are thirteen trains to broxbourne arriving by 19:00. what time would you like to leave ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-Request+Leave +bos we 're not picky , please book any train arriving in broxbourne by 19:00 for 4 people . eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O B-Train-Inform+People O O O N/A +bos okay , your booking was successful . your total fee of 71.59 gbp is payable at the station . the reference number is b5e7r2le . 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 ! now i need to find a lebanese restaurant in the expensive price range . can you help me find one ? 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 i 'm afraid there is n't an expensive lebanese restaurant in the city . eos O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O N/A +bos is there any in the east ? eos O O O O O O B-Restaurant-Inform+Area O N/A +bos unfortunately , the only lebanese restaurant in town is moderately-priced . would you like to book that restaurant or should i search for a different restaurant ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 O O O O Booking-Inform +bos what about one that serves indian dood ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 4 indian restaurants in the east . did you have a preference on price ? 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 'd like someplace expensive , please . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos i have 2 that are expensive . may i suggest sitar tandoori ? would you like to book that ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos yes , i need a table for 4 people at 10:15 on wednesday , if that day is not available then try friday and provide 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 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 : uygnm1sv . 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 all your help . i think i 'm good now . 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 +bos i am looking for a place to stay . the hotel should have a star of 1 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 B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Type O O N/A +bos we actually have no 1-star guesthouses in cambridge . would you like to try a different search ? eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O general-reqmore +bos well anything with free parking . eos O O O O O O O N/A +bos is location important ? eos O O O O O Hotel-Request+Area +bos actually , if you do n't have any 1 star guesthouses , how about a 4 star guesthouse , with 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 O O O N/A +bos we have many options so let 's narrow the list if we can . would you rather a guesthouse in the north area of town ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Select+Type O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O O N/A +bos i do not care book it 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 booking was successful.reference number is : vrx2l3ay . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . can you help me find a place to go ? maybe a park . eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos milton county park is in the north area and has no entrance fee . eos 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 ? eos O O O O O O O O O O O general-reqmore +bos yes , what was the name of the guesthouse you booked for me ? eos O O O O O O O O O O O O O O O N/A +bos i 'm sorry about that ! it is the acorn 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 O N/A +bos can i get a taxi between acorn and the park ? eos 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 i would like to leave the park by 04:00 eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos you are set , looking for a grey honda , if any issues , they can be reached at 07880531518 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 N/A +bos great that 's all i needed today 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 hello , can you recommend a moderately-priced 4-star hotel , please ? eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O O O N/A +bos there are no moderately priced 4 star hotels but there are 11 guesthouses that fit that criteria . are guesthouses an option 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 N/A +bos it needs to have free parking eos O O O O O O O N/A +bos the acorn guest house definitely fits your needs . it 's 4 star and free parking . shall i 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 B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos yes , please book it for 4 nights starting saturday . eos O O O O O O O B-Hotel-Inform+Stay O O 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 6 people . can i have a reference number please after you are done with the booking ? eos O O O 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 your booking was successful . the reference number is : 2320xp1d . 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 could you tell me if there is a multiple sports place 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 no sorry , there is no mutliple sports attraction in the centre of town . eos 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 will you check for colleges instead ? eos O O O O O B-Attraction-Inform+Type O O N/A +bos how about christ 's college ? looks fun . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos that sounds good . can i get their 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+Phone,Attraction-Request+Fee +bos christ 's college is located at saint andrew 's street and has a free entrance fee . eos 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+Fee O O O O N/A +bos i guess i just need a phone number for christ 's college . 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 O Attraction-Request+Phone +bos i will look up the phone number . give me one moment , please . eos O O O O O O O O O O O O O O O O N/A +bos no problem . after i have the number , that is all i need for tonight . eos O O O O O O O O O O O O O O O O O O N/A +bos the phone number is 01223334900. 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 i 'm trying to find information about a particular restaurant called ian hong house . 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 N/A +bos our records do n't show that hotel . sorry eos O O O O O O B-Hotel-NoOffer+Type O O O N/A +bos are you sure you do n't have anything on ian hong house ? i need the address and postcode . 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos yes , i am sure . there is no ian hong house restaurant in our system . eos O O O O O O O O O B-Hotel-NoOffer+Name I-Hotel-NoOffer+Name I-Hotel-NoOffer+Name I-Hotel-NoOffer+Name O O O O O N/A +bos can you please check again ? lan hong house . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos sorry about that ! i found the lan hong house at 12 norfolk street city centre , cb12lf . it 's a moderately-priced chinese restaurant . 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+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O N/A +bos great , thanks so much . can i also get help booking a room at the huntingdon marriott hotel please ? 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 O O N/A +bos sure for what length of stay and 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 8 people . 5 nights , starting from wednesday . please give me the reference number , please . eos 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 Hotel-Request+Ref +bos your booking was successful . the reference number is : usrcwcj0 . 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 general-reqmore +bos i would like to book a taxi from the hong house to the hotel leaving by 10:15 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 no problem . i booked a red audi that will pick you up by 10:15. 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+Leave N/A +bos wonderful , thank you for everything . eos O O O O O O O O general-thank +bos have a great trip ! thank you for contacting us for all your booking needs . enjoy your trip ! 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 one more thing . can you please give me the taxi contact number . eos O O O O O O O O O O O O O O O Taxi-Inform +bos sure ! the contact number is 07686386258. the car will be a red audi . eos O O O O O O O B-Taxi-Inform+Phone O O O O O O O B-Taxi-Inform+Car N/A +bos thank you very much . have a great day . eos O O O O O O O O O O O general-thank +bos no problem , have a great day ! eos O O O O O O O O O general-bye +bos can you help me find a 4 star hotel to stay at that has free wifi ? thanks . eos O O O O O O O O B-Hotel-Inform+Stay B-Hotel-Inform+Type O O O O O O O O O O N/A +bos i have three hotels that have those requirements . i have 2 expensive and one cheap in pricing . which would you be interested in ? 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+Price O O O O O O O O O Hotel-Select +bos that does n't matter as long as i 'm in the east part of town . eos 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 N/A +bos i 'm sorry . there are no hotels matching that criteria in the area you are interested in . eos O O 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 I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O N/A +bos can you please check again ? hopefully , there was just an error in inputting the information into the search system . 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 i am sorry there is still no match coming up for your criteria . 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 Hotel-NoOffer,Hotel-Request+Area +bos can you check for a guesthouse with those requirements mentioned above ? eos O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos yes , there are 6 options . what is your price range ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Price +bos i want to do some boating today eos O O O O O O B-Attraction-Inform+Type O N/A +bos the cambridge punter is located at 251a chesterton road . would that fit the bill ? 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 O O O O O O O Attraction-Select +bos is that located in the north ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos sorry , the cambridge punter is in the center , but there 's the riverboat georgina in the north . 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A +bos perfect , could you give me their post code ? eos O O O O O O O O O O O Attraction-Request+Post +bos of course ! it is cb41as eos O O O O O B-Attraction-Inform+Post O N/A +bos great . i am also looking for a place to stay in the north . eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos we have guesthouses and hotel ranging from 0 to 4 stars . do you have a preference on price range so we can narrow it a bit more ? eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O 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 Hotel-Request+Price +bos the hotel should be in the same area as the attraction 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 O N/A +bos we have quite a few in the north when are you planning your stay ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O Booking-Request+Day +bos 5 nights , starting from thursday . for 3 people . reference number please . eos O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos would you like me to suggest one for you ? eos O O O O O O O O O O O general-reqmore +bos yes , please pick one for me . eos O O O O O O O O O N/A +bos i would recommend the archway guesthouse , do you want more information or a booking ? eos 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,general-reqmore +bos i would like you to book please . eos O O O O O O O O O N/A +bos okay . your booking was successful . the reference number is 6wm7sewy . 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 i also need a taxi to leave the hotel by 3:15. please 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 Taxi-Request+Car +bos i will work on looking for one and let you know shortly . eos O O O O O O O O O O O O O O N/A +bos great thank you so much . eos O O O O O O O general-thank +bos you 're welcome ! what is you destination ? eos O O O O O O O O O O Taxi-Request+Dest,general-welcome +bos i want to go to the riverboat georgina , please . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i 'd like to leave the hotel by 3:15 please . eos O O O O O O O O O O O O Hotel-Inform +bos i 'm sorry , you mentioned that earlier . i 've got your taxi booked . it will be a red tesla , the contact number is 07760358173. 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-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 O O O general-reqmore +bos thank you , that will be all for today . eos O O O O O O O O O O O general-thank +bos your welcome , i 'm glad i could help . eos O O O O O O O O O O O general-welcome +bos hello ! what is your favorite museum in town ? eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos cambridge artworks is a good choice eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A +bos can i have the address , entrance fee , and the area it is in ? eos 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 they are located in the east . the address is 5 greens road . and , they offer free entrance . eos O O 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos i 'm also looking for a moroccan restaurant in the center of town . is there anything like that in cambridge ? 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 N/A +bos sorry , i couldnt find any of that food type . eos O O O O O O O O O O O O Restaurant-NoOffer +bos aww shucks . can you recommend another restaurant in the centre that 's cheap ? eos O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O N/A +bos might i recommend la raza . they offer cheap mexican food but it is delicious . they are located in the centre . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos i think i 'd prefer mediterranean food . can you look again ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos yes , i found the gardenia in the centre of town . it 's mediterranean food that is in the cheap pricerange . would you like me to book a table for you ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O Booking-Inform +bos yes , i will like a table for 5 people on monday at 15: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 your reservations have been made and your reference number is 851lqwr4 . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos beautiful , thank you for everything , that will be all . eos 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 can you help me find a theatre 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 may i recommend mumford theatre located at anglia ruskin enterprise , east road . do you need any more information ? eos O O O 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 O O O O O O O O general-reqmore +bos can i have the phone number ? eos O O O O O O O O Attraction-Request+Phone +bos absolutely ! the phone number is 08451962320. eos O O O O O O B-Attraction-Inform+Phone O N/A +bos thanks ! i am also looking for information on a restaurant named the ian hong house . eos O O O O O O O O O O O O O O O O O O N/A +bos that is a chinese restaurant in the center . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos is it possible for you to make a reservation for me ? it would be for monday . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos for how many people please eos O O O O O O Booking-Request+People +bos book for 4 people on monday at 18:15. eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos your all set ! reservation # is xj3dii6y . anything else for you today ? eos O O O O O O O B-Booking-Book+Ref 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 you are very welcome happy to help . eos O O O O O O O O O general-welcome +bos thanks , i appreciate it . goodbye . eos O O O O O O O O O general-bye +bos thanks again and please enjoy your visit ! eos O O O O O O O O O general-bye +bos i need a cheap hotel in cambridge . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A +bos i have 10 cheap hotels available . which area of town are you looking 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 Hotel-Request+Area +bos i would like to stay in the west area . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos 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 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 does it have free wifi ? eos O O O O O O O N/A +bos yes it does . would you like me to book it for you now ? 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 . i need it for one person on saturday . a 3 night stay . 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 ok i will book it for you eos O O O O O O O O Booking-Inform +bos i 'm hoping to book a train from bishops stortford to cambridge . please list all times for that route . 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 N/A +bos there 's a total of 70 trains . is there a particular time of day you would like to travel ? 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,Train-Request+Leave +bos i need to leave wednesday and arrive after 11:15. eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos thanks for that information . what time you would like to leave ? eos O O O O 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 B-Train-Inform+Leave N/A +bos unfortunately there are no trains meeting your criteria . would you like me to look up another departure 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-NoOffer,Train-Request+Leave,Train-Request+Arrive +bos no , i want that day and time please eos O O O O O O O O O O N/A +bos the tr0516 leaves cambridge at 11:29 on wednesday . will that work for you ? eos 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 O O O O Train-OfferBook +bos well , i need to know the arrival time first . eos O O O O O O O O O O O O Train-Request+Arrive +bos arrival time is 12:07 does that work for you ? eos O O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yeah , that works . can you recommend a 0 star hotel for me ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos yes i have two guesthouses and 1 hotel in that category do you have a preferred area ? eos O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area +bos i 'd like it to be in the centre please . eos O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos in the town centre there is one guesthouse and one hotel with 0 stars . would you like the hotel or the guesthouse ? eos O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Select+Type O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O O O N/A +bos it does n't really matter . moderately priced located in the centre . i need phone number , hotel type and if they have free parking or not 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 O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Parking,Hotel-Request+Type +bos i suggest cityroomz . its a hotel in the moderate price range . their phone number is 01223327978 eos O O O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Type O O B-Hotel-Recommend+Price O O O O O O B-Hotel-Recommend+Phone O O N/A +bos does it have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes , they do have free parking at this hotel . eos O O O O O O O O O O O O Hotel-Inform+Parking +bos great , thank you . that is all 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 'm looking for a train that leaves from cambridge on tuesday . eos 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 travelling to ? eos O O O O O O O O Train-Request+Dest +bos i will be traveling to leicester and would like to arrive before 21:15. eos O O O O O O B-Train-Inform+Dest O O O O O O O N/A +bos when could you like to arrive by ? eos O O O O O O O O O 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 i have the tr8207 that will arrive by 21:06. would you like me to book that for you ? eos 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 O Train-OfferBook +bos yes but i need that to be booked for 3 people . i would like the reference number please . i also need a place to stay as well . 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 N/A +bos booking was successful , the total fee is 113.4 gbp payable at the station . your reference number is abkff3sh . what type of place are you looking for ? 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 Hotel-Request+Type +bos i would like a 4-star guesthouse in the north in a 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 sure thing , i would suggest this one 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 great can you book that for me from sunday for 2 nights for 4 people . eos 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 N/A +bos your booking was successful . your reference number is 7zj4cttg . will that be all for 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 yes that was all i needed thank you so much . eos O O O O O O O O O O O O general-thank +bos you are welcome and have a good trip . 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 hi , i could use help with my planning . i am trying to 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 N/A +bos 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 ? eos O O O O O O O O O O O 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 it to be in the south and have a rating of 3 stars . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars O N/A +bos we have a moderately priced guesthouse and an expensive hotel that match your requirements . eos O O O O O O O O O B-Hotel-Select+Price B-Hotel-Select+Type I-Hotel-Select+Price O O O O N/A +bos does either offer free parking ? eos O O O O O O O N/A +bos they both offer free parking and internet . eos O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos okay can you please book it for 7 people for 4 nights starting on 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 which one ? the guesthouse or the hotel ? eos 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 the hotel , please . eos O O O O O O Hotel-Inform +bos reference number is : bs0odsgj . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos yes , i also need a train from stevenage to cambridge . i want to leave after 10:15 on tuesday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A +bos i have train tr0517 that leaves at 11:54. 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 O O O O O O O Train-OfferBook +bos that 's perfect . could i get the train id and travel time ? eos 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 49 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time 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 're very welcome ! thank you ! bye ! eos O O O O O O O O O O O general-welcome,general-bye +bos i sure hope so . i 'd like to find a place to stay , with four stars , in the north . 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 N/A +bos i have about 8 options for you . they are all guesthouses . do you have a preferred price range ? 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 Hotel-Request+Price +bos price is not of any concern , just so it 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 O N/A +bos what dates would you like to stay ? eos O O O O O O O O O Booking-Request+Day +bos oh , i think i forgot to mention that it needs to be a 4 star guesthouse . i want to book saturday for 7 people 2 nights . 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 B-Hotel-Inform+Stay O O O N/A +bos all the 8 hotels are 4 star hotels . i recommend the avalon or the archway house . should i book one of those for you and your party ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Stars 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 Booking-Inform +bos yes , please book a reservation . eos O O O O O O O O N/A +bos i have successfully booked you for avalon . reference number is ri8wlx7e . do you need anything else ? eos O O O O O O O B-Booking-Book+Name O O O B-Hotel-Inform+Ref O O O O O O O O general-reqmore +bos thank you ! i also need info on trains that are leaving cambridge . eos O O O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos sure , where are you headed ? eos O O O O O O O O Train-Request+Dest +bos kings lynn is my destination eos O B-Train-Inform+Dest I-Train-Inform+Dest O 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 need to arrive by 20:45 on monday , please . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O N/A +bos there are two trains that would work . one leaves at 8:11 and the other at 9:11. eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O B-Train-Inform+Leave N/A +bos is there a train that arrives closer to the deadline of 20:45 ? if not , i will take the 9:11. eos 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 N/A +bos i have found a train that leaves cambridge at 19:11 and arrives by 19:58 at kings lynn on monday . would you like me to book for you ? eos O O O O O O O O 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 B-Train-Inform+Day O O O O O O O O O O Train-OfferBook +bos yes please ! could i get the departure time , 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,Train-Request+Leave +bos great , the train departure time is 19:11 , the travel time is 47 minutes and train id is tr8868 . can i assist with anything else ? eos O O O O O O O B-Train-OfferBooked+Leave O O O O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O O O B-Train-OfferBooked+Id O O O O O O O O O O general-reqmore +bos hello , i would like some suggestions for college attractions in town . could you help me ? eos 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 a lot to choose from ! there 's hughes hall and jesus college in the centre of town , magdalene college and queen 's college in the west , and many others . 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 B-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 i will go with whatever you recommend , i 'll just need to know 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 O Attraction-Request+Post,Attraction-Request+Fee +bos magdalene college on magdalene street , in the west , has many repeat visitors . the college is free and the post code is cb30ag . their phone number is 01223332138. anything else ? eos O B-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Fee O 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 thank you . do you have any information about a specific hotel named the el shaddai ? 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 N/A +bos el shaddai is a guesthouse in the cheap price range found in the center of town . their address is 41 warkworth street eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos thanks so much . you 've been very helpful . that 's all for me today . have a good night . 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 thank you for using our system ! eos O O O O O O O O general-greet +bos you betcha . bye-bye ! eos O O O O O O general-bye +bos have a great day ! eos O O O O O O general-greet +bos hello . i 'm planning a trip to cambridge soon and would like some information about sidney sussex college please . 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 O O O O N/A +bos they are a wonderful college located in the centre of town . they offer free admission . they are located on sidney street , postcode cb23hu . their phone number is 01223338800. eos 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 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 B-Attraction-Inform+Phone O O O O N/A +bos 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 . eos O O O O O O O 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 yes , it is just on sidney street . i do n't know the number but it is very prominent . you wo n't miss it . 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 O O O O O O O O O N/A +bos ok , thanks ! i 'm also looking for a cheap place to stay that has 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 N/A +bos ok , you have about 10 different choices . do you have a preference as to what area you would like to stay 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 O O O O O O O Hotel-Request+Area +bos yes , i am looking for one in the east and it should be guesthouse type . eos O O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Type O O O N/A +bos alright , i have 3 guesthouses that matches your need . they are the allenbell , autumn house and leverton house . would you like to book a room at one of these ? eos O 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 O O O O O O Booking-Inform +bos can you tell me how many stars they are and if they have free internet ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Internet +bos all of them have a 4-star rating and offer free wifi and free parking . can i book a room for you at one of them ? 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 O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , please book a space for one . eos O O O O O O O O O O N/A +bos for how many days , and starting when would you like ? eos O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos actually i will book it myself . allenbell sounds perfect . thank you , this 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 general-thank +bos please do n't hesitate to 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-reqmore +bos you 've been very helpful . goodbye . eos O O O O O O O O O general-bye +bos thank you ! if you need anything else do n't hesitate to contact me again ! 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 el shaddai eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos the el shaddai is a guesthouse in the centre area . would you like to make a booking today ? eos 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 I-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos yes i would love that . i need to book it starting on saturday for 4 nights for 4 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 great choice ! your booking went through without a hitch . here is your reference number 9nxgn689 . can i do anything else 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 general-reqmore +bos yes , i need a entrance fee and area eos O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee +bos i 'm not sure i understand . the el shaddai is considered a cheap guesthouse in the centre part of town . were you looking for an attraction ? 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+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 Hotel-Request+Area +bos yes i am looking for a nightclub . eos O O O O O O O B-Attraction-Inform+Type O N/A +bos would you prefer centre or south area ? eos O O O O O O O O O Attraction-Request+Area +bos it does n't matter , pick one for me and i 'll need the 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 O O Attraction-Request+Area,Attraction-Request+Fee +bos club salsa is a really cool hot spot . they are located in the centre of the city and it 's only 5 pounds per person to get in ! eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 I-Attraction-Inform+Area O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O N/A +bos thank you . that is all for now . thanks 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 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-greet +bos i want to find out if there are any places to dine that serve australian food 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 B-Restaurant-Inform+Area O N/A +bos unfortunately , there are not . do you want me to run another search ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos what about an expensive restaurant in the centre ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos sure i have many types of cuisine to choose from : african , french , asian oriental , british , european..any preference ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Restaurant-Select +bos i 'd be interested in any serving british food . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos okay , how about midsummer house restaurant located at midsummer common ? eos 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 O O N/A +bos sounds great . please book me a table for wednesday at 16:00 for 5 people . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : w3y6ocl8 . eos O O O O O O O O O O O O O O O B-Booking-NoBook+Ref O O N/A +bos thank you , i 'm also looking for a hotel with free parking and wifi . can you find me 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 sure i will find you one thanks i lot and welcome again 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 stay that has a 4 star rating ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos i can certainly help you with that . do you have a preferred price range or area ? 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 thank you . i am looking for a hotel in the west part of town . eos 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 i have 3 in west - two are cheap and one is expensive . preference on price ? eos O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O Hotel-Request+Price +bos i do not have a preference on price as long as it has a 4 star rating and is a hotel . 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 B-Hotel-Inform+Type O N/A +bos i would suggest the huntingdon marriott hotel . it is very nice . can i get you some information on it ? 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 O N/A +bos yeah , can you let me know if it has free parking ? eos O O O O O O O O O O O O O O N/A +bos parking and internet are both included , would you like me to book you ? eos 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 for 1 person for 4 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 O N/A +bos your booking was successful.reference number is : 6i8873pa . 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 general-reqmore +bos that 's all . thanks eos O O O O O O general-thank +bos thanks so much for visiting ! enjoy your trip ! eos O O O O O O O O O O O general-bye +bos on second thought , i am looking for a train to cambridge , leaving biships stortford . 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 on what day are you wanting to travel ? eos O O O O O O O O O O Train-Request+Day +bos i would like to leave on thursday after 12:00. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos tr0141 would suit your needs . can i book you a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O Train-OfferBook +bos yes book for 1 eos O O O O B-Train-Inform+People N/A +bos your booking has been complete , the ref # is 3vhc8e0f and the total cost of the trip is 10.01 gbp payable at the station . 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 I-Train-OfferBooked+Ticket O O O O O O N/A +bos i need a close hospital with an acute medicine for the elderly unit . eos 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 O N/A +bos contact them at 01223217261 eos O O O O O N/A +bos thank you , will you please give me the postcode ? eos O O O O O O O O O O O O Hospital-Request+Post +bos certainly , their postcode is cb20qq . eos O O O O O O O O N/A +bos thanks , that takes care of all my needs . eos O O O O O O O O O O O general-thank +bos great ! have an awesome day . eos O O O O O O O O general-bye +bos i 'm looking for more information on arbury lodge guesthouse . 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 arbury lodge guesthouse is a 4 star hotel in the north area at a moderate price range and includes internet and parking . would you like 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 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 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 , 3 nights starting on tuesday . eos O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O N/A +bos your booking was successful . the reference number is : 4hwmo5pz . eos O O O O O O O O O O B-Booking-Book+Ref 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 again next time eos O O O O O general-welcome,general-bye +bos i 'm looking for the addenbrookes hospital . eos O O O O O O O O O Hospital-Inform +bos it 's located at hills rd . postcode 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 N/A +bos no thanks . i just needed the postcode . eos 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 that 's all i needed . thanks , good bye . eos O O O O O O O O O O O O general-bye +bos you are welcome . call back if you need anything else . eos O O O O O O O O O O O O O general-bye +bos can a taxi pick me up at carolina bed and breakfast ? 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 N/A +bos when do you want to leave by ? eos O O O O O O O O O Taxi-Request+Leave +bos i want to be sure and leave after 24:00 eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos what is your destination ? eos O O O O O O Taxi-Request+Dest +bos i want to go to lensfield hotel eos O O O O O O O O N/A +bos the taxi is booked for 24:15. it is a yellow volkswagen . eos O O O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A +bos i 'll also need the contact number please . eos O O O O O O O O O O N/A +bos your contact number is 07744553058. may i help you with anything else ? eos O O O O O B-Taxi-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 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 i am a victim of a robbery . i need help . eos O O O O O O O O O O O O O N/A +bos oh no ! you should call the police at 01223358966. eos O O O O O O O O O O O N/A +bos can i get the full mailing address for that location , please ? eos O O O O O 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 and what is the postcode ? eos O O O O O O O Police-Request+Post +bos the postcode is cb11jg . do you need more help ? eos O O O O O O O O O O O O N/A +bos no , thank you for all of your help . eos 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 , and best wishes ! 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 taxi arriving by 20:00. 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 i am leaving from clare college . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos and where will you be headed to ? eos O O O O O O O O O Taxi-Request+Dest +bos i need to get to the parkside police station . my boyfriend got himself arrested , again ! eos 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 N/A +bos oh dear ! i 'm sorry to hear that . i have booked a blue bmw for you . the number is 07860072749 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 N/A +bos great , thanks for the help . eos O O O O O O O O general-thank +bos i 'm glad we could help . eos O O O O O O O O general-bye +bos can you help me reserve a taxi to charlie chan ? eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos sure thing , when you like to leave by ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i need to leave after 14:15. eos O O O O O O B-Taxi-Inform+Leave N/A +bos and where should we have them pick you up ? eos O O O O O O O O O O O Taxi-Request+Depart +bos i need to be picked up from 6742 north ridgewood court . eos O O O O O O O O O O O O O N/A +bos what time do you want to arrive by ? eos O O O O O O O O O O Taxi-Request+Arrive +bos i do n't care . eos O O O O O O N/A +bos where are you departing from ? eos O O O O O O O Taxi-Request+Depart +bos kings hedges learner pool is where i am leaving from . 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 i have a red honda with contact number 07992450678. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A +bos thank you ! i think 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 great ! have a nice day ! eos O O O O O O O O general-bye +bos help me find a restaurant called hakka please eos O O O O O O O B-Restaurant-Inform+Name O N/A +bos that restaurant serves chinese food and is expensive . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O N/A +bos i 'd like to book a table for 3 people for saturday at 1815 please . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O O O N/A +bos great , i have booked that for you and your reference number is xdyjmto7 . 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 for your help , good day . eos O O O O O O O O O O general-thank +bos you as well . thanks for using the service ! eos O O O O O O O O O O O general-welcome +bos of course ! thanks , good bye . eos O O O O O O O O O general-bye +bos welcome again next time . enjoy our services eos O O O O O O O O O general-bye +bos i 'm trying to find 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 , is there is a phone number ? eos O O 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 not right now , thank you . 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-bye +bos i 'd like to book a taxi to the scott polar museum 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 i 'd be happy to help . what time do you want to leave and/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+Leave,Taxi-Request+Arrive +bos 3 00 will be best pick up time thank you eos O O O O O O O O O O O N/A +bos what is your departure site ? eos O O O O O O O Taxi-Request+Depart +bos i will be picked up from london kings cross train station . i 'll also need a contact phone number and a car type to expect . eos 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 O O O O O O O O O O Taxi-Request+Car,Taxi-Request+Phone +bos okay i have a grey lexus and the contact number is 07089138985. anything else i can do for you ? 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 N/A +bos that 's all i needed help with today . thanks ! eos O O O O O O O O O O O O general-thank +bos i need a taxi to the scott polar museum . eos O O O O O O O O O O O N/A +bos thank you , good bye . eos O O O O O O O general-bye +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-greet +bos could you please be kind enough and get me information on the autumn house ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Hotel-Inform+Name O N/A +bos the autumn house is a guest house on the east side . would you like to make a booking ? eos O O B-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 I-Hotel-Inform+Area O O O O O O O O O Booking-Inform +bos i would like a reservation , please . if it could start on monday , that would be great ! eos 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 how many day are you looking to stay ? eos O O O O O O O O O O Booking-Request+Stay +bos there are five of us staying for 5 days eos O O O O O O O O O B-Hotel-Inform+People N/A +bos booking was successful . reference number is : jn71e8up . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks so much . i 'd also like to find an expensive restaurant in the center . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos we have about 33 restaurants that fit that description.. is there any particular type of food you 'd 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 O Restaurant-Request+Food +bos how about persian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are no expensive persian restaurants in the centre of town . eos 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 O N/A +bos ok , well thank you for trying . can you see if there is anything with the same criteria but for italian food ? eos 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 N/A +bos there are 4 restaurants that meet your criteria . would you like a recommendation ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O N/A +bos that is great , can you book me please for 12:00 for 5 people on monday ? eos O O O O O O O O O O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O N/A +bos sure . does clowns cafe sound good ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O N/A +bos yes , it does . can you book it ? i need a reference number please eos O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos your reference number is lyzvmz7d . is there anything else i can help you with today ? eos O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O O O general-reqmore +bos that 's all i needed today . thanks for all your help ! eos O O O O O O O O O O O O O O general-thank +bos my pleasure . enjoy your visit . eos O O O O O O O O general-welcome,general-bye +bos hello ! can you please recommend a 3-star hotel ? eos O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos there are 6 places to choose from . is there a certain price range or area of town you want 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 O O O O Hotel-Request+Area,Hotel-Request+Price +bos in the west , please . it should be a hotel type , please . eos O O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A +bos we do n't seem to have a guesthouse that has everything you want . there is a hotel that has the other things . would you like that ? 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-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O N/A +bos can you tell me a little about that hotel please ? eos O O O O O O O O O O O O Hotel-Inform +bos it is a guesthouse , not a hotel sorry . the pricerange is moderate . it has 3 stars , free wifi , and parking . would you like to book it ? eos O O O O B-Hotel-Inform+Type O O O 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 O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos can you book that for 1 person for 3 nights starting on monday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos reference number is : semsyf2t . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O N/A +bos i also need a train from peterborough . eos O O O O O O O B-Train-Inform+Depart O N/A +bos what is your destination , and what day do you wish to travel ? 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 looking to leave at 13:15 from peterborough . eos O O O O O O O B-Train-Inform+Leave O O O N/A +bos okay , i will still be needing your destination and day of travel eos O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest +bos oh , sorry need to go to cambridge and will be traveling on monday . eos O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O N/A +bos there are 22 matching entries . do you want me to book a train 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 no can you just tell me the arrival time of the first train that departs after 13:15 ? eos O O O O O O O O O O O O O O O O O B-Train-Inform+Leave O Train-Request+Arrive +bos the first arrival time is 14:09. eos O O O O O O B-Train-Inform+Arrive N/A +bos okay that 's great . thank you very much . eos O O O O O O O O O O O general-thank +bos would you like me to reserve that for you ? eos O O O O O O O O O O O Train-OfferBook +bos no thanks , i 'm all set with everything . 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 glad to be of help . have a great day . eos O O O O O O O O O O O O general-bye +bos okay goodbye you can end the conversation eos 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 am looking for a place to dine . the restaurant should serve hungarian food and should be in the south . 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 B-Restaurant-Inform+Area O N/A +bos regretfully , we have nothing like that in the south . eos O O O O O O O O O B-Restaurant-NoOffer+Food O O N/A +bos oh well , no goulash or chicken paprika for me . : ( mexican is always a good standby , any mexican palces around there ? 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 O O O O O N/A +bos yes ! there is chiquito restaurant bar eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos may i have their postcode and price range ? eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Price +bos the postcode is cb17dy and the price range is expensive . eos O O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Price O N/A +bos thanks i need to find a theatre in the same general area as the restaurant eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos okay , the junction is located in the south . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O N/A +bos that sounds like a nice place . what is their postcode and phone number ? 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+Post,Attraction-Request+Phone +bos the post code is cb17gx , and the phone number is 01223511511. is there any additional information that you need ? eos 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 O O general-reqmore +bos nope . you 've answered all of my questions today . thank you . 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 . we hope to see you again . 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 a train that goes to cambridge ? eos O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos i can ! what day are you coming to visit ? eos O O O O O O O O O O O O Train-Request+Day +bos i need to leave stevenage on thursday and arrive by 13:30. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos there are 4 options for a train to cambridge from stevenage on thursday . one train leaves at 05:54 arriving by 06:43 , does that work ? eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O Train-Select +bos is that the one that arrives the earliest ? 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 tr1163 does arrive earliest and it 's 12.80 pounds . eos O B-Train-Inform+Id O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos thank you . could you provide for me some information about the aylesbray lodge guest house as well ? 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 N/A +bos yes certainly it is located in the south and their address is 5 mowbray road and they are moderately priced . eos O O O O O 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos great can you book it for 2 people for 5 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 N/A +bos your booking was successful . the reference number is : xniev1xp . what else can i assist 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 that 's all . thank you ! eos O O O O O O O O general-thank +bos we hope you enjoy your stay and hope we can help you again 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 do you know what this city might have in entertainment venues ? eos O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos there are two entertainment venues in the east , two in the south and one in the west area of town . do you have an area preference ? 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+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O Attraction-Select +bos i do n't care about the area . if you were me , which one would you enjoy the most ? 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 +bos i would pick whale of a time in the west , located at unit 8 , viking way , bar hill , postcode cb238el . it is always an adventure there ! eos 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+Area O 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 O O O O O O O general-greet +bos is there a place to stay with a moderate price range and free parking ? eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos which area and type of lodging do you prefer ? eos O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Area +bos i 'm looking for a place that is moderately priced and has free parking . eos O O O O O O O O O O O O O O O O N/A +bos the acorn guest house is a great little 4-star place on the north side . they 're moderately priced and have free parking and internet . would you like a room there ? eos 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 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 O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos that is all the information 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 trip ! eos O O O O O O O O O O O general-welcome,general-bye +bos wait ! i do want the hotel reservation . can you book it for me on thursday for 4 nights for 4 people ? eos O 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 O O O O N/A +bos your room at the acorn is booked , ref # 94rrn05r . is there anything else i can help you with today ? eos O 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 O O O general-reqmore +bos no that is all the info i need . i 'm sure of it this time ha ha . 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 welcome to use our services anytime eos O O O O O O O O O general-welcome +bos i need to find a moderately priced place to stay , with free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos there are 14 places that match your preferences . mind being more specific ? can i get an area you 'd like to stay , or a star rating 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 O O O O O Hotel-Request+Stars,Hotel-Request+Area +bos anywhere is fine , but it needs to be a moderately priced 4 star hotel with free parking . eos O O O O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A +bos i 'm sorry i ca n't find any hotel 's that are moderately priced with 4 stars and parking . did you have anything else in mind ? eos 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-NoOffer+Stars O O O O O O O O O O O O O O general-reqmore +bos you are totally certain there is n't a single moderately priced hotel with free parking and a 4 star rating ? eos O 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 N/A +bos acorn guest house is avaialble but all we have matching that are guesthouses , no hotels . 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 B-Hotel-Inform+Type I-Hotel-Inform+Type O N/A +bos the acorn will do . can you please book me a room for monday for 3 people , 5 nights please ? eos 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+Day O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O N/A +bos unfortunately , they do not have that available . 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 Booking-NoBook,Booking-Request+Stay +bos can you try 1 night ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos i was able to book your room for one night successfully . your reference number is oesthwo3 . 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 general-reqmore +bos great i also am looking for a place to go that is a museum . eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos i 'd like to suggest the broughton house gallery . do you need any information on 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 general-reqmore +bos yeah , could i get its postcode , phone number , and address , 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,Attraction-Request+Addr +bos broughton house gallery is at 98 king street , postcode cb11ln . tel . no . is 01223314960. 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 I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O O N/A +bos can you book me 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 will you be needing the taxi ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i want to leave the gallery by 2:45. eos O O O O O O O O O N/A +bos booking completed it will be a yellow toyota and the contact number is 07664525287 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 N/A +bos have you ever heard of alexander bed and breakfast ? eos 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 i have stayed there many times . it is pretty cheap but offers free internet and free parking . can i book a room for you ? eos 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 O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please book it for 6 people for 4 nights starting wednesday . 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 okay , you 're all set ! your reference number is : 75uhiuu5 . eos O O O O O O O O O B-Booking-Book+Ref O O O O O N/A +bos i am also looking for a train leaving after 08:15 and should be on the same day as the hotel booking . 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 O O N/A +bos can you tell me where you will be departing from and where you are 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 +bos i will be departing stansted airport and arriving in cambridge . eos 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 have the tr7667 that leaves at 08:24 available . would you like me to book seats on that ? eos 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 N/A +bos yes , please book it for 6 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos ok , the booking was successful . the total fee is 60.59 gbp , payable at the station . your reference number is ak36xdfi . 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 thank you so much . you have been very helpful . that is all i need for 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 general-bye +bos you 're welcome . have a nice day . eos O O O O O O O O O O general-bye +bos i 'm looking for a hotel to stay in that 's expensive and on the east side . eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O N/A +bos express by holiday inn cambridge is on the east side and expensive . 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+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price O N/A +bos that sounds good , but can you tell me if it includes free wifi ? eos O O O O O O O O O O O O O O O O N/A +bos yes it does would you like me to book that for you ? eos O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes for 1 person , staring monday starting 2 days . eos O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A +bos okay , you 're all set ! your reference number is 7a2j5s4u . eos O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos no , that is all . cheer . eos O O O O O O O O O N/A +bos thank you for contacting us . have a wonderful visit . eos O O 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 O Train-Request+Price +bos moderately priced options in the north are abundant . do you have any particular preferences or needs i should enter into the system to narrow it down ? 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 O O general-reqmore +bos the hotel should be a guesthouse , in the 4 star range eos O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O N/A +bos we have plenty of options . any other preferences ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O general-reqmore +bos no . do you have any suggestions ? eos O O O O O O O O O N/A +bos i would book from acorn guest house , with 4 stars . is that okay ? eos 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 N/A +bos yes , that sounds good . can you book that for wednesday . i have 2 people and want to stay 3 nights . eos 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 B-Hotel-Inform+Stay O O O O N/A +bos unfortunately , that booking was unsuccessful . 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 Booking-NoBook,Booking-Request+Stay +bos can we try for 2 nights instead . i 'll need the reference number too . eos O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O Hotel-Request+Ref +bos the booking was successful . reference number is : yh1d51zs . 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 general-reqmore +bos yes , are there any trains leaving town after 13:45 on friday ? eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos where will you be leaving from and going to ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am leaving from cambridge to bishops stortford . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos i have several trains that will work for you . you can arrive as early as 16:07 or as late as 24:07. 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 B-Train-Inform+Arrive I-Train-Inform+Arrive N/A +bos can i have the train id and price for the first train after 13:45 ? eos O O O O O O O O O O O O O O B-Train-Inform+Leave O Train-Request+Price,Train-Request+TrainID +bos tr2730 is the train id . may i go ahead and book that for you ? eos O B-Train-Inform+Id O O O O O O O O O O O O O O O Train-OfferBook +bos no thanks , no need to book for now . that is all of the info that i need . 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 ok great . anything else you need ? eos O O O O O O O O O general-reqmore +bos can i have the price as well . eos O O O O O O O O O Train-Request+Price +bos that trip would be 10.10 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 goodbye . eos O O O O O general-bye +bos you are welcome , have a great trip . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a museum in town . eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are many great museums to choose from . is there a specific area of town you are looking to visit ? 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 O O O O Attraction-Request+Area +bos no specific area . can you recommend one for me ? eos O O O O O O O O O O O O N/A +bos the byard art museum located in the south area of town is very nice . would you like information about it ? eos O O B-Attraction-Recommend+Name 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 O O general-reqmore +bos yes , give me the phone number please . eos O O O O O O O O O O Attraction-Request+Phone +bos sure ! the phone number is 01223464646. eos O O O O O O B-Attraction-Inform+Phone O N/A +bos thanks ! that 's 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 O general-thank +bos thank you . have a good day . eos O O O O O O O O O general-bye +bos i would like a train that leaves from stansted airport after 16: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 what day will you be traveling , and where will you be heading to ? eos 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 traveling on monday and need to go to cambridge eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest N/A +bos there 's a train leaving stansted airport for cambridge every hour on monday , by what time would you like to arrive ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Arrive +bos i do n't care . give me the earliest one leaving after 16:15. eos O O O O O O O O O O O B-Train-Inform+Leave O O N/A +bos the earliest train is tr5365 that leaves the airport at 16:24 and arrive in cambridge at 16:52. do you need a ticket ? eos 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 O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes please thank you . can you also assist to find me a restaurant where i can dine in the center . my preference is 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos how many tickets do you need me to book for the train ? eos O O O O O O O O O O O O O O Train-Request+People +bos i actually do n't need a ticket right now . could you please tell me the price and travel time 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 Train-Request+Duration,Train-Request+Price +bos absolutely . the tr5365 costs 10.10 pounds and has a travel time of 28 minutes . what else can i do for you ? eos O O O B-Train-Inform+Id 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 general-reqmore +bos i also need a place to eat . eos O O O O O O O O O N/A +bos what are would you like to eat ? eos O O O O O O O O O Restaurant-Request+Food +bos i would like modern european food and in should be located in the centre of town . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are 8 results for european restaurants in the centre area , would you prefer an expensive , moderate or cheap 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 B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O N/A +bos i 'd like a cheap one , i do n't want to spend too much on food , i want to bring back as many knick-knacks as possible . 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 O O O N/A +bos the river bar steakhouse and grill meets all your needs . do you want me to book ? if yes , for how many , what day and what time ? 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 O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Time,Booking-Inform +bos please get me their postcode instead eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name Restaurant-Request+Post +bos yes , the postcode is cb58aq . eos O O O O O B-Restaurant-Inform+Post 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 . eos O O O O O O O O O O general-welcome,general-bye +bos i want to find a place to eat chinese in the cheap price range . eos O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A +bos i have 3 chinese restaurants located in city centre that meet your price range request . can i book one 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 O O O O O O O O O O O O O O Booking-Inform +bos not today , can you recommend one of them to me ? eos O O O O O O O O O O O O O N/A +bos i recomend golden house . it is in the centre in 12 lensfield road city centre . can i give you the address eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O 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 O O O O O O O general-reqmore +bos i would like to book a table there . eos O O O O O O O O O O N/A +bos for what time ? eos O O O O O Booking-Request+Time +bos book a table for 6 people at 17:00 on saturday and give me 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 N/A +bos the reference number for you reservation is bcynhp5w . eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks ! i 'm also looking to stay at a hotel called lovell lodge , can you help me with that ? 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 N/A +bos the lovell lodge is a moderately priced 2 star hotel in the north part of town . 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+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 I-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform +bos yes for 6 people , 3 nights on saturday . eos O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos i am very sorry , the system for booking hotel rooms seems to be down . can i do anything else 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 O O O Booking-NoBook,general-reqmore +bos that is all i need today . just the room booked . eos O O O O O O O O O O O O O N/A +bos booking was successful.reference number is : wwypab14 . is there anything else i can assist with ? 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 was all i needed thank you so much . eos O O O O O O O O O O O O general-thank +bos thanks you and goodbye . eos O O O O O O general-bye +bos i am going to be visiting and would like a guesthouse . eos O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos i have about 24 different options . let 's try to narrow it down . do you have a preference on price range 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 O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,general-greet +bos it should have star of 0 and should be in the expensive range . eos O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O N/A +bos i do n't have any hotels that match that criteria . would you like to switch up your rating or price range ? 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 Hotel-Request+Price,Hotel-Request+Stars +bos sure , i could stay at a cheap guesthouse . eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos ok , i have one in the north or in the centre . which would you prefer ? eos 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 Hotel-Select +bos i will take the one in centre , can you book that for 8 people starting friday for 5 nights ? i need the reference number as well please . 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 B-Hotel-Inform+Stay O O O O O O O O O O O Hotel-Request+Ref +bos i have booked the el shaddai for 8 people for 5 nights starting on friday . the reference number is bx3x2xz1 . eos 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 B-Booking-Book+Ref O N/A +bos next up i 'd like to inquire about a train going to norwich . eos O O O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos to narrow down the search , could i possibly have the date and the departure location for the train and possibly a desired 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+Day,Train-Request+Depart,Train-Request+Leave +bos i 'll be leaving cambridge on wednesday and need to arrive by 13:15 , please . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O O O N/A +bos certainly . tr2625 leaves at 11:46 and arrives at 12:55. will that do ? 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 general-greet,Train-OfferBook +bos yes . what is the travel time , price , and departure time ? 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 the departure time will be at 11:46 with a travel time of 1 hour 10 minutes . the price is in the cheap range . eos O O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos that should be all . thank you very much . eos O O O O O O O O O O O general-thank +bos the price for you trip to norwich is 17.60 pounds . do you have any final question ? eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O general-reqmore +bos no thank you very much . good bye . eos 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,general-greet +bos can you help me find a restaurant for from trip ? eos O O O O O O O O O O O O Restaurant-Inform +bos do you have any food preferences ? eos O O O O O O O O Restaurant-Request+Food +bos i would like some italian food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 15 italian restaurants . is there an area and/or pricepoint you would like to stay in ? eos O O 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 yes , i 'd like a moderate price range , and a restaurant on the south side . 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 N/A +bos i have just one place available . it is pizza hut cherry hinton . they are moderately priced and are located at g4 cambridge leisure park clifton way cherry hinton . eos 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 I-Restaurant-Inform+Name 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A +bos please make reservations for 7 people at 19:30 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 booking was successful . the table will be reserved for 15 minutes . reference number is : jumd2q6k . 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 O general-reqmore +bos yes i am also looking for a train that arrives in cambridge at 12:00. eos O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos what is your departure point and what day do you want to travel ? eos 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 kings lynn on friday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos okay great ! tr9102 will be perfect , do you need 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 . please get me tickets for the same group of 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 88.2 gbp payable at the station .reference number is : yttf2l2u . 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 needed . eos O O O O O O O O O general-thank +bos no problem , have a great day . eos O O O O O O O O O general-bye +bos i am looking for a hotel with free parking in east cambridge . eos O O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos the only hotel that fits that description is the express by holiday inn cambridge , but there are also several guesthouses if you are interested . 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 O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O N/A +bos is the express by holiday inn cheap ? and have a star of 4 ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos it is in the expensive price range with a 2 star rating . eos O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O N/A +bos hm , i would rather stay at a cheap hotel with a 4 star rating . 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 autumn house has all your requirements except it not being a holiday inn express . would you like a booking there ? 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 O Booking-Inform +bos i just would like their postcode and phone number and can you tell me whether they have free wifi ? 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+Internet +bos okay ! they do have internet . their postcode is cb58rs , and their phone number is 01223575122. eos O O O O O O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O O O Hotel-Inform+Internet +bos sounds great . could i also get info on a train for monday ? eos O O O O O O O O O O O O O B-Train-Inform+Day O N/A +bos please give me your departure and destination . and what time do you want 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+Dest,Train-Request+Leave,Train-Request+Depart +bos it should depart cambridge to peterborough . i need to be there by 21:30. i need reservations for 8. can i get a reference number please ? eos 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 B-Train-Inform+People O O O O O Train-Request+Ref +bos tr9003 will have you there by 7:56. booking was successful , the total fee is 132 gbp payable at the station .reference number is : av90sv4c eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive 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 N/A +bos thanks for all of your help today . 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 for calling . enjoy your trip . goodbye . eos O O O O O O O O O O O O general-bye +bos i am looking to get a train to cambridge from 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 N/A +bos i can certainly help with that . when did you want to travel ? eos O O O O O O O O O O O O O O O Train-Request+Day +bos depart from kings lynn at 20:30 and leave on sunday . eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Day O N/A +bos there is a train leaving at 21:11 and it costs 7.84 pounds , would that be good for you ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-Select +bos my mistake i need the train to arrive by 02:30 on sunday . eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos there are no trains at that time would you like to try a different time ? eos O O O O O O B-Train-NoOffer+Arrive I-Train-NoOffer+Arrive O O O O O O O O O Train-Request+Arrive +bos not doing well , i actually need to arrive cambridge at 20:30. i should leave on sunday . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O B-Train-Inform+Day O N/A +bos tr6697 departs kings lynn at 19:11 and arrives at cambridge at 19:58. would you like me to book this 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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos could you tell me the price of this ticket ? eos O O O O O O O O O O O Train-Request+Price +bos sure the ticket is 7.84 pounds a ticket . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos ok. is there a hotel in town called the hotel gonville or gonville hotel or something like that ? 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 N/A +bos yes , the gonville hotel is located in the centre . it is an expensive , 3 star hotel that offers free internet and parking . would you like a reservation there ? 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+Price 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+Parking,Hotel-Inform+Internet +bos no thanks . but can i please get the postcode ? eos O O O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb11ly . can i help you with anything else today ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore +bos that 's it . thanks ! 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 +bos yes , i am looking for a cheap restaurant in the south . can you tell me what you have ? 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 O O O N/A +bos sure . there is a chinese restaurant and a portuguese restaurant . would you like me to book one for you ? 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 O Booking-Inform,Restaurant-Select +bos does this restaurant serve fusion food ? eos O O O O O O O O Restaurant-Inform +bos no , i 'm sorry . either chinese or portuguese . eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O Restaurant-NoOffer +bos that 's disappointing . can you tell me about the chinese restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos it 's called the lucky star . it 's at cambridge leisure park clifton way cherry hinton . eos 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 I-Restaurant-Inform+Addr O O O O N/A +bos great can you book it for 1 person at 17: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 it is n't available . shall i try the portuguese restaurant ? eos O O O O O O O O O B-Restaurant-Select+Food O O O Booking-NoBook +bos yes , that would be fine , thanks . eos O O O O O O O O O O general-thank +bos your table will be waiting for you . your reference number is 6u8pg73h . 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 you help . that is all i need . eos 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 hello , please find me a place to dine in the north area that serves polish food . eos 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 there are no restaurants that meet that criteria . would you like me to look for polish food in 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 Restaurant-Request+Area,Restaurant-NoOffer +bos yes please . i would just need it to be in the cheap price range . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i do not have any polish restaurants in the cheap price range . would you like a different restaurant 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 Restaurant-NoOffer,general-reqmore +bos yes , let 's try italian food . eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos great . da vinci pizzeria is a cheap italian restaurant in the north . would you like me to make a reservation there ? 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 O O O O O Booking-Inform +bos book a table for 1 person at 16:00 on saturday . 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 'm sorry the booking was unsuccessful . would you like me to try another cuisine 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 Booking-NoBook,general-reqmore +bos i 'd like a restaurant in the same area and price range . it does n't matter what cuisine . 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 booking was successful at royal spice . the table will be reserved for 15 minutes . reference number is : kejqjlss . 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 B-Booking-Book+Ref O O 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 you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye +bos i want 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 N/A +bos there are 5 available restaurants . what food would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos the restaurant should serve chinese food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two options for your preferences : hakka on milton road in chesterton and the hotpot at 66 chesterton road in chesterton . 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 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 N/A +bos yes thank you , i would like to make reservations at the hotspot at 66 for 4 people at 13:30 this 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 N/A +bos i could not get a table at the hotspot . i was able to reserve one for hakka however . your reference number is pbstnzcl . eos O O O O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O B-Booking-Book+Name O O O O O B-Restaurant-Inform+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 general-bye +bos thank you and enjoy your meal . have a great day . eos O O O O O O O O O O O O O general-bye +bos i need to find a restaurant that is moderately prices and serves modern european 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 O N/A +bos i recommend the restaurant alimentum at 152 - 154 hills road . 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 N/A +bos i want to book a table for 2 people at 19:00 on sunday . eos O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O N/A +bos have you made the reservation ? eos O O O O O O O N/A +bos no i would like you to make the reservation for me please . eos O O O O O O O O O O O O O O N/A +bos i could n't find an available table for you . would you like to find 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 i guess that would be fine , i really want modern european food . could you make sure it is in the same area and price range . 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 O O O O O O N/A +bos unfortunatly , i can not find anything available given your parameters . eos O O O O O O O O O O O O O Restaurant-NoOffer +bos i need a place to dine , does not matter what type , 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 O N/A +bos i was able to book yippee noodle bar , reference number is ucwkfis4 . 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 O N/A +bos thank you for your time . i appreciate it . eos 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 that will be it . thank you . eos O O O O O O O O O O general-thank +bos okay . enjoy your dinner . eos O O O O O O O general-bye +bos hi , i am looking for a cheap restaurant in the south of the city . 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 i have 2 restaurants on the south side that are cheap . one serves chinese and the portuguese . would you like to book one ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Booking-Inform +bos let 's try the portuguese restaurant . i need a reservation for monday at 14:30 for 3 people please . eos O O O O B-Restaurant-Inform+Food 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 N/A +bos i am sorry . the portuguese restarauant , nandos , is completely booked at that time . should i try the chinese 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 O O Booking-NoBook,general-reqmore +bos do you have any other restaurants in the area in the same price range ? eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos the lucky star is in south part of town and is available.would you like the address ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore +bos i 'm looking for a guest house with free parking . eos O O O O O O O O O O O O N/A +bos the are 21 options , any other preferences that you have n't mentioned yet ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O general-reqmore +bos i 'd like it to be in the centre , 4 stars preferably . eos O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O O N/A +bos i have alexander bed and breakfast that meets that information , would you like me to make a booking ? 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 O O O Booking-Inform +bos no but i would like the post code please . eos O O O O O O O O O O O Hotel-Request+Post +bos sure here is the post code you nedeed cb12de . eos O O O O O O O O O B-Hotel-Inform+Post O N/A +bos thank you . i 'm also interested in finding a cheap italian place to eat . eos O 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 i have several options is there a certain area you were interested in ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area +bos yes , i need it to be located in the town centre . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos ok , there are three places in the town centre . i recommend zizzi cambridge . would you like me to book a table for you ? 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O Booking-Inform +bos no thank you . i 'd prefer to book it myself . may i have the telephone number 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 Restaurant-Request+Phone +bos here it is . 01223365599 , will there be anything else ? eos O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos that is all i needed for today thanks for your help eos O O O O O O O O O O O O general-thank +bos you are welcome . i can also help arrange transportation or suggest attractions , if you wish . 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 . i have all i need . eos 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 am looking for an expensive danish place . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos are you looking for a danish restaurant ? eos O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos yes please . in the centre of town . eos O O O O O O B-Restaurant-Inform+Area O O O N/A +bos i am sorry i have no listings for that type of restaurant , is there any other type of food 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 Restaurant-Request+Food,Restaurant-NoOffer +bos is there an expensive chinese 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 N/A +bos yes i was able to locate 4. can i book a table for you ? eos O O O O O O O O B-Restaurant-Inform+Choice O O O O O O O Booking-Inform +bos yes please , for tonight at 9 pm if possible . eos O O O O O O O O O O O O N/A +bos i will make a booking for you at hk fusion , but i do need to know what day and time you prefer , and for how many people . 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 O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos for four , thursday , 11:45. eos O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O N/A +bos booking unsuccessful . would you like to try another restaurant ? eos O O O O O O O O O O O O Booking-NoBook,Restaurant-Request+Name +bos yes please in the same area and price range . eos O O O O O O O O O O O N/A +bos booked at ugly duckling . reference number : eqfgnmfy . table will be held for 15 minutes . eos O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O O O O O O O O O O N/A +bos thanks so much ! eos O O O O O general-thank +bos is there anything else that i can book for you or assist you with for your upcoming trip ? 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 was all i needed today thank you ! eos 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 general-bye +bos can you find the restaurant names loch fyne ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos sure ! loch fyne is an expensive seafood restaurant located in the centre . would you like a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Booking-Inform +bos yes , please . i need one for friday at 13:45. i 'll be dining alone . 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 N/A +bos i apologize but i was unable to book you for the restaurant . would you like for me to find you another 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 sure , any other restaurant in the centre that is expensive would be fine . eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O N/A +bos there are many resturants that meet those criteria . would you prefer african , asian , british , chrinese , european , french , gastropub , indian , italian , japanese , korean , mediterranean , north american , turkish or thai ? 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 O 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 can you check for another restaurant in the same area and pricerange ? eos O O O O O O O O O O O O O O Restaurant-Inform +bos could i suggest going out of the norm and trying bedouin ? it 's an african restaurant in the same price range and area . eos O O O O O O O O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O O O O O O O O O N/A +bos yes , please book the restaurant bedouin for me . eos O O O O O O O O O O O Restaurant-Inform +bos booking was successful . the table will be reserved for 15 minutes.reference number is : mtbhnb92 . 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 no that will be all , thanks for all of your help . sorry i was such a bother eos O O O O O O O O O O O O O O O O O O O O general-thank +bos no problem at all . have a great day ! eos O O O O O O O O O O O general-welcome,general-bye +bos thank you ! you were great ! 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 hello , i 'm looking for an italian restaurant on the east side . thank you ! 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 i show one called the pizza hut fen ditton that serves italian style food and is located on the east side in the cambridge retail park newmarket road fen ditton eos 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+Food I-Restaurant-Inform+Food 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos is this restaurant in the moderate price range ? eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos it is listed in the moderate range . would you like to book a reservation ? eos O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos yes book a table for 8 on sunday at 19:30 please . eos 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 'm sorry , we were not able to book a table at that restaurant . would you like me to find another 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 Booking-NoBook,general-reqmore +bos no i will call back thank you . eos O O O O O O O O O general-thank +bos let me know what else you need . eos O O O O O O O O O general-reqmore +bos can you find another restaurant int he same area and price range for me ? 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 rajmahal , reference number is ksfskic1 eos O O O O O O B-Booking-Book+Name O O O B-Booking-Book+Ref O N/A +bos i did not say to book rajmahal . what type of food does it serve ? eos O O O O O O O O O O O O O O O O O N/A +bos they serve indian food . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos if there are not any italian restaurants available in the area that are moderately priced , rajmahal will be fine . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Name O O O O O N/A +bos your reservation is made . the number is ksfskic1 . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you for your help . bye . eos O O O O O O O O O general-bye +bos the address and phone for the rajmahal is 7 barnwell road fen ditton cb58rg , 01223244955. enjoy our city . eos O O 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O N/A +bos i hope to . goodbye . eos O O O O O O O general-bye +bos have a nice day then ! eos O O O O O O O general-bye +bos i am interested at eating at an expensive place in the west part 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 N/A +bos we have nine expensive dining establishments on the west side . cuisines offered are thai , indian , european , and british . do you have a preference ? eos O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Area 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 no i do n't have a preference . i want to book for four people at 15:00 on saturday . 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 N/A +bos okay i booked a table for 4 at 15:00 on saturday at the graffiti , an expensive british restaurant in the west area of town . eos 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 B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A +bos thank you . can you please give me the reference number ? eos O O O O O O O O O O O O O Restaurant-Request+Ref +bos the reference number is 5whdpghw.. is there anything else i can assist you with ? eos O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O general-reqmore +bos no 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 O general-thank +bos excellent . have a good rest of your day ! eos O O O O O O O O O O O general-bye +bos i 'm looking for a mexican restaurant eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i have found one . the chiquito restaurant bar is in the south side of town . would you like me to make a reservation for you ? eos 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+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 is it expensive ? eos O O O B-Restaurant-Inform+Price O N/A +bos yes it is . would you like a reservation there ? eos O O O O O O O O O O O O Booking-Inform +bos actually , i was looking for a mexican restaurant in the centre 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 i 'm sorry the only mexican restaurant is located in the south . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A +bos what about a gastropub ? eos O O O O B-Restaurant-Inform+Food O N/A +bos we have 4 options ! is there a price range you 'd like to stay in ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Price +bos yes , i 'm looking for a restaurant in the expensive price range in the city centre . mexican is my first choice . if none is available , gastropub is fine . 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 O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos backstreet bistro looks like a top choice , shall i book you for 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 a table for four please . eos O 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 . oh wait ! it needs to be a table for 2. eos O O O O O O O O O O O O B-Restaurant-Inform+People O O N/A +bos no problem . what day and time were you thinking ? eos O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos we need a table for tuesday at 12:30 please . eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos you are booked for backstreet bistro for 2 people . your reference number is p4p2r28v . may i help with something else ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos what is the address and postcode of the backstreet bistoro ? eos O O O O O O O O O O O O Attraction-Request+Post +bos they are located at 2 sturton street city centre postal cb12qa , have i been able to resolve all of your questions today ? 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 O O O O O general-reqmore +bos i also want to find an attraction called corpus christi . 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 in town centre . it is located at king 's parade , postcode cb21rh . the entrance fee is 2 pounds . do you need their phone number ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O 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 thanks for all your help . 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 have a great time . eos O O O O O O general-bye +bos i need place to stay in cambridge . want it cheap with 4 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 found 2 different 4 star hotels in that are cheaper than the others . would you like to reserve that room for you ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 O O O O Booking-Inform +bos what are the names of the 2 hotels ? eos O O O O O O O O O O Hotel-Inform +bos allenbell and the alexander bed and breakfast are the cheapest . 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+Price I-Hotel-Inform+Price N/A +bos i need one in the east area . is one of them in the east . eos O O O O O O O O O O O O O O O O O N/A +bos allenbell is in the east area . can i get you a booking there ? eos O B-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos what type of hotel is it , and do 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+Type +bos allenbell is a guesthouse with free parking . would you like me to check availability for a certain day of the week ? eos O B-Hotel-Inform+Name 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 Booking-Request+Day,Booking-Inform,Hotel-Inform+Parking +bos no , if you could get me the postcode for allenbell that would be great . eos O O O O O O O O O O O O O O O O O Hotel-Request+Post +bos the post code is cb13js eos O O O O O B-Hotel-Inform+Post N/A +bos cool . do you happen to know anything about 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 O N/A +bos sure , it 's a nightclub in the centre area . would you like the phone number or address ? 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 O O general-reqmore +bos i need the postcode and address . eos 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 . 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 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 thanks , that 's all i need 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 thank you for your interest in cambridge , we look forward to seeing you here ! eos O O O O O O O O O O O O O O O O O general-bye +bos i 'm in the mood for some modern eclectic food so please find me a cheap restaurant that sells some eos 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 O O N/A +bos i 'm sorry , i was n't able to find any of those . eos O O O O O O O O O O O O O O O Restaurant-NoOffer +bos how about indian , instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos there are four cheap indian restaurants in cambridge . what area of town were you interested in ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Area +bos i want one on the west side of town . if there 's not one there then the centre of town will be fine . eos 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 O O O N/A +bos we do n't have any on the westside , but three in the city centre . might i suggest the kohinoor ? eos O O O O O O O B-Restaurant-NoOffer+Area O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 that sounds great ! could you book a table there for 12:00 on saturday ? just me . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : vsj2w6n3 . 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 place to stay . eos 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 the area does n't matter . eos O O O O O O O N/A +bos well do you have a price preference ? eos O O O O O O O O O Hotel-Request+Price +bos i would prefer a guesthouse and free wifi and parking . eos O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos do you have a price range or star rating in mind ? eos O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price +bos i do n't care , 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 O O B-Hotel-Inform+Stay O O O O O O O N/A +bos your booking number is gc8v34od for the acorn guest house at 154 chesterton road for 1 person on saturday for 2 days is set . eos O O O O O B-Booking-Book+Ref O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay O 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 thank you for using our services . have a great stay ! eos 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 need a place to stay with 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 many different options available . let me ask , do you have a certain price range or 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 O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i have no particular price range , but would like a guesthouse in the north part 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 O N/A +bos that narrows it down to about 9 different options . most offer both free parking wifi . if you would like my personal recommendation , i would say go with the hamilton lodge . 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 O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos excellent . can i book that for 2 people for 2 nights starting on tuesday 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 booking was successful.reference number is : 152ujwik . anything else today ? eos O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos i also need a train on tuesday . eos O O O O O O O B-Train-Inform+Day O N/A +bos 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 ? eos O O O O O 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+Dest,Train-Request+Depart +bos i would like to go from cambridge to london liverpool street , and i need to arrive in london by 9:00. 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 O O O O O O O N/A +bos there are two trains . would you like me to book one for you ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O Train-OfferBook +bos yes please book whichever one is earliest and make sure to get 2 tickets . then give me the reference number 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 N/A +bos your booking went through for the 05:59 train . your reference number is d0fub4uc , and that is payable at the station . is there anything else i can assist you with ? eos O O O 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 O O O O O O O O O O O general-reqmore +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 glad i could help . have a great day . eos O O O O O O O O O O O general-greet +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 we have many great restaurants in cambridge ! do you have a cuisine , area , or 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 O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price +bos i 'm looking for an expensive place to eat in the centre of town eos O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O N/A +bos what type of food would you like to eat ? eos O O O O O O O O O O O Restaurant-Request+Food +bos it does n't matter . i 'll just need to know the postcode , food type , 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+Food +bos how about darrys cookhouse and wine shop , they are at regent street city centre , postal code cb21ab phone number is 01223312598 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 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 B-Restaurant-Inform+Phone O O N/A +bos i 'm also looking for a train that goes to 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 traveling from , and what day and time ? eos O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Arrive,Train-Request+Depart +bos i need the train to leave from peterborough on sunday and i need it to leave after 12:00. 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 B-Train-Inform+Leave N/A +bos how about tr9345 ? it leaves at 12:19. eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos yes , that sounds perfect . i need a reservation for 7 people . can i have the reference number also ? thanks for your help ! 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 Train-Request+Ref +bos your reference number is ybx5lxoc . 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 no , that 'll be all . thanks ! eos 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-greet +bos thank you so much . goodbye eos O O O O O O O general-bye +bos happy to be of service ! 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 general-welcome,general-bye +bos i need the schedule of the the train going to ely on tuesday . eos O O O O O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O N/A +bos what time do you need to leave ? eos O O O O O O O O O Train-Request+Leave +bos my leave time is flexible . i just need to arrive by 14:30. eos 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 cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos train tr3420 leaves at 13:50 and gets to ely at 14:07 , 17 minute trip . do you need tickets ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-OfferBook +bos yes , i do need tickets . 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 well , i can do the booking myself . can you help me find a hotel instead ? eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos absolutely ! 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 it does n't matter as long as it is 3 stars . it does n't need to include internet . 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 alpha-milton guest house is 3 stars and does not have internet . 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 Hotel-Inform+Internet +bos could i please book it for 5 people for 3 nights starting from 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 N/A +bos your booking was successful and your reference number is wklnvdkn eos O O O O O O O O O O B-Booking-Book+Ref N/A +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 enjoy your stay in cambridge ! eos O O O O O O O general-bye +bos hi , i 'm looking for a particular restaurant named bedouin . can you help ? eos O O O O O O O O O B-Restaurant-Inform+Name O O O O O O O N/A +bos yes . bedouin serves african food and is is located in the centre . eos O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O O N/A +bos can you book me a table for 3 people at 20:00 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 booking was successful . the table will be reserved for 15 minutes.reference number is : n332o6jk . 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 , thank you so much . that 'll be all for today . bye ! eos O O O O O O O O O O O O O O O O O general-bye +bos 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 general-bye +bos hi . i 'm looking for a place to stay in the north part of town . i 'd like the hotel to have free parking . 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 i found 11 hotels do you have any other things you need the hotel to have ? 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 yes . i would like it to be a guesthouse with a star of 4. eos O O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars N/A +bos how about the acorn guesthouse ? it meets all of your criteria . would you like me to make a reservation ? 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 Booking-Inform +bos yes , please make a reservation for 3 people for 4 nights starting 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 unfortunately , it looks like acorn guest house does n't have that time available . would you like me to try for a different day or shorter stay ? eos 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 Booking-Request+Stay,Booking-Request+Day +bos what about for 3 nights ? also can i get a reference number if it is available ? eos 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 your booking was successful . your reference number for this booking is l9g43f5k . is there anything else you need help 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 general-reqmore +bos i 'm also looking for places to go . is there a boat in the same area as the hotel ? 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 yes ! it is called riverboat georgina . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos can i please have its address ? eos O O O O O O O O Attraction-Request+Addr +bos it 's at cambridge passenger cruisers , jubilee house . would you like any other information about it , or 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 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 to book a taxi to go between the boat and 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 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 ? eos O O O O O O 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 need a taxi that will take me from the riverboat to the hotel . i want to leave the riverboat at 04: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 N/A +bos ok , you are booked in a white skoda . your reference number is 07648586609. 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 can i have a contact number for the taxi ? eos O O O O O O O O O O O Taxi-Inform +bos the contact number for the taxi is 07648586609. eos O O O O O O O O B-Taxi-Inform+Phone 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 thank you for using our system ! eos O O O O O O O O general-bye +bos can you provide information about clare hall ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos it is a college situated in the west , do you need the address ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos i just need the area it is located in and the phone number please . eos 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 west and the phone number is 01223332360. is there anything else i can help you with today ? eos O O O O O B-Attraction-Inform+Area 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 am also looking for a restaurant in the centre in the expensive price range . eos O O 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 many restaurants . is there a type of food you would enjoy ? 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 really love mexican . do you have one that serves that ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos unfortunately , i do not . are there other cuisines that you like ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos okay , how about indian food . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos curry garden is a nice indian restaurant in the centre . should i book you any tables ? eos 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 O O O O Booking-Inform +bos that sounds nice , can i get their phone number please ? eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos sure , the phone number is 01223302330. is there something else i can help you with today ? eos 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 can you also book a cab to get me to the restaurant 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 Restaurant-Inform +bos no , problem , i just need to know what time you wish to get there and where you 'll be arriving 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 Taxi-Request+Depart,Taxi-Request+Arrive +bos i want to leave the restaurant by 11:45. going to clare hall . eos O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos okay , you 'll be picked by a black lexus . their contact number is 07229815705 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 N/A +bos wonderful , you made me excited for this trip now ca n't wait ! , that is everything , 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 are very welcome . goodbye . eos O O O O O O O O general-welcome,general-bye +bos can you please tell me about cherry hinton water play ? 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 yes , it is a park located at cherry hinton hall , cherry hinton road . phone is 01223446100. eos O O O 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 O B-Attraction-Inform+Phone O O O N/A +bos thank you . can you please tell me the area of town this is in ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos yes it is on the east side . anyhting else i may help you with today ? eos 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 i also need some help finding a place to dine at , can you look that up for me ? 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 , could you tell me what type of food you would like and the part of town 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 Restaurant-Request+Area,Restaurant-Request+Food +bos i want to eat in the south . eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos i have 9 restaurants available . 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 Restaurant-Request+Food +bos i do n't have a food preference . eos O O O O O O O O O N/A +bos what about price range ? eos O O O O O O Restaurant-Request+Price +bos that should be moderate eos O O O O B-Restaurant-Inform+Price N/A +bos i have pizza hut cherry hinton located at g4 cambridge leisure park clifton way cherry hinton . would you like reservations ? 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+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 Booking-Inform +bos i would for two people please . eos O O O O O O O O N/A +bos what day and time would you like to book the table ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos tuesday at ... oh ... 16:45. eos O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O O N/A +bos your table is reserved , ref # oxgr059e . 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 i need to find a taxi to commute me between these two paces that arrives 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 O O Restaurant-Inform,Taxi-Inform +bos you are all set ! be looking for a grey audi . 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 general-reqmore +bos what 's the taxi 's phone number ? eos O O O O O O O O O Taxi-Request+Phone +bos their contact number is 07076287361 should you need to contact them ! eos O O O O O B-Taxi-Inform+Phone 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 no thank you that will be all eos O O O O O O O O general-bye +bos hi , can you help me with my planning ? i am looking for a restaurant . eos O O 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 would like an indian restaurant in the north . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are two restaurants that meet your criteria . would you prefer the one in the moderate price range or the one in the cheap 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 O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A +bos i would like the one in the cheap price range . can you book it for me ? 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 i have one listing her for royal spice . would you like to make a booking ? eos O 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 Booking-Inform +bos i would love that , i need it for 1 person at 17:30 on wednesday , please include a 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 Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes . reference number is : agk03vyr . is there anything more i can do for you 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 O general-reqmore +bos while i am in the north part of town , i 'd like some help finding something to do . is there a popular attraction around ? eos O O O O O O O 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 riverboat georgina which is located in the north . i 'm not sure if it 's free or if they charge anything . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area 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 O N/A +bos i 'm looking for an expensive restaurant that serves thai food . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos ok , i 've found two . one is in the west and one is in the centre . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A +bos pick your favorite and book it for 2 please . eos O O O O O O O O O O O N/A +bos i would recommend sala thing , for your booking of two , what day and time would you like that for . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Booking-Inform+People O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos maybe friday at 14:45 eos O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos booking for sala thong was successful . the table will be reserved for 15 minutes . your reference number is my18qah7 eos 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 B-Booking-Book+Ref O O N/A +bos thanks . can you also 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 O N/A +bos we have 44 different things to do in the centre of town . do have a type you 're looking for , like a theatre , college , or architecture ? eos 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 B-Attraction-Select+Type I-Attraction-Select+Type O O O O O Attraction-Request+Type +bos i 'm looking for an attraction with multiple sports 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 'm sorry , we do n't have anything like that . is there something else 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 Attraction-Request+Type,Attraction-NoOffer +bos what about a night club ? eos O O O O O O O N/A +bos there are 5 nightclubs in the centre . i would recommend the soul tree nightclub at 1-6 corn exchange street . the entrance fee is 4 pounds . 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 O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos nice ! please get me their phone number too eos O O O O O O O O O O Attraction-Request+Phone +bos the soul tree phone number is 01223477900. may i help you with something else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone 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 you are 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 find a place to stay ? i am looking for a hotel with 3 stars and has 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+Stars O O O B-Hotel-Inform+Price O O O N/A +bos we have four such hotels . do you have a preferred location or type ? 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+Area,Hotel-Request+Type +bos location does n't matter really , i would like it to be moderately priced with a 3 star rating . eos 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 N/A +bos how about hamilton lodge ? it is a moderately priced guesthouse in the north with 3 stars and free wifi and parking ! eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds good . i want to make a booking for 5 people . we need to stay for 5 nights starting on friday . eos O O 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 ok , your hotel is booked . friday for 5 nights for 5 people at hamilton lodge . ref # is 9tuyxww9 . may i help with something else ? eos O O O O O O B-Booking-Book+Day O O B-Booking-Book+Stay O O O O B-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 could you also help me find a swimmingpool in town ? let me know what area it is in . 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+Area +bos there are a few . do you have a preference in location ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Area +bos no preference , but close to the hotel would be good . eos O O O O O O O O O O O O O Hotel-Inform +bos jesus green outdoor pool is between victoria road and the river . eos 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos 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 04:30 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 B-Taxi-Inform+Leave O O O N/A +bos sure . i booked a grey volkswagen for you . it will pick you up at the pool at 4:30. the contact number is 07941682445. 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 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 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 alright , thanks for contacting 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 i would like to find a place with a swimmingpool in the north area of town . eos 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 the jesus green outdoor pool matches your criteria . will this suffice ? 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 O O O N/A +bos yeah , what is the entrance fee for that ? eos O O O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry , i do n't have a listing for the entrance fee . is there anything else i can help you with ? 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 O O O O O O general-reqmore +bos can you find me a 4 star hotel as well ? eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos there are three 4-star hotels in town . would you prefer the west or centre of town ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O N/A +bos i want to stay in the north near the swimming pool . i 'd like it to be a hotel and 4 stars 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 B-Hotel-Inform+Stars O O O O O O N/A +bos i 'm afraid there is n't a hotel in the north end that meets your requirements . perhaps a guesthouse instead ? there 's the acorn guest house there that does . eos O O O O O O O O O O O O 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 guesthouse would be fine as long as it has free wifi . eos O O B-Hotel-Inform+Type O O O O O O O O O O O N/A +bos the acorn guest house does have internet , i am not sure if that includes wifi . would you like me to book you 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 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 can you tell me if they provide free parking ? eos O O O O O O O O O O O Hotel-Request+Parking +bos the acorn guest house does have free 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 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 +bos i do n't need a reservation at this time , but i would like to know their price range 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 Hotel-Request+Price,Hotel-Request+Addr +bos the acorn guesthouse is in the moderate price range with a 4 star rating . their address is 154 chesterton road , post code cb41da , and phone number : 01223353888. 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 B-Hotel-Inform+Stars 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 N/A +bos thanks for all the information ! eos 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,general-bye +bos i am looking for a restaurant in the centre of town in the moderate 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 where you interested in any particular type of cuisine ? i have some restaurants like that including : indian , chinese , and italian . do you have a preference ? eos O O O O O O O O O O O O B-Restaurant-Inform+Choice 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,Restaurant-Select +bos do you have south indian food ? that sounds really good . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos there are no south indian food places , shall i run another search ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O N/A +bos can you try british food instead ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i found 4 restaurants that meet your criteria . i recommend either the oak bistro or cotto eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos okay , can you book a reservation at the oak bistro please ? i need it to be for 4 people on thursday at 15:15. 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+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 : lfqbm18l . 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 place to go in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos we have many types of attractions in the center , including parks and churches . do you have a preference ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 Attraction-Select +bos are there any boating attractions in the centre of town ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O N/A +bos scudamores punting co and the cambridge punter are both boat attractions in the centre of town . do you have a preference ? 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+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 Attraction-Select +bos which ever one you recommend will work . i need the phone number , entrance fee 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos there is no entrance fee information listed for either attraction unfortunately . but overall i recommend the cambridge punter . their postcode is cb41as and phone number is 07807718591. eos 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 O O B-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O O Attraction-NoOffer +bos thank you . i have all i need . goodnight . 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 am seeking a restaurant that serves british 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 N/A +bos i have about 7 different options for you . do you have a certain price range in mind ? 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+Price +bos i 'd like a moderately priced one . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are 4 restaurants that match that criteria which are restaurant one seven , the oak bistro , the copper kettle , and cotto . which one would you be 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 O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Restaurant-Select +bos i would like the oak bistro . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos great choice . it is at 6 lensfield road . would you like a reservation ? eos 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 Booking-Inform +bos yes , table for 2 at 13:30 on friday . if not available then tuesday . need reference number as well . eos 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 i made the booking for friday . your reference number is 0z3ux3dm . do you need anything else ? eos 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 general-reqmore +bos i 'd also like a nightclub to go to in the same area as the restaurant . eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A +bos there are 5 nighclubs in the centre . would you like more information on them ? eos O O O 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 phone number of one you 'd recommend ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos ballare 's phone number is 01223364222. can i get you anything else ? eos O B-Attraction-Inform+Name O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos no , we are all set , thanks for making this trip easier . eos O O O O O O O O O O O O O O O general-thank +bos it was my pleasure to be of service . goodbye . eos O O O 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 we have many ... architecture , colleges , museums , theaters . any type in particular you would like to find ? eos 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-Request+Type +bos 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 . eos O O O O O O O O O O O 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 yes , there are several , but i particularly enjoy the castle galleries museum . the postcode is cb23bj . can i help you with anything else ? 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 B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos i need a place to stay that is a guesthouse in the moderate price range eos O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O N/A +bos there are 15 moderately priced guesthouses in cambridge . is there an area of town that you prefer ? 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 Hotel-Request+Area +bos i would like for it to be in the centre area as well . it does n't have 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 i 'm sorry there are no guesthouses that match your request . would you like to change your price range to expensive or cheap instead ? 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 O O O O Hotel-Request+Price +bos how about a moderately priced hotel in the area ? eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O N/A +bos the cityroomz hotel is moderately priced and in centre . would you like to book a room here ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos yes , let 's book it for 8 people 2 nights starting sunday . may i have a reference number ? eos 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 O O Hotel-Request+Ref +bos sure , you 're booked at cityroomz with reference number 58u5uc51 . may i help with anything else ? eos O O O O O B-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos yes , could i get a contact number and vehicle type ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos if you need to book a taxi , please let me know 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 O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Leave +bos i do need a taxi between the two places . i 'd like to leave castle galleries museum by 9:30. eos O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Leave O O N/A +bos the car type is a blue tesla and 07103379311 is the contact number eos 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 O N/A +bos perfect , that is all that 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 general-thank +bos 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 . eos O O O O O O O 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 , bye bye now . eos 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 'm looking for a museum in east area . eos O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area O O O N/A +bos there are four museums . three are free and one is 5 pounds . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos can you give me the address and phone number of the free museum ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos cambridge artworks is free . the address is 5 greens road and the phone is 01223902168. will that do ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee 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 general-reqmore +bos that will do thank you . i also need a restaurant in the moderate price range . eos 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 two indian and one italian restaurant in that area . did you have a preference ? eos 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 Restaurant-Request+Food +bos in the same area as cambridge artworks . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos curry prince seems to fit your needs , it is at 451 newmarket road fen ditton . would you like to book a table ? eos O B-Restaurant-Inform+Name I-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 I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform +bos yes . i need to book it for saturday at 17:30. just for me . eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O N/A +bos booking was successful and the reference number is : d3mpeq3m . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks . thats it for today . thanks again . goodbye . eos O O O O O O O O O O O O O general-bye +bos welcome and have a great day eos O O O O O O O general-welcome +bos hi , could you possibly help me find a train for my upcoming trip ? i 've been put in charge of the plans . eos O O 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 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 i will be departing from cambridge , going to broxbourne . i would like to leave after 17:45 on thursday . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A +bos there are five trains that meet your needs . te earliest arrives by 19:01 , the latest arrives by 24:01. would you like me to book a seat for you ? eos O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook +bos may i please have the price first ? eos O O O O O O O O O Train-Request+Price +bos the ticket price is 17.90 pounds.what else may i do for you ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O general-reqmore +bos i also need a 4 star hotel with free parking . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A +bos i have three hotels that meet your needs . is there a specific area you 'd like to be 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 O Hotel-Request+Area +bos broxbourne . and is should have free parking in the cheap price range . i am very frugal eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O Train-Request+Price +bos there is the cambridge belfry located in the west . i 'm not sure if this is the area you 're looking for . would you like more information ? 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+Area O O O O O O O O O O O O O O O O O O O O O general-reqmore +bos what is the postcode ? i want to make sure i do n't have any enemies in the area . 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 Hotel-Request+Area,Hotel-Request+Post +bos the post code for the cambridge belfry is : cb236bw eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O N/A +bos i 'm looking for a restaurant serving sri lanken food in the south . eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O N/A +bos unfortunately , we do not have any restaurants in the city that offer sri lankan food . is there a different type of cuisine you want to try ? eos O O O O O O O O O B-Restaurant-NoOffer+Area I-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 a chinese restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos i have 3 chinese restaurants in the south . the lucky star is a favorite of mine . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos that sounds good , can i get the address , 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 Restaurant-Request+Phone,Restaurant-Request+Price,Restaurant-Request+Addr +bos the phone is 01223244277and the address is cambridge leisure park clifton way cherry hinton . would you like to book a table now ? eos 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Inform +bos 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 ? eos O O O O 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 'm sorry , it 's in the cheap price range . nearby you have cineworld cinema , nusha , tenpin , byard art , the place , the junction , and two parks . did you want to book that table ? eos O O O O O O B-Restaurant-Inform+Price O O B-Attraction-Inform+Area 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 O O Booking-Inform +bos 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 ? eos O O O O 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+Type +bos cineworld cinema is a cinema , and there is no information available on the entrance fee . the phone number is , 00872208000 if you 'd like to call them to find out . eos O B-Attraction-Inform+Name B-Attraction-Inform+Type 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 I-Attraction-Inform+Phone O O O O O O O O O O O O O N/A +bos ok i need to get a taxi eos O O O O O O O O Taxi-Inform +bos what is your departure and arrival sites ? eos O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i 'm going from the cinema to the restaurant . i want to leave the cinema by 16:30. eos 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 for how many people ? eos O O O O O O N/A +bos it will only be me . eos O O O O O O O N/A +bos booking completed ! a white lexus will be picking you up . their contact number is 07650851838. can i help with anything else today ? eos O O 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 O O O O O O O O O O general-reqmore +bos that 's going to be it , thanks for your help . eos 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 would like to go to a mutiple sports attraction in the north . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos i 'm really sorry about this but my computer does n't show any sports attractions in the north at this time . would you like me to do another search ? eos O O O O O O O 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 O O O O O O general-reqmore +bos could you try a swimming pool instead ? eos O O O O O O O O O N/A +bos we have two swimmingpools . i recommend kings hedges learner pool found at jedburgh court , kings hedges . eos O O O O B-Attraction-Inform+Choice 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 N/A +bos cool , what 's their phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223353248. 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 , i 'm looking for a chinese restaurant . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are many options for chinese restaurants , what area are you looking to dine in ? do you have a price preference ? 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 O O O Restaurant-Request+Price,Restaurant-Request+Area +bos something moderate , and close to the pool , please . eos O O B-Restaurant-Inform+Price O O O O O O O O O N/A +bos i am showing 4 chinese restaurants . 3 in the centre area and one in the north . do you have a preference ? eos O O O O O B-Restaurant-Inform+Food 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 Restaurant-Select +bos i 'm looking for something in the north near the pool . eos O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos okay i have one in the north called the golden wok . would you like their address or phone number ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O general-reqmore +bos yes , that will work thank you , eos O O O O O O O O O N/A +bos ok ! their address is 191 histon road , chesterton and the phone number is 01223350688. eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O N/A +bos can you book me a table for 6 people at 18:45 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 i have made your reservations and your reference number is gnc4u1zn . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i 'll also need a taxi . i want to go from the pool to the restaurant and get there 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 O O O O O O O O Restaurant-Inform,Taxi-Inform +bos ok , i 've got you a taxi . it will be a red volkswagen , contact number : 07542576951. can i help with anythign 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 B-Taxi-Inform+Phone O O O O O 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 thanks for using our services . good day eos O O O O O O O O O general-bye +bos i am looking for places to go in town centre , should be of multiple sports eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos i ca n't find any multiple sports attractions in town centre . would you be interested in a different 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 O O O O O O O O O O O Attraction-Request+Area +bos how about museums , are there any of those in the area ? eos O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos yes there are 11 in the area and all have free admission . eos O O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Fee O O N/A +bos any of those are fine with me . could you provide me with the address and postcode for any one of 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 Attraction-Request+Post,Attraction-Request+Addr +bos sure , castle galleries is a great place to visit . it 's located at unit su43 , grande arcade , saint andrews street . the postcode is cb23bj . any other information i can get for you ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-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 O O O general-reqmore +bos i am looking for a train or some form of public transportation to get to these museums . does that exist ? 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-Inform +bos i can help you find a train or a taxi , depending on 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 general-reqmore +bos from norwich to cambridge please . eos O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos the tr9900 leaves from norwich to cambridge on friday at 05:16 , would you like to book tickets ? eos O O B-Train-Inform+Id I-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 Train-OfferBook +bos i actually need to travel on tuesday . i will need to be in cambridge by 21:45 by train . eos O O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A +bos the best train to get you there close to the time you want is tr4134 arriving at 10:35. shall i book seats for you ? eos O O O O O O O O O O O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Arrive O O O O O O O N/A +bos not just now , but can you tell me what that train 's departure time is ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave +bos tr4134 departs at 9:16 eos O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos that is 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 general-thank +bos you 're very welcome . please call back if we can be of further assistance . 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 a train to cambridge that will get me there by 20:30. eos O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive N/A +bos alright , where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart +bos the train should depart from bishops stortford and leave on thursday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Day O N/A +bos ok perfect ! i have tr0060 which will arrive by 20:07. 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 O O B-Train-Inform+Arrive O O O O O O O O O O general-greet +bos no , that wo n't be necessary . i do need the departure time , and travel time 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+Duration,Train-Request+Leave +bos tr0060 will depart bishops stortford at 19:29 , and it will take 38 minutes for your trip . is there anything else i can help you with today ? eos 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 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 actually , yes . can you help me locate a college to visit ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos churchill college is in the west part of town . 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 N/A +bos can you give me their phone number please ? eos O O O O O O O O O O Attraction-Request+Phone +bos yes , their number is 01223336233. is that all for you today ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos that 's everything thanks . eos O O O O O O general-thank +bos you are very welcome ! i hope you have a fantastic time and enjoy your 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 'm looking for colleges to visit in the centre of town . eos 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 13 colleges in the centre . king 's college and saint catharine 's college are on the same street and both have free admission . eos O O O O B-Attraction-Inform+Choice 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O O O N/A +bos can you provide the phone number and post code to the attraction ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos king 's college is cb21st and their number is 01223331100. saint catharine 's is cb21rl and their number is 01223338300. eos 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+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O N/A +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos both are free . is there anything else you 'd like help with ? eos O B-Attraction-Inform+Choice O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos yes , actually . i could use some help finding a train to take me from cambridge heading to bishops stortford . eos O O O O O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos what day and departure time do you prefer ? eos O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i want to leave on saturday at any time after 21:15. eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave N/A +bos how many ticket will you need ? eos O O O O O O O O Train-Request+People +bos i would just like to know the travel time of one or more of the trains . eos O O O O O O O O O O O O O O O O O O Train-Request+Duration +bos they are both 38 minute trips eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thanks . that 's all the information i needed today . i appreciate 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 . enjoy your stay in cambridge . good bye ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i need a train out of cambridge on sunday , please . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos we have trains leaving every hour starting at 05:00 that day . what is your destination ? eos 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 Train-Request+Dest +bos the train should go to ely and should leave after 19:15. eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave N/A +bos i have train tr3544 departing at 19:50 and arriving by 20:07. 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 N/A +bos yes , what is the price of that train ? eos O O O O O O O O O O O Train-Request+Price +bos the price is 3.52 pounds , would you like me to book a ticket for you ? 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 i 'd also like to see some things in town , in particular any sort of boating . is there anything like that ? 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 N/A +bos yes there are 4 options to choose from , do you have a specific part of town you 'd prefer ? 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+Area +bos i need to go to ely , near a place that has a boat.what is the entrabnce fee ? eos 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 i found no records of an attraction involving boats near ely . would you like me to search for something else , or for boats in a different area ? eos O O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type I-Attraction-NoOffer+Area 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 N/A +bos actually , the part of town does n't matter . i 'd just like to take a boat ride or look at some boats , please . 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 N/A +bos riverboat georgina is an excellent boat attraction in the north . would you like the postcode and phone number ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 yes , please . also , what is the entrance fee ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos the riverboat georgina does n't seem to have an entrance fee . their postcode is cb41as , phone number 07807718591 , and address 251a chesterton road . do you need help with anything else ? eos O 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 I-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Phone 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 no that will be all . eos O O O O O O O N/A +bos ok , perfect , have a great day eos O O O O O O O O O general-bye +bos i 'm looking for a train that goes to stevenage and arrives before 10:30. is there anything like that available ? eos 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 N/A +bos yes , there are three trains per day that would work for you . when will you be 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 Train-Request+Day +bos i am leaving cambridge on thursday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos the tr0552 arrives in stevenage by 9:21 and costs 12.80 pounds . shall i book a ticket for you ? eos O O B-Train-Inform+Id O O B-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 Train-OfferBook +bos no , that is all the information i needed . 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 you are welcome ! thank you for contacting the cambridge towninfo centre . eos O O O O O O O O O O O O O O general-welcome +bos i really would like to go to an attraction in the east area . something fun maybe ? 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 i have ten places in that area , what type do you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Type +bos no , surprise me ! i would just like the entrance fee , attraction type , 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 Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Type +bos the cambridge artworks is a great museum in the east . they are at 5 greens road . they offer free admission . their postcode is cb13ef . can i help with anything else ? 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+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-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 no thanks , that is everything . 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 i 'm looking for places to go in town . the attraction should be in the centre . eos 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 have 44 results for attractions in the town centre , could you be more specific on what type of attraction you would like to visit ? eos O O O O B-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 O O O O Attraction-Request+Type +bos do you have any nightclubs ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type N/A +bos yes , there is a place called the ballare nightclub . does that interest you or do you want me to find something else ? 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 O O O O O O O Booking-Inform,Attraction-Select +bos can i get their phone number and address please . eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos you can find the ballare at heidelberg gardens , lion yard . the phone number is 01223364222. eos O 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 O O O B-Attraction-Inform+Phone O O N/A +bos great . i also need train schedule information going from cambridge to birmingham new street . 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 N/A +bos i would be happy to help with your request , but first i will need to know what day 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 O O Train-Request+Day +bos i want to leave on thursday and arrive by 20:00. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos alright , when would you like to leave by ? eos O O O O O O O O O O O Train-Request+Leave +bos it doesnt matter when i leave , as long as it arrives by 20:00. the booking should be for 8 people as well . 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 O N/A +bos great ! i was able to get you 8 tickets for thursday . your reference number is 8e1g3ppd . is there anything else i can help you with ? eos O O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Day O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-greet,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 you are welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye +bos you , as well . we can end the conversation now ! eos O O O O O O O O O O O O O N/A +bos i 'll take care of that right now . bye ! eos O O O O O O O O O O O O general-bye,general-greet +bos hello , i 'm looking for a restaurant by the name of cote . can you find this for me and book a reservation please ? eos 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 N/A +bos i sure can . can i get a date and time , along with the amount of people that will be 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 Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos we will be dining on thursday at 13:15 , and there are 4 in my party . 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 O O N/A +bos i was able to book you a table for four at cote on thursday at 13:15 , reference : 8s4q3a4d . can i assist you further today ? 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 B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos wonderful . can you also help me find a place to visit in the east ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos is there a specific type of attraction you are looking for ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos i would love to visit a boat attraction eos O O O O O O O B-Attraction-Inform+Type O N/A +bos we have one boat attraction in the east . it is camboats . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Name O O N/A +bos can i have the phone number , address , and postcode ? eos 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 01223902112 , address- the plough , green end , fen ditton and a postcode of cb58sx . thank you is there anything else i can assist you with ? eos 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 O O O O O O O O O O O O O O O general-reqmore +bos thanks , you 're so helpful ! i 'm all done now , bye ! eos O O O O O O O O O O O O O O O O general-bye +bos you are very welcome , it 's a pleasure to assist you ! goodbye ! eos O O O O O O O O O O O O O O O O general-bye +bos hi ! i 'm searching for a panasian restaurant in the south 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 O O N/A +bos there are no restaurants matching your request . would you like to find another restaurant ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos are there any indian restaurants 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 taj tandoori is an indian one in the south 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos what is the phone number of taj tandoori ? eos O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223 412299. 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 . goodbye . eos O O O O O O general-bye +bos i would like 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 N/A +bos there are two moderately priced restaurants in the north . may i suggest the nirala , which is indian ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O N/A +bos what is the phone number and food of one of them ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food +bos the nirala serves indian food , it is in the moderate price range , and it is on the north part of town . the phone number is 01223 360966. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O 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 we will be in the west part of town and would like to go to a restaurant while we are there . 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 i have 14 different restaurants . is there a type of cuisine you prefer ? eos 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 an indian food restaurant in the expensive range . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O N/A +bos there are 5 options in the west in that price range . one of my faves is india house . would you like a reservation ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos yes , please . i need a table for one at 17:00 on tuesday . 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 booking was successful . the table will be reserved for 15 minutes.reference number is : hlen9t9l . 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 tell me if there is a concerthall in the same area as this restaurant , if not is there a museum ? 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 N/A +bos i 'm sorry , there is not a concert hall in the west . there are 7 museums , though , and most of them are free to enter . 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 B-Attraction-Inform+Type O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O N/A +bos okay , could you give me the entrance fee and phone number information for your favorite museum there ? 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 cafe jello gallery is great , the phone number is 01223312112 and the entrance fee is free . 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+Phone I-Attraction-Recommend+Phone O O O O B-Attraction-Recommend+Fee O O N/A +bos thanks ! i do n't need any more help today . bye ! eos O O O O O O O O O O O O O O general-bye +bos have a wonderful time . eos O O O O O O general-bye +bos i would like to find a cheap restaurant . it should be in the north side of town . eos 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 N/A +bos what type of food do you want ? eos O O O O O O O O O Restaurant-Request+Food +bos no preference for food type , thank you . eos O O O O O O O O O O N/A +bos great ! da vinci pizzeria and royal spice are both cheap and located in the north part of town . 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 O O O O B-Restaurant-Inform+Area O O O O O N/A +bos great ! da vinci pizzeria and royal spice are both cheap and located 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 O N/A +bos which one do you prefer ? da vinci pizzeria or royal spice ? eos O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O N/A +bos royal spice , give me their address please . eos O O O O O O O O O O Restaurant-Request+Addr +bos it 's victoria avenue chesterton . would you like the phone number ? eos 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 no , thank you . goodbye ! eos O O O O O O O O general-bye +bos thank you and goodbye ! eos O O O O O O general-bye +bos i 'm looking for information abut magdalene college . eos O O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O N/A +bos yes , magdalene college is on magdalene street and is in the west side of town . is there anything else you need to know ? 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+Area O O O O O O O O O O O O O O general-reqmore +bos what 's the postcode ? i need to send a letter there . it 's a college , right ? 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 +bos yes , it is a college . the postcode is cb30ag . eos O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Post O O N/A +bos could i get the full address as well ? eos O O O O O O O O O O Attraction-Request+Addr +bos the address i have listed says magdalene street . is there anything else i can help you with today ? eos O 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 O general-reqmore +bos i need a train to cambridge and it should depart from birmingham new street . eos O 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 what day will you be traveling ? eos O O O O O O O O Train-Request+Day +bos saturday . i need to arrive in cambridge by 19:00. eos O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Arrive N/A +bos there are a number of trains to choose from , do you have a more specific departure time that would be best for you ? 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 Train-Request+Leave +bos as long as i arrive in cambridge by 19:00 that 's all i care about . i do n't want to cut it too close , though , in case of a train delay . 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 O O O O O O O O O O O O O O N/A +bos i would recommend taking train tr7802 . would you like me to book that for you ? eos O O O O O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook +bos that would be fine . for 9 people please . i will also 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 Train-Request+Ref +bos booked ! reference number : myhn4i13 . you will need to pay 540.72 gbp at the station eos 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 N/A +bos actually , can i alter my reservation ? i only need it for 6 people . eos O O O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos ok , i have changed your reservation on try7802 to 6 people . the new reference number is 3vks9bbt and the new total is 360.48 gbp . anything else i can do ? eos O O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+People 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 general-reqmore +bos no , that would be it . thank you ! eos O O O O O O O O O O O general-thank +bos you are welcome . i am so glad i was able to assist you . eos O O O O O O O O O O O O O O O O general-welcome +bos are there any moderately priced restaurants in the southern 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 yes , there are two . pizza hut cherry hinton serves italian food while restaurant alimentum serves modern european food . would you like any additional info on those or help finding something else ? 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 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 O Restaurant-Select,general-reqmore +bos what are 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 pizza hut cherry hinton is at g4 cambridge leisure park clifton way cherry hinton with phone number 01223 323737 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 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+Phone I-Restaurant-Inform+Phone N/A +bos excellent , thank you . goodbye ! eos O O O O O O O O general-bye +bos have a wonderful day ! good bye ! eos O O O O O O O O O general-bye +bos a moderately priced restaurant in the south , please . eos O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A +bos there are two restaurants in the south area , pizza hut cherry hinton and restaurant alimentum which serves modern european . would you like more information ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O 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 O O N/A +bos i would like the address and phone number for one of those restaurants 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 pizza hut cherry hinton is at g4 cambridge leisure park clifton way cherry hinton and its 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 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 I-Restaurant-Inform+Phone N/A +bos what is the postcode ? eos O O O O O O Restaurant-Request+Post +bos the postcode for pizza hut cherry hinton is c.b.1 7 d.y eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A +bos thank you , that 'll be all ! 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 O general-welcome,general-bye +bos i 'm looking for a hotel with at least a three-star rating . eos O O O O O O O O O O O O O O N/A +bos we have 6 hotels and guesthouses that have 3 star ratings . is there a particular part of town , or a particular price range that you 're interested in ? eos O O O O B-Hotel-Inform+Choice O 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 O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i 'm not to worried about price but the hotel needs to have free wifi . eos O O O O O O O O O O O O O O O O O N/A +bos the gonville hotel is in the centre and the lensfield hotel is in the south.they both have free wifi . 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 not just yet . i 'm just getting info now . eos O O O O O O O O O O O O N/A +bos understood . do you need anything else then ? eos O O O O O O O O O O general-reqmore +bos oh i forgot to mention i would actually like something 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 N/A +bos we have 4 to choose from now . any other preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O general-reqmore +bos are they all guesthouses ? eos O O O O B-Hotel-Inform+Type O N/A +bos yes , they are all guesthouses . can i suggest the hamilton lodge , a 3 star , moderately priced guesthouse with wifi , in the north area ? eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Stars B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O Hotel-Recommend+Internet +bos please give me the number to the hamilton lodge . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos certainly . it 's 01223365664. would you like me to book it for you ? eos O O O B-Hotel-Inform+Phone O O O O O O O O O O O O Booking-Inform +bos no , i wo n't be booking today . can you just give me 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 sure , it is at 156 chesterton road . do you need any other information 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 O general-reqmore +bos no , that 's everything . thank you very much . eos O O O 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 'm looking for an expensive hotel in the south to stay in . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O N/A +bos i have one hotel that meets that criteria . it has 3 stars and offers free wifi and parking . this would be the lensfield hotel . can i book you a room ? 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 B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , please book me a room . eos O O O O O O O O O N/A +bos when will you be arriving and how many nights would you like to stay ? 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 O Booking-Request+Day,Booking-Request+Time,Booking-Request+People,Booking-Request+Stay +bos can you book the hotel for 4 people , 3 nights on thursday ? 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 your booking was successful . your reference number is jcvmjbrz . eos O O O O O O O O O B-Booking-Book+Ref 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 wonderful . have a great day . bye . eos O O O O O O O O O O general-bye +bos i 'm looking for a place to dine that serves british food . it should be in the moderate price range . eos 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 O N/A +bos how about the oak bistro ? it 's located in the centre . would you like more information or to book a table ? 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 O Booking-Inform,general-reqmore +bos the oak bistro sounds fabulous . can i get a table there on sunday at 18:30 ? there will be 6 of us . 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 B-Restaurant-Inform+People O O O O N/A +bos booked ! your table will be held for 15 minutes . reference number is hmwk23p8 . 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 . i think that 's all i need . eos O O O O O O O O O O O O O N/A +bos enjoy your meal and thank you for contacting us . have a nice day . 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 ? something moderately priced 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 O N/A +bos i have 17 guesthouses and hotels that fit your criteria , do you have a preference for area ? 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 O Hotel-Request+Area +bos not really , but i 'm looking for something with 2 stars . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos the ashley hotel and the lovell lodge are both in the north and are in the moderate price range with 2 stars . 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 B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O N/A +bos will you book it for a party of 7 . 5 days beginning friday . eos O O O O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos booking at the ashley hotel was successful . reference number is : vfgg7dod . is there anything else i can help you with ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+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 's great . no 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 general-thank +bos glad we could help you . eos O O O O O O O general-bye +bos i am looking for an expensive restaurant in the city center eos O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos there are 33 entries that meet your request . is there a type of food 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 Restaurant-Request+Food +bos no , i really do n't mind . recommend one to me . eos O O O O O O O O O O O O O O N/A +bos how about bedouin ? it is an african cuisine that is in the expensive price range . eos O O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O N/A +bos that sounds wonderful . can you give me the address and postcode ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the bedouin 's address is 100 mill road city centre , and the postcode is cb12bd . can i help you with anything else ? 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 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 . have a great meal ! eos O O O O O O O O general-bye +bos i 'm looking for a moderately priced place to stay . eos O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos certainly , we have many moderately priced options . which area of town do you prefer to stay in ? eos O O O O B-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 Hotel-Request+Area +bos i 'm not familiar with the different areas , so i guess it does n't matter . i would like a moderate though . 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 O O O O O O O Hotel-Request+Area +bos the a and b guest house is in the moderate price range and has free wifi . would you like to book 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 O 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 does it have a four star rating ? i need free parking , too . eos O O O O O O O O O O O O O O O O N/A +bos the archway house would meet your needs . would you like to make 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 no , could you just tell me the phone number ? and what area of town is that 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,Hotel-Request+Phone +bos the phone number is 01223575314 and it is in the north area of town . eos O O O O O B-Hotel-Inform+Phone O O O O O B-Hotel-Inform+Area O O O O N/A +bos great ! thanks for all the info . i 'm all set . 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 nice day . eos O O O O O O O O O O general-welcome,general-bye +bos do you think you might be able to recommend a nice guesthouse ? eos O O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos i sure can ! first of all , is there a price range you would like to stay within ? 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 something cheap , but 4 star quality . eos O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O N/A +bos how about the allenbell located at 517a coldham lane that is the cheap price range ? eos O O O B-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 O B-Hotel-Inform+Price O O O N/A +bos does it include free wifi ? eos O O O O O O O N/A +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 Booking-Inform +bos no , not right now . could you tell me what area that 's in , and 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 O O O O O Hotel-Request+Area,Hotel-Request+Post,Hotel-Request+Phone +bos it 's on the east side of town . the postcode is cb13js , and the phone number is 01223210353. eos O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O O O N/A +bos thank you for your help ! that 's all i will need for today . 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 help desk , 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 cheap place to stay in the centre of town , please . eos 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 there are n't many cheap places in the center , but i can recommend the alexander b & b . they have 4 stars , despite being a cheap place . eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Inform+Area O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O N/A +bos okay , i would like a booking please . eos O O O O O O O O O O N/A +bos i 'd be happy to help you with that booking . just tell me how many are in your party , and what nights you are looking for 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 O O O O O O O general-welcome,Booking-Request+Day,Booking-Request+People +bos yes , i need a hotel for 2 for four nights starting wednesday . please send me the reference number once booked . 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 O Hotel-Request+Ref +bos you are booked for 4 nights starting wednesday for 2 people . the reference number is 11sd75me . may i help you with anything else ? 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 O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos no , that is everything . thank you ! eos O O O O O O O O O O general-thank +bos thank you so much for your help eos O O O O O O O O general-welcome +bos i 'm looking for a moderately priced restaurant in the centre 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 okay , sure . is there a certain part of town you 're interested in visiting ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos yes , as i already mentioned , i want a place in the center of town . i 'd also like to have chinese food , please . eos 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 N/A +bos there are 3 chinese restaurants in the centre of town and they 're all in the moderate price range . if you like , i can book you a table at one of these ? 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 B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O O O Booking-Inform +bos sure ! can you book just for 1 at 17:00 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 O N/A +bos i made a reservation for one at the lan hong house . your reference number is 5txc1hgx . would you like their address or 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 N/A +bos no , the reference number is all i need . i will find it . thanks ! eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos okay , 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 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 awesome . have a great day ! eos O O O O O O O O general-bye +bos i 'd love to find an asian oriental restaurant . something moderately priced . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O N/A +bos may i recommend yippee noodle bar , located at 40428 king street in the centre of town ? eos 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos that 's perfect , thank you ! eos O O O O O O O O general-thank +bos is that all ? would you like be to book ? anything else you need ? eos 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 for 3 people on sunday at 14:45 please . 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 i apologize but there were no openings for 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 O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos yes , could you try 13:45 ? eos O O O O O B-Restaurant-Inform+Time O O N/A +bos your booking was successful . they will reserve your table for 15 minutes , and your reference number is q9j4799i . 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 B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos no thank you . have a good rest of your day . eos O O O O O O O O O O O O O general-thank +bos you as well , enjoy your meal . eos O O O O O O O O O general-bye +bos hi , i am looking for a cheap place to stay that has free wifi . can you find anything 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 N/A +bos i have ten entries that meet your requirements ! what area of town would you like ? 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 care about the area but i need one with 3 stars , please . 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 unfortunately , i do n't show any cheap hotels that have a 3-star rating . can i look in a different price range or star rating for you ? eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type 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 can you see if there are any in the moderate range ? eos O O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos we have 3 moderately priced 3 star guesthouses . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O O B-Hotel-Inform+Type O N/A +bos great ! which of those three would you recommend ? eos O O O O O O O O O O O N/A +bos which are would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos please just pick the best one and book it for thursday . eos O O O O O O O O O O O O O N/A +bos i 'm going to book you for bridge guest house , but i need to know the number of days you plan to stay and the number of people with you . eos 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 O O O O Booking-Request+Stay,Booking-Request+People,Booking-Inform +bos sure , 2 people , checking in on thursday for 3 nights please . eos O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O N/A +bos your booking is successful ! your reference number is ize1wk61 . 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 general-reqmore +bos no that is all , thanks . eos O O O O O O O O general-thank +bos you 're welcome . thank you for calling . enjoy your trip ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos you have a fantastic day as well . good bye ! eos O O O O O O O O O O O O general-bye +bos thank you for using our service . it was a pleasure assisting 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 need some information on the 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 the a and b guest house is a 4 star hotel with free wifi . it is in the east part of town . 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Area O O O O O Hotel-Inform+Internet +bos thank you , i need to book for 7 people and 3 nights starting on thursday . can they set that up for me . 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 O O O O O O O N/A +bos booking was successful . reference number is : fbdr5bnr . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos so you need to arrive on thursday after 11:00 am to check-in . eos O O O O O O O O O O O O O O N/A +bos that is correct . 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 's it for now ! thank you so much . eos O O O O O O O O O O O O general-thank +bos thank you for using our services . please let us know if there 's anything else we 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 general-reqmore +bos is there a cheap restaurant in the north part of town ? 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 found two . they are da vinci pizzeria and royal spice . 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 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 address for da vinci pizzeria is 20 milton road chesterton and its phone number is 01223 351707. do you need anymore information ? 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 O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O general-reqmore +bos no that will do thanks . eos O O O O 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 direct me a restaurant called golden house ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos yes , golden house is at 12 lensfield road city centre , postcode cb21eg . 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 B-Restaurant-Inform+Post O O O N/A +bos 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 eos O O O O 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 , i do n't understand . golden house is a restaurant , not a hotel . can you please clarify what you 're looking for ? 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 O O O O O O general-reqmore +bos yes sorry i meant does the restaurant have any reviews ? also i need help looking for a train leaving on saturday and arriving in kings lynn . 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+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos sorry , i ca n't provide reviews . there are 19 trains for saturday going to kings lynn , where is your departure city ? eos O O O O O O O O O B-Train-Inform+Choice O B-Train-Inform+Day I-Train-Inform+Day O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O Train-Request+Depart +bos cambridge eos O B-Train-Inform+Depart N/A +bos okay i would be happy to book you a seat on the train if you tell me when you want to leave and arrive 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 O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Request+People,Train-OfferBook +bos just me , leave at 19:45. please tell me the arrival time and travel time eos O O O O O B-Train-Inform+Leave O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive +bos you can depart at 19:11 , arriving at 19:58 , or at 20:11 , arriving at 20:58. travel time is 47 minutes . eos O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A +bos thank you eos O O O general-thank +bos happy to help ! eos O O O O O general-bye +bos i would like to book a taxi to the stevenage train station leaving gourmet burger kitchen . eos 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+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos sure . when would you like to leave the burger kitchen ? eos O O O O O O O O O O O O O Taxi-Request+Leave +bos it does n't matter as long as i arrive by 02:15. eos O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos alright , i have a yellow tesla picking you up , the contact number for the taxi is 07013106336 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 N/A +bos thank you for your help . that is everything i need . eos O O O O O O O O O O O O O general-thank +bos glad to be of help ! goodbye . eos O O O O O O O O O general-bye +bos i need a taxi that leaves from kettle 's yard and leaves after 15:15. eos 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 i am going to yu garden . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos ok , your taxi will pick you up at kettle 's yard at 15:25. it is a yellow bmw . their contact number is 07748651061. eos 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 B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O 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 thank you for using our services . have a nice trip . eos O O O O O O O O O O O O O general-bye +bos i 'm looking for a place to dine that serves expensive european food . eos O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos there are five restaurants that meet your criteria . 3 are in the center of town , 1 is in the north , and 1 is in the west . 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 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 any of those should be fine . can you see if you can get me a table for 2 at 14:45 on saturday ? eos 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 booking was unsuccessful for all restaurants . would you like to try for 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos i would like for you to find me one on saturday after 12:00. can you please book me for one with that time in mind ? eos O O O O O O O O O O O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O N/A +bos this time slot was also not available . was there another day or time i could try to book for your restaurant 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos are there any times which are available on saturday ? eos O O O O O O O O O B-Restaurant-Inform+Day O N/A +bos i 'm sorry , but i 'm experiencing some system errors . can you please restate your preferred time for your 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 Booking-Request+Time +bos i would like a reservation at an expensive european restaurant anywhere in town at 13:45 on saturday . can i please have a reference number ? eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O Restaurant-Request+Ref +bos thank you for restating your requirements clearly . your table is reserved , and your reference number is dmiepety . 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 B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos i 'm looking for a train from leicester to cambridge leaving on saturday and arriving by 10:00. i need the train id , travel time , and departure time for that train . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest 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 O O O O Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave +bos train tr2969 leave leicester at 08:09 and arrives at 09:54 , travel time is 105 minutes and the cost is 30.24 pounds . would you like me to book it ? 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 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 Train-OfferBook +bos yes please and thank you eos O O O O O O general-thank +bos of course ! how many tickets would you like ? eos O O O O O O O O O O O Train-Request+People +bos i only need one ticket for myself . eos O O O O O O O O O N/A +bos sure . reference number is vm04el37 and the fee is 30.24 gbp eos O O O O O B-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket 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 thank you . have a good day . eos O O O O O O O O O general-welcome,general-bye +bos i would like to get a taxi from the museum of archaeology and anthropology to the soul tree nightclub 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 N/A +bos certainly . could you please tell me either the time you want to leave or the 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 O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos the taxi should arrive by 02:30 eos O O O O O O B-Taxi-Inform+Arrive N/A +bos i have booked you a taxi for that time . it is red bmw . is there anything else i can assist you with 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 O O O O O O O general-reqmore +bos yes actually , i was wondering if you had any contact information for the driver ? 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 07193948183. anything else i can help with ? eos O O O O O B-Taxi-Inform+Phone 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 if there is nothing else i can do , i want to thank you very much 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 general-welcome,general-bye +bos i need to book a taxi going to rosa 's bed and breakfast that leaves after 17:45. 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 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 O Taxi-Request+Depart +bos i will be leaving from saigon city . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos i have booked you a yellow bmw . the contact number is 07333936064. 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 thank you very much ! eos O O O O O O general-thank +bos is there anything else you need help with today ? eos O O O 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 thank you , and have a nice day ! eos O O O O O O O O O O general-bye +bos i need a train from cambridge to leicester . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos to better help you find the right train , what day are you wanting to travel on ? 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 to travel on saturday and i need to arrive by 19:15. 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 train tr7457 meets your specifications . how many tickets would you like ? eos O O O B-Train-Inform+Id O O O O O O O O O O O Train-Request+People +bos what time does that train depart from cambridge ? eos O O O O O O O O B-Train-Inform+Depart O N/A +bos tr7457 will arrive in cambridge at 7:06. there are many later trains that will arrive before your specified time , as well , if you prefer to travel later . eos O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive 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 N/A +bos please book me on the train with the 7:06 departure time . i am also looking for a cheap restaurant in the centre . 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 B-Restaurant-Inform+Area O Train-Request+Leave +bos how many tickets would you like for the train ? i have 15 cheap restaurants in the centre , what cuisine would you like ? eos O O O O 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 O O O Train-Request+People,Restaurant-Request+Food +bos i 'm looking for a malaysian restaurant thats on the cheap side in centre . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O N/A +bos there are no restaurants that meet those criteria . would you like to look in 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 Restaurant-Request+Area,Restaurant-Request+Price,Restaurant-NoOffer +bos how about asian oriental food eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos there are two places dojo noodle bar , and j restaurant would you like either of those ? 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 O O O Restaurant-Select +bos dojo noodle bar sounds good . may i have the phone number 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+Phone +bos the phone number for dojo noodle bar is 01223363471. it is located at 40210 millers yard city centre , postcode cb21rq . is there anything else i can do for you ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 B-Restaurant-Inform+Post 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 happy to be of service . have a wonderful day ! eos O O O O O O O O O O O O general-welcome,general-bye +bos hi i need a taxi to pick me up at the hamilton lodge and take me to the funky fun house . 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos what time do you need to leave hamilton lodge or arrive at the funky fun house ? 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 leave after 21:00 please . eos O O O O O O B-Taxi-Inform+Leave O O N/A +bos ok , a white volkswagen will pick you up . the contact number is 07626227594. 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 N/A +bos 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 general-thank +bos it has been a pleasure assisting you . have a wonderful night . eos O O O O O O O O O O O O O O general-bye +bos i need to book a taxi from kirkwood house . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos i have booked you a taxi . the contact number is 07866666313. can i do anything else for you today ? eos 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 what type of car is it going to be ? eos O O O O O O O O O O O N/A +bos the car arriving will be a white bmw . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A +bos i forgot something . i need to arrive by 21:00. eos O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos what will your destination be ? eos O O O O O O O Taxi-Request+Dest +bos i 'm going to efes restaurant . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos is there anything else you need to know ? eos O O O O O O O O O O general-reqmore +bos i 'm looking for an expensive restaurant to dine at , somewhere in the north end of the cambridge area . 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 N/A +bos there are 5 expensive restaurants on the north side of town . what type of food 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 I-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food +bos any type of food is fine . can you book a table someplace that sounds good ? i need a table for 4 on tuesday at 19:30. 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+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos i have booked you a table for 4 on tuesday at 19:30 at saigon city , on the north end of cambridge at 169 high street chesterton and your reference number is jarzr20q if you need to contact them between now and then . eos O O O O O O O O O B-Booking-Book+People B-Booking-Book+Day 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 O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O N/A +bos thanks ! i also need to book a train leaving 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 many trains leaving from cambridge to london kings cross on friday . what time would you like to book the train for ? eos 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 I-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Leave,Train-OfferBook +bos uuh ... actually , i 'm headed to norwich from cambridge on wednesday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O O O O N/A +bos sorry about the confusion on that , what time would you like to depart ? eos 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 12:00 please , what do you have available ? eos O O O O O O O O O O O O O O O O N/A +bos i have many different times available . the first one leaves at 12:26 followed by 13:36 , 14:36 , 15:36 , and so forth until 23:36. which time would you like best ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos 12:26 should be okay can i please get the train id and travel time ? eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos i apologize see that the tr5574 leaves cambridge for norwich wednesday at 12:36 and arrives at 13:55. will that work for you ? eos O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O general-reqmore +bos thank you for that information , that is all i need at this time . eos O O O O O O O O O O O O O O O O general-thank +bos i 'm glad i was able to help ! 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 O O O O O O O O O general-bye +bos we are planning to be in cambridge . we would like to go to a swimmingpool in the east . are there any available in the east ? 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 O O N/A +bos yes ! abbey pool and astroturf pitch is in the east , on pool way , whitehill road , off newmarket road . can i help you with anything else ? 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 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 O general-greet,general-reqmore +bos could i get the phone number and what the entrance fee is please ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos of course ! the phone number is 01223902088. the entrance fee is unknown , i 'm afraid . 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+Fee O O O O O O O O O O O O O O O O general-greet,general-reqmore +bos could you give me some information about a hotel called allenbell ? eos O O O O O O O O O O O B-Hotel-Inform+Name O N/A +bos yes , the allenbell is a 4-star guesthouse located in the east part of town . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars 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 N/A +bos can you please book it for me ? 5 nights starting on monday for 7 people . please and thank you . eos 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 O N/A +bos i was able to book that for you . your confirmation number is 0cpdt1o5 . 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 no , nothing else . 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 please help me find a hotel called flinches bed and breakfast . thanks . eos O O O O O O O O O O O O O O O Hotel-Inform +bos it 's phone number is 01223276653 and is located in postcode cb30nd eos O O O O O B-Hotel-Inform+Phone O O O O O B-Hotel-Inform+Post O N/A +bos thanks . i 'd like to book a room for 6 people , for two nights on thursday . eos 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 you 're all set . your booking was successful and your reference number is vmi0r4j4 . 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 general-reqmore +bos we will also need to catch a train that is going to cambridge . any trains that will put us in cambridge by 12:00 ? eos 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 B-Train-Inform+Arrive O O N/A +bos there are many trains that will fit your schedule . where will you be departing from and will you be traveling on thursday ? 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 O Train-Request+Depart,Train-Request+Day +bos i 'll be departing from leicester on thursday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i 'm sorry , there are not trains leaving leicester on thursday . would you like me to look on another day ? eos O O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart B-Train-NoOffer+Day O O O O O O O O O O O O O Train-Request+Day +bos how about train stations near leicester ? eos O O O O O O B-Train-Inform+Depart O N/A +bos do you know what they would be called ? eos O O O O O O O O O O Train-Request+Depart +bos no . thank you . goodbye . eos O O O O O O O O N/A +bos your welcome . it 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 yes , i would love some help finding a train . i would like to leave cambridge headed to bishops stortford . eos O O O O O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos i have found 70 trains that will get you there . do you have a specific day in mind ? 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+Day +bos i want to leave on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos there are 10 trains on that route thursday , what time would you like to depart or arrive ? eos O O O O B-Train-Inform+Choice 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 want to arrive by 15:00 eos O O O O O O B-Train-Inform+Arrive N/A +bos i have train tr0927 arriving at 14:07 is that okay with you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos that is fine . please book it for 7 people and provide the reference number . eos O 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 70.7 gbp payable at the station .reference number is : pqqvsrvh . 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 general-reqmore +bos i 'm looking for a hotel as well . i need it to be moderately priced in the east , with free wifi . eos 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 O O N/A +bos there are three guesthouses that meet your criteria . would you like a recommendation ? 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 general-reqmore +bos yes please that would be wonderful ! eos O O O O O O O O N/A +bos i recommend the warkworth house . it 's a 4 star moderate goes house with wifi and parking . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos that one will work . please book it for tuesday . 2 nights , 7 people . eos O O O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O N/A +bos okay you are booked for the warkworth house and your reference number is 5d2zgie . can i help you with anything else ? 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 general-reqmore +bos that will do it . thank you for your time and helpfulness . eos O O O O O O O O O O O O O O general-thank +bos you are very welcome . have a great morning . eos O O O O O O O O O O O general-welcome,general-bye +bos hi , i 'm planning a trip and am finding the trains to be a bit confusing . can you help me 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 O O O Train-Inform +bos yes i would be happy to help you . 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 +bos i will be departing from stevenage and going into cambridge on sunday . eos O 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 there are multiple trains on sunday . do you have a time you want to depart or arrive by ? 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 O O Train-Request+Leave,Train-Request+Arrive +bos i want to depart anytime after 15:30 , so the soonest available train after that would be nice . eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O N/A +bos i have tr1577 leaving at 15:54 , would you like me to book 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 O O O Train-OfferBook +bos no , thank you , but could you 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 yes , the train arrives in cambridge at 16:43. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos thanks ! i 'm also looking to stay in a 0-star guesthouse in the center of town . oh , and i need 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 O O O O O O O O N/A +bos i have the city centre north b & b in the north and el shaddai in the centre . which would you prefer ? eos O O O O O B-Hotel-Select+Area O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O O O O O O O N/A +bos el shaddai , please . i need their phone number , address , and postcode . eos 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+Phone,Hotel-Request+Addr +bos okay , their phone number is 01223327978. eos O O O O O O B-Hotel-Inform+Phone O N/A +bos great , thanks so much ! what is their address and postcode ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos the address is 41 warkworth street and the postcode is cb11eg . is there anything else i ca help you with ? 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 general-reqmore +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 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 want to find a hotel located in the west please . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos is there anything else you want in a hotel ? eos O O O O O O O O O O O general-reqmore +bos yes please . i would like for it to include free wifi . eos O O B-Hotel-Inform+Internet O O O O O O O O O O O N/A +bos i have found a number of hotels with internet , what is your price range ? eos 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 Hotel-Request+Price,Hotel-Inform+Internet +bos i want the most expensive one . eos O O O O O B-Hotel-Inform+Price O O N/A +bos i think you 'll be happy with the huntington marriott hotel . the phone number is : 01480446000. would you like me to book it ? 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 O B-Hotel-Recommend+Phone O O O O O O O O O O Booking-Inform +bos yes , can you please book me a room for 4 people for 5 nights starting saturday . 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 N/A +bos ok , i have 4 people booked at the huntingdon marriott for 5 days beginning on saturday . your reference number should you need it is 8dnv0jbg . can i assist with anything else ? eos O O O O O B-Booking-Book+People O O 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 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 to go to london kings cross on thursday via train . is this something you can assist with ? 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+Day 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 Train-Request+Depart +bos i will be departing from cabridge . eos O O O O O O O O N/A +bos there are trains to kings cross every 2 hours , on the hour . is there a certain time you had in mind ? eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O Train-Request+Leave +bos i need the train to leave after 16:45. eos O O O O O O O O B-Train-Inform+Leave N/A +bos tr1791 leaves at 17:00. it is the earliest . will that be fine with you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O O O general-reqmore +bos sure . what is the cost and what time will it arrive ? eos O O O O O O O O O O O O O O N/A +bos the price is 23.60 pounds and you will arrive at 17:51. eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Arrive N/A +bos thankyou so much eos 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 am looking for a train that leaves on friday and goes to cambidge eos O O O O O O O O O O B-Train-Inform+Day O O O O N/A +bos where do you wish to depart from ? eos O O O O O O O O O Train-Request+Depart +bos i will be departing from stansted airport and want to leave after 18:15. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave N/A +bos tr5921 departs the airport at 18:24 and arrives by 18:52 , does this suit your needs ? 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+Arrive O O O O O O O N/A +bos yes , what is the travel time , train id and price please per ticket eos 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 tr5921 , 44ld and leaves at 18:24 eos O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O N/A +bos could you confirm the travel time and price please ? eos O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos train tr5921 leaves stansted airport at 18:24 and arrives in cambridge at 18:52 at a price of 10.10 pounds per ticket . would you like to book this ? eos O 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 I-Train-Inform+Dest 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 O Train-OfferBook +bos not , at the moment . however , i would also like to find a hotel to stay with free wifi and a moderate 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 B-Hotel-Inform+Price O O O O O Train-Request+Price +bos there are 17 options . do you care about area , type or star rating ? 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+Type,Hotel-Request+Stars +bos i would like a 0 star hotel . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos there is one option available . it is cityroomz . do you want to book ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Name O O O O O O O O Booking-Inform +bos yes , please book it for the same day for a party of 4 for 4 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 do you want the reservations to begin on friday ? eos O O O O O O O O O B-Booking-Inform+Day O N/A +bos yes the same day please . eos O O O O O O O N/A +bos booking was successful . your reference number is : rwz39fbx . eos 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 you are welcome enjoy ! eos O O O O O O general-welcome,general-bye +bos i need a train going 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 from where and at what time would you like to depart ? eos 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 broxbourne on thursday . eos O O O O O O B-Train-Inform+Depart 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 Train-Request+Leave +bos i just need to arrive at or a little before 13:00 , please . 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 tr1590 that will leave at 11:32 and put you in cambridge at 12:32. would that be okay ? eos O O O O B-Train-Inform+Id O 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 . i also am looking for a hotel called worth 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 the worth house is a cheap hotel in the north . its on 152 chesterton road . would you like to book ? also would you like me to book train ? eos O O B-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 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,Train-OfferBook +bos no , can you give me the travel time , departure time , and train id for the train you mentioned ? 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+TrainID,Train-Request+Leave +bos tr1590 leaves at 11:32 and the duration is 60 minutes . eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thanks ! i 'd like to book at the worth house for 7 people and 3 nights starting thursday . 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 N/A +bos your reservations at worth house have been confirmed . your reference number is fa43dxge . did you need assistance reserving train seats ? eos O O O O B-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 Train-OfferBook +bos no thank you that will be all eos O O O O O O O O general-thank +bos you 're very welcome . enjoy your stay at the worth house . 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 hotel to stay in . it should be located in the centre and should include free parking 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 O O N/A +bos would you like a cheap or expensive hotel ? eos O O O O O O O O O O Hotel-Request+Price +bos i need a moderately priced hotel please . eos O O O O B-Hotel-Inform+Price O O O O N/A +bos so sorry , we have no moderately priced lodgings in the centre . we do have two cheap guesthouses and two expensive hotels . will either of those work for you ? eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O B-Hotel-NoOffer+Area 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 O O N/A +bos do you have one in the north instead ? eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos the hamilton lodge may be a good option for you . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O N/A +bos that sounds great . can i please get their address ? eos O O O O O O O O O O O O Hotel-Request+Addr +bos of course ! their address is 156 chesterton road . the phone number is 01223365664 and postcode is cb41da . 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 B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore +bos i also need a train . i 'm going to birmingham new street and need to leave 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 O O O B-Train-Inform+Day O O N/A +bos there are trains to birminghan new street through out the day . 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 O O Train-Request+Leave +bos i need a train that arrives by 17:00. i will be departing 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 tr2636 is the one that arrives latest by 11:44. will that be fine ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O O B-Train-Inform+Arrive O O O O O N/A +bos is n't there anything later in the day ? eos O O O O O O O O O O N/A +bos sure . tr9360 arrives by 16:44. how is that ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O N/A +bos that sounds great what is the travel time ? eos O O O O O O O O O O Train-Request+Duration +bos the travel time 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 that 's all ! thanks for all the help . 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 is there a place to stay in the north area of town ? can it have free wifi access too ? 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 N/A +bos there are 10 guesthouses and 2 hotels that meet your criteria . are you interested in any particular price range ? eos 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 Hotel-Request+Price +bos i 'd like a guesthouse , please . a 4 star rating is a must . eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos they archway house may be a good option . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O N/A +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes they have free parking . eos O O O O O O O Hotel-Inform+Parking +bos can i have the phone number and what is the price range ? eos O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price +bos the price range of archway house is moderate and their phone number is 01223575314. would you like any more information ? i can book you a room if you would like . eos 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 B-Hotel-Inform+Phone O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos no thanks . but can you help me find a train into cambridge for wednesday please ? 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 where will you leave from ? eos O O O O O O O Taxi-Request+Depart +bos ely is where i will be leaving from . eos O O B-Train-Inform+Depart O O O O O O 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 i 'm sorry , i will actually be leaving norwich . i need to arrive by 21:15. eos O O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O O N/A +bos i have train tr8658 that will arrive at 20:35. did you need any tickets ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Arrive 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 , have a great day ! eos O O O O O O O O general-greet +bos are there any cheap indian restaurants around ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos yes i have 3 in the center and one located on the north side of town . do you have a preference ? eos O O O O O O 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 O O O O O O Restaurant-Select +bos yes , i would prefer the centre . eos O O O O O O B-Restaurant-Inform+Area O O N/A +bos i think kohinoor , the gandhi , or mahal of cambridge would all suit you . would you like to book a table at one of them ? 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 O O O O O O O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos let 's go with the first one , kohinoor . do they have a table for 2 available at 1pm tomorrow ? eos O O O O O O O B-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+People O O O O O O O N/A +bos for what day please ? eos O O O O O O Booking-Request+Day +bos wednesday , like the girl from the adam 's family . eos O B-Restaurant-Inform+Day O O O O O O O O O O N/A +bos sorry , there are no tables available . 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 Booking-NoBook,general-reqmore +bos another place to eat , any type , centre and cheap . eos O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O N/A +bos i was able to book you at the gandhi . your reference number is r9xjc41b . is there anything else i can help you with today ? eos 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 O O O O O O O O O O O O general-reqmore +bos actually , i just found out that another couple will be joining us and we 'd like to eat at 17:15. can you make me a reservation for 4 at that 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 B-Restaurant-Inform+People O O O O O N/A +bos yes sure . your reference number for the new booking will be 47n2k0rg . eos O O 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 O general-bye +bos you 're welcome . have a lovely day . eos O O O O O O O O O O general-welcome,general-bye +bos i need a 4-star hotel . eos O O O O B-Hotel-Inform+Stars O O N/A +bos there are 21 four star hotels . 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 Hotel-Request+Area,Hotel-Request+Price +bos i would like to stay in the 4 star hotel in the south . i do n't want to stay in a guesthouse . eos O O 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 N/A +bos i do n't have a hotel with 4 stars in the south . would you like to change the area or star rating ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Stars O O B-Hotel-NoOffer+Area O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Stars +bos i guess i have no choice but to try something else . can you see if there is a guesthouse in the south with 4 stars ? 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 B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O N/A +bos we have two guesthouses in the south , one moderately priced , the other cheap . do you have a preference ? eos 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 Hotel-Select +bos thank you ! i do not have a preference , but i do need for the place to 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 Hotel-Request+Internet +bos aylesbray lodge guest house has internet and is in the moderate price range . 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 B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes please . can you also provide me with the postcode ? eos O O O O O O O O O O O O O Hotel-Request+Post +bos sure ! it is cb17sr eos O O O O B-Hotel-Inform+Post O N/A +bos could you assist me in finding a restaurant ? we are going all out so would like an expensive one near the hotel . 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 i have a few pricey restaurants near your hotel . we have the good luck chinese food takeaway , and frankie and bennies , if you 'd like british . do either of those interest you ? 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-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 Restaurant-Select +bos any expensive restaurant int he south will work , what ever you want to recommend . i need a booking for tuesday , 5 people at 17:00. eos 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+Day O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A +bos reference number is : 54f41gmv . the god luck chinese food takeaway . is there anything else ? eos O O O O O B-Booking-Book+Ref 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 general-reqmore +bos thank you very much . i think that 's all that i need right now . eos O O O O O O O O O O O O O O O O O general-thank +bos great , have a wonderfule day ! eos O O O O O O O O general-bye +bos i 'm looking for a restaurant called de luca cucina and 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 N/A +bos no problem , i 've got it right here . they are located at 83 regent street and their phone number is 01223356666 , is there anything else ? 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 O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos yes can you help me with a reservation for monday night at 18:15 ? eos O O O O O O O O O O O O O O O N/A +bos yes , i can . how many seats do you need ? eos O O O O O O O O O O O O O Booking-Request+People +bos just two . it 's for my wife and i. eos O O O O O O O O O O O N/A +bos i am sorry i do n't have that available , perhaps you would like to try another place to dine ? 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 yea is there another restaurant that has the same area and price as de la cucina and bar ? 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 . there are five restaurants in that area in price range . would you prefer british or asian food ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos lets try for asian please eos O O O O O O N/A +bos yippee noodle bar serves asian oriental . would you like me to book it 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 Booking-Inform,Restaurant-Select +bos i am planning a trip in cambridge looking for a restaurant . eos O O O O O O O O O O O O O Restaurant-Inform +bos i can help with that . what type of cuisine are you interested in ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos i am interested in indian food in an expensive price range . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O Train-Request+Price +bos curry garden has some expensive indian food if you would like that . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O N/A +bos sounds great ! can i get a table for 4 on saturday ? eos O O O O O O O O O O O O O O N/A +bos sure . what time would you like to dine ? eos O O O O O O O O O O O Booking-Request+Time +bos we would like to dine at 14:00 eos O O O O O O O B-Restaurant-Inform+Time N/A +bos great i was able to do it , reference number is w7wsg821 . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i also want a train on sunday and should go to peterborough eos O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest N/A +bos is there 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 Train-Request+Arrive,Train-Request+Leave +bos i 'd like to leave after 11:15 , please . eos O O O O O O B-Train-Inform+Leave O O O O N/A +bos tr9376 leaves at 11:34 , arriving 12:24. the fare is 13.20 pounds . would you like me to book the ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave 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 no thank you . i just need the travel time please . eos O O O O O O O O O O O O O Train-Request+Duration +bos it is a 50 minute journey filled with adventure and awe . can i assist with anything else ? eos O 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 general-reqmore +bos that is all i needed . thanks ! eos O O O O O O O O O general-thank +bos your welcome . have a nice day and do n't hesitate to call back . eos O O O O O O O O O O O O O O O O general-welcome +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos sure , what can i help you with ? eos O O O O O O O O O O general-reqmore +bos i 'm looking for a place called clare college . can you find the postcode for me ? 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 Attraction-Request+Post +bos clare college 's postcode is cb21tl . do you need any more information ? 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 general-reqmore +bos i also want a train that leaves on thursday and goes to cambridge eos O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos what time would you like to travel , and then what will your departure site be ? 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 +bos i 'll be departing from leicester and would like to arrive by 13:15. eos O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O N/A +bos okay the tr9225 leaves at 11:09 and arrives by 12:54. 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 ok please book that for 3 people . eos O O O O O O O B-Train-Inform+People O N/A +bos okay , i have you booked on that train . your reference number is 0d5fwsgl . 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-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos yes , that will be all thank you for your assistance . eos O O O O O O O O O O O O O general-thank +bos please let us know if there is anything we can assist you with 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 general-welcome,general-bye,general-greet +bos i am on a budget and looking for a cheap place to stay with free wifi . eos 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 help you with that ! is there a specific area you prefer to stay in ? 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 'm not sure on the area of town . i do know i want a guesthouse . is there anything for me ? 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 N/A +bos there are nine options that meet your criteria . would you like a recommendation or do you want to 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 general-reqmore +bos book for one and 2 nights starting friday one of your choice eos O O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos will you have other guests with you ? eos O O O O O O O O O Booking-Request+People +bos just for one person please . eos O O O O O O O N/A +bos booking was successful at the allenbell . the reference number is : by6e1mtc . eos O O O O O O B-Booking-Inform+Name O O O O O B-Booking-Inform+Ref O O N/A +bos also looking for a train . the train should arrive by 13:45 and should be on the same day as the hotel booking . 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 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 'll be departing from broxbourne . eos O O O O O B-Train-Inform+Depart O O N/A +bos tr3158 arrives in cambridge from broxbourne at 13:32. would you like me to book it for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos no but i do need the train id , departure 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+TrainID,Train-Request+Leave +bos tr3158 . this train leaves at 13:32. it has a travel time of 60 minutes . what else would you like to know ? eos O B-Train-Inform+Id O 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 O O O O general-reqmore +bos that 's all the information i need . eos O O O O O O O O O N/A +bos fantastic . have a wonderful day . eos O O O O O O O O general-bye +bos i 'm looking for a train that departs from peterborough and arrives by 19: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 where would you like to go to ? eos O O O O O O O O O Train-Request+Dest +bos i am going to cambridge on sunday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there is a train that arrives at 19:09. would that do ? eos O O O O O O O O B-Train-Inform+Arrive O O O O Train-Select +bos sure would . what time does it depart and 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 leaves at 5:19 13.2 gbp payable at the station your reference number is clpw6or9 eos O O O B-Train-Inform+Leave B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O B-Train-Inform+Ref N/A +bos i need to take a train to cambridge by 17:45. if its is after that i will be late for dinner , mother gets angry when that happens . 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 O O O O O O O O O O O N/A +bos you have to keep mom happy . where are you departing from and which 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 'm looking to travel from norwich and leaving on tuesday eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O N/A +bos tr4896 arrives at 17:35. will that give you enough time or should i book you for an earlier train ? eos 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 Train-Request+Arrive,Train-OfferBook +bos no thanks that will work . i need it booked for 3 people . eos O O O O O O O O O O O O B-Train-Inform+People O O N/A +bos okay , your booking was successful . your total fee is 52.8 gbp . you can pay this at the station . the reference number is 12x27p7i . 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 O O B-Train-OfferBooked+Ref O O O O O N/A +bos thank you ! can you tell me about places to go in the west ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos what about clare hall ? it 's free to visit eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee O O O O N/A +bos okay . could i have their postcode and phone number please ? eos 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 01223332360 , and the postal code is cb39al . eos O O O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Post 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 very welcome . i hope you and your mom have a great time ! eos O O O O O O O O O O O O O O O O O general-welcome +bos i need somewhere to go . eos O O O O O O O N/A +bos there are so many great things to do in cambridge . let 's narrow your search . would you like to go to a restaurant , hotel , or attraction ? 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 O O O O O O O O O general-greet,general-reqmore +bos i am looking for a nice museum eos O O O O O O O B-Attraction-Inform+Type N/A +bos i found some great museums . can you specify on the types of museum you are looking for ? eos 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 O O O Attraction-Request+Type +bos you may suggest one to me . eos O O O O O O O O N/A +bos the cambridge and county folk museum is in the west part of town etrance fee is 3.50 pounds eos 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+Area I-Attraction-Recommend+Area O O O O O B-Attraction-Recommend+Fee N/A +bos are there any free attractions in the area ? eos O O O O O O O O O O Attraction-Request+Area +bos cafe jello gallery is in the west and has free admission . is that better for you ? eos O B-Attraction-Recommend+Name I-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 Attraction-Select +bos that sounds great . can i get the phone number for it ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number for cafe jello gallery is 01223312112. can i help you with anything else 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 general-reqmore +bos thanks . i also need a hotel in the south . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos how about the bridge guest house located in the south area of town ? eos O O 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 O O O N/A +bos how many stars does it have ? eos O O O O O O O O N/A +bos it is rated 3 stars . does that work for you ? eos O O O O O B-Hotel-Inform+Stars O O O O O O O Booking-Inform +bos i need something with 4 stars . eos O O O O O O B-Hotel-Inform+Stars O N/A +bos in that case i will suggest aylesbray lodge guest house . 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 N/A +bos yes , that will be fine . i will need a reservation starting on wednesday . eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A +bos how many days did you want the booking for ? and for how many people ? eos 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 almost forgot , my husband would like for the hotel to have free wifi . does that hotel meet that 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 Hotel-Inform +bos yes , it does have free wifi . would you like to continue with the reservation ? 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 please . 2 people for 5 nights beginning on wednesday and i will need the reference number after booking is complete . eos 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 Hotel-Request+Ref +bos okay , you 're all set ! the reference number is ek9kz64s . is there anything else that 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 O O O general-reqmore +bos i am looking for a place to eat that 's expensive . can you help me ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos is there a type of food you want or an area of town ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos yes , i 'm looking for modern american food in the centre of town . can you help me ? eos O 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 N/A +bos i do n't show any restaurants that fit that category . is there something different 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 +bos okay , how about british food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i have four such types , do i recommend one ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O general-reqmore +bos yes , please do . i would like to make a reservation for thursday at 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 N/A +bos midsummer house is my favorite . how many people will be dining on thursday , and at what time ? eos 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 O O Booking-Request+People,Booking-Request+Time +bos there will be 7 people at 16:15. eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time N/A +bos i 've made your reservation . your confirmation number is xrlerq6s . 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 O general-reqmore +bos i 'm also looking for a train leaving from norwich and arriving by 08: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 is there a specific day you 'd like to leave ? eos O O O O O O O O O O O O Train-Request+Day +bos i would like to leave on thursday . eos O O O O O O O B-Train-Inform+Day O N/A +bos tr3948 will get you to your destination at 08:35. is that okay ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O O B-Train-Inform+Arrive O O O O Train-OfferBook +bos yes , that 's perfect . what 's the departure time and price ? eos O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos tr3948 leaves at 07:16 and costs 17.6 pounds . would you like me to book it for 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 O O O O O O O O O O O Train-OfferBook +bos not at this time but thank you so much for all 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 the cambridge town info centre services ! eos O O O O O O O O O O O O general-bye +bos yes , i am going for luxorious today . i need to find 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 O N/A +bos there are a lot to chose from what type of food do you want to eat ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos i 'd prefer italian food please . eos O O O B-Restaurant-Inform+Food O O O O N/A +bos we have 4 matches in the centre area of the town . do you know the name of the place by any chance ? eos O O O O B-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 O O O O O O O O O O O O O Restaurant-Request+Name +bos no , i was hoping for a recommendation . eos O O O O O O O O O O N/A +bos d recommend clowns cafe eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos sounds good . can you reserve me a table for 8 people on wednesday at 13:15 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 N/A +bos your reservation at clowns cafe for this wednesday at 13:15 for 8 people was successful . your reference number is : xlddagqj . eos O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+People O O O O O O O B-Booking-Book+Ref O O N/A +bos i need a train to stansted airport on thursday that arrives by 19:30. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos sure . train tr5476 leaves cambridge at 18:40 and arrives at stansted airport at 19:08. would you like me to book that for you ? eos O O O 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 O O O O O O O O O O Train-Inform +bos what is the travel time for that one ? eos O O O O O O O O O O Train-Request+Duration +bos it 's 28 minutes . it 's very fast . eos O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O N/A +bos thank you very much ! eos O O O O O O general-thank +bos anything else you need today ? eos O O O O O O O general-reqmore +bos nope you have been great ! eos O O O O O O O N/A +bos thank you . enjoy your dining experience and do n't hesitate to call 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 general-bye +bos i want to know about 4 star hotels that include free parking for guests . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos what area of town would you like 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 but it should be a guesthouse . eos O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos there are about 16 choices . maybe we can narrow it down if you tell me what price range you were looking at ? 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+Price +bos guesthouses not hotel , sorry can you suggest one and give me their phone number please eos 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 33 guesthouses all over town ranging from cheap to moderate . what area do you prefer and which price range will work for you . eos O O O O B-Hotel-Inform+Choice I-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 O O Hotel-Request+Price +bos as long as it 's a guesthouse with 4 stars and free parking i will be happy . which one do you recommend ? 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 N/A +bos there are 16 all over town , that meet your criteria . if you could tell me which part of town you would prefer , that would help narrow the choices down . 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 Attraction-Request+Area +bos please give me the phone number of a guesthouse , it does n't matter where it is , as long as it has 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 O O O B-Hotel-Inform+Stars O O O O Hotel-Request+Phone +bos the acorn guest house has parking and 4 stars . their telephone number is 01223353888. may i help you with something else ? 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 O O O O B-Hotel-Inform+Phone O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos can you recommend a chinese 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 10 chinese restaurants in the centre in various price ranges . which price do you prefer ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O general-reqmore +bos i do n't care about the price . can you recommend anything ? eos O O O O O O O O O O O O O O N/A +bos how about charlie chan ? i go there alot , they are cheap and in the city centre . eos O O 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O Restaurant-Inform +bos that sounds great . can i get a table for 8 people at 16:45 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 as requester , the reference number is oqp3a7wa , any other 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 i need a taxi also to get to the restaurant on time . eos O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos where would you like the taxi to pick you up at ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos from the guesthouse to the restaurant eos O O O O O O O N/A +bos a blue honda is booked and the contact number is 07014435019. thank you eos O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O B-Taxi-Inform+Car O O N/A +bos please assist me in finding a train going to leicester from cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos okay . what day would you like to travel ? eos 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 i have 19 trains going from cambridge to leicester on thursday . what time would you like to arrive by ? 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 Train-Request+Arrive +bos i would love to leave after 12:15 please . eos O O O O O O O B-Train-Inform+Leave O O N/A +bos there are no trains that leave after 12:15. eos O O O O O O O O B-Train-NoOffer+Leave N/A +bos okay , do you have any other suggestions ? eos O O O O O O O O O O N/A +bos i believe that the tr0822 leaving 12:15 would be great for you . should i make a booking for you ? eos O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O O O O O O O O O O O O O O Train-OfferBook +bos i also need a place to stay in the north area . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos would you like a guesthouse or a hotel ? eos O O O O O O O O O O Hotel-Request+Type +bos it do n't matter as long as it is cheap . i need it for 6 people for 2 nights starting tuesday eos 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 O N/A +bos i was able to book you a room for 2 at city centre north b and b , the reference number is 57f4s22n . do you need any more assistance ? eos O O O O O O O O O O O B-Booking-Book+People 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 O O O general-reqmore +bos no , that 's all i need for right now . thanks for the assistance ! eos 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 help . eos O O O O O O O O O general-bye +bos i am looking for a place to go in the center of town for entertainment eos O O O O O O O O O O O O O O O O N/A +bos the all saints church is an attraction . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos hmm , nope . we 've been there . how about a concert hall 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 O O O O N/A +bos there is one concert hall in the centre of town . it is called the man on the moon . would you like more information about it ? eos O O O O B-Attraction-Inform+Choice 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+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 N/A +bos yes , what is the entrance fee for that please ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos i am sorry but there is no information on the entrance fee . eos 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 N/A +bos i guess i will find out when i get there . i 'm also looking for information regarding a restaurant called curry queen . 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+Name I-Restaurant-Inform+Name O O N/A +bos curry queen is one of my favorites . what would you like to know about it ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O O O O N/A +bos what area it is located in and what their phone number is . eos O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Phone +bos it is in centre and the phone is 01223351027. what else can i help with ? eos O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Phone O O O O O O O general-reqmore +bos that 's all i needed . thanks . bye . eos O O O O O O O O O O O general-bye +bos thanks for letting us help you today ! goodbye . eos O O O O O O O O O O O general-welcome,general-bye +bos can you help me find a concert hall ? eos O O O O O O O O O O N/A +bos there is one concert hall in town , the man on the moon , located at 2 norfolk street in the centre of town . do you need more information ? eos O O O O B-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 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 general-reqmore +bos i need a concerthall on the west area of town . eos O O O O O O O O O O O O N/A +bos i am sorry i have only one listing for the city center . would you consider other attractions ? eos 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 O O O O O Attraction-Request+Type +bos yes , i would consider a museum . eos O O O O O O B-Attraction-Inform+Type O O N/A +bos great , there are 7 museums in the west . eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O N/A +bos can you make a recommendation and please provide 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos cafe jello gallery phone is o12233289438 and is on 13 madalene treet eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos i need to book a train to leicester that leaves after 08:15. eos O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos i have a lot of options that leave after that time . where are you departing 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 Train-Request+Depart +bos i 'm leaving from cambridge on wednesday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O 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 would like to arrive by 10:00. eos O O O O O O O B-Train-Inform+Arrive N/A +bos the earliest i can get you there is 11:06. that train leaves at 09:21. would you like me to book you a seat ? eos O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos yes , please book and send me a reference number . eos O O O O O O O O O O O O Train-Request+Ref +bos i am sorry that train is booked . is there another time you can depart ? eos O O O O O O O O O O O O O O O O O Train-NoOffer,Train-Request+Leave +bos so when is the next earliest you could get me there ? eos O O O O O O O O O O O O O N/A +bos shall we try the train that leaves at 7:21 ? this train will get you into leicester by 9:06. eos O O O O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos yes please and i will need the reference number . eos O O O O O O O O O O O Train-Request+Ref +bos that booking was successful . you will depart from cambridge on tr3093 at 7:21 and arrive in leicester at 9:06. your reference number is ucspfcvi . anything else ? eos O O O O O O O O O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Id O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Ref O O O general-reqmore +bos yes can you find me a good college to visit in the west ? eos O O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos i am looking at 5 different options for colleges in the west , is there anything else you can tell me about what you are looking for ? eos O O O O O O B-Attraction-Inform+Choice 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 N/A +bos if you can recommend 1 of the 5 and provide me with 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 Attraction-Request+Phone,Attraction-Request+Addr +bos i recommend queens ' college , located at silver street . their phone is 01223335511. 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 B-Attraction-Inform+Phone O O O N/A +bos how much does it cost to get into queens ' college ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos the entrance fee is 2.50 pounds . is there anything else i can help with ? eos 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 could you also get me the address and phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos queens ' college is on silver street . phone is : 01223335511 eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O O O N/A +bos great , 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 let me just check my notes ... no ! i think i have everything 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 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 need a train that is leaving after 11:30. eos O O O O O O O O O O N/A +bos yes , there are multiple trains available . what day and time will you be departing ? 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 from cambridge on monday please . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos and where are you bound ? eos O O O O O O O Train-Request+Dest +bos i am going to birmingham new street . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos is there a train leaving earlier than 11:30 , since there is nothing after 11:30 ? eos O O O O O O O O O O O O O O O O O N/A +bos i need to leave after 11:30 , and go to birmingham , new street . eos O O O O O O B-Train-Inform+Leave O O O O O O O O O N/A +bos sorry about that , there are actually 12 options here . the first train is tr6162 , which leaves at 12:01 eos O O O O O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O N/A +bos please make a booking for 6 people on that first train . eos O O O O O O O B-Train-Inform+People O O O O O N/A +bos your booking was successful , the total fee is 450.6 gbp payable at the station . reference number is : isor1j8a . can i help 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 B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos i would also like somewhere fun to go , a college i think . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos we have 18 colleges is there a specific area you 'd like me to look at ? 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 recommend one for me and give me their phone number please ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos sure , corpus christi is located at king 's parade , phone 01223338000. is there anything else i can assist you with today ? 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+Phone O O O O O O O O O O O O O O general-reqmore +bos no thank you , i am all set ! bye ! eos O O O O O O O O O O O O general-bye +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 need a train departing from stansted airport on friday . 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 sure . where are you traveling too 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 O Train-Request+Leave,Train-Request+Dest +bos i need to arrive in cambridge by 9:15. eos O O O O O O B-Train-Inform+Dest O O N/A +bos i have 4 trains that will arrive by 9:15 in cambridge . what time would you like to depart stansted airport ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O Train-Request+Leave +bos no preference on departure time , but i will need to book for 5 people . eos O O O O O O O O O O O O O O B-Train-Inform+People O O N/A +bos reference number is : 1ld6sow1 . anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O general-reqmore +bos yes , i 'm looking for a college to visit in the centre 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 several colleges in the centre . may i suggest christ 's college or downing college , both have free entrance fees . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area 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 O B-Attraction-Select+Fee O O O O O N/A +bos what 's the entrance fee for christ 's college ? eos O O O O O O O O O O O Attraction-Request+Fee +bos the admission is free . eos O O O O B-Attraction-Inform+Fee O N/A +bos ok , thanks . can i get the phone number and postcode as well ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos post code is cb23bu and phone number is 01223334900. is there anything else i can assist you with today ? 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 that is everything thank you . eos 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-bye +bos i am planning a trip in cambridge . eos O O O O O O O O O N/A +bos please provide more specifics so i can help you . eos O O O O O O O O O O O N/A +bos can i get some information on milton 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 , it 's free admission and address is milton country park , milton and post code is cb46az . eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Post O O O O N/A +bos can you tell me what area milton country park is in and 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 Attraction-Request+Area,Attraction-Request+Fee +bos it 's in the north and has free entry . will that be all ? eos O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O general-reqmore +bos i also need a train for saturday , traveling from cambridge to norwich and i 'd like to arrive by 12:15. can you help with that ? eos O O O O O O O B-Train-Inform+Day 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 O O N/A +bos there are 6 trains matching your request that leave starting at 05:36 each hour until 10:36. do you have a preference as to the train you want ? eos O O O O B-Train-Inform+Choice 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 O O O Train-Request+Leave +bos no . just one that can fit 5 people . eos O O O O O O O O B-Train-Inform+People O O N/A +bos okay how about the tr9588 . it leaves at 10:36 and arrives by 11:55. 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 N/A +bos sounds great . please book and provide me with a reference number . eos O O O O O O O O O O O O O O Train-Request+Ref +bos here is your refrence number xxsu6zfv . the price is 70.40pounds eos O O O O O O B-Train-Inform+Ref O O O B-Train-Inform+Ticket O N/A +bos thank you so much . that 's all i need today . 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 i need a train out of peterborough on wednesday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos we have a variety so if we can narrow down by giving departure time good with you 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+Leave +bos yes , i need to arrive in cambridge at or a little before 21:45. eos O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O N/A +bos i have several trains available . 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 O Train-Request+Leave +bos whatever the closest train to arriving before 21:45 is will be fine with me . eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos i got 1 ticket for you on tr8935 it will arrive by 08:09. your reference number is c0m3tlkh . anything else today ? eos O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O O O general-reqmore +bos can you cancel that and get me 5 tickets instead of 1 please ? eos O O O O O O O O O B-Train-Inform+People O O O O O N/A +bos sure , this is the new information : booking was successful , the total fee is 82.5 gbp payable at the station .reference number is : 0196jvlz . 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 B-Train-OfferBooked+Ref O O O N/A +bos thank you so much ! i also need some entertainment in the centre . what do you recommend ? eos 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 all saints church is nice if you like architecture ! it is on jesus lane and the entrance fee is free ! eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Fee O O N/A +bos i would prefer a lively college in the centre , please . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos okay ! how about christ 's college ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos sure , 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 Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos christ 's college is free to enter , and they 're located on saint andrew 's street in postcode cb23bu . eos O B-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 B-Attraction-Inform+Post O O O O O N/A +bos ok. thank you . that 's all for now . eos 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 general-welcome +bos have a great 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 'm looking for some place to go in the centre where i can enjoy multiple sports . 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 there is the cherry hinton village centre . 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 N/A +bos great . can you also check for colleges ? eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos there 's over 10 colleges in the centre , anything in mind ? eos O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O N/A +bos just one you think is nice . please give me address , entrance fee and number . eos 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 okay christ 's college 's address is saint andrew 's street and it is free to explore and their phone number is 01223334900. 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O O O N/A +bos thank you . can you also help me find a train from london kings cross leaving sometime after 13:15 ? 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 B-Train-Inform+Leave O O N/A +bos sure , i can help you with that . what day will you be leaving on ? eos 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 leaving on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos tr2512 will leave kings cross at 13:17 and arrive in cambridge at 14:08. would you like tickets ? eos O B-Train-Inform+Id I-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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O Train-OfferBook +bos i 'm sorry , i know i said thursday , but i will actually be leaving on wednesday . can you check for that day instead ? eos 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 O O O O O N/A +bos there are six trains that fulfill your needs . would you like to book one ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-OfferBook +bos no thank you . i 'll just need the arrival time , travel time , and train id for one of the available trains , 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+Arrive,Train-Request+TrainID +bos trin id tr0922 arrives 14:08 and will take 51 minutes . do you like that ? eos O O O B-Train-Inform+Id O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O N/A +bos yes but you do n't have to be rude . eos O O O O O O O O O O O N/A +bos i 'm sorry , 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 , thank you . i appreciate your help today . i have all that i need . 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 wonderful trip . eos O O O O O O general-bye +bos i am looking for a museum in town eos O O O O O O B-Attraction-Inform+Type O O N/A +bos we have 23 museums to pick from , are there any preferences ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O N/A +bos do you have a suggestion ? eos O O O O O O O N/A +bos the cafe jello gallery is nice . it is in the west and free to get in ? 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+Area O B-Attraction-Inform+Fee O O O O O N/A +bos can i get the address for that please ? eos O O O O O O O O O O Attraction-Request+Addr +bos there is no listing for jelly , but i can book the attraction for you eos O O O O O O B-Attraction-NoOffer+Name O O O O O O O O O N/A +bos i am looking for something to do 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 do you have a particular preference on what you want to see ? eos O O O O O O O O O O O O O O Attraction-Request+Type +bos no i do n't have a preference for exactly what it is . eos O O O O O O O O O O O O O O N/A +bos all saints church is a nice place to visit , and it 's free to get in . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O N/A +bos okay , that 's great to know . thank you . now i will also need help finding a train 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 Train-Inform +bos 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 . eos O O O O 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,Train-Request+Day +bos i will leaving on tuesday and need to leave after 8:30. eos O O O O O B-Train-Inform+Day O O O O O O N/A +bos can i get your destination please ? eos O O O O O O O O Train-Request+Dest +bos my destination is cambridge . i will be leaving from birmingham new street . eos 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 O N/A +bos train 2761 leaves birmingham new street tuesday at 08:40. how does that sound ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Leave O O O O O Train-Select +bos thats good good 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 O O O N/A +bos sure , i can do that . how many tickets do you need ? eos O O O O O O O O O O O O O O O Train-Request+People +bos how much will it cost per person ? eos O O O O O O O O O N/A +bos it is 75.10 pounds per person . would you like me to reserve any seats ? 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 would be fine , thanks . 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 no , i think that will it . thanks ! eos O O O O O O O O O O O general-thank +bos enjoy your stay and have fun . eos O O O O O O O O general-bye +bos help , i injured my eye ! i am looking for the nearest hospital with the cambridge eye unit . 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 O O O N/A +bos you can contact them at 01223257168. eos O O O O O O O N/A +bos what 's the address and postcode ? eos 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 . do you need 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 N/A +bos no thank you ! hopefully my eye is ok ! good night ! eos O O O O O O O O O O O O O O general-thank +bos good luck , i hope you recover soon ! eos O O O O O O O O O O general-bye +bos yes , i am looking for information for a restaurant of moderate price serving catalan 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 N/A +bos i 'm sorry , i do n't have any restaurants that fit your needs , would another food type 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about a restaurant that serves british food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 5 british restaurants that are moderately priced . would you like to book a table with one of them ? 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 O O O Booking-Inform +bos can you recommend a good one for me ? i 'll need the 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+Addr +bos the oak bistro is my favorite . they are located at 6 lensfield road , cb21eg . can i help with anything else today ? 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 O O O O O O O O O O O general-reqmore +bos yes . i would like to go to a museum in the centre of town . if price is no object , what 's the best one ? 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 O N/A +bos there are quite a few museums in the centre of town , would you be interested in the primavera or cambridge contemporary art ? if not there are others i can suggest . 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 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 N/A +bos the primavera sounds good . can you 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos the primavera is located at 10 king s parade , postcode cb21sj . the phone no . is 01223357708. admission is free ! can i help you with anything else ? eos 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 I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos yes , i 'll need a taxi from the primavera to oak bistro . can you make sure i leave the primavera no later than 17: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 O O N/A +bos okay , i have booked a taxi for you departing from primavera at 16:45. the car will be a grey tesla and the contact number is 07439377051. 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 O B-Taxi-Inform+Phone O N/A +bos wonderful , that is everything i needed . thank you ! eos 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 'm looking for a very nice place to dine . something expensive . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos we have many excellent and expensive restaurants . is there a type of cuisine you 'd prefer ? 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 Restaurant-Request+Food +bos not exactly . however i would like to have the phone number , address , and postal codes for the top 5 restaurants 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 B-Restaurant-Inform+Area O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos we have saigon city , offering asian oriental cuisine . phone : 01223356555 address : 169 high street chesterton , and postcode : cb41nl . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 B-Restaurant-Inform+Post O O O O O O O N/A +bos great i also am looking for an attraction called club salsa . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos i found the place you are looking for ! club salsa is located at 1 station road . would you like help with anything else ? eos O O O O O 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 O O O O O O general-reqmore +bos yes i also will need the entrance fee for club salsa , and what type of attraction is that ? 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 Attraction-Request+Fee,Attraction-Request+Type +bos club salsa is a nightclub , entrance fee is 5 pounds . anything else i can assist you with ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Price I-Attraction-Inform+Price O O O O O O O O O general-reqmore +bos great , thank you ! i also need a taxi that can take me from the restaurant to the nightclub . i want to leave by 11: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 B-Taxi-Inform+Leave O O N/A +bos taxi has been booked , a white audi will be picking you up at the restaurant , contact number is 0735045835. 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 O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 need , you 've been a great help ! 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 . please call us back if you have any other questions ! eos 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 am looking for a restaurant in the centre of town serving japanese food eos O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O N/A +bos there is only one japanese restaurant in the centre , wagamama . would this one be ok ? 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 B-Restaurant-Inform+Name O O O O O O O O Booking-Inform +bos yes . could you tell me the price range please ? eos O O O O O O O O O O O O N/A +bos wagamama is a high end restaurant and the price range is expensive , what is the price range you are looking for ? eos 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 Restaurant-Request+Price +bos that is perfect . could i get 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is 36 saint andrews street . the phone number is 01223462354. the postcode is cb23ae . would you like me to reserve a table for you ? 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 O O B-Restaurant-Inform+Post O O O O O O O O O O O O O Booking-Inform +bos not at this time thank you , is there a museum close by the restaurant by chance ? eos 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 there are several , 11 in fact that you can choose from . would you like any specific ones ? eos O O 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 can you recommend one that is in the centre ? i need to know 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 Attraction-Request+Fee +bos i would recommend cambridge contemporary art . there is no entrance fee . is there anything else i can help you with today ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+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 O general-reqmore +bos yes , can i also have the phone number , and address for cambridge contemporary art ? 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 of cambridge contemporary art is 6 trinity street . it 's phone number is 01223324222. may 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+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 i would like a taxi between the two places . i need to leave the restaurant by 4. 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 ok , i have a red bmw picking you up , do you need the contact number ? 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 N/A +bos yes i do . eos O O O O O N/A +bos the contact number for the taxi service is 07060233435. can i help you with anything else ? eos 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 'll be all . thank you and 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 our system ! eos O O O O O O O O general-bye +bos what time of entertainment places are there in the center of town ? eos O O O O O O O O O O O O O O N/A +bos there are nightclubs and there are theatres . eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type N/A +bos are there any swimming pools near by ? eos O O O O O O O O O N/A +bos there is parkside pools at gonville place cb11ly in the centre . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area O N/A +bos great , i 'm assuming cb11ly is the postcode , may i also have the phone number there . 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 yes the phone number is 01223446100 eos O O O O O O B-Attraction-Inform+Phone N/A +bos thank you i also need a place to eat in the centre of town 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 B-Restaurant-Inform+Price O O O N/A +bos there are 21 options , the first one is the yippee noodle bar located at 40428 king street , city centre . will this work ? 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 O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O N/A +bos how about someplace with european food ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 4 restaurants located in the centre area serving european cuisine . two are listed as serving modern european food . would you like more information ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O general-reqmore +bos could you recommend one for me , and 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 Restaurant-Request+Post +bos i recommend galleria , at 33 bridge street , cb21uw . would you like to make a reservation there ? eos O O O B-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 O O Booking-Inform +bos yes , thank you . can you arrange a taxi for me to get there by 13:30 ? eos 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 sure , i can do that . where will you be departing ? eos O O O O O O O O O O O O O O Taxi-Request+Depart +bos i do n't care about that right now . eos O O O O O O O O O O N/A +bos i 'm sorry , but i will need to know the departure site to be able to book this . 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 O O O O O O O O O O Taxi-Request+Depart +bos we will be leaving from the south side . eos O O O O O O O O O O N/A +bos where on the south side will you be leaving from so i can send the taxi to 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 N/A +bos gonville place is from where i 'll be departing eos O O O O O O O O O O N/A +bos what is your departure time ? eos O O O O O O O Taxi-Request+Leave +bos i need to leave the restaurant by 13:30 please . eos O O O O O O O O O O O Restaurant-Inform +bos okay i was able to secure you a grey toyota that will make sure you arrive by 13:30 and their contact number is 07542624633. 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 B-Taxi-Inform+Arrive O O O O O B-Taxi-Inform+Phone N/A +bos great ! that is all i need . eos O O O O O O O O O N/A +bos thank you for using our services . have all of your needs been met then ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos yes that 's all . thanks for the help ! eos O O O O O O O O O O O general-thank +bos great ! have a good day , goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos hi there . can you assist me in finding a park in cambridge ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos yes . i have five parks . is there a particular area you are looking in ? 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 are there any in the east part of town ? eos O O O O O O O O O O O N/A +bos cherry hinton water play is in the east area . 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 O B-Attraction-Inform+Area O O O O O O O O N/A +bos i do n't need the address , but could i get a phone number ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos yes their telephone number is 01223446100. 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 general-reqmore +bos yes could you make me a reservation there for 8 people at 13:45 on sunday ? 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 O O O O O O O Restaurant-Request+Ref +bos i 'm sorry , there must be some confusion . i am unable to make a reservation at a park . were you looking 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 O O O O O Booking-NoBook,general-reqmore +bos sorry , i 'd like to make a reservation for 8 people at the pizza hut cherry hinton for 13:45 on sunday . i need a reference number , too . eos O O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 i have confirmed your reservation for sunday at 13:45. your reference number is ecmlt2oe . do you need help with anything else ? eos O O O O 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 general-reqmore +bos that should be everything , thank you for your help today ! eos 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 . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i am looking for tourist attractions . eos O O O O O O O O Attraction-Inform +bos there are many things to do , to help narrow down the results what part of town are you looking to tour in ? any particular activity you 'd like to do ? eos 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 O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos are there any colleges on the west side ? if so can you tell me the address and entrance fee ? 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 O O O Attraction-Request+Fee +bos there are five colleges on the west side . magdalene college is nice . it 's address is magdalene street and entrance is free . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Fee O O O O N/A +bos thank you . i 'm also looking for an indian restaurant in the expensive price range . is there anything like that around ? 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 O N/A +bos oh yes i have many . any preference for area ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Area +bos i would like to be close to magdalene college . that same area would be perfect . eos O O O O O O O O O O O O O O O O O O N/A +bos there are 5 indian restaurants located on the west side near magdalene college that are expensive . i would recommend tandoori palace . eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos that sounds fantastic . could i have the postcode , 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos their postcode is cb43le , phone number is 01223506055 , and address is 68 histon road chesterton eos O O O O B-Restaurant-Inform+Post 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 N/A +bos that 's everything i need . thank you for your help . eos O O O O O O O O O O O O O general-thank +bos alright , awesome ! have a fantastic day ! eos O O O O O O O O O O general-bye +bos what can you tell me about magdalene college ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos magdalene college is located in the west area of town . there is no entrance fee . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O 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 N/A +bos thank you for your help . eos O O O O O O O general-thank +bos you 're welcome . let us know if you need anything else . eos O O O O O O O O O O O O O O general-welcome,general-reqmore +bos i do , actually . i 'd also like to find a good place to dine in the east . do you know of any swiss restaurants in that area ? 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 B-Restaurant-Inform+Food O O O O O O O O O N/A +bos unfortunately there does n't seem to be any swiss options in the east . could i help you with anything else ? 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 O O O O general-reqmore +bos hmm , i was really looking forward to swiss food . ok , how about an indian restaurant in the east instead ? 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 O N/A +bos that we can do . we have two moderately priced and two expensive indian restaurants in the east . eos O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos what are the two expensive indian restaurants ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos sitar tandoori and pipasha restaurant are the expensive options . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price O O N/A +bos could you please book a table at sitar tandoori for 4 people on sunday ? eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O N/A +bos of course ! what time would you prefer ? eos O O O O O O O O O O Booking-Request+Time +bos i would like the booking to be for 13:00 . eos O O O O O O O O O B-Restaurant-Inform+Time O N/A +bos i am sorry i was unable to book that . is there another day or time that works 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,Booking-Request+Day +bos that 's okay , maybe 12:00 will work ? try that please ? eos O O O O B-Restaurant-Inform+Time O O O O O O O O O N/A +bos i booked you for 4 at 12.00 on sunday . your reference number is yjctzh5f . can i help you with anything else ? eos 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 O O O O O O general-reqmore +bos yes , i also need a taxi to take me from the college 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 Restaurant-Inform,Taxi-Inform +bos ok i have a blue toyota picking you up the contact number is 07029466414 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 N/A +bos thank you for all your help . i 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 general-bye +bos you 're welcome . enjoy your day . eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for info on a restaurant called la tasca . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos la tasca is a moderately-priced spanish restaurant in the city center . it is located at 14-16 bridge street . the phone number is 01223464630. do you want reservations ? 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 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 Booking-Inform +bos what is the price range ? eos O O O O O O O Restaurant-Request+Price +bos the price range for la tasca restaurant is in a moderate range . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A +bos and what 's the post code that goes with that address ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Attraction-Request+Addr +bos the postcode is cb21uf . anything else can i do for you ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos yeah , i need information about colleges in town . can you help me with that ? eos 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 18 colleges in town . is there a certain area you would like to visit ? 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 take the address , phone number and fee for the one 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 i would recommend trinity college . they are in the centre of town . their entrance fee is 1 pound . you can find them on trinity street . their phone is 01223338400. eos O O O O B-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 O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Phone O O O O N/A +bos that 's really helpful . thanks . i think thats all i needed . 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 have a good day , goodbye . eos O O O O O O O O general-bye +bos i 'm looking for something interesting to do . eos O O O O O O O O O O N/A +bos is there an attraction type you prefer ? eos O O O O O O O O O Attraction-Request+Type +bos any attraction is fine as long as it 's 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 there is the parkside pools located at gonville place . is there anything else i can do for you ? eos 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 O O O O O O O O O general-reqmore +bos yes i am also looking for a restaurant in the same area that is moderately priced . eos 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 is asian , british , chinese , european , international , italian , lebanese , modern european , spanish , and turkish . do you have a preference ? eos 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 O O O O O O O O O O O O Restaurant-Request+Food +bos i would like something in the moderate price range . i will be requiring their address . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos i see 21 restaurants in the centre which are moderately priced . do you have any particular cuisine in mind so we can narrow it down for you a bit ? eos O O O O B-Restaurant-Inform+Choice O O B-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 O O O O O O O O Restaurant-Request+Food +bos no particular cuisine i will need a taxi to commute need to leave by 24:15 and need number and car type please . 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 Taxi-Request+Car +bos how about yippee noodle bar ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos the yippee noodle bar sounds great . do you have their address ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Restaurant-Request+Addr +bos the address is 4048 king street , city centre post code cbh11lh . would you like me to do anything else ? eos O O 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 O O O O O O O O general-reqmore +bos i also want to book a taxi from parkside pools to the bar . i want to leave around 24:15. eos 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 B-Taxi-Inform+Leave O N/A +bos youre being picked up in a grey honda the contact number is 07063498062 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 great thank you , that 's all i will need . eos O O O O O O O O O O O O general-thank +bos you are welcome , i am happy to help . 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-welcome,general-bye +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 i 'll be happy to help you with that . is there a certain type of food 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 Restaurant-Request+Food +bos i would like a restaurant that serves european food in the expensive price range please . eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A +bos there are 2 restaurants that meet your criteria ; eraina and michaelhouse cafe . they are both in the centre of town . 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A +bos great , can i have the phone number and address for erania please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure , their phone is 01223368786 and their address is free school lane city centre cb23rh . may i help with anything else ? 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 O O O O O O O O O general-reqmore +bos yes , i 'm also looking for an attraction called ruskin gallery . can you get me some info on that ? eos 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 the ruskin gallery is in the centre area and the phone number is 01245493131. would you like the address ? eos O 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 general-reqmore +bos no address needed , thank you . i have all the information i need . eos O O O O O O O O O O O O O O O O Restaurant-Request+Addr +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 also need a taxi to get me between the gallery and restaurant , i want to leave the restaurant by 13: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 alright , i have your taxi booked . it will be a red lexus , and the contact number is 07952562480 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 N/A +bos thank you very much , that will be all you can do for me for today . eos O O O O O O O O O O O O O O O O O O general-thank +bos glad i could be of assistance , have a good day ! eos O O O O O O O O O O O O O general-bye +bos i 'm looking for some romanian food around here . eos O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i 'm sorry , there are no romanian restaurants available . eos O O O O O O B-Restaurant-NoOffer+Food O O O O O N/A +bos ok , let 's try to find an asian oriental restaurant . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos i have five . is there an area you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Area +bos i need a cheap price range . eos O O O O B-Restaurant-Inform+Price O O O N/A +bos i would rcommed the j restaurant , would you like me to book 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 O O Booking-Inform +bos yes i need a reservation for 6 people at 17:30 on a saturday . eos 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 great , i will book that for you now . eos O O O O O O O O O O O Booking-Inform +bos i need a confirmation number too thank you eos O O O O O O O O O general-thank +bos the reservation number is rfd4w3bo . 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 N/A +bos i am also looking for a train i 'd like the train to arrive by 14:15 and to be here on saturday . 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 B-Train-Inform+Day O O N/A +bos okay and where are you departing from ? eos O O O O O O O O O Train-Request+Depart +bos i need to depart leicaster and arrive in cambridge 14:15 on saturday . i 'll just need the travel , no booking . 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 O O O N/A +bos there is a train that departs at 9:09 from leicester on saturday at arrives at 10:54 the same day in cambridge . is this good ? eos O O O O O O O O B-Train-OfferBook+Leave O B-Train-OfferBook+Depart O O O O O B-Train-OfferBook+Arrive O O O O B-Train-OfferBook+Dest O O O O O Train-Inform +bos yes . can i get the travel time ? eos O O O O O O O O O O Train-Request+Duration +bos the travel time is 105 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thanks ! i guess that 's all i need . 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 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 +bos can you help me find a train going to the stansted airport leaving after 18:45 ? eos O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O N/A +bos what day will you be traveling and from where ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i will be departing on thursday from cambridge . eos O O O O O O B-Train-Inform+Day O O O N/A +bos the earliest train is tr9030 . it will depart at 19:40 and arrive at the airport at 20:08. the price is 10.10 pounds . would you like to book ? eos O O O O O B-Train-Inform+Id O 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos i 'm not very good with numbers . can you tell me the travel time of that leg ? 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 travel time is 28 minutes . would you like reservations ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O Train-OfferBook +bos no . not interested in making a reservation but you can help me find a restaurant that serves belgian food 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 i 'm sorry , we do n't have any belgian 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 how about african food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos we do have an african restaurant called bedouin . it is located in the centre and is in the expensive price range . would you like me to book a table ? eos O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O B-Restaurant-Recommend+Name O O O O O B-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 O O O O Booking-Inform +bos could you just give me the postcode and address ? eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 100 mill road city centre and the postcode is cb12bd . can i help you with anything else today ? 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 O O O O O O O general-reqmore +bos no , that 'll be all ! thank you ! eos O O O O O O O O O O O general-thank +bos okay . 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-welcome,general-bye,general-greet +bos i need some information on a train departing from peterborough . eos O O O O O O O O O O B-Train-Inform+Depart O N/A +bos i can help you with that ! what information are you 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 to cambridge that leaves after 4:15 pm . eos O O O O O O B-Train-Inform+Dest O O O O O O N/A +bos what day are you looking for the train ? eos 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 there 's a train going from peterborough , leaving at 16:48. will that work ? eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos that may work . what is the train id , travel time , and arrival 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+Arrive,Train-Request+TrainID +bos train id is tr0992 , it departs at 16:48 and arrives at 17:38. eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O N/A +bos how long is the train ride ? eos O O O O O O O O Train-Inform +bos the train ride will last 50 minutes from 16:48 to 17:38. eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time B-Train-Inform+Leave O B-Train-Inform+Arrive N/A +bos great , thanks . can you also help with finding a great restaurant to eat at . i want something in the centre of town and moderately priced if possible . eos 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 B-Restaurant-Inform+Price O O O O O O O N/A +bos great , i have 21 options for you ! eos O O O O O B-Restaurant-Inform+Choice O O O O N/A +bos 21 in the moderate price in the centre ? which one do you say is best ? eos O O O O O O O O O O O O O O O O O O N/A +bos it would really depend on what kind of food you like . what is your favorite cuisine ? eos 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 open to anything , ill go with what you recommend and take a booking for three people at 20:00 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 i have reserved a table for you at restaurant one seven , it 's a real popular locale . your reference number is jnnu896z . 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 N/A +bos thanks so much , that 's all i needed help with today ! eos O O O O O O O O O O O O O O general-thank +bos you are welcome and thanks for using our services eos O O O O O O O O O O general-welcome +bos i 'm looking to find an expensive italian restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos there are 5 expensive italian restaurants , would you like one in the south or centre ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A +bos i would liek one in the centre eos O O O O O O O B-Restaurant-Inform+Area N/A +bos there are four in the centre- stazione restaurant and coffee bar , clowns cafe , don pasquale pizzeria , and caffe uno . can i book one of those for you ? 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 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 yes , i 'd like to try the don pasquale pizzeria . could you book a table for 5 , at 19: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 O O N/A +bos it is booked here is your ref number c1afq9dd is there anything else you need ? eos O O O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O general-reqmore +bos i also need a train from broxbourne to cambridge , arriving by 10:15. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Arrive O N/A +bos i 'd be happy to help with your request , but first i 'll need to know 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 O O O O O O Train-Request+Day +bos i will also be on sunday . eos O O O O O O B-Train-Inform+Day O N/A +bos tr3111 will depart at 8:32 and arrive by 9:32. it will cost 14.32 pounds . would you like to reserve seats ? eos O B-Train-Inform+Id 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 Train-OfferBook +bos yes , the for same group of people please eos O O O O O O O O O O N/A +bos your seats have been reserved . the total fee is 71.59 gbp payable at the station . your reference number is 3mfuv33s . is there anything else i can assist you with ? 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 O O O B-Train-Inform+Ref O O O O O O O O O O O O Train-OfferBooked +bos no , you have been great . 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 thank you and be sure to use 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 where is the addenbrookes hospital ? eos O O O O O O O Hospital-Inform +bos it 's located at hills rd , cambridge , you can reach them via telephone at 01223245151. eos O O O O O O O O O O O O O O O O O O N/A +bos thanks , do they have a children 's oncology and haematology department ? eos 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 O N/A +bos yes , they do . that department can be reached directly at 01223217231. can i be of any further 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 O N/A +bos no , that 's all i needed to know . thank you . eos O O O O O O O O O O O O O O general-thank +bos my pleasure , if you should need more information please 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 general-welcome +bos i will . goodbye . eos O O O O O O general-bye +bos goodbye . hope everything turns out okay ! eos O O O O O O O O O general-bye +bos i 'm looking for a train that runs on tuesday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos sounds good , where will you be arriving from and going to ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i will be departing from london liverpool street and arriving at cambridge . 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 N/A +bos i have many travel time to choose from . do you have a preferred travel time ? 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 want to leave after 14:45. eos O O O O O O B-Train-Inform+Leave N/A +bos the tr5245 leaves london liverpool street at 15:39 and gets into cambridge at 17:07. would you like me to book it for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-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 O O O O O O O O O Train-OfferBook +bos that sounds great . will you make a booking for 5 people please ? and i 'd like the reference number for my records . eos O O O O O 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 will book it for you for 6 people eos O O O O O O O O O O O N/A +bos actually i only need it for 5 people and i will need a reference number . eos 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 83 gbp payable at the station . reference number is : 7f4ohhp6 payable at the desk , any other questions 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 O general-reqmore +bos yes , could you help me find a north american restaurant that is expensive . eos 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 the gourmet formal kitchen is a great choice . shall i book it ? 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 Booking-Inform +bos yes , book it for 5 people on tuesday at 17:00. do not forget to send my reference number ! 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 O O O O N/A +bos okay , you are booked . ref no . ibi16v4a eos O O O O O O O B-Booking-Book+Ref O O O N/A +bos great ! ! thank you for all your help . 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 was all , thank you ! eos 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 i want 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 N/A +bos the cambridge chop house serves british food , it is in the centre of town and is in the expensive price range . 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A +bos great , what is the postcode and phone number ? eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the postcode is cb21sj and the phone number is 01223359506. eos O O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone N/A +bos i also need a train from cambridge to stansted airport . can you please look that up for me . 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 O O O O O N/A +bos i got 5 choices . 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 Train-Request+Leave +bos i just need to leave on wednesday and should arrive by 18:15. eos O O O O O O O O B-Train-Inform+Day O O O O N/A +bos train tr2912 arrives at stansted airport at 17:08. would you like to reserve a ticket ? eos O O B-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 O Train-OfferBook +bos what is the departure time ? eos 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 O N/A +bos ok , thank you . 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 ok , if that 's all you need , i 'm happy to have been of 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 O O O O O general-bye +bos i am looking for the addenbrookes hospital , this hospital should be the one with an infectious diseases department . eos O O O O O O O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O O O N/A +bos okay , that department 's number is 01223217314. would you like any other assistance ? eos O O O O O O O O O O O O O O O O N/A +bos can i please have the address as well ? eos O O O O O O O O O O Hospital-Request+Addr +bos ok , the addenbrookes hospital is located on hills rd in cambridge . the postal code is cb20qq . 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 N/A +bos just to clarify ; the hospital does have an infectious diseases department , correct ? eos O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O O O O O N/A +bos yes indeed they do . the number i gave you earlier ( 01223217314 ) goes straight to infectious diseases . is that everything you 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 O O O O O N/A +bos yes , that 's all i need . thanks . eos O O O O O O O O O O O general-thank +bos thank you again ! 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 general-reqmore +bos what is the address ? eos O O O O O O Hospital-Request+Addr +bos addenbrookes hospital is located on hills rd in cambridge . the postal code is cb20qq . eos O O O O O O O O O O O O O O O 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 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-greet +bos i am looking for an expensive italian restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos how about cafe uno , in the centre of town , 32 bridge street city centre 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 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 sounds good . could you book me a reservation for 8 , friday , at 16:15 ? 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 N/A +bos i 'm sorry , i 'm unable to book you a table at 16:15. would you like to try another time ? eos O O O O O O O O O O O B-Booking-NoBook+Time O O O O O O O O O O O Booking-Request+Time +bos maybe 15:15 work work then . could you try that ? eos O O B-Restaurant-Inform+Time O O O O O O O O O N/A +bos your booking was successful . you have a table reserved for 15 minutes . your reference number is bvu9etyf . 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 great , thanks ! can you also help me find a train departing norwich arriving by 11:45 ? eos O O O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive O O N/A +bos did you want that train for friday ? eos O O O O O O O O O Train-Request+Day +bos yes , i do . i 'll be taking the train into cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos there are 6 trains leaving to cambridge on friday . we have one leaving at 10:16 and arriving by 11:35. would that be okay ? 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 B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O general-reqmore +bos that would be perfect ! please make a booking for 8 people . eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos i was able to book the train for you . the reference number is 4itz3zmo and the total fee is 140.8 gbp 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 O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O N/A +bos great ! that is all i need today . eos O O O O O O O O O O N/A +bos thank you . have a good day . eos O O O O O O O O O general-bye +bos i am looking for a train departing from cambridge that will arrive at bishops stortford . eos 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 O N/A +bos there are many trains that leave cambridge and arrive in bishops stortford , what day and time would you like to leave ? eos O O O B-Train-Inform+Choice 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 O O O O Train-Request+Leave,Train-Request+Day +bos i would like to leave on thursday and arrive no later than 18: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 i have found six trains leaving on thursday with the latest leaving at 15:29 and arriving by 16:07. would you like to book this ? eos O 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 B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos that sounds like a good one . can i please have the reference number ? eos O O O O O O O O O O O O O O O O Train-Request+Ref +bos train tr7759 is leaving on thursday at 15:29 to arrive by 16:07. eos O O B-Train-Inform+Id O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos could you book 3 tickets for me and send me 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 you got it , your reference number is 2xqu7jjs . thanks . eos O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A +bos your train leaves cambridge at 15:29 and arrives at 16:07 at bishops stortford , i will also look for you a japanese restaurant in centre and expensive . eos O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O N/A +bos certainly , wagamama is in centre and expensive . how many people will be dining ? eos O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O O O O O Booking-Request+People +bos i would like to book a table for 3. may i also have the phone number and postcode 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos what day will you be dining ? eos O O O O O O O O Booking-Request+Day +bos i would like to go on thursday evening . eos O O O O O O O B-Restaurant-Inform+Day O O N/A +bos i would be happy to make that reservation for you , what time would you like that for ? 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-Inform +bos that wo n't be necessary , could you just provide me with 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos their phone number is 01223462354 and their postcode is cb23ar . eos O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post 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 thank you for using our system ! eos O O O O O O O O general-bye +bos i am looking to get to the rajmahal restaurant please , how do i get there ? 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 would you like for me to book you a taxi to the restaurant ? eos O O O O O O O O O O O O O O O Taxi-Request+Dest,general-reqmore +bos i need you to book the restaurant for me if that 's okay . for 2 people at 19:45 on tuesday is what i request . can i get the reference number too ? 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 O O O O O O O O O O O O Restaurant-Request+Ref +bos okay i booked it and your reference number is 8d21zmgt . have a great day . eos O O O O O O O O O O B-Booking-Book+Ref O O O O O O general-bye +bos actually , i 'm also looking for a train . i need to go to london kings cross on the same day as the restaurant booking . 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 O O O O O O O O O O O N/A +bos no problem . would you like to specify where you 're departing from and what time 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 Train-Request+Leave,Train-Request+Depart +bos i am departing from london kings cross and need to go to cambridge . i want to arrive by 09:15. 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 O O O O B-Train-Inform+Arrive O N/A +bos i have several options to get you where you are going that arrive before 9:15. which day would you be traveling ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O B-Train-Inform+Arrive 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 there are two trains for that search . would you look me to book you the one that leaves at 05:17 ? eos O O O O O O O O O O O O O O O O O O O O B-Train-OfferBook+Leave O O N/A +bos what are the travel times for those trains ? eos O O O O O O O O O O Train-Request+Duration +bos they are both 51 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you , that should be all for today . eos O O O O O O O O O O O general-thank +bos excellent ! have a wonderful day , and thank you for using our service . eos O O O O O O O O O O O O O O O O general-bye +bos when i i get to cambridge i need to know where to find a restaurant called frankie and bennys . 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 N/A +bos frankie and bennys is located at cambridge leisure park clifton way cherry hinton . their postcode is cb17dy and their phone number is 01223412430. 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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O N/A +bos ok i need to book a reservation for 3 people at 18:00 on tuesday , i will need a reference number as well . 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 N/A +bos okay you 're all ready to go for tuesday at 18:00. your reference number is v6r6j5j2 . can i help you with anything else ? eos O O O O O 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 general-reqmore +bos i need to book a train that leaves from leicester on tuesday also . 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 6 trains leaving after your reservation starting on the :09 of the hour from 19:09 to 23:09. would you like me to book one of these ? eos O O O O B-Train-Inform+Choice 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 I-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos i need a train bound to cambrige that arrives by 13:45. eos O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos the latest train we have leaving from cambridge to leicester leaves at 11:09 on tuesday and arrives in cambridge by 12:54. departure times begin at 5:09 and occur every hour . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Dest O O O O B-Train-Inform+Day I-Train-Inform+Day O O O O B-Train-Inform+Arrive O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O N/A +bos the 11:09 train would be fine . i need 3 tickets 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 O O N/A +bos booking was successful , the total fee is 113.4 gbp payable at the station . reference number is : e1ivjm0g . 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 thank you for your help you have been great to deal with . eos O O O O O O O O O O O O O O O general-thank +bos thank you so much . greatly appreciated . ' eos 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 have a great day . eos O O O O O O general-bye +bos hello ! i am looking to book reservations at sala thong . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos ah yes , i have that right here . it 's an expensive thai restaurant in the west end . how many people would you like to reserve a table for , and what day/time ? eos 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 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-Request+People,Booking-Request+Time,Booking-Request+Day +bos that 's all the info i needed . thanks . eos O O O O O O O O O O O general-thank +bos are you sure you do n't need help with anything else ? eos O O O O O O O O O O O O O general-reqmore +bos i 'd also like to know if there 's a swimmingpool in the east . eos 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 abbey pool and astroturf pitch is in the east . would you like the address and postal code ? 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 O O O O O O N/A +bos just the address would be fine . thanks . eos O O O O O O O O O O Attraction-Request+Addr +bos sure thing . the address is pool way , whitehill road , off newmarket road . can i help with anything else ? eos 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 O O O O O O O O general-reqmore +bos yes , i need a taxi from the pool to the restaurant , i would like to leave the pool place at 10: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 N/A +bos booking complete ! a grey toyota will collect you at abbey pool and astroturf pitch at 10:00 , heading to sala thong . the driver 's contact number is 07847553074. will that be all today ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , you have helped tremendously . thank you . eos O O O O O O O O O O O general-thank +bos thank you , have a nice day . bye . eos O O O O O O O O O O O general-welcome,general-bye +bos are there any australian food places in the south 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 i was not able to find any australian restaurants in the south part of town eos O O O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O O N/A +bos are you sure ? i am really looking for an expensive australian place to dine in the south . eos 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 N/A +bos yes , there are no expensive australian restaurants in the south part of town . would you like to look in a different area ? eos 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 O O Restaurant-Request+Area +bos no , lets keep the same area but see if there might be an indian restaurant instead . 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 how about taj tandoori ? it is an expensive indian restaurant in the south side . 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 O O O N/A +bos okay . i want to book a table for 5 people at 16:30 on sunday . 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 not able to book you a table for this 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos can you see if a table is available at 15:30 ? eos O O O O O O O O O O B-Restaurant-Inform+Time O N/A +bos i was able to book a table of 5 for 15:30 at taj tandoori on sunday . your reference number is hjzcph80 , your table will be reserved for 15 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 N/A +bos great thank you for your help today . eos O O O O O O O O O general-thank +bos it was my pleasure . was there anything else i could 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 it for today . goodbye . eos O O O O O O O O O O O general-bye +bos thank you for calling in , enjoy ! eos O O O O O O O O O general-bye +bos hi ! are there any asian oriental restaurants in the center of town ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O N/A +bos i have 4 different options for you . did you prefer a certain 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 +bos something moderately priced would be great . eos O O B-Restaurant-Inform+Price O O O O O N/A +bos the yippee noodle bar is an asian oriental restraunt in the town centre with a moderate price . would you like to make a booking ? eos 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform +bos yes i need a table for 4 on saturday . eos O O O O O O O O O O O N/A +bos what time shall we make that booking for ? eos O O O O O O O O O O Booking-Request+Time +bos 16:30 please . eos O B-Restaurant-Inform+Time O O N/A +bos okay , i successfully booked that table for you at 1630 for your party . please arrive on time , as the table is only reserved for 15 minutes.your reference number is lsay2yox . eos O O O O O O O O O O B-Booking-Book+Time 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 think that 's everything i need . eos 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 'm looking for a train that departs from peterborough and arrives by 19: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 where would you like to go to ? eos O O O O O O O O O Train-Request+Dest +bos i am going to cambridge on sunday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there is a train that arrives at 19:09. would that do ? eos O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos sure would . what time does it depart and 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 leaves at 5:19 13.2 gbp payable at the station your reference number is clpw6or9 eos O O O B-Train-OfferBooked+Leave 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 thanks i appreciate your service . can you also assist me with finding a place to stay ? the hotel should be a moderately priced 4 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 B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O Train-Request+Price +bos what area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos in the south and preferably a 4 star which is moderately priced eos O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O O Train-Request+Price +bos aylesbray lodge guest house meets all those requirements , would you like to stay 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 Booking-Inform +bos yes , please . can you book it for 5 people and 3 nights starting from the day we arrive ? 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 O O O O N/A +bos booking was successful.reference number is : axd7w0b9 eos O O O O O O O B-Booking-Book+Ref N/A +bos thanks for the service , that is all i need . eos O O O O O O O O O O O O general-thank +bos enjoy your time with us ! eos O O O O O O O general-bye +bos i 'm looking for an italian restaurant in the centre . what is available ? eos 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 have a couple i can recommend for you , is there a certain price range you would like to stay in ? 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 O Restaurant-Request+Price +bos i want it to be in the moderate price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos the two italian restaurants in the area are pizza express on regent street and pizza express fen ditton . would you like to reserve a table ? eos O O O B-Restaurant-Inform+Food 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+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform +bos can you give me the phone number of the one on regent street ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223324033 , do you need any more help ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos yes , i 'm looking for some sports activities in the same area . are there any places like that nearby ? 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 , there are no sports activities in the centre . would you like to try another 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 N/A +bos no , can you tell me if there are any museums in the same area ? eos 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 several . are interested in art , archaeology or the history of science ? all are free , by the way . eos O O O B-Attraction-Inform+Choice 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 B-Attraction-Inform+Fee O O O O O O O N/A +bos 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 . eos O O O O O O O O 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 personally , i love the museum of archaeology and anthropology . the phone number is 01223333516 and the postcode is cb23dz . is there 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 I-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 O O O N/A +bos yes , can i get the entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos it is free admittance . eos O O O B-Attraction-Inform+Fee O O N/A +bos great , thanks ! that 's all i need 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 i am looking for a park to go to . eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos is there a particular area of town you 'd like to spend time in ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area +bos i would prefer the south side of cambridge . eos O O O O O B-Attraction-Inform+Area O O O O N/A +bos i have two parks in the south . the sheep 's green and lammas land park fen causeway and the other is wandlebury country park . would you like info on either one ? eos O 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 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-Select +bos yes . please give me the entrance fee , address , and phone number for the sheep 's green , please . 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 I-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Phone,Attraction-Request+Fee +bos the phone number is 01223302580 and admission is free eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Fee N/A +bos thank you . i 'm also look for an expensive hotel , not a guesthouse , to stay in . i 'd like it to have free wifi and it needs to have 2 stars . 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 O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos we have an expensive 2 star hotel in the east called express by holiday inn cambridge . it 's located at 15-17 norman way , coldhams business park . do you need a reservation ? eos O O 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 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+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 do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes they have free parking as well as free wifi . eos O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos please do the booking for me..two persons eos O O O O O O O O N/A +bos when will you arrive and how many days will you be staying ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos sorry , do n't want to book right now . but i do need a taxi to get between the attraction and 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 B-Hotel-Inform+Type O O O N/A +bos i can do that . i just need to 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 Taxi-Request+Arrive,Taxi-Request+Leave +bos i need to leave the attraction by 11:30. eos O O O O O O O O O Attraction-Inform +bos how many people will be traveling ? eos O O O O O O O O Booking-Request+People +bos just me , thank you . eos O O O O O O O general-thank +bos no problem ! a red ford will pick you up from the park , contact number 07109413810. 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 B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Phone O O O O O O O O O general-welcome,general-reqmore +bos thank you , that is all i need for to today . eos 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,general-bye +bos i would like to find a guesthouse in cambridge that has free wifi . eos O O O O O O O O O O O O O O O N/A +bos i have 32 hotels . do you have any other preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O general-reqmore +bos i 'm 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 O N/A +bos in what area of town would you like it to be ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos i do n't have a preference but i would like free wifi , parking in a 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 found 9 hotels that meet your criteria . do you have a preference on the hotels star rating ? 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 do n't have any preference on star rating . whichever one that meets my previous criteria 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 recommend the allenbell . would you like me to book a room for you ? eos O O O O B-Hotel-Recommend+Name O O O O O O O O O O O O Booking-Inform +bos no , but could you give me their address , phone number , and post code ? 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 at 517a coldham lane , postcode is cb13js , and the phone number is 01223210353. is there anything else i can help you with today ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 general-reqmore +bos i 'm looking for somewhere to go in the western part of town , i 'm a big sports fan so it should involve any type of sport . eos O O O O O O O O O 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 only multiple sports center is the cherry hinton village centre in the east , would you care for that or something else in the west ? eos O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type 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 O O O O O O O O O O O O O general-reqmore +bos that is fine , i just need to know 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 do n't have any information about the entrance fee . i 'm sure you could call and ask them . their phone number is 01223576412. 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 O O O O O O B-Attraction-Inform+Phone O O O O N/A +bos okay thank you . that was all i needed to know . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos thank you , i hope you have a pleasant stay ! eos O O O O O O O O O O O O general-bye +bos i need information on places to go and see . eos O O O O O O O O O O O N/A +bos there are 79 attractions , do you have an idea of the type 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 yes , i would like the type of college . i will need the address and postcode please . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos can i recommend christ 's college ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos yes could i have the address and postcode of the college please . eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the address is saint andrew 's street . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos what is the postcode ? eos O O O O O O Attraction-Request+Post +bos the postcode is cb23bu . can i help you find 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 i 'm also looking for a moderately priced guesthouse , one with a four star rating . if it does n't have free parking , that 's fine . 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 O O O O O O O O O O N/A +bos there are 11 guesthouses that fit your criteria . do you have a preference of north , south or east ? 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+Area I-Hotel-Select+Area O N/A +bos the area does n't matter . i 'll go with whatever guesthouse you recommend . please make my reservation for 3 people , 5 nights , starting thursday . thanks . 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 O O O O O O O N/A +bos i have you booked at archway house , the reference number is n8irhqyo , any further questions ? 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 general-reqmore +bos could you also get me a taxi between the two that leaves the hotel by 6:15 ? eos O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos the taxi is booked . it 's going to be a yellow tesla . their phone number is 07606976296. 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 N/A +bos thanks . i do n't need anything else . eos O O O O O O O O O O general-thank +bos i am glad i have been of help . good day eos O O O O O O O O O O O O general-welcome,general-bye +bos have a great one . thanks again for your help . goodbye . eos O O O O O O O O O O O O O O general-bye +bos thank you , i 'm glad i could be of help . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos are there any theatres nearby ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there are 4 theater 's in the centre area and one in the south . would you like more information on any of them ? eos O O O O B-Attraction-Inform+Type 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 O O O general-reqmore +bos could you please recommend 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 i recommend the mumford theatre in the centre . their phone number is 08451962320. is there anything else i can help you with ? eos O 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 O O O general-reqmore +bos i also need to find a guesthouse to say in . preferably a 0 star one . eos O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O O O N/A +bos city centre north b and b is a zero star guesthouse . would you like me to book a room for you ? eos 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+Stars I-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O O O O O O O O O O Booking-Inform +bos i 'm guessing that 's in the centre area of town ? i actually need a guesthouse in the south with free parking . 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 O O N/A +bos i 'm sorry but there are no guesthouses in the south with zero stars and free parking . there is a 3-star guesthouse called bridge guest house . are you interested ? 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 B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars O O O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O Booking-Inform +bos no let 's try looking in the north instead eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos city centre north b and b is in the north area and has free parking . would like reservations ? eos 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 O Hotel-Recommend+Parking,Booking-Inform +bos yes , please 5 people for 5 nights on saturday . eos O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O N/A +bos have you booked , 9l1suxc3 is your confirmation . anything else ? eos O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O general-reqmore +bos just a taxi leaving the theatre by 10:45 and going to the hotel . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O N/A +bos your ride will be there at 10:45. they will be in a black audi and their number is 07262280207. eos 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 B-Taxi-Inform+Phone N/A +bos can i get a shuttle back to the airport ? eos O O O O O O O O O O O N/A +bos a shuttle ? we do n't provide those , we do have trains however . eos O O O O O O O O O O O O O O O O N/A +bos i mean i would love to have a taxi eos O O O O O O O O O O Taxi-Inform +bos i 've already booked you a taxi - the information is above . 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 Taxi-Inform,general-reqmore +bos nope , that 's all i needed . thanks , and goodbye ! eos O O O O O O O O O O O O O O general-bye +bos alright , glad to be of service . bye ! eos O O O O O O O O O O O general-welcome,general-bye +bos hello , i am looking for a museum attraction in the south part 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 O N/A +bos byard art is a museum in the south . it is free and located at 14 king 's parace . phone # 01223464646. eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Phone O O O O N/A +bos sorry , i think i garbled that- it 's at 14 king 's ... what 's the address again ? 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 i am not sure what you asked the address is in the chat history . thanks eos O O O O O O O O O O O O O O O O O general-greet +bos ok , thank you . also , i need a place to stay in the moderate price range . free parking is not necessary . 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 B-Hotel-Inform+Parking 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 to stay in the east . eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos there is carolina bed and breakfast that is 4 stars and moderately priced . it has free parking and internet . would you like me to book this 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 B-Hotel-Recommend+Stars 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no thanks . that 's all the help 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 today ! eos O O O O O O O O O general-greet +bos actually , could you find a hotel for me ? 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 O O O B-Hotel-Inform+Price O O O O O N/A +bos carolina bed and breakfast is a great pic . it 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-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O 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+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos that sounds lovely . could you book it for me please ? the 4 of us are coming in on sunday for 4 nights . 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 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 thank you , please do ! eos O O O O O O O general-thank +bos done ! your reference number is lfn02vlj . 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 yes i will need a taxi between the hotel and venue and i need to leave the hotel by 22: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 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 . leaving the hotel by 22:45. eos O O O O O O O B-Taxi-Inform+Leave O O N/A +bos the car picking you up will be a black tesla and their contact number is 07911492515. is there anything else i can 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 O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos no that will be it . thank you . eos 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-reqmore +bos i need the address to a college in town eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos any specific price range to help narrow down available options ? eos O O O O O O O O O O O O Attraction-Request+Price +bos yes , what are the entrance fees ? eos O O O O O O O O O Attraction-Request+Fee +bos i 'd recommend christ 's college , it 's free to enter . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O N/A +bos thank you i also would like to get a place to stay in the south . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos i have many options . do you have preference on price ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Price +bos the price does n't matter it just needs to be a hotel . i do n't need internet . eos 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 the lensfield hotel is a match for you . it 's located at 53-57 lensfield road . do you need anything else ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name 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 general-reqmore +bos no , that 's all . thank you . 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,general-greet +bos hi , i 'm looking for a guesthouse . do you know of any 4-star properties ? eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos there are many options that are 4 star . is there a particular area or price point you would like to stay in ? eos O O O B-Hotel-Inform+Choice I-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 Hotel-Request+Area,Hotel-Request+Price +bos no particular area but free parking would be nice eos O O O O O O O O O O Attraction-Request+Area +bos acorn guest house located in the north is a 4 star location with free parking and wifi , would that suit your needs ? 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 B-Hotel-Recommend+Stars O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos yes please book that for 5 people for 3 nights starting on 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 booking was successful . your reference number is : dki36rgy . is there anything else i can do to help you today ? eos 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 general-reqmore +bos actually , yes . i wanted to visit a college whilst i 'm in town . could you recommend one for me ? 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 we have a large number of colleges , could you tell me the area you would like to visit one in ? eos 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 O O O O O O O O O Attraction-Request+Area +bos i really do not have a preference on the area . which one would you recommend ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos christ 's college is free and located in the centre . would you like anything else today ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O B-Attraction-Recommend+Area O O O O O O O O O general-reqmore +bos can you give me the phone number for it ? eos O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223334900 eos O O O O O B-Attraction-Inform+Phone N/A +bos i will also need a taxi between them . i need to leave the hotel by 24:45. eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos a red volkswagen is booked . 07772378395 is the number . do you need more help ? eos 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 general-reqmore +bos that is all i need , thanks . eos O O O O O O O O O general-thank +bos okay , i 'm glad to have assisted you today ! eos O O O O O O O O O O O O general-welcome +bos i want to stay at an expensive 4 star hotel . eos O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O N/A +bos great there are 2 very nice options . huntingdon in the west and university arms 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 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 would like to stay at university arms , 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 absolutely ! how many people should i make the reservation for 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,general-greet +bos four people for four nights . eos O O O O O O O N/A +bos and what night do you wish to arrive ? eos O O O O O O O O O O Booking-Request+Day +bos i will be staying tonight . is there parking available ? eos O O O O O O O O O O O O Hotel-Request+Parking +bos yes there is parking eos O O O O O Hotel-Inform+Parking +bos can you also tell me some places to go in the same area ? eos O O O O O O O O O O O O O O O N/A +bos do you not need the hotel reservation then ? 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 Attraction-Request+Type,general-reqmore +bos i do n't have a preference . eos O O O O O O O O N/A +bos there are colleges and museums in the area , would you like information on one of them ? eos 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 yes , can you please send me the info on a college ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos how about churchill college ? it 's address is storey 's way , their postcode is cb30ds , phone number is 01223336233 , and entrance is free . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Post O O O B-Attraction-Recommend+Phone O O O B-Attraction-Recommend+Fee O O O O O O O N/A +bos that sounds perfect . that is all i need today . eos O O O O O O O O O O O O N/A +bos if you need anything else do n't hesitate to contact us again , good day . eos O O O O O O O O O O O O O O O O O general-bye,general-reqmore +bos what entertainment attractions are there in the east side of town ? eos O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O N/A +bos the cherry hinton hall and grounds is located on cherry hinton road and is always a fun place . does that interest you ? 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 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 Attraction-Select +bos that sounds great . can you give me their phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos sure . their number is 01223446104. 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 O general-reqmore +bos do you have any information on their entrance fees ? eos O O O O O O O O O O O Attraction-Request+Fee +bos unfortunately , they have n't listed their entrance fees . 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 N/A +bos that 's ok. i 'll call them . can you help me find a moderately priced place to stay ? 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 are you looking to stay in the east ? there are three moderately priced , 4 star guesthouses there . eos O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A +bos what about 3 star places ? and i need free parking . eos O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos i 'm sorry there are no matching results . eos O O O O O O O O O O Hotel-NoOffer +bos can you try a guesthouse withouth free parking ? eos O O O O O B-Hotel-Inform+Type O O O O N/A +bos i 'm not finding any guesthouses that meet your criteria . would you like to try a different area , price range , or stars ? 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 O O Hotel-Request+Area,Hotel-Request+Stars,Hotel-Request+Price +bos so you ca n't find a moderately priced guesthouse with 3 stars and free parking anywhere in cambridge at all ? area does n't matter . please try again ? 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 O O O O O O N/A +bos i cant find it anywhere . can we change the price range ? eos O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price +bos 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 3 stars 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 O O B-Hotel-Inform+Stars O O O O O O N/A +bos there are no hotels matching your criteria in the east , but there are 3 hotels in the south , north , and west . would you like to try one of those ? eos O O O O B-Hotel-NoOffer+Type O O O O O B-Hotel-NoOffer+Area 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 O O O O Hotel-Select +bos ok , thanks anyway for your help eos O O O O O O O O general-thank +bos are you sure you do n't want me to check another area for you to stay ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos any moderately price guesthouse will work eos O O O O O O O N/A +bos i have the hamilton lodge located in the north . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O N/A +bos does it offer free parking ? if yes , please book a room for 2 for 2 nights . we 'll be checking in on wednesday eos O O 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+Day O O O O N/A +bos your all set confirmation is ead5dhhc . anything else for you today ? eos O O O O O O B-Booking-Book+Ref 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 this service good bye eos O O O O O O O O O general-bye +bos hello , i heard cambridge has some really awesome indian restaurants so i 'd love to try one of them please . an expensive one . 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 B-Restaurant-Inform+Price O O O O O N/A +bos i have a number of indian restaurants available , do you want to go to a particular area of town ? 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+Area +bos i would love to dine in the west . eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos one of the best indian restaurants in all of cambridge - tandoori palace - is in the west . would you like to book a table there ? eos O O O O O B-Restaurant-Recommend+Food O O O O O O B-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 Booking-Inform +bos yes , for 6 at 13:00 on tuesday . thank you . eos 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 your reference number is 991xh2ua . 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 i need a hotel in the expensive price range with a star of 3 eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars N/A +bos i have two such hotels , one in the center and one in the south . do yo 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 O Hotel-Request+Area +bos i prefer something with free wifi . i do n't want to stay in a guesthouse and prefer a 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 O N/A +bos great , there is the gonville hotel and the lensfield hotel . in the centre and south respectively . 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O N/A +bos do those hotels have free parking ? eos O O O B-Hotel-Inform+Type O O O O Hotel-Request+Parking +bos both of the hotels have free parking . eos O O O O O O O O O Hotel-Inform+Parking +bos thank you . that 's all i need . eos O O O O O O O O O O general-thank +bos may i further help you with booking ? eos O O O O O O O O O Booking-Inform +bos no that is enough for today eos O O O O O O O N/A +bos enjoy your visit to cambridge eos O O O O O O general-bye +bos i had car accident dispute and am looking for help eos 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 great , do you have the address and postcode ? eos 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 . eos O O O O O O O O O O O N/A +bos thanks , i 'm going to call right now . goodbye . eos O O O O O O O O O O O O O general-bye +bos do you need any further assistance ? eos O O O O O O O O general-reqmore +bos no . thank you so much for all of your help ! eos O O O O O O O O O O O O O general-thank +bos you 're welcome . take care and call us again . 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 be in the moderate price range 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 N/A +bos the curry prince restaurant is in the east and is moderately priced . their phone is 01223566388. 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Phone O N/A +bos thank you for the 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 yes , could you book me a table for 6 at 19:45 on saturday ? 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 your table is reserved . your reference number is u60sc89j . may i help you with something 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 would you confirm this is an indian restaurant , please ? it sounds like one . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos yes it is an indian restaurant in the east . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area 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 you 're welcome . thank you so much for calling us today . eos O O O O O O O O O O O O O O general-bye +bos you 're welcome and goodbye . eos O O O O O O O general-bye +bos have a wonderful day and 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 i am at sidney sussex college . i need to book a taxi to take me to ely train station . eos 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 17:15. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos your booking is complete ! it will be a red honda . the taxi contact number is 07850259093. 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 i think that is all , thank you good bye . eos O O O O O O O O O O O O general-bye +bos glad i could help , you have a great day , bye . eos O O O O O O 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 cheap price range and should serve chinese 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 N/A +bos charlie chan is a great choice ! would 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 O Booking-Inform +bos which area is it in ? eos O O O O O O O Restaurant-Request+Area +bos it 's in the centre of town . eos O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos thanks for you help . that is all i need for now . 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 i need a taxi to come to royal standard and take me to maharajah tandoori restaurant . 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 I-Taxi-Inform+Dest O N/A +bos i would be happy to help with your request , but first i will need to know , what time you would like to leave/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+Leave,Taxi-Request+Arrive +bos i need to leave after 14:30. eos O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! booked car type : black volkswagencontact number : 07248386378 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 i am looking for a restaurant . the restaurant should be in the south and should serve french food 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 N/A +bos there are none . would you like to try a different cuisine or area ? 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 how about a restaurant 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 restaurant alimentum has gotten good reviews ! eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos great , i would like a reservation for 7 people on friday at 19:00. please give me the reservation number . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : nchj21bd . 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 for your help eos O O O O O O general-thank +bos may i help you with anything else ? do you need a taxi ? eos O O O O O O O O O O O O O O O general-reqmore +bos no i 'm good to go but thank you eos O O O O O O O O O O general-thank +bos great , thank you for allowing me to help you today . eos O O O O O O O O O O O O O general-greet +bos hi , where can i find addenbrookes hospital ? eos O O O O O O O O O O Hospital-Inform +bos the addenbrookes hospital is located at hills rd , cambridge . 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 N/A +bos no but i need the phone number eos O O O O O O O O Hospital-Request+Phone +bos their 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 thanks , that 's all . good bye . eos O O O O O O O O O O general-bye +bos bye , thanks for using our service today . eos O O O O O O O O O O general-bye +bos am looking for hospital in town . eos O O O O O O O O Hospital-Inform +bos i have the addenbrookes hospital on hills road in cambridge . their phone number is 01223245151. eos 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 Hospital-Request+Post +bos the postcode is cb20qq . 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 i 'm looking for a cheap place to eat . eos O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos there a good number of cheap restaurants in town . are you looking for a particular type of food ? 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 O O O Restaurant-Request+Food +bos no , i just want to try something new . could you suggest a couple of less common cuisines ? 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 would recommend the gardenia , a mediterranean restaurant located in the centre of town at 2 rose crescent city centre . would you be interested in reserving a table ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area 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 , reserve a table for two on thursday eos O O O O O O O O B-Restaurant-Inform+Day O N/A +bos sure , i just need to know what time you would like to dine . eos O O O O O O O O O O O O O O O O Booking-Request+Time +bos at 14:00 please eos O O B-Restaurant-Inform+Time O N/A +bos i have reserved your table . your reference # is gdp785rs . 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 yes , i also need a train departing from bishops stortford going to cambridge . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A +bos what day would you be traveling on ? eos O O O O O O O O O Train-Request+Day +bos i will be traveling on thursday , the same as the restaurant reservation . eos O O O O O O B-Restaurant-Inform+Day O O O O O O O O N/A +bos there 's a train leaving every two hours on thursday , what time would you like to depart ? eos O O O O O O O O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Leave +bos it does n't really matter , but i need to be there by 9:30. so , the closest i can get to that will be 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 N/A +bos ok great . the tr1242 will fit your needs . how many tickets would you like to book ? eos O O O O B-Train-Inform+Id O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos no thank you , but could you let me know the length of travel and the price of the train 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 Train-Request+Price +bos it 's a 38 minute ride and it will cost 10.10. eos O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Ticket O N/A +bos that is all i wanted for today . thanks eos O O O O O O O O O O general-thank +bos your welcome . it 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 hello , i am looking for info on a restaurant in northern cambridge that has moderate prices . could you help me ? eos O O 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 N/A +bos we have one chinese and one indian restaurant that matches your criteria . would you like to make a reservation at 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 N/A +bos the indian one sounds perfect . i do n't need a reservation just yet . what is the name of it ? eos 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 N/A +bos the name of it is the nirala . can i help you with anything else today ? 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 general-reqmore +bos no , that is 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 N/A +bos i 'm glad to have been of help . enjoy the rest of your 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 am looking for some train information for my trip . also , 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 O O O O Restaurant-Inform,Train-Inform +bos ok. i can help you with both of those . 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 Train-Request+Depart,general-greet +bos i 'm leaving from birmingham new street on saturday . eos 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 tr7802leaves 09.40. what kind of food do you want eos O B-Train-Inform+Id B-Train-Inform+Leave O O O O O O O Restaurant-Request+Food +bos i 'm not sure it that option will work for me . i need the train to go to cambridge and arrive by 9:00. eos 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 i have several options , would you like me to book that for you . how many passengers would you have ? 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+People,Train-OfferBook +bos yes please . i need to book for 8 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 480.64 gbp payable at the station . reference number is : lw32mfa7 . 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 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 want to eat at an indonesian restaurant in the center area of town . eos 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 sorry there are no matches . would you like me to check a different area 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 Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos yes , let 's try north american food , please ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A +bos i do have one place . gourmet burger kitchen is expensive and in the centre . do you need a reservation ? eos O O O O O B-Restaurant-Inform+Choice 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 Booking-Inform +bos yes , please . is there something available for 13:15 on saturday for all 8 people in my group ? eos O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+People O O O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : z4wqxedr . 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 thank you that will be all . bye ! eos O O O O O O O O O O general-bye +bos good day , enjoy your time in cambridge . eos O O O O O O O O O O general-bye +bos i 'm looking for a particular restaurant called the cow pizza kitchen and bar . what do you know about it ? 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 N/A +bos yes the cow pizza kitchen and bar serves gastropub type of food , is moderate in price and is located in the centre of town . would you like the address ? 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 B-Restaurant-Inform+Food O O 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 O O O O O O O O general-reqmore +bos i would like to book a table there for 1 person on sunday at 19:00. and could i please have the reference number ? 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 O O O O N/A +bos sure ! the booking was successful . the table will be reserved for 15 minutes.reference number is : okv392yk . 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 also need a training leaving on the same day i booked the restaurant for . eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Train-Inform +bos what is your destination ? eos O O O O O O Train-Request+Dest +bos i am traveling from peterborough to cambridge . need to be there by 15:15. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O N/A +bos what will be your departure time ? eos O O O O O O O O Train-Request+Leave +bos i would like to arrive by 15:15 , so if you could find the train closest to that arrival 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 N/A +bos tr7864 will be the closest to that arrival , it arrives at 15:09. would you like to book a seat ? eos O B-Train-Inform+Id O 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 get me 1 ticket and then tell me the reference number eos O O O O O O B-Train-Inform+People O O O O O O O N/A +bos your booking was successful and you will pay 13.2 gbp at the station . your reference number is ehcn9bog . 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 no , that is all i need today . thanks ! eos O O O O O O O O O O O O general-thank +bos alright , no problem ! enjoy your visit ! eos O O O O O O O O O O general-bye +bos i 'm looking for a train from ely to cambridge . do you have any ? eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O O O O O N/A +bos yes , there are quite a few . is there a day and time you would like to travel ? 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 Train-Request+Leave,Train-Request+Day +bos yes , leaving on sunday at 10:00 am eos O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A +bos the best time matching your criteria is a departure from ely at 11:35. will that do ? eos O O O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Leave O O O O Train-OfferBook +bos i 'm sorry , my travel day is actually thursday , not sunday . i need to arrive by 14:45. 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 i have a train tr4068 leaving at 5:35 and arriving at 5:52. would you like to make reservations ? eos 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 Train-OfferBook +bos yes , please make reservations . eos O O O O O O O N/A +bos your reference number is : mubtuutm . 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 general-reqmore +bos did you book for 5 people ? is there a train that arrives closer to but before 14:45 ? thanks . eos O O O O O O B-Train-Inform+People O O O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos i apologize about that . the closest i can get you there is on train tr4992 which will arrive at 13:52. would you like me to book it for 5 people ? eos O O O O O O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Arrive B-Train-OfferBook+People O O O O O O O O O O O general-greet +bos yes with reference number eos O O O O O N/A +bos booking was successful , the total fee is 22 gbp payable at the station .reference number is : ipo23y22 . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos i would like to find a cheap mediterranean restaurant in the centre eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area N/A +bos there is one matching result . it is the gardenia . do you want me to book something there ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 , for 5 people at 20:15 on thursday . 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 booking was successful . the table will be reserved for 15 minutes.reference number is : hwjs11kb . 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 thank you that will be all . 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 hi there , i am looking for a train going to cambridge , and departing from london liverpool street . can you book me one ? eos O O O O O 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 O O O O O O N/A +bos absolutely . can you please tell me what day you would like the booking to be made for ? eos O O 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 'll be traveling on saturday , please . oh and i do n't want to leave too early , let 's say something after 17: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+Leave O O O O O O N/A +bos the first train after 17:45 from london liverpool street to cambridge leaves at 19:39 and arrives at 21:07. would that be to your liking ? eos 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 B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O N/A +bos that would work , could you tell me the travel time for that as well ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration +bos absolutely . the travel time is 88 minutes for that route . would you like me to book a ticket for you ? eos O 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 O O O O O O O Train-OfferBook +bos no , i do n't need it booked right now . i would really like to find a college to visit in town . 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 N/A +bos i have many colleges but i could recommend clare hall . it is on the west side . would you like more information on one ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A +bos yes . could you tell me what the entrance fee is ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos the entrance fee is 2.50 pounds . is there anything else i can help you with ? 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 general-reqmore +bos thank you for that information , you 've been very helpful . i will call back when i 'm ready to book the train . 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 Train-Inform +bos thank you for using our system today ! eos O O O O O O O O O general-bye +bos i 'm looking for a specific restaurant . i 'll give you the name when you 're ready . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos provide the name please . eos O O O O O O Restaurant-Request+Name +bos i 'd like to book a table at the cambridge chop house . 5 people at 16:15 on wednesday , please . 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+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 : smci33oo . 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 i also need to book a train that is going to cambridge that will arrive by 10:00. eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive N/A +bos you 'll have to provide me your departure site and 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 Train-Request+Depart,Train-Request+Day +bos i will be leaving from bishops stortford on wednesday and would like to arrive by 10:00. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O N/A +bos there are two trains departing bishops stortford that arrive before 10:00. they arrive at 6:07 and 8:07 , which would you prefer ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O Train-Select +bos i 'll go with the one that arrives by 8:07. i 'll need 5 tickets . eos O O O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos you 're all booked . reference number garoaksu . eos O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos thanks for the help . eos O O O O O O general-thank +bos thank you for calling in . have a nice day ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i need help finding a cheap restaurant eos O O O O O O B-Restaurant-Inform+Price O N/A +bos what type of cuisine would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos i 'm interested in european cuisine . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos we have the river bar steakhouse and grill in the centre area , would you like more information ? 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+Area O O O O O O O O general-reqmore +bos can you book me a table there for 7 on friday at 19:45 ? eos 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 B-Restaurant-Inform+Time O N/A +bos yes . your booking was successful . the table will be reserved for 15 minutes . your reference number is odb8t8ho . 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 B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos yes can you help me find a train as well ? eos O O O O O O O O O O O O Train-Inform +bos sure ! where would you like to come from ? what day of the week and what time ? 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+Leave,Train-Request+Depart +bos i would like to leave in saturday . eos O O O O O O O B-Train-Inform+Day O N/A +bos we have several options ! where would you like to go ? 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 go to ely please . eos O O O O O O O O B-Train-Inform+Dest O N/A +bos do you have a time you need 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 the train should arrive by 13:00 and should depart from cambridge . eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart O N/A +bos your best best is tr0721 , leaving cambridge at 11:50 and arriving ely at 12:07. the trains only run every 2 hours on saturdays . eos O O O O O B-Train-Inform+Id O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Day O O N/A +bos okay . can you go ahead and book that train for 7 people please ? and give 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 O O O N/A +bos booking was successful , the total fee is 24.64 gbp payable at the station .reference number is : okxunq4w 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 thanks for the help , goodbye ! eos O O O O O O O O general-bye +bos you are welcome , enjoy your stay ! eos O O O O O O O O O general-welcome +bos i need a train leaving thursday after 17:45. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos could you give me a little more information ? where will you be traveling to and 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 +bos to cambridge , from stansted airport . eos O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos the first train leaving stansted airport after 17:45 leaves at 18:24. you 'd arrive in cambridge by 18:52. would you like me to book a seat on this train ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Leave I-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 Train-OfferBook +bos yes please , what is the train id and price ? eos O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos the train id is tr5433 and the cost is 10.10 gbp per ticket . would you like me to book this trip 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 O O O Train-OfferBook +bos that wo n't be necessary but thanks anyway . although , i could use some help finding an attraction 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 B-Attraction-Inform+Area O O O O O O N/A +bos there are many attractions . churches , cinemas , colleges , and art gallery 's . do any of those sound appealing ? eos O O O B-Attraction-Inform+Choice 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 can you give me a few samples ? i 'll need the entrance fee , too . eos 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 free to get in as is holy trinity church . would you like more information ? eos O O O O O B-Attraction-Inform+Fee 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 yes . postcode , phone number and entrance fee 's if any of all saints church . 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos their phone number is 01223452587. there is no entrance fee . is there anything else that i can help you with ? eos O O O O O B-Attraction-Inform+Phone 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 , i still need the postcode for all saints church . eos O O O O O O O O O O O O O Attraction-Request+Post +bos sorry about that . the postal code is cb58bs . eos O O O O O O O O B-Attraction-Inform+Post O O N/A +bos thanks so much for your help today , that was everything i needed . eos O O O O O O O O O O O O O O O general-thank +bos you are welcome . enjoy your stay in cambridge . bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need a train into cambridge leaving after 20:30 , please . eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O N/A +bos i have 259 trains travelling to cambridge , could you be more specific on where you 're departing from and what day/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 Train-Request+Depart,Train-Request+Leave,Train-Request+Day +bos i 'm leaving london liverpool street on sunday after 20:30. 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 there are 2 trains one leaves at 21:39 and one at 23:39 eos O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Leave N/A +bos there are none closer to a 20:30 departure ? eos O O O O O O O B-Train-Inform+Leave O O N/A +bos the only other train for that route leaves at 21:39 and arrives in cambridge by 23:07. that is train tr4890 . would that suit you better ? eos O 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 B-Train-Inform+Id O O O O O O O Train-OfferBook +bos that works . what is the price on that ? 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 Train-Request+Price +bos price is 13.28 pounds and the ride is 88 minutes . shall i get you some tickets ? 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 O Train-OfferBook +bos no , i 'm not ready to book yet . thanks for your help . 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 general-thank +bos you 're 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 that is all . thank you . eos O O O O O O O O general-thank +bos you have a great day and thank you for using our services . 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 called shiraz restaurant please . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos i have found shiraz restaurant located at 84 regent street city centre , would you like me to book you a table ? 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 O O O O O O O O O O Booking-Inform +bos no thanks , i just need the postcode . eos O O O O O O O O O O Restaurant-Request+Post +bos sure , the postcode is cb21dp . is there anything else i can help you with today ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O O general-reqmore +bos i am also looking for a train from birmingham new street 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+Dest O N/A +bos no problem . for what day ? eos O O O O O O O O Train-Request+Day +bos monday , and i need for it to arrive by 21:15. eos O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Arrive O N/A +bos tr3130 will arrive by 20:23 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 can you give me the departure time , travel time and the price ? 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 tr3130 leaves birmingham new street at 17:40 and it arrives in cambridge at 20:23. the price is 75.10. the travel time is 163 minutes . 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 O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket O O O O O O N/A +bos great , thanks . i think that 's all i needed . have a good day . 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 okay . glad i could be of help . eos O O O O O O O O O O general-welcome +bos thank you . eos 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 am looking for a train that leaves saturday going to ely , do you have a train with those details ? eos O 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 O N/A +bos there are 10 trains on saturday that go to ely from cambridge . what time do you need to leave or arrive , and how many tickets do you need ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Day O O O O B-Train-Inform+Dest 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+People,Train-Request+Arrive,Train-Request+Leave +bos i need to arrive by 13:00. eos O O O O O O B-Train-Inform+Arrive N/A +bos there is one train that arrives at 12:07. that trainid istr0718 . eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive O O B-Train-Inform+Id O N/A +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 've done that . the price will be 14.08 gbp payable at the station . your reference number is ir7hsmg4 . any 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 no , that will be all eos O O O O O O O N/A +bos thank you , you have been very helpful . eos O O O O O O O O O O N/A +bos hi there , can you help me find a good chinese restaurant ? i seriously need some egg rolls . 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 N/A +bos there are 17 chinese restaurants . are you looking for any particular area or price range ? 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,Restaurant-Request+Price +bos i 'd like it to be in the north , and expensive would be best . eos O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O O N/A +bos i would recommend either hakka or the hotpot . would you like for me to book a reservation for one of these restaurants ? eos O 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 O O O O O Booking-Inform,Restaurant-Select +bos lets try hakka , can you book a table for 8 people at 16:30 on tuesday ? eos O O O B-Restaurant-Inform+Name 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 it is booked ! your table will be reserved for 15 minutes and your reference number is vwdbtayr . 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 ! i 'm looking for a place to stay in the moderate price range . 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 a and b guest house might fit your needs . would you like me to book it ? 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 Booking-Inform +bos i 'd actually like a hotel instead of guesthouse and in the centre of town . eos O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area O O O O N/A +bos i 'd like to suggest to you cityroomz eos O O O O O O O B-Hotel-Recommend+Name O N/A +bos can you help me find a restaurant that serves greek food and is expensive ? eos 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 apologize but there are no expensive greek restaurants listed , would you like to try a different food type or price range ? 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 Restaurant-Request+Food,Restaurant-Request+Price +bos do you have any indian restaurants ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos we have 14 indian restaurants in the expensive category . do you have any more information to narrow down the search ? 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 O O O O O N/A +bos i do not . is there one you can recommend ? eos O O O O O O O O O O O O N/A +bos i can recommend one for you , but first is there a particular part of town you would like 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 O O O Restaurant-Request+Area +bos any part of town is fine , i just need 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 O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos i would recommend the maharajah tandoori restaurant . it 's in the west end . the address is 41518 castle street city centre . the postcode is cb30ah . shall i make a booking ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area 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+Post O O O O O O O O O Booking-Inform +bos no , not yet , i just wanted the info . thanks . eos O O O O O O O O O O O O O O general-thank +bos you 're welcome . have a very nice day . eos O O O O O O O O O O O general-bye +bos i 'm looking for entertainment in the centre . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos unfortunately there are n't any venues like that in the centre . there are some in other parts of town that might work for you , though . do you want to hear about those ? eos O O O O O O O O O O B-Attraction-NoOffer+Area O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 O O O O general-reqmore +bos ok , do you have any information about boat attractions ? eos O B-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Type O O O N/A +bos were you looking at the riverboat or the camboats ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos either one is fine . i just want to attend some type of boat attraction . 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 the riverboat georgina in the north . would you like their phone number ? 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 general-reqmore +bos actually can i have the post code , address , and information about the 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 the post code is cb43ax and the address for it is cambridge passenger cruisers at jubilee house . i do n't have fee information but i could get you their phone number . 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 I-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 O O O O O O O O O O O N/A +bos no thank you , i do need to find a train going to cambridge though . eos O O 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 leaving 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 Train-Request+Day,Train-Request+Depart +bos the train should leave on friday and should depart from leicester . eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O N/A +bos there are 19 available trains on friday , when would you like to leave ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O Train-Request+Leave +bos i 'd like to arrive by 18:45 please . eos O O O O O O B-Train-Inform+Arrive O O O N/A +bos we have the tr7878 which leaves at 16:09 and arrives at 17:54 , would you like me to book you a ticket ? 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 O Train-OfferBook +bos yes , please book 8 seats on tr7878 leaving from leicester to cambridge on friday at 16:09. can i have 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 O O Train-Request+Ref +bos yes , the reference number is o3mynurt . the fee is 302.39 gbp and you can pay at the station . is there anything else ? eos 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 O O O O O O general-reqmore +bos no , that is all . eos O O O O O O O N/A +bos great . have a wonderful trip ! eos O O O O O O O O general-bye +bos place to stay the night , with free parking and it does n't 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 there are many places to stay that offer free parking . do you prefer a guesthouse or hotel ? eos 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 Hotel-Inform+Parking +bos i prefer a gueshouse . eos O O O O O O N/A +bos the acorn guest house would fit your needs 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 O O O O O O O O O O O O Booking-Inform +bos can i please have their address and phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos yes , they are at 154 chesterton road and can be reached by phone at 01223353888. would you like me to book you ? 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 B-Hotel-Inform+Phone O O O O O O O O O Booking-Inform +bos great can you tell me the star rating of the hotel as well ? eos O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos acorn guesthouse has a star rating of 4. would you prefer other options or would you like for me to book you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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,general-reqmore +bos no , but can you help me find a restaurant ? i think it 's called meghna . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O N/A +bos yes , that is a moderate priced indian restaruant in the west . eos 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 that 's it ! can you give me the phone number and 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+Phone +bos meghina 's phone number is 01223727410. they are located in the west . eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Area O O N/A +bos ahhh.. great , thanks ! that 's all i needed ! eos O O O O O O O O O O O O general-thank +bos i 'm glad i was able to help you today ! thank you for contacting cambridge towninfo centre . enjoy your 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 general-bye +bos help ! i need to find something to do , i 'm super bored . i 'm on the west side of the city , can you help me find somewhere to go ? 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 O O O O O O O O N/A +bos i show 13 possible attractions in the west . is there a type of attraction you would prefer ? 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 what would you recommend ? eos O O O O O O N/A +bos if you are bored , you should try going to whale of a time . it is an entertainment venue . eos 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 O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O N/A +bos that sounds good . what 's the address ? eos O O O O O O O O O O Attraction-Request+Addr +bos sure the address is unit 8 , viking way , bar hill and the postcode is cb238el . 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 N/A +bos i also need a train to peterborough on sunday to cambridge that leaves after 11:30. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Dest O O O B-Train-Inform+Leave N/A +bos there is a train leaving at 11:48. would you like me to book that ? eos O O O O O O O B-Train-Inform+Leave 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 each ticket is 13.20 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i do n't need you to book that for me today . thanks . eos O O O O O O O O O O O O O O O general-thank +bos you 're quite welcome . is there anything else i can find for you today ? eos O O O O O O O O O O O O O O O O O general-welcome +bos no that will be all thank you eos 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-greet +bos i 'm looking for a train schedule after 15:15 , going to cambridge . eos O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O O O N/A +bos there are several trains available for you . where are you departing from and what day 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 O Train-Request+Depart,Train-Request+Day +bos i 'm leaving from broxbourne to leave on saturday after 15:15 eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos is there a time you would prefer to arrive ? eos O O O O O O O O O O O Train-Request+Arrive +bos no , but i would like the booking made for two 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 35.79 gbp payable at the station .reference number is : n5flmfk9 . anything else 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 general-reqmore +bos yes , are there any italian restaurants 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 yes i have pizza hut city centre located at regent street city centre . would you like to make a table reservation ? 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 O O O O O O O O O O Booking-Inform +bos yes please . can you book it for saturday at 19:45 for 2 and get me a reference number ? 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 O O O O O N/A +bos i 'm sorry , they did n't have that time available . would you like to try a different time 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos yes , can you try for 18:45 instead ? eos O O O O O O B-Restaurant-Inform+Time O O O N/A +bos sure thing ! your reference number is d1cjso6z . eos 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 did you need any further assistance today ? eos 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 i 'm glad we could help . have a nice day . eos O O O O O O O O O O O O O general-welcome,general-bye +bos yes , i am looking for a concert hall in the south . can you help me find one ? 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 sorry , the only concert hall in town is the man on the moon , in the centre . would you like a different area or a different type of attraction ? eos O O O O 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 B-Attraction-Inform+Area 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 really like to stay in the south area . are there any entertainment attractions available in that area ? 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 O O O N/A +bos there is a cinema , two entertainment places , a museum , and a nightclub in the south . eos O O O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O N/A +bos the entertainment places sound fun . could you provide me their postcodes ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos yes the postcode is cb17dy eos O O O O O B-Attraction-Inform+Post N/A +bos thank you for that . also , i need to book a train leaving from cambridge . 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 i have several trains leaving from cambridge . what 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 sorry , i need to get to ely please . eos O O O O O O O O B-Train-Inform+Dest O O N/A +bos ok what day eos O O O O Train-Request+Day +bos i need the train to leave on wednesday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos do you have a preference for arrival time ? eos O O O O O O O O O O Train-Request+Arrive +bos my preference is that it leaves cambridge after 12:00 , would that be possible ? eos O O O O O O O O O B-Train-Inform+Leave O O O O O O N/A +bos sure thing ! the tr4346 departs from cambridge at 13:50. 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+Leave O O O O O O O O O O O Train-OfferBook +bos yes if you can . i would like 6 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 sure thing ! i have booked six tickets for the train id # tr4346 that departs from cambridge at 13:50. your reference number is isig3uqs . is there anything else i can help you with ? eos O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave 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 is all i need . 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 hi ! can you give me some information on the royal spice restaurant ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos of course ! it 's a cheap indian restaurant in the north at victoria avenue chesteron cb41eh . the phone number is 01733553355. may i help with anything else ? eos O O 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 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 i would like to book for two on wednesday , at 17:15. eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos i have you booked wednesday at 17:15 a table for 2 , this table will hold for 15 mins and your reference number is gxo64lg8 . eos O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+People O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos 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 great day . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos hi , what can you tell me about a restaurant called the golden curry ? 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 N/A +bos the golden curry is an indian restaurant that is expensive and located at mill road city centre . the phone number is 01223329432. 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+Price 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 that sounds fine . can you book it for 5 people at 13:00 this friday ? 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 there 's no table available at 13:00. would you like me to try a different time ? eos O O O O O O B-Booking-NoBook+Time O O O O O O O O O O O Booking-Request+Time +bos yes , can you try at 12:00 please ? eos O O O O O O B-Restaurant-Inform+Time O O O N/A +bos the booking was successful they will hold the table for 15 minutes . you 're reference number is ost7vjze is there anything else you need ? 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 general-reqmore +bos i need to book a train too . eos O O O O O O O O O Train-Inform +bos i would love to help find you the perfect train ! where will you be departing from and where will you be heading ? eos O 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 yes , i 'd like a train going to cambridge and arriving by 09:30 , please . eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive 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 broxbourne . this is on friday , by the way . eos O B-Train-Inform+Depart O O O O O O O O O O N/A +bos okay i only got you 1 ticket . your reference number is g1dhvw6a . is there anything else that i can help you with today ? eos O O O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People 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 thank you . i appreciate the help . eos O O O O O O O O O O general-thank +bos you are welcome . i was glad to assist you . eos O O O O O O O O O O O O general-welcome +bos please call again if you need more help . eos O O O O O O O O O O N/A +bos please call again if you need more help . eos O O O O O O O O O O general-bye +bos hello ! i 'm looking for a train arriving at cambridge that would leave after 13:15. eos O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Leave O O N/A +bos there are many trains heading to cambridge after 13:15 where do you want to depart from ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O B-Train-Inform+Leave O O O O O O O O Train-Request+Depart +bos sorry , i need to leave from broxbourne on friday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos there are several options , the first one leaving at 13:32. it is a 60 minute trip . can i reserve seats for you ? eos O O O B-Train-Inform+Choice 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 O O O O O Train-OfferBook +bos can i get the train id ? eos O O O O O O O O Train-Request+TrainID +bos sure thing ! it is tr7015 eos O O O O O B-Train-Inform+Id O N/A +bos thank you for your help , i am also looking for a restaurant that serves african food in the moderate price range , can you help ? 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 O O O O O O N/A +bos i am sorry but i do not have an african restaurants . is there a different type of cuisine i could 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 Restaurant-Request+Food +bos do you have any african restaurants in the east in any price range ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos there is a restaurant called bedouin that serves african foods . they are in expensive price range , located in the centre . can i book a table for you ? eos O O O O 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 B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform +bos i actually would like one in the moderate price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i apologize . i have double-checked and there are no african restaurants in the moderate price range . is there another type of restaurant you would be interested in ? eos O O 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 O Restaurant-Request+Food +bos how about one that has indian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have the curry prince moderately priced in the east . would you like to book it ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O O Booking-Inform +bos yes please and i need the postcode and address . eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the post code iscb58jj and their address is 451 newmarket road fen ditton . please give me details of your party and what time and day you 'll be visiting . eos O 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 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 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 . eos O O O O O O O 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 've very welcome . good day . eos O O O O O O O O O general-welcome,general-bye +bos i am traveling to cambridge and looking for a restaurant in the cheap price range in the cente . eos 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 sure . i have 5. how about the rice house ? they serve chinese . or dojo noodle bar , the serve asian ? 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 I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos lets try rice house . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos sure thing ! their address is 88 mill road city centre , would you like me to book you a table now ? 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 O O Booking-Inform +bos actually can you check for a place that serves vietnamese food ? eos O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are no vietnamese restaurants in my system , i 'm sorry . eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O N/A +bos no problem . how about indian food ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 5 indian restaurants . the curry garden is in the expensive price range and is in the centre of town . eos O O O O B-Restaurant-Inform+Food 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos please book for 8 people . friday at 18:45. reference number , please . eos 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 was successful and your reference number is uq9qfhx2 . may i assist 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 i also need a train to bishop 's stortford . eos O O O O O O O O O O O Train-Inform +bos sure thing . there are lots to choose from . can you tell me more about your departure location and preferred day and time of travel ? 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 Train-Request+Day,Train-Request+Leave,Train-Request+Depart +bos yes , i would prefer train and would like to arrive by 09: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 O N/A +bos i found two trains for those specifications , will it be the same 8 people with 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-Request+People +bos yes it sure will , what are the times you 've got on those two ? eos O O O O O O O O O O O O O O O O O N/A +bos the first will leave at 5:29 and arrive at 6:07. the second leaves at 7:29 and arrives at 8:07. 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 B-Train-Inform+Arrive N/A +bos i would like to book the train arriving at 8:07 for 8 people . can you do that ? 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 O O O O O O O O N/A +bos there is a train leaving cambridge on saturday at 07:29. would that work 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 O O N/A +bos yes that would work , please book for my party . eos O O O O O O O O O O O O N/A +bos eight people are booked . the reference number is 1g47dqth . your train id is tr3062 . the total fee is 64.64 gbp . may i help you with anything else ? eos O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Ref 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 general-reqmore +bos thank you so much , that should be it ! eos 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 good day . i 'm headed into town and i need help finding a guesthouse that offers free wifi please 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 N/A +bos okay , i can help with that . what is your price range and 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 O O O O O O Hotel-Request+Area,Hotel-Request+Price,general-greet +bos the area does n't matter , 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-Hotel-Inform+Price O O O O O N/A +bos four great options in the north and one in the east , i suggest the acorn . 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 B-Hotel-Recommend+Name O O N/A +bos okay , i 'll try it out ! book me for 6 people , 2 nights starting this monday . 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 N/A +bos your booking was successful ! your reference number is m2yeyutc . is there anything else i can help 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 thank you . yes , i also need to find a moderately priced italian 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 N/A +bos there are 5. which side of town do you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Area +bos i would refer in the center and as long as it 's moderate pricing . eos O O O O O O O O O O O O O O O O N/A +bos there are two pizza express locations in the centre . one in regent street city centre and the other in jesus lane fen ditton . would one of those work for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 Restaurant-Select,general-reqmore +bos yes , let 's go for the one in regent street city centre . it will be on monday , at 19:15 , and there will be 6 people . 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 O O B-Restaurant-Inform+People O O O O O O N/A +bos you are booked for the pizza express . your reference number is g6o0pmu6 . 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 thank you that will be all eos 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 am looking for information in cambridge . eos O O O O O O O O O N/A +bos what area are you wanting to stay ? eos O O O O O O O O O Hotel-Request+Area +bos i am actually looking for a train to stansted airport . eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos can you please tell me where you will be departing from and what time and day ? 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+Depart +bos i 'll be flying out of the country from stansted airport on tuesday . i need to get there at least by 13:30 eos O 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+Arrive O O N/A +bos tr7293 will arrive there at 12:08. eos O B-Train-Inform+Id O O O O B-Train-Inform+Arrive N/A +bos great . i also need a place to stay that is a cheap guesthouse . eos O O O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos there 's the allenbell , that 's located in the east side of town at 517a coldham lane . eos O 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O N/A +bos please reserve a room for 1. eos O O O O O O O N/A +bos on what day would you like to arrive ? eos O O O O O O O O O O Booking-Request+Day +bos friday , 4 nights . reference number please . eos O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O O O O O N/A +bos your reference number is 9iq2k2dw . eos O O O O O B-Booking-Book+Ref O N/A +bos thank you so much , that 's all . goodbye . eos O O O O O O O O O O O O general-bye +bos thank you for using the cambridge towninfo centre , and 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 can you help me find a train departing from leicester leaving on wednesday ? 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 we have 19 trains from leicester to cambridge by the hour starting at 05:09 , do you have a time in mind ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O O O O O O O O Train-Request+Leave +bos i 'm fine leaving any time , as long as i arrive by 12:15. eos O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos tr3404 will arrive by 11:54. do you require more information or would you like to book now ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos great can i get the departure time ? eos O O O O O O O O O Train-Request+Leave +bos the departure time is 10:09 from leicester . would you like me to make a reservation for you ? eos O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O O O O O O O O O O O O Train-OfferBook +bos no thank you . i 'm also looking for a hotel called the allenbell . eos O O O O O O O O O O O O B-Hotel-Inform+Name O O O N/A +bos the allenbell actually is n't a hotel . it 's a guesthouse . it 's located in east cambrige . it 's located at 517a coldham lane eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Type O O 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 O N/A +bos oh nice , what postcode is that ? eos O O O O O O O O O Hotel-Request+Post +bos the post code is cb13js . would you like to make a reservation ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O Booking-Inform +bos no thanks . i just needed information . i 'm all set now . eos O O O O O O O O O O O O O O O general-thank +bos thank your and enjoy your stay in cambridge eos O O O O O O O O O general-bye +bos i need a place to stay in the west with 4 stars . eos O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O N/A +bos i would suggest the cambridge belfry . what price rage are you looking for ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Hotel-Request+Price +bos i want a hotel . eos O O O O B-Hotel-Inform+Type O N/A +bos there are two hotels that fit your criteria . one is cheap and one is expensive . which would you prefer ? eos O O O O B-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 Hotel-Select +bos i do n't care . i trust you . please book it from saturday for 5 nights for 7 people . eos O O 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 N/A +bos you are all booked at the cambridge belfry . reference number 27nheg0n . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O N/A +bos i 'm also looking for a train . the train should be on the same day as the hotel booking . 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 N/A +bos there is a train , # tr4824 from london kings cross to cambridge on saturday at 09:17. arrives at 10:08. it costs 18.88 pounds and takes 51 minutes to arrive . is that ok ? eos 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+Dest I-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave 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 O O O O O O O general-reqmore +bos yeah , that would be great . eos 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 do n't need it booked right now . i think that was all i needed . 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 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 all . thanks . eos O O O O O O O O general-thank +bos thank you , have a good trip . bye . eos O O O O O O O O O O O general-bye +bos i need a train to cambridge please . departure day is tuesday eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Day O N/A +bos sure , where are you leaving from ? eos O O O O O O O O O Train-Request+Depart +bos i will be coming from kings lynn . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos great ! when would you like to arrive in cambridge ? eos O O O O O O O O O O O O Train-Request+Arrive +bos as long as i leave after 11:30 , i do n't have an arrival time . please provide me with a train id that would work . 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 O O O Train-Request+TrainID +bos train tr8699 will leave at 12:11 and arrive in cambridge at 12:58. did you need more information or a ticket ? eos 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 O O O general-reqmore,Train-OfferBook +bos all set on that for now , but i do need info on a place called the scudamores punting co 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 N/A +bos scudamore punting co is located at quayside punting station , magdalene st , cambridge cb5 8ab 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 I-Attraction-Inform+Addr O N/A +bos thanks ! do you happen to know their entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos i actually do n't see a price listed in our system . do you need any other assistance ? eos 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 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 O general-thank +bos great ! thanks for letting us help you today ! eos O O O O O O O O O O O general-bye +bos oh , wait , actually there is something else . can you tell me the travel time and the price on that train we talked about ? eos O O O O 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 47 minutes . 9.80 pounds . eos O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Ticket O O N/A +bos ok now i am done thanks eos O O O O O O O general-thank +bos do you need anything else today ? can i book something for you ? eos O O 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 thank you for choosing our service . please call again if we can assist in any way . 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,general-greet +bos find me a place to stay which has 0 star and preferably a guest house eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos there are two guesthouse-type hotels in cambridge with 0 stars . do you have an area of town in mind ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O O O O O O O Hotel-Request+Area +bos north part of town for sure eos O B-Hotel-Inform+Area O O O O O N/A +bos that could be city centre north b and b.it is cheap with both internet and parking . can i reserve 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 B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , please book it for 6 people and 3 nights starting from tuesday . 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 booked your hotel reservations for 6 people for 3 days starting tuesday . your reference number is : eb5rrd33 . may i help you with something 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 O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos i am looking to go to a multiple sports center too . eos O O O O O O O O O O O O O N/A +bos on what area do you need the attraction ? eos O O O O O O O O O O Attraction-Request+Area +bos i 'd like it to be in the centre , please . eos O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos unfortunately there are no attractions matching that description . would you like to try a different area or different type ? 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+Type,Attraction-NoOffer +bos let 's try for a college in that case instead please eos O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos alright , we now have 13 options available ! if you have no further specifications , then i recommend visiting christ 's college eos O O 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 N/A +bos would you forward the address for that also please ? eos O O O O O O O O O O O Attraction-Request+Addr +bos address is saint andrew 's street . can i help you find anything else ? eos 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 that is all for today , thanks for your help ! eos O O O O O O O O O O O O general-thank +bos you are welcome . let us know if we can help you again . eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos thank you again . eos O O O O O general-thank +bos you are welcome , goodbye until next time ! 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 is moderately priced and includes free parking . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos do you want to stay in a specific area of town ? and would you be fine staying at 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-Select+Type O O Hotel-Request+Area +bos i would like to stay in the centre of town . a guest house is fine . 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 it looks like we do n't have anything moderately priced in the center of town . would you like to try a different area ? eos O O O O 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 O O Hotel-NoOffer,Hotel-Request+Area +bos yes , how about the north ? eos O O O O O B-Hotel-Inform+Area O O N/A +bos we have quite a few when are 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 O Booking-Request+Day +bos great . can you recommend one and book it for 3 nights coming in on friday . there will be 2 in my party eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O O N/A +bos i was able to book the acorn guesthouse for 3 nights for 2. reference number is eafyz0vc . the address is 154 chesterton road , phone 01223353888. will 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 B-Booking-Book+Stay O O B-Booking-Book+People O O B-Booking-Book+Ref O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos yes . i want to go from cambridge to peterborough by train . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O N/A +bos there are 266 trains matching your query . what day will you be traveling ? 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 will travel saturday after 17:45 eos O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos okay , i see 12 options here . would you like me to reserve tickets for you ? eos O 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 book the tickets and i need the reference number . eos O O O O O O O O O O O O O O N/A +bos how many tickets will you need on this trip ? eos O O O O O O O O O O O Train-Request+People +bos i will need 2 tickets please . eos O O O O O B-Train-Inform+People O O N/A +bos okay , i reserved your tickets . the ref . is r9sednsd eos O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos can i get the train id and departure time for the one you chose ? eos O O O O O O O O O O O O O O O O Train-Inform +bos the train id is tr7918 and it departs at 18:06. is there anything else i can help with today ? eos O 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 O O O general-reqmore +bos no thanks , that is all . eos O O O O O O O O general-thank +bos your welcome . have a lovely trip and day ! 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 great , what would you like to know ? eos O O O O O O O O O O general-reqmore +bos i would like to find a place with multiple sports in the centre of the city . 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 unfortunately , the only multiple sports place i have is in the east . is there something else 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 O O O Attraction-Request+Type +bos how about a college instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there are quite a few . some have entrance fees while other are free . do you have a preference ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O Attraction-Request+Price +bos no , no preference . which one do you recommend ? eos O O O O O O O O O O O O N/A +bos christ 's college is in the centre of town . would you like some information on it ? eos 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 O O O O O O general-reqmore +bos yes , may i have their address and entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos there is no entrance fee for christ 's college and it 's address is saint andrew 's street . eos 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 O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A +bos great . i also need a train for thursday . can you help 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 , but first i need more details about your trip . eos O O O O O O O O O O O O O general-greet +bos i am leaving cambridge and would like to arrive at 18:00 eos O O O O B-Train-Inform+Depart O O O O O O O N/A +bos the tr8272 leaves at 05:00 eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos i need it to leave after 09:15 from london liverpool street . can you find me a train and book it for 1 person ? eos O O O O O O O B-Train-Inform+Leave B-Train-Inform+People 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 N/A +bos tr0998 leaves at 09:39. i have booked it for you.reference number : jw1dtlpn . eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you , have a good day . eos O O O O O O O O O general-thank +bos thank you ! i hope you have a wonderful trip ! goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos is there a nice night club in the west that you can recommend ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos no i am sorry there is n't something else perhaps ? eos O O O O O O O O O O O O Attraction-Request+Type,Attraction-NoOffer +bos how about a college ? eos O O O O B-Attraction-Inform+Type O N/A +bos there are 5 colleges in the west . churchill college is located on storey 's way and does n't charge an entrance fee . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-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 O O O O N/A +bos great . that 's all i need to know . thank you . 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 i am looking for a train leaving from cambridge on saturday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos sure can you tell me where you are heding for and what time you would lie to leave or 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 Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave +bos the train should leave after 16:00 and should depart from london liverpool street eos 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 N/A +bos i 'm a little confused , you said you are departing from both cambridge and london liverpool street . are you sure is n't your destination ? 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 I-Train-Inform+Depart O O O O O O O O O O Train-Request+Dest +bos sorry , i 'm departing from london liverpool street . eos O O O O O O O O O O O N/A +bos there are four trains on saturday with that route that leave after 16:00. your options are 17:39 , 19:39 , 21:39 and 23:39. the duration of the ride is 88 minutes . 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 O 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 N/A +bos can i get the price on one of those please ? eos O O O O O O O O O O O O Train-Request+Price +bos each of those trips is 13.28 pounds . would you like for me to book one for you ? 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 no thank you . please give me information on the attraction jesus green outdoor pool . 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 yes its located between victoria road and the river 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 I-Attraction-Inform+Addr N/A +bos hi i 'm excited to try an international restaurant in the centre , are they are i can go to ? 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 N/A +bos we have two moderately priced options , the varsity restaurant and bloomsbury restaurant , 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 the varsity restaurant sounds good . could you book a table for 7 people at 14:45 on saturday ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-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 O O N/A +bos i have you booked , the reference number is 206rq761 , 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 thanks ! i also need a train from cambridge to london liverpool 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 O N/A +bos what day would you like to travel ? 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 O O O O O O O O Train-Request+Leave,Train-Request+Arrive,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 there are many trains available on sunday . any particular time ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Day O O O O O Train-Request+Leave +bos i need that leaves after 15:15. eos O O O O O O B-Train-Inform+Leave N/A +bos tr0189 leaves at 15:59. is that alright 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 that is very ok eos 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 7 tickets please and i 'll also need to get a reference number from you , just in case eos 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 7 tickets on tr0189 is 92.96 gbp . you can pay that at the station . your reference number is : gah6ryk1 . can i assist you with anything else ? eos O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 general-reqmore +bos no . i think you 've met all of my needs today . thank you . eos O O O O O O O O O O O O O O O O O general-thank +bos i am glad to help . enjoy ! 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 east . eos O O O O O O O O O O O B-Hotel-Inform+Area 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 it does n't matter as long as it has free parking . are there any with 5 stars ? 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 several places available , however , i do not know if they have free parking , but they do have parking . are you looking for a hotel or a guesthouse type 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 O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O O O Hotel-Inform+Parking +bos 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 ? eos O O O O O O O O O O O O O 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 hotels that match that criteria . would you like to try something with a different number of stars ? eos O O 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 +bos can you try a 4 star hotel instead , please ? eos O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos there are 5 guesthouse 's that meet that criteria . do you have a preference on the 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 i do n't care about the price range . can you book it for 4 nights ? there will be 7 of us and we will be arriving on friday . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O O O O O O B-Hotel-Inform+Day O O O O N/A +bos i was able to book a room at carolina bed and breakfast , the reference number is 168t25c6 . is there anything else you need 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 that is all i needed , thanks for all your help . 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 a place to stay in cambridge in the moderate price range 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+Stars N/A +bos there are 11 matches . do you have a preference for hotel types ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Type +bos no , but it should be in the east . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i have 3 guesthouses matching your request . do you care about parking ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Parking +bos pick one and book me for 5 people lasting three nights starting friday please . 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 you have a room booked at the warkworth house ( ref # tp8x26la ) . can i help you with anything else ? eos O O O O 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 thanks for the room booking . can you locate a restaurant for me , too ? the name is pizza express fen ditton . 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 O O O O N/A +bos i found the restaurant you want . do you want me to make reservation ? eos O O O O O O O O O O O O O O O O Booking-Inform,general-greet +bos yes , for 5 people on friday around 13:45 , please eos 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 will go ahead and book that for you now . eos O O O O O O O O O O O O Booking-Inform +bos okay ... .well i 'm over here waiting ... .do n't forget 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 i am having a hard time booking this , could i make sure the place you would like is the pizza express at fen ditton ? eos 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 I-Booking-Inform+Name I-Booking-Inform+Name O O Booking-NoBook +bos yes it is , but if 13:45 time is n't working then 12:45 would also be acceptable . 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 not able to book anything right now . eos O O O O O O O O O O O Booking-NoBook +bos maybe you could try again ? eos O O O O O O O N/A +bos the booking worked this time ! the reference number is s31a87tv . anything else today ? 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 , thanks for your help ! have a good one . eos O O O O O O O O O O O O O general-thank +bos no problem . if you need anything else just call us back . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i am coming to cambridge to try some good food , but would like to find a place to go 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 B-Restaurant-Inform+Area O O O N/A +bos there are many good restaurants in the centre . did you have a type of cuisine in mind ? 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 Restaurant-Request+Food +bos i would like to go to an attraction first in the center of town . are there any museums ? 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 N/A +bos there are 11 museums in the centre . would you like me to recommend one ? 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 general-reqmore +bos no but you can give me the phone number of your recommendation . what can you tell me about the golden curry restaurant ? 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 O O N/A +bos the golden curry is an expensive indian restaurant at mill road city centre . would you like for me to book you a table ? eos O O B-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 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 please ! do they have availability for 8 people at 17:45 on friday night ? 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 N/A +bos your booking was successful ! the reference number is ngfeahb8 . your 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 i also need a taxi to go between the restaurant and hotel by the reservation time . eos 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 will work on looking for 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 O O N/A +bos any luck on the taxi ? eos O O O O O O O Taxi-Inform +bos 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 . eos O O O 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 actually i need the taxi from a museum to go to the restaurant . whats a good museum 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 Restaurant-Inform,Taxi-Inform +bos i personally like the primavera museum in the city centre . it 's free to get into . would that interest you ? eos O O O O O B-Attraction-Recommend+Name B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area I-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 Booking-Inform +bos that sounds fine . can i have a taxi go from there to the restaurant by 17:45 ? 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 sure , you 'll be expecting a black tesla . their contact number is 07668622365 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 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 have a great time on your trip ! you 're welcome ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos okay i need to go now . bye ! eos O O O O O O O O O O general-bye +bos i just wanted to leave you with the phone number to primavera . it is 01223357708. enjoy your stay in our beautiful city . bye . eos O O O O O O O O O O O O B-Attraction-Inform+Name O O B-Attraction-Inform+Phone O O O O O O O O O O O general-bye,general-greet +bos i am looking for places to go in town . the attraction should be in the west and should be in the type of swimming pool . 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 Hotel-Request+Type +bos i 'm sorry , there is n't a swimmingpool on the westside . would you like to try a different part of town ? 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 Attraction-Request+Area +bos how about somewhere else i can swim in town ? eos O O O O O O O O O O O N/A +bos there are four options available . two in the north , one in the east , and one in centre . which would you like more information about ? eos O O O O O O O O O O B-Attraction-Inform+Choice I-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 Attraction-Select,general-reqmore +bos no thanks . how about entertainment in the west ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos whale of a time is an entertainent spot in the west . their address is unit 8 , viking way , bar hill 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 O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos the title sells itself , can i get the entrance fee please ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos unfortunately , the venue has n't provided information on their entrance fee . would you like me to check another venue ? 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O Attraction-Request+Name,general-reqmore +bos yes , and please provide an entrance fee . eos O O O O O O O O O O Attraction-Request+Fee +bos there is no entrance fees listed for this type of entertainment . whale of a time has a phone number you could call for the fee ? 01954781018 eos O 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 I-Attraction-Inform+Name O O O O O O O O O O O B-Attraction-Inform+Phone N/A +bos well , i 'm also looking for info on a hotel i heard about . it 's called limehouse . 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 N/A +bos yes limehouse is located in the north . the address is 78-80 milton road . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O N/A +bos what type of hotel is it and do they have free parking and internet ? i also need a taxi to leave the hotel by 10:15. contact 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 B-Taxi-Inform+Leave O O O O O O O Taxi-Request+Car,Hotel-Request+Parking,Hotel-Request+Internet,Hotel-Request+Type +bos it is a guesthouse with free parking and internet . where is your destination ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O Taxi-Request+Dest,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i would like to go from the lime house to the swimming pool . eos O O O O O O O O O O O O O O O N/A +bos would you like me to make the reservation ? eos O O O O O O O O O O Booking-Inform +bos yes , please also give me its contact number and the car type . eos O O O O O O O O O O O O O O O Taxi-Request+Car,Hotel-Request+Type +bos booking completed ! booked car type : grey hondacontact number : 07844769694 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 's all i need 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 +bos i need a find restaurant in the moderate price range in the west part of the 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 we have british , indian or italian to choose from in that category . 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 O O N/A +bos no , i do not have a preference . eos O O O O O O O O O O N/A +bos i 'd recommend the prezzo . it 's an italian restaurant . would you like to book a table ? 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 Booking-Inform +bos yes , we would like a reservation for wednesday . eos O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos can you tell me how many guests and what time you would like the reservation for ? eos 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 for 3 people , at 11:30 please . eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A +bos i 've reserved a table for three at 11:30 on wednesday . your reference number is hjkokg94 . is there anything else i can help you find in the area ? eos O O O O O O B-Booking-Book+People I-Booking-Book+People 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 O O O O O general-reqmore +bos i 'm looking for information on worth house . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos worth house is a cheap 4-star guesthouse on the north side of town . they 're located at 152 chesterton road , cb41da . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O N/A +bos i want to book worth house for 3 people for 4 nights starting on wednesday . 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.reference number is : uovcew8b . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a taxi to get to the restaurant from the hotel . eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos what time do you need to be picked up and from where ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave +bos i 'd like it to go from the worth house to the prezzo . it can pick me up any time , as long as it arrives by the booked time . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 N/A +bos booking completed ! booked car type : white lexuscontact number : 07055220533 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 think that is all 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 . you do the same ! eos O O O O O O O O O general-welcome,general-bye +bos i 'm planning my trip to cambridge and am looking for a particular hotel . eos O O O O O O O O O O O O O O O O Hotel-Inform +bos can you tell me the name please ? eos O O O O O O O O O Hotel-Request+Name +bos it is called avaion . eos O O O O O O N/A +bos avalon is a guesthouse in the north . it has a moderate price range and four stars . there is free wifi too . would you like the address ? eos O B-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 B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos can you make me a booking for 5 people , for 4 nights , starting on saturday ? 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 i booked that for you and your reference number is 08bqq5d1 . 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 general-reqmore +bos thank you so much , are there any theatres in the centre of town ? eos 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 4 theatres in the centre . i would recommend the mumford theatre . 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 N/A +bos could i get the address there please ? eos O O O O O O O O O Attraction-Request+Addr +bos yes their address is 62 gilbert road eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos i am throwing a party with friends with a theme from the move `` it '' , can i details on the restaurant with the name clowns cafe ? it may add a nice touch . eos 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 O O O O O O O O N/A +bos oh , super scary movie . yes , it is an expensive italian restaurant . can i get some other information for you ? eos 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 O O O O general-greet,general-reqmore +bos could i make a reservation for two at 14:30 this wednesday ? i 'd also like the 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 Restaurant-Request+Ref +bos your reservation for clowns cafe on wednesday at 14:30 for 2 is confirmed . your reference number is : 8ovexjlb . 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 thanks ! i will also need a train departing from stevenage and arriving by 09:00. 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 sure , what is your departure terminal ? eos O O O O O O O O O Train-Request+Depart +bos i will be leaving stevenage on wednesday . eos O O O O O O O O O N/A +bos i got 1 ticket for you and your reference number is 2tt3ur6i payable at the station , anything else ? eos 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 O O O O general-reqmore +bos 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 . eos O O O O 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 travel time is 49 minutes , and the cost is 12.8 pounds . can i help with anything else today ? 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 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 O O O O general-bye +bos you are welcome eos O O O O general-welcome +bos hi , i am looking for a moderately priced restaurant in the centre 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 there are several restaurants in that area . would you like british , asian , european , italian or something different ? eos O O O B-Restaurant-Inform+Choice 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 N/A +bos asian sounds good . could you book a table for 1 people at 16:45 on saturday ? 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 N/A +bos ok , you have a table for 1 at the yippee noodle bar , reference # zplbjmps . 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+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos thanks . i 'll also need to find a train arriving in cambridge by 12:45. eos 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 are you traveling from ? eos O O O O O O O Train-Request+Depart +bos i 'm departing from london liverpool street on saturday . eos 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 tr0357 departs cambridge on saturday at 09:39 and arrives in london liverpool street at 11:07. the cost is 13.28 pounds . would you like me to book it for you ? eos 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 O O O O O O Train-OfferBook +bos yeah , that would be great . eos O O O O O O O O N/A +bos booking was successful , the total fee is 13.28 gbp payable at the station .reference number is : pas4ppko . 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 thank you very much , that will be all ! eos O O O O O O O O O O O general-thank +bos you 're very welcome . enjoy your trip . good-bye . eos 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 okay ! what would you like to know ? eos O O O O O O O O O O general-reqmore +bos i need a train to bishops stortford on tuesday that can get me there by 19:30. eos 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 B-Train-Inform+Arrive N/A +bos tr2153 arrives closest to that , it can get you there by 18:07 , shall i book you ? eos O B-Train-Inform+Id O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos can i get the price for that ? eos O O O O O O O O O Train-Request+Price +bos yes that will be 55pounds can i get anything else ? eos O O O O O B-Train-Inform+Ticket O O O O O O general-reqmore +bos when does the train leave bishops stortford , please ? eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O Train-Request+Leave +bos that train would leave at 17:29. eos O O O O O O B-Train-Inform+Leave N/A +bos okay , thanks . now could you also help me find a cheap persian restaurant in the centre ? eos 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 there are no such options available . shall we try a different food type perhaps ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos how about asian oriental ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos there are two options , i recommend the dojo noodle bar , shall i book you ? eos O O 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 Booking-Inform +bos yes book a table for 6 at 16:00 on tuesday please . eos 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 . the table will be reserved for 15 minutes . eos O O O O O O O O O O O O O O Booking-Book +bos ummm reference number please . eos O O O O O O Restaurant-Request+Ref +bos the reference number is 9tup5zi2 . eos O O O O O B-Restaurant-Inform+Ref O N/A +bos thank you so much . you have been a great help . eos O O O O O O O O O O O O O general-thank +bos you 're welcome . did you need anything else ? eos O O O O O O O O O O O general-welcome,general-reqmore +bos i do n't need anything else . have a great day ! eos O O O O O O O O O O O O O N/A +bos okay , you have a great day as well ! eos O O O O O O O O O O O general-bye +bos hello ! can you please recommend a 3-star hotel ? eos O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos sure , i have six you can choose from eos O O O O O B-Hotel-Inform+Choice O O O O N/A +bos do you have one in the north with free wifi ? eos O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos hamilton lodge is in the north and has free wifi . want me to book ? 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,Hotel-Inform+Internet +bos is hamilton lodge a hotel or guesthouse ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Type O N/A +bos it is a guesthouse . would you like more information ? eos O O O O B-Hotel-Inform+Type O O O O O O O general-reqmore +bos can you book it for 6 people ? eos O O O O O O O O O N/A +bos absolutely ! what day were you needing to stay ? eos O O O O O O O O O O O Booking-Request+Day +bos i need 6 people for 4 nights starting tuesday eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos your booking was successful and your reference number is jzm3jy4x . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos ok , now i need a train . eos O O O O O O O O O Train-Inform +bos what is your departure site and your destination ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'll be leaving from cambridge and going to london liverpool 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 what day and time are you thinking of leaving ? eos O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos the train should leave after 08:45 and should leave on saturday . i will need a arrival time and price 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 O O Train-Request+Price,Train-Request+Arrive +bos the earliest train departs at 9:59 and arrives at 11:27 , the price is 13.28 pounds . do you want me to book this for you ? 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 O O O O O O O O O O O O Train-OfferBook +bos i just needed that information , thank you for 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 wonderful day ! eos O O O O O O O O O general-bye +bos i 'm looking for a train to depart cambridge leaving on wednesday , can you help me ? eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Day O O O O O O O N/A +bos there are over 200 trains departing cambridge on wednesday . what will be your destination ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O Train-Request+Dest +bos i will be leaving from cambridge . i need to go to peterborough . eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O N/A +bos there are 38 trains leaving from cambridge to peterborough . what time you would like to leave ? 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 Train-Request+Leave +bos i would like to leave after 14:00 and make a booking . eos O O O O O O O B-Train-Inform+Leave O O O O O N/A +bos i can book you on the tr 3587 leaving at 14:06 and arriving by 14:56. would that be good ? eos O O O O 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 N/A +bos yes , and the reference number as well , please . eos O O O O O O O O O O O O Train-Request+Ref +bos i will be glad to book this for you and get a reference number . do you only need one ticket for yourself ? eos O 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 would like to book for 5 people . eos O O O O O O O O B-Train-Inform+People O N/A +bos your tickets have been reserved . the total will be 82.5 gbp , payable at the station , and your reference number is fss5ppsg . 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 O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore +bos can you recommend a good turkish restaurant , moderately priced , in the centre of town ? eos O O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A +bos yes . either anatolia or efes restaurant would be a good choice . would you like me to book you a table at one of them ? eos 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 O O O O O O O O O O O O O Booking-Inform +bos anatolia sounds great . can you give me their address , postcode , and phone ? eos O B-Restaurant-Inform+Name 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 anatolia 's address is 30 bridge street city centre , the postcode is cb21uj , and the phone number is 01223362372. is there anything else i can do to help you ? eos 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 B-Restaurant-Inform+Post O 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 , that will be all thank you . eos 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 i would like to find a restaurant in the expensive range that serves british food . it should be in the west location . eos 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 O O B-Restaurant-Inform+Area O O N/A +bos there are two british restaurants in the west area that are expensive ; they are graffiti and travellers rest . would you like to book a table at one of these ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area 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 O O O O Booking-Inform +bos can i get the price range for these ? eos O O O O O O O O O O Restaurant-Request+Price +bos they are in the expensive range for them . eos O O O O O B-Restaurant-Inform+Price O O O O N/A +bos can i get the postcode and phone number for them ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos for graffiti the number is 01223277977 and post code is cb30lx . for travellers rest , 01223276182 , cb30df . 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 I-Restaurant-Inform+Phone I-Restaurant-Inform+Post O O O N/A +bos thanks . i also looking for a train that departs from birmingham new street and should arrive by 21:45. 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+Arrive O N/A +bos thank you . to confirm , you are heading to cambridge , and on what day ? do you have a specific departure 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 Train-Request+Day,Train-Request+Leave,Train-Request+Dest +bos i would like to leave on saturday from birmingham new street . eos O O O O O O O B-Train-Inform+Day O O O O O N/A +bos great , did you have a departure time in mind ? you could leave birmingham as early as 5:40 or as late as 18:40. 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 B-Train-Inform+Leave I-Train-Inform+Leave O Train-Request+Leave +bos i do n't have a departure time in mind but i would like to arrive by 21:45. eos 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 will you need to purchase tickets ? eos O O O O O O O O O O O O Train-Request+People +bos 4 people please . eos O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 240.32 gbp payable at the station . reference number is : 1kc4dqxl . 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 N/A +bos thank you , that will be all i think . goodbye eos 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 need a train to broxbourne leaving wednesday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are several trains to broxbourne on that day . do you have a certain time that you need 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 Train-Request+Arrive +bos the train should arrive by 20:15. eos O O O O O O B-Train-Inform+Arrive N/A +bos the closest time i can get you will be at 10:01 , better early than late , i always say ! 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 N/A +bos wow that 's early ! what is the departure time and price please ? eos O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos actually , i also have tr5293 , leaving at 19:01 and arriving by 20:01. it 's 17.90 pounds . would that work for you ? eos O O O O O B-Train-Inform+Id 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 Train-OfferBook +bos much better ! i also need a cheap french restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos unfortunately we do n't have any of those . want 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 Restaurant-Request+Food,Restaurant-NoOffer +bos is there a portuguese restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos you can try nandos it is south cheap price range . telephone no . 01223327908 in cambridge leisure park clifton way eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area 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 N/A +bos sounds good can you book that for 8 people at 12:45 on wednesday as well ? 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 unfortunately , that date and time are unavailable . do you want me to try for any other 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos can you try 11:45 , please ? eos O O O O B-Restaurant-Inform+Time O O O N/A +bos 11:45 it is ! got you booked for 8. your table will be reserved for 15 minutes . reference # g9h679p3 . eos O B-Booking-Book+Time O O O O O O O O O B-Booking-Book+People O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you that was all i needed 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 'm looking for a halal restaurant with moderate prices . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A +bos sorry , i could not find any restaurants matching that description . eos O O O O O O O O O O O O O Restaurant-NoOffer +bos what about a different moderately priced restaurant in the east ? eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos i have 3 that fit your request . curry prince , rajmahal , and pizza hut fen ditton . are you interested in any of these ? 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 I-Restaurant-Inform+Name O O O O O O O O O O Restaurant-Select +bos yes i would like curry prince . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos may i book that then for you ? eos O O O O O O O O O Booking-Inform +bos yes , please . can you book a table on sunday for 5 people at 12:45 ? 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 N/A +bos i am sorry but there are no tables available . 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos go ahead and try to book it for 11:45 please . eos O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos i was able to book curry prince at 11:45. the table will be reserved for 15 minutes starting at 11:45. reference number : movt28v6 . eos O O O O O 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 a train leaving peterborough on the same day , can you help with that ? 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 N/A +bos yes , i can . what is your destination ? eos O O O O 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 sure . there are many trains that day . what time of 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 O O Train-Request+Leave +bos i need to arrive by 08:45. eos O O O O O O O N/A +bos train tr7483 leaves cambridge at 17:48 and arrives at 18:38 , 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 O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos i actually need to arrive by 08:45. eos O O O O O O O B-Train-Inform+Arrive N/A +bos there is a train tr5662 that arrives at 8:09 would you like me to book it for you ? eos 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 Train-OfferBook +bos i need to get to cambridge , can you confirm that this train is leaving from peterborough ? eos O O O O O O B-Train-Inform+Dest O O O O O O O O O B-Train-Inform+Depart O O N/A +bos yes train tr5662 leaves from peterborough at 07:19 on sunday and arrives at cambridge by 08:09 eos O O O B-Train-Inform+Id O O B-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 N/A +bos okay lets book that train ! eos O O O O O O O Train-Inform +bos i can go ahead and get this booked for you , how many tickets will you be needing for 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 Train-Request+People,Train-OfferBook +bos i will need tickets for everyone at the dinner reservation . can i also please have 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 N/A +bos i was able to book 5 tickets for you . your reference number is d0onj5mt . is there anything else i can help you with today ? eos O 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 O general-reqmore +bos no , that 's all thank you 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 yes , i need help finding a restaurant . preferably a nice , expensive one in the south . eos 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 great ! i 've found 5 different restaurants in the south that will suit your needs . do you like italian food ? eos O O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Select+Food O O O O O N/A +bos no , i was actually looking for an indian restaurant . is there one ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos the taj tandoori serves indian food . is there anything else ? 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 general-reqmore +bos can you please book me a table for one at 16:30 on sunday ? eos O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos okay you are all booked for a party of one at 16:30 on sunday at taj tandoori . is there anything else i can help you with ? eos 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 general-reqmore +bos yes , please . i need a train to broxbourne . eos O O O O O O O O B-Train-Inform+Dest O O O N/A +bos in case you need it , your reservation reference # is a3d8igz1 . now for a train . what day and time would you like to travel on , and will you be departing from cambridge ? eos O 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 O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart +bos yes , i will leave cambridge on monday sometime after 18:15. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A +bos tr2292 departs at 20:01 and arrives at 21:01. would that work ? 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 yes please book me a seat and i will need a reference number please . eos O O O O O O O O O O O O O O O O N/A +bos i have booked you a seat for one on the tr2292 depearting cambridge for broxbourne on monday at 19:01. your reference is d9ik9lxa . is there anything more today ? eos O O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos no , that will be all . thank you 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 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-welcome,general-bye +bos i 'm trying to find a train that departs from london kings cross on thursday . can you help me book a ticket ? 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 O O O O O O O O O O N/A +bos sure , are you coming to cambridge ? 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,Train-Request+Dest +bos any time that lets me arrive by 08:45. eos O O O O O O O O B-Train-Inform+Arrive N/A +bos the tr4016 from london kings cross to cambridge , traveling on thursday , leaves at 07:17 and arrives at 8:08. should i book it 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 O B-Train-Inform+Dest O 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 Train-OfferBook +bos yes can you please book that for 8 people and give 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 N/A +bos great , i was able to get your tickets . reference number is fcrra5hl and the tickets , 188.8 gbp are payable at the station , anything else ? eos O O O 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 O O O N/A +bos yes , have you heard of a restaurant called curry king ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos yes , curry king is an indian restaurant in the centre . what more information would you like ? eos 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 O O O O general-reqmore +bos can you book be there for 8 people at 18: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 your table reserved . the reference number is ztvsjgbz . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you for reserving that for me . that 's all i need today . 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 lovely day . eos O O O O O O O O O O O general-welcome +bos 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 moderate amount 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 O O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos do you have a side of town you 'd like to stay in ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area +bos i do n't have a preference on what side of town , but it does need to include 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 there are 12 guesthouses and 2 hotels , which do you prefer ? eos O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O N/A +bos i do n't really have a preference , so surprise me ! eos O O O O O O O O O O O O O N/A +bos i recommend the acorn guesthouse . would you like to book a room there ? eos 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 what 's the star rating on it ? eos O O O O O O O O O N/A +bos the acorn guest house is 4 stars . is there anything else you need ? 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 general-reqmore +bos i need the type of place it is , the number and full adress please . eos O O O O O O O O O O O O O O O O O Hotel-Request+Type +bos it 's a guesthouse located at 154 chesterton road , cb41da . their phone number is 01223353888. eos O O O B-Hotel-Inform+Type 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 great thank you i also will need some info on a restaurant called the copper kettle eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos the copper kettle is a british type located in the centre area and moderately priced . would you like to book a table ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-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 Booking-Inform +bos yes , i would like to book a table for 2 people at 15:30 on monday , 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 N/A +bos i have the booking reserved . the reference number is nbw5rhee . 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 yes , i would also like a taxi to get me 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 O Restaurant-Inform,Taxi-Inform +bos alright , i have got you a taxi to get you to the restaurant by your reservation time . be looking for a grey audi . their contact number is 07643250186 just in case . eos 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 I-Taxi-Inform+Arrive I-Taxi-Inform+Arrive 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 N/A +bos thank you very much for the service . eos O O O O O O O O O general-thank +bos your 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 thats all thank you for your help , goodbye eos 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 . 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 a place to eat called sala thong ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos absolutely ! they are a great thai restaurant in the west of town . they are located at 35 newnham road , newnham . did you need help reserving a table or any other info ? 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O O O O O Booking-Inform,general-greet,general-reqmore +bos please make a booking for people at 19:00 on monday . i also need a reference number once booked . 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 Restaurant-Request+Ref +bos i 'm sorry , there 's nothing available at that time . could you perhaps do 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 sure , try a time that would work . maybe 20:00 ? eos O O O O O O O O O B-Restaurant-Inform+Time O O O N/A +bos that was unsuccessful as well , do you have another time ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos well , i 'm also looking for train on monday departing from leicester to cambridge arriving by 12:45. eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Arrive O O N/A +bos i have a train that arrives at 11:54. would you like me to book that for you ? eos 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 yes i also need the train id , departure time and travel time . eos 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 the train is tr0032 , it departs at 10:09 and travel time is 105 minutes . how many tickets do you need ? eos O O O O B-Train-Inform+Id 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 Train-Request+People +bos as for now , just one please . eos 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 : 3kp0atis . 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 general-reqmore +bos that 's everything . thanks ! eos O O O O O O O general-thank +bos my pleasure . please call again if there is anything we can do to help . eos 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 very cheap restaurant in the north ? eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos i have two restaurants that would meet your requirements . i have an indian restaurant or an italian restaurant . which do you prefer ? 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 O O Restaurant-Select +bos lets go with the italian restaurant ! eos O O O O O B-Restaurant-Inform+Food O O N/A +bos perfect ! it is called da vinci pizzeria and is located at 20 milton road chesterton 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos sounds great . book me there for 12:45 on sunday for 5 people . eos O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O O N/A +bos i suppose since they do n't do sunday reservation , switch to saturday . eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos what other options are there for italian food ? maybe i could go for a moderate price or . eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O Train-Request+Price +bos all i have in that price range is chinese , and indian . eos O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos can you find me a cheap italian restaurant in the north part of town any one is fine and book it for 5 people at 12:45 on sunday ? 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 B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos i have made your reservation for 5 people on sunday at 12:45 at da vinci pizzeria and your reference number is kc6b0pku . eos O O O O O O O O B-Booking-Book+People O B-Booking-Book+Day O B-Booking-Book+Time O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Booking-Book+Ref O N/A +bos i 'm also looking for a train that departs from cambridge and is leaving on monday . 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 alright , there are quite a few . when would you like to leave ? 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 Train-Request+Leave +bos i need to get to ely by 17:30. eos O O O O O O O O B-Train-Inform+Arrive N/A +bos train tr9310 will get you there by 17:24 and is your best option . would you like me to book it for you ? eos 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 O O O O O Train-OfferBook +bos what is the price for tr9310 ? eos O O O O O O O O Train-Request+Price +bos 16.50 pounds , should i book it for you ? eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos no , thanks , i 'll just take care of it at the station . you 've been a big 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-thank +bos i 'm glad to have been of service 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 general-reqmore +bos no . thanks for all of your help though . eos 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 thank you for contacting us . eos O 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-bye +bos i need to book a train for monday going to cambridge please . eos 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 quite a few trains that could suit your needs . can you tell me where you would like to depart from ? 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+Depart +bos i 'll be at london 's kings cross and wanting to leave after 11:45 am . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave O O O O N/A +bos there is a train that leaves london kings cross at 13:17 and arrives in cambridge at 14:08. does that time work for you ? 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+Dest O B-Train-Inform+Arrive O O O O O O O general-reqmore +bos yes , that sounds fine . can you book me tickets for 8 people , please ? eos O O 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 successful . the total fee is 188.8 gbp payable at the station . the reference number is 2egcvfwc 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 goodbye eos O O O O general-bye +bos thank you and goodbye . eos O O O O O O general-bye +bos before you go , could you help me find an expensive restaurant in the city centre ? 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 N/A +bos do you have a preference for the type of food ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos yes , i 'd like some classic british cuisine . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos midsummer house restaurant serves british food . would you like me to book you a table ? 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 Booking-Inform +bos yes , that place sounds perfect . if i could book for 8 on the same day at 15:00 it would be great . eos O O O O O O O O O O O O B-Restaurant-Inform+People 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 : p0t1hlvc . is there anything more 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 general-reqmore +bos that will be all . thanks for your time . bye . eos O O O O O O O O O O O O O general-bye +bos you 're very welcome , enjoy your cambridge visit ! eos O O O O O O O O O O O general-welcome +bos i 'm looking for a place called kambar , can you help me ? eos O O O O O O O B-Attraction-Inform+Name O O O O O O O N/A +bos sure ! it is a nightclub located in the centre of cambridge . the address is 1 wheeler street and admission is 5 pounds . do you need more information ? eos 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 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 general-reqmore +bos can i get the postcode and phone number for them please ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos certainly ! their phone number is 01223842725 and postcode is cb23qb . can i help with anything else ? 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 general-reqmore +bos thanks . i am also looking for a restaurant that serves lebanese food in the centre . do you have any suggestions ? 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 O O O O O O N/A +bos the ali baba is a very nice one . should i 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 Booking-Inform +bos yes can you please book that ? eos O O O O O O O O N/A +bos how many people and for what day ? eos O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos is the ali baba cheap ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos it is in the moderate price range . would you like a booking ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos well , then i really want to stay with something cheap . 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 O N/A +bos i recommend kohinoor , they are indian with a cheap price , would you like more info or a booking ? eos O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Price O O O O O O O O O O O O Booking-Inform,general-reqmore +bos yes . i need their address and phone number as well . eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is 74 mill road city centre , and the phone number is 01223323639. can i get you 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 O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos can you tell me which bus i can take to the restaurant ? eos O O O O O O O O O O O O O O Restaurant-Inform +bos sure . what day would you like to go ? eos O O O O O O O O O O O Train-Request+Day,general-reqmore +bos the same day . eos O O O O O N/A +bos i 'm sorry but i need the travel day to look that up for you ? eos O O O O O O O O O O O O O O O O O Train-Request+Day,general-reqmore +bos i do not need a bus , have a nice day thanks for the restaurant information . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +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 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 this service good bye eos O O O O O O O O O general-bye +bos hello . can you help me find a specific restaurant that i 'm looking for ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos yes 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 Restaurant-Request+Name +bos the name of the restaurant is lucky star eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos lucky star is located at cambridge leisure park clifton way cherry hinton in the south . would you like me to book a table for you ? 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform +bos yeah i need a table for six please eos O O O O O O O O O N/A +bos lucky star is a great restaurant . may i please get the day and time you wish to reserve ? 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 Booking-Request+Time,Booking-Request+Day +bos yes , i am wanting to book for thursday at 14:15. eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time 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 it will be for 6. eos O O O O O O N/A +bos i booked a table for 6 for you on thursday at 14:15 at the lucky star . your reference is aznty1zz . how else may i be of assistance today ? eos O O O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time 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 could you also help me find a nightclub to check out ? eos O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are six nightclubs . one is in the south . the other five are 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 B-Attraction-Inform+Area O O O O O O O O O N/A +bos i want it in the centre . pick the best one there and tell me the entrance fee and address please . 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 Attraction-Request+Fee,Attraction-Request+Addr +bos club salsa is in the centre area , located at 1 station road . the entrance fee is 5 pounds . do you need any further assistance ? 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 O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos thank you . that 's all for now . have a great day . 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 general-welcome,general-bye +bos can you find a 3 star hotel in the moderate price range ? eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O N/A +bos just to clarify , is it a hotel you need , or will a guest house serve ? because i have 4 guest houses matching your needs , but no actual hotels . eos O O O 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+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O Hotel-Request+Type +bos no it needs to be a hotel that includes wifi eos O O O O O O O B-Hotel-Inform+Type O O O N/A +bos i 'm sorry , i do n't have anything that matches that description , but i do have two 2-star hotels with wifi 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+Choice B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O O O O Hotel-NoOffer,Hotel-Inform+Internet +bos does one have free parking ? eos O O O O O O O N/A +bos two do , the ashley hotel and the lovell lodge . eos O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos actually , a guest room will be fine . as long as it is a 3 star moderate . i 'd like both free wifi and free parking . eos O O 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 O O O O O N/A +bos i have only two star hotels , would you mind restating the exact criteria you need in a room please ? 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 general-reqmore +bos i need a moderate hotel , free parking for 4 people , 2 nights on friday . i need a reference number too please eos O O O O B-Hotel-Inform+Price 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 and you said a guesthouse would be fine , correct ? i have the bridge guest house which is a 3 star with free internet and parking . 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 O O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Request+Type,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , book it please . eos O O O O O O O N/A +bos that one is unavailable . would you like me to try one of the others ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Inform +bos yes a hotel in the same price range . eos O O O O O O O O O O Hotel-Inform +bos i booked a room for you at the hamilton lodge on chesterton road . your reference number is cu50dw9y . can i help you with anything else today ? 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 O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos no . that is 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 you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye +bos good morning , i need a place to stay that has free wifi and that is in the expensive price range . can you please tell me what is available ? 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 O O O O N/A +bos i have 5 hotels that fit those qualifications , do you want to stay in a specific part of town , or is there a star rating you 're 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 O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area +bos i would like the hotel to be in the north please . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i do not have any expensive hotels in the north with free wifi . would you like me to 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 O O O O O Hotel-NoOffer,Hotel-Request+Price +bos okay , well , how about mid-price range then ? eos O O O O O O O O O O O N/A +bos the acorn guest house is a moderately priced guesthouse in the north with free 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 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,Booking-Inform +bos yes , please . 7 people , monday , for 3 nights . eos O O O O B-Hotel-Inform+People B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O N/A +bos the booking was unsuccessful . want to try another time ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos yes , please book rooms for 7 people for 3 nights starting on monday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos archway house is available . it is a moderately priced guest house in the north with wifi . your reference number is tbhihejt . would that work for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Ref O O O O O O O O O Hotel-Select,Hotel-Inform+Internet,general-reqmore +bos i need a moderately priced hotel that has free wifi . eos O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos we have many guesthouses that are moderately priced . how about the acorn guest house , they are located in the north ? eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Price I-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 B-Hotel-Inform+Area O O O N/A +bos does it include free wifi and parking ? eos O O O O O O O O O N/A +bos yes to both . eos O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos great ! book for 1 people starting on thursday for 4 nights . thanks . eos 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 N/A +bos i apologize . that booking was unsuccessful . 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 Booking-NoBook,general-reqmore +bos another hotel will be fine as long as it 's in the same price range . thank you . eos O O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos a and b guest house is a nice place.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 I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos i 'm looking for a certain hotel someone recommended , i think it 's called the gonville ? eos 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 gonville hotel . it is in the centre area of town . would you like to make a booking today ? eos O O 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform +bos yes , please , i need a room for 3 nights for one person , starting on saturday . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Day O O O O N/A +bos i am sorry there are no rooms available at that time , can i help you 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,Hotel-Request+Name,general-reqmore +bos how about a different hotel in the same price range please ? eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos how about the university arms hotel ? it is in the same price range . 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 I-Hotel-Recommend+Price I-Hotel-Recommend+Price O O N/A +bos is that rated similar to the other one ? eos O O O O O O O O O O N/A +bos the rating is actually one star better . is that one fine ? eos O O O O O O O O O O O O O O N/A +bos yes please boook me that one . eos O O O O O O O O N/A +bos all right , i have you booked at the university arms with reference number jad762ev . 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 B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos no thank you . you have been very helpful with all your assistance . eos O O O O O O O O O O O O O O O general-thank +bos pleasure all mine . have a nice stay ! eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a four star guest house.. eos O O O O O O O O O O N/A +bos yes i have several listings in different parts of the city . do you have a price range or location preference ? 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 I-Hotel-Inform+Area O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i 'll need free wifi . eos O O O O O O O N/A +bos that 's no problem . 18 of our lodging establishments offer free wifi . is there a price range or location 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 O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet +bos not really , but i will need a room for 5 starting on thursday . are there any with that availability ? 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 how many nights would you like to stay ? eos O O O O O O O O O O Booking-Request+Stay +bos we 'll be staying for five nights . eos O O O O O O O O O N/A +bos i have made a booking at the acorn guest house for you . the reservation number is 0lv52r28 . 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 B-Hotel-Inform+Ref O O N/A +bos thank you . could i please get the address and phone number ? eos O O O O O O O O O O O O O O general-thank +bos yes , address is 154 chesterton road . their phone number is 01223353888. is there anything else i can do for you ? eos 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 O O O general-reqmore +bos no , that will do . thanks ! eos O O O O O O O O O general-thank +bos have a good trip . 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 moderately priced guest house . eos O O O O B-Hotel-Inform+Price O O O O N/A +bos there are 15 moderately priced guesthouses . do you have any specific needs , such as area , or internet access , or parking ? what star rating would you prefer ? 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 O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet +bos yes i want free wifi and the rating should have 4 stars . eos O O B-Hotel-Inform+Internet O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos acorn house is on the north side , has a 4-star rating and is in the moderate price range . they have free wifi . what dates do you need ? eos 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+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 Booking-Request+Day +bos i need booking from 1 people and 4 nights starting from 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 i 'm sorry , it does n't look like they have a room available . would you like me to try a different 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 Booking-NoBook,general-reqmore +bos yes , please try a different hotel in the same price range . eos O O O O O O O O O O O O O O Hotel-Inform +bos i have successfully booked you a room for 1 person and 4 nights starting on wednesday at the archway house . they are located at 52 gilbert road . eos O O O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay I-Booking-Book+Stay 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 O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos can you give me a reference number to check in with ? eos O O O O O O O O O O O O O Hotel-Request+Ref +bos reference number is 4d968p9b . eos 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 ! enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos thank you i 'm sure i will . eos O O O O O O O O O general-thank +bos great thank you . eos O O O O O general-bye +bos hi , i need a guest house to stay in , please . eos O O O O O O O O O O O O O O N/A +bos i 've found 24 different guesthouses for you . would you like some recommendations based on more preferences ? 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 general-reqmore +bos i need free wifi and it should have a star rating of 3 please . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i found 3 guesthouses matching your criteria in the north , south , and west . what part of town would you prefer ? eos O O O O B-Hotel-Inform+Choice 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 Hotel-Select +bos i 'd like something on the north side of town . eos O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos i have the hamilton lodge on chesterton road , would that be ok ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O Booking-Inform +bos yes please book it for 6 on tuesday and i will be staying 5 nights if that 's available . eos O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos there are no guest house 's available in the north . how about a hotel instead ? eos O O O O O O O O O O O O O B-Hotel-Recommend+Type O O O O Hotel-NoOffer +bos that would be fine as long as it is in the same price range eos O O O O O O O O O O O O O O O N/A +bos i am sorry there are no hotels that match either . would you like to try a different part of town 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 O O O O Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Stars +bos yes . would you check the west part of town please ? eos O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos i 'm sorry , there is none that match your request in the west . should i try different star rating or 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 O Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Stars +bos could you try a hotel in the west in the same price range . the star does not matter . 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 hobsons house is a moderately-priced , 3-star guesthouse in the west . i was able to book that for you , ref # lqivxpcx . can i help with anything else today ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area 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 , that 's all i need today . goodbye ! eos O O O O O O O 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-welcome,general-bye +bos i 'm looking for caffe uno , can you help me find where it is ? eos 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 absolutely ! caffe uno is located at 32 bridge street city centre . eos 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 N/A +bos great ! i would like to book a table for 1 at 18: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 N/A +bos i was unable to reserve a table at that time . would you like me to find 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 , how about 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 N/A +bos how about bedouin , they serve african cuisine . eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O N/A +bos that sounds good as long as it 's in the same area and price range . i 'll need 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 great , your reference number is k3tpr6ui . anything else ? eos O O O O O O B-Booking-Book+Ref 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 you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye +bos i 'm hoping to find a moderately priced place to stay . eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos we have many options . are you looking for a hotel or a guesthouse ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Type +bos i would prefer a guesthouse . also , i would need free parking . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos i have 33 results , is there a specific area you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos i 'd prefer something on the west side of town . eos O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos i have hobsons house on the west side in the moderate range . it has 3 stars and internet and parking . would you like to book that one ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area 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 O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos that sounds good , please book that one for me . eos O O O O O O O O O O O O N/A +bos for how many and what dates ? eos O O O O O O O O Booking-Request+People,Booking-Request+Day +bos eight people , two nights from thursday . eos O O O O O O B-Hotel-Inform+Day O O N/A +bos booking was unsuccessful . would you like me to try a different hotel ? eos O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes , the same price range . eos O O O O O O O O N/A +bos in the area of west there is only one guest house in the moderate price range . do you want me to search a different area ? eos O O O O O B-Hotel-Inform+Area 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 O O Hotel-Request+Area +bos yes you can check any area please . eos O O O O O O O O O N/A +bos i have 12 in the moderate price range . would you like me to try the aylesbray lodge guest house ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price 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 N/A +bos yes please book for me then me the reference number eos O O O O O O O O O O O Hotel-Request+Ref +bos okay that was successful and your booking number is jp9dvktj . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you for all your help . eos O O O O O O O O general-thank +bos you 're welcome . will you be needing anything else today ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos no . i have everything i need . eos O O O O O O O O O N/A +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 am looking for a place to stay in the north . eos O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos yes i have many options in the moderate price range . do you need wifi or free parking ? 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 Restaurant-Inform,Hotel-Request+Parking,Hotel-Request+Internet +bos yes , i need both wifi and free parking . eos O B-Hotel-Inform+Internet O O O O O O O O O N/A +bos how does the acorn guest house sound ? it is in the north part of town , in the moderate price range , and has both free wifi and parking . eos O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name 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 O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds great . can you book it for 6 people starting tuesday for a total of 2 nights ? 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 B-Hotel-Inform+Stay O O N/A +bos the acorn guest house is unavailable at that time , but i booked you for the arbury lodge guesthouse instead . it has all of the same features . eos 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 B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O N/A +bos okay . may i have the reference number ? eos O O O O O O O O O O Hotel-Request+Ref +bos reference number is : 3y3ae0u7 . eos O O O O O B-Hotel-Inform+Ref O N/A +bos thank you for booking it.goodbye . eos O O O O O O O general-bye +bos is there anything else you need ? eos O O O O O O O O general-reqmore +bos i 'm looking for a restaurant that serves traditional european food , that 's not too expensive or too cheap . 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 N/A +bos galleria serves european food and is in the moderate price range in the centre of town . eos O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area N/A +bos great that would be perfect for me , can you provide me with booking options for that 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 could book that for you if you let me know when you 'd like to dine there and how many people will be joining 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-Request+Day,Booking-Request+Time,Booking-Request+People,Booking-Inform +bos actually , i do n't need booking . i just need the postcode , 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos certainly . galleria , postcode cb21uw , address 33 bridge street , and phone number 01223362054. eos O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Post O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone O O O O N/A +bos that is all i needed . thank you . goodbye . eos O O O O O O O O O O O O general-bye +bos glad i could be of assistance . have a great day . good bye . eos O O O O O O O O O O O O O O O O general-bye +bos need a certain restaurant called stazione restaurant and coffee bar . 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 N/A +bos wonderful ! that restaurant is located at market hill city centre , and the telephone number is 01223352607. can i help you with anything else ? 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 O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos yeah can you book me a table for 3 on thursday ? eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O N/A +bos what time would you like to make the reservation for ? eos O O O O O O O O O O O O Booking-Request+Time +bos 15:00 on thursday , please . eos O B-Restaurant-Inform+Time O O O O O N/A +bos great i was able to get your table , reference number is 41szjzmv . make sure you arrive on time they will only hold the table for 15 minutes . 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 O O O O O N/A +bos ok i am also looking for a train on the same day as the sestaurant booking and should arrive by 09:15 should go to cambridge and depart from ely 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+Arrive O O O B-Train-Inform+Dest O O O O N/A +bos there are two trains to choose from , one departing at 05:35 and the other 07:35 , do you have a preference ? eos O O O O B-Train-Select+Choice O O O O O O O O O O B-Train-Select+Leave I-Train-Select+Leave O O O O O O O N/A +bos can i get the price and travel time for the 7:35 departure ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos sure ! the fare is 4.40 gbp per person , and it 's a short , 17-minute ride . 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 N/A +bos can you book it for me ? eos O O O O O O O O N/A +bos i certainly can . how many tickets would you like ? eos O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos i would like a reservation for 3 people please . i would like a 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 your tickets are booked . the reference number is xvs0713s . can i do anything else for you ? 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 , thanks for your help . goodbye . eos O O O O O O O O O O general-bye +bos perfect ! i hope that you enjoy your travels and please feel free to contact us again if you need anything . 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 hi , i 'm trying to plan my trip in cambridge and i need to find a train for saturday . can you look up train schedules ? eos O O O O O 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 O O O O N/A +bos i sure can ! we have several trains headed there on saturday , do you have a specific time you would like to leave ? eos O O O 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 O O Train-Request+Leave +bos yes , is there anything available after 11:00 that departs from london liverpool street and goes 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 O O B-Train-Inform+Dest O O N/A +bos there is a train leaving london liverpool street at 11:39 and arrives in cambridge at 13:07. would you like me to book you some seats ? 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 O O O O O O Train-OfferBook +bos yes , i just need one though . please provide the reference number . eos O O O O O O O O O O O O O O O N/A +bos booking was sucessful . your train is tr7909 and the reference number is di7p07so . eos O O O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks so much . can you also recommend a chinese restaurant for me ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos jinling noodle bar looks good , would you like to book there ? eos 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 i need an expensive one on the north side . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos in that case i recommend hakka . would you like a table ? eos O O O O O O B-Restaurant-Recommend+Name O O O O O O O Booking-Inform +bos yes , will you reserve me a table for 1 at 15:30 please . eos O O O O O O O O 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 : 7cw2tppq . 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 can i confirm that you made the booking for saturday ? eos O O O O O O O O O O O O N/A +bos the booking has been made for saturday at 15:30. the reference number is 7cw2tppq . eos O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A +bos ok , thank you so much for the help . that 's all for now . 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 good day ! eos O O O O O O O O O general-bye +bos what train can i take to get to cambridge from leicester ? eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos i can definitely help you with finding a train . it would help to start with which day you would like to 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 O O O O Train-Request+Day +bos i need to leave on friday . eos O O O O O O B-Train-Inform+Day O N/A +bos what time would you prefer ? eos O O O O O O O Train-Request+Leave +bos i 'd like to leave after 9 , and i need one ticket , 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 , the total fee is 37.79 gbp and it is payable at the station 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 N/A +bos could i have the reference number please ? eos O O O O O O O O O Train-Request+Ref +bos absolutely , the reference number for your booked space is tcr6n0nv . is there anything else i can help you with ? eos 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 i am also looking for moderate priced asian food . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos are you looking for asian oriental ? if so , i have the yippee noodle bar in the centre of town . would you like more information or a reservation for them ? eos 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 I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos yes , that sounds good . please book a table for 1 at 20:00 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 i have a table reserved for you . your reference number is 0znem1mc . 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 O general-reqmore +bos no , that is all . thanks , goodbye . eos O O O O O O O O O O O general-bye +bos have a good day . good bye . eos O O O O O O O O O general-bye +bos are there trains to cambridge on sunday ? eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are 202 trains that match your trip . do you have a specific departure city ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Depart +bos leaving cambridge on sunday eos O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos okay , where would you like to go ? eos O O O O O O O O O O Train-Request+Dest +bos i would like to go from ely to cambridge and arrive by 8:00. eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O O N/A +bos there are two trains departing ely at 5:35 and 7:35 that will arrive in cambridge by 8:00. would you like to book either train ? eos O O O O O O O B-Train-Inform+Depart 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 Train-Select,Train-OfferBook +bos i would like to book the 7:35 please , also give me the train id ? and will i be close to 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 O O O Train-Request+TrainID +bos train id is tr1037 . it will be in the same city , yes . anything else ? eos O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O N/A +bos i am also looking for a restaurant called yu garden , i need you to book it foe 2 peopleat 13:30 for sunday.i need the reference number please.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 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 was able to reserve it , reference number is cxeckioh . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i 'm also looking for a restaurant . eos O O O O O O O O O Restaurant-Inform +bos are you looking for one in addition to the one we just made a reservation at ? eos O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos no i 'm sorry , i was mistaken , thank you , that is all eos O 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 need help finding train to lodon liverpool street . eos O O O O O O O O O O O Train-Inform +bos thank you , i see there are several to choose from . eos O O O O O O O B-Train-Inform+Choice O O O O O N/A +bos i need it to arrive by 19:45 on sunday and i 'm leaving from cambridge . eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O N/A +bos train tr1163 leaves at 05:59 , is that okay ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O N/A +bos yes , i 'd like to book it for 3 people . could i get 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 , the total fee is 39.83 gbp payable at the station . your reference number is 121ne14k . 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 can you find me an expensive restaurant in the centre , please ? 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 results . can we narrow down by type of food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food +bos i would like a restaurant that serves venetian food , please . eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are no expensive venetian restaurants in the city centre . is there another food type you want ? eos 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 O O O O O O Restaurant-Request+Food +bos sure , how about some british food ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 3 : fitzbillies restaurant , the cambridge chop house , and midsummer house restaurant . do any of these sound good to you ? 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 I-Restaurant-Inform+Name O O O O O O O O O O O O Restaurant-Select +bos are all three of these expensive restaurants ? if so i 'd like to try the midsummer house restaurant . may i get their address please ? 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 O O O O O O O Restaurant-Request+Addr +bos yes midsummer house restaurant is expensive , it 's located at midsummer common . would you like me to help you make a booking ? eos 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+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O O O Booking-Inform +bos that was all the information i needed , 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 'm trying to find a restaurant called anatolia . do you have any info about 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 O N/A +bos it 's a turkish place in the centre that 's moderately expensive . what else would you like to know ? eos O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O B-Attraction-Inform+Price I-Attraction-Inform+Price O O O O O O O O O O O general-reqmore +bos can you book a table there for me ? eos O O O O O O O O O O N/A +bos of course ! will you give me a day and time ? 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 Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos it would be for monday for 5 people at 18:15 if possible . eos 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 unfortunately , they are fully booked at that time . can i try another time for you ? 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 the same day at 17:15. is that available ? i 'll also need a train departing stevenage and should arrive by 10:15. eos O O O O O O O B-Restaurant-Inform+Time O 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 was able to book at table at anatolia . monday at 17:15 for 5 people , reference number 62w1w1v0 . what destination would you like for the train from stevenage ? eos O O O O O O O O O B-Booking-Book+Name B-Booking-Book+Day O B-Booking-Book+Time 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 N/A +bos cambridge please . eos O B-Train-Inform+Dest O O N/A +bos tr8306 leaves for cambridge friday 05:54 eos O B-Train-Inform+Id O O B-Train-Inform+Dest B-Train-Inform+Day B-Train-Inform+Leave N/A +bos i 'm looking for a restaurant called the varsity restaurant . 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 i 've located the varsity restaurant , would you like me to make reservations there for you ? eos 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 N/A +bos yes please . i need a table for 7 people at 11: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 N/A +bos i have booked you a table . the reference number is : b19y67kt . eos O O O O O O O O O O O O O O O Booking-Book +bos i 'm also looking for a train to london liverpool street arriving by 20:30. 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 N/A +bos what day would you like to go and where will you be departing from ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +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 O N/A +bos train tr6332 leaves for london liverpool street on thursday 17 : 59 and arrives at 19:27. 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 N/A +bos yes . please book a seat on train tr6332 for me . eos O O O O O O O O O O O O O Train-Inform +bos ok , i have successfully booked a seat on tr6332 . the cost will be 16.6 gbp and your reference number is qq53pxei . 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 O O O O O B-Train-OfferBooked+Ref O O O N/A +bos i 'm sorry , i said i needed a seat for me , but i actually need 7 seats total . my friends would not be happy if i stranded them . 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 O O N/A +bos ok , i got that fixed for you . eos O O O O O O O O O O Train-OfferBooked +bos thank you . that 's all for today . eos 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 i am looking for a restaurant named prezzo in cambridge . eos O O O O O O O O B-Restaurant-Inform+Name O O O N/A +bos the address to prezzo is 21 - 24 northampton road and the phone number is 01799521260. would you like me to make you a reservation ? 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 I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform +bos yes , for one on thursday , 16:15 eos O O O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O N/A +bos great ! i have you booked - reference number 0z1crclo . please note - 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 i also need a train for the same day as the restaurant heading to cambridge . eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos sure , where are you departing from 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 O Train-Request+Depart,Train-Request+Leave +bos i am looking to depart bishops stortford and need to arrive by 08:00 eos O O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos i have five trains that arrive then , shall i book the train for you and if so for how many tickets ? 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+People,Train-OfferBook +bos could you tell me the ticket prices for the train ? eos O O O O O O O O O O O O Train-Request+Price +bos sure . there is actually only one train available and it costs 10.10 pounds . do you need a reservation ? eos O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O Train-OfferBook +bos yes , could i please have the train id and the estimated travel time ? eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos the trainid is tr6270 and the travel duration is 38 minutes . eos O O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos ok can you book that for me , thanks ! eos O O O O O O O O O O O general-thank +bos booking was successful , the total fee is 10.1 gbp and is payable at the station . the reference number is d3vkuhbi . thank 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 O O B-Train-OfferBooked+Ref O O O O O O N/A +bos that is great . i think you have provided all the help 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 general-thank +bos you are welcome . if you ever need any other assistance , please contact us . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye +bos i will definitely keep that in mind ! eos O O O O O O O O O N/A +bos great . have a nice day ! eos O O O O O O O O general-bye +bos i 've got a craving for some pasta . can you find me a good italian restaurant on the west side of the city ? 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 O O O N/A +bos i have two different ones that are great . one is cheaper and the other is moderately priced . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice 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 Restaurant-Select +bos yes , definitely the cheap one . eos O O O O B-Restaurant-Inform+Price O O O N/A +bos that 's the la margherita . do you want me to book a reservation ? eos 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 'd like it for 15:15 on thursday for 7 people . eos 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 O N/A +bos booked ! reference number : s22tynuq . the table is reserved for 15 minutes . eos 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 a train to stevenage . eos O O O O O O O O B-Train-Inform+Dest O O N/A +bos yes , there are 70 different options do you have a preference for day , and time ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos yes , i 'd like to leave cambridge on friday , sometime after 12:30. eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O O N/A +bos there is a train that leaves at 1:21pm and arrives at 2:10pm . do you want me to book ? 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 that wo n't be necessary . eos O O O O O O O N/A +bos is there anything more 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 for your help . eos O O O O O O O O O O O O O general-thank +bos thank you so much for using our services ! goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i would like to make a reservation at the maharajah tandoori restaurant for my trip to cambridge . 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 N/A +bos for when and how many ? eos O O O O O O O Booking-Request+People,Booking-Request+Day +bos can you book a table for 5 people at 16: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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : zb0ma4iz . may 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 yes , i also need a train for the same day . we are coming from stevenage . 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 train tr9013 will get you from stevenage to cambridge at 14:43. it departs at 13.54. would you like to book a ticket ? eos O O B-Train-Inform+Id O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos i 'd prefer something earlier , actually . i need to be in cambridge by 12:30. eos O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A +bos i have a train arriving at 10:43. how does that sound ? eos O O O O O O O B-Train-Inform+Arrive O O O O O N/A +bos that sounds great . what time does it leave and how much will it cost me ? eos O O O O O O O O O O O O O O O O O O Train-Request+Leave +bos it leaves at 9:54 and it will cost 12.80. eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket N/A +bos please book it and send me the reference number . eos O O O O O O O O O O O Restaurant-Request+Ref +bos your train tickets are booked for tr 8265 , departing from stevenage at 9:54 , arriving in cambridge at 10:43. your reference number isd0v6u0ma . total is 64 gbp payable at the station . eos O O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-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 B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O N/A +bos fantastic , thank you for the information . eos O 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 i think that is all i needed 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 great day . eos O O O O O O O O O O general-welcome,general-bye +bos hello , i 'm in the west and i am looking for a restaurant in the moderate price range . can you please help me ? eos 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 O O O O O O N/A +bos sure , there are three : british , indian and italian are their respective cuisines . 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 N/A +bos what 's the name of the italian place ? eos O O O O O O O O O O N/A +bos have 2 listings one for meghna and one for prezzo . eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Name N/A +bos i would like it to be italian , and in the west please . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos i found prezzo on 21 - 24 northampton road . would you like me to book a table for you now ? eos 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 I-Restaurant-Inform+Addr O O O O O O O O O O O O Booking-Inform +bos book a table for 7 at 14:45 on saturday and get me a reference number eos 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 Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes.reference number is : gw3lqpre . 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 the area and address of an attraction called old schools please . eos O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Area,Attraction-Request+Addr +bos sure , it is in the centre area on trinity lane , postal is cb21tt , can i help with anything else ? eos O O O O O O B-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 general-reqmore +bos no , that takes care of everything ! 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 would like information on museums to visit in the centre of town . eos 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 11 museums in the centre of town . is there a particular museum 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 Attraction-Request+Type +bos which one do you recommend ? can i have 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 i 'd recommend the castle galleries their phone number is 01223307402 and address is unit su43 , grande arcade , saint andrews street eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Phone I-Attraction-Recommend+Phone O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O N/A +bos thanks ! i also need a train to broxbourne on saturday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos sure . where are you departing from and when did you want 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 am departing from cambridge and do n't care what time i arrive as long as i depart after 21:30 from broxbourne . eos 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 N/A +bos the tr5034 departs from cambridge at 22:01. eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave N/A +bos i think that one is a good bet . 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 how many tickets do you need ? eos O O O O O O O O Train-Request+People +bos i 've got a group of 8 people in all . eos O O O O O O O B-Train-Inform+People O O O O N/A +bos you are booked for 8. your total fee is 114.56 gbp . tr5034 departs from cambridge at 22:01 and arrives in broxbourne by 23:01. eos O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest N/A +bos what is the reference number ? eos O O O O O O O Train-Request+Ref +bos the reference number is uwnpyqib . eos O O O O O B-Train-OfferBooked+Ref O N/A +bos can you help me find a 3-star hotel in the north of cambridge ? eos O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O N/A +bos i can book you at the hamilton lodge if you would like . eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O N/A +bos i want a hotel that 's in the moderate price range . eos O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos the hamilton lodge happens to be moderately priced and offers free wifi and parking , would you like me to book this hotel for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos as long as it is a hotel and not any other type , then yes 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 Hotel-Inform +bos the alpha milton guest house is of moderate price and located in the north cambridge area . eos O O O O O O O O O O O O O O O O O O N/A +bos great can you book it for 2 people for 4 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 your booking was successful and your reference number is bobt5blt . 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 yes . i also need to find a restaurant that serves chinese food . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 17 chinese restaurants . is there a particular price range or area you 'd like ? 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 i would like it also to be in the north and moderately priced . eos O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O N/A +bos i can recommend golden wok , would you like me to book a reservation there for you ? 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 Booking-Inform +bos yes , please book this . eos O O O O O O O N/A +bos what date , 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 i do n't need it booked . i just require the 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+Phone +bos the phone number is 01223350688. is there anything else that i can do for you ? eos 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 everything i needed for today . thanks ! eos O O O O O O O O O O O general-thank +bos you 're welcome ! you have a great day ! eos O O O O O O O O O O O general-welcome +bos hi i am planning a trip and need to find a cheap place to stay in the west part of cambridge . eos O O 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 N/A +bos there are two places matching your requests , one a guesthouse and one a hotel . which do you prefer ? eos 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 O O Hotel-Select +bos which one has free parking ? eos O O O O O O O N/A +bos it looks like they both do . do you have a preference for guesthouse or hotel ? eos 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-Inform+Parking +bos do both also have free wifi ? if so , can you book the guest house . eos O O O O O O O O O O O O O O O O O O N/A +bos absolutely , finches bed and breakfast it is . what day would you like me to book you for ? how large is your party ? how long is your stay ? 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 O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos what is the star rating of the hotel ? eos O O O O O O O O O O Hotel-Inform +bos finches is rated 4 stars . please provide me with information regarding your reservation and i would be happy to take care of booking the hotel 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 O O O O O O O O O Booking-Inform +bos i am also looking for a pizza hut . eos O O O O O O O O O O N/A +bos there are three pizza hut 's locations listed : fen ditton , city centre , and cherry hinton . are you interested in one of these ? eos O O 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 O O O O O O O O O O O O Restaurant-Select +bos i need the address , type of food , and price range for the fen ditton location , 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+Food,Restaurant-Request+Price,Restaurant-Request+Addr +bos the pizza hut is located in fen ditton in the cambridge retail park on newmarket road . it serves italian food at a moderate price . should i book a table for you ? eos 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 I-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 O O O O O O O O O O O Booking-Inform +bos i would like a taxi to commute between the two places please . eos O O O O O O O O O O O O O O Taxi-Inform +bos what time do you want to depart from finches ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i 'd like to leave by 22:15 , please . eos O O O O O O B-Taxi-Inform+Leave O O O O N/A +bos ok , i have a white toyota picking you up at finches at 22:15 and traveling to the pizza hut fen ditton . contact number is 07655072535. eos 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 O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Phone O O N/A +bos that 's incorrect . i need a taxi that leaves the restaurant by 22:15 and takes me back to the hotel . 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 N/A +bos okay . no problem . i have corrected that for you . i have booked you into a white volvo with a contact number of 07064227120. they will pick you up at 22:15. 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 B-Taxi-Inform+Phone O O O O O O B-Taxi-Inform+Depart O O O N/A +bos okay wonderful . thanks for all your help . eos O O O O O O O O O O general-thank +bos it has been my pleasure . feel free to contact us with any future concerns . 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-bye +bos i want to find a place to stay with free wifi . it does n't have to have free 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 N/A +bos the acorn guest house will meet your needs . would you like to book a room there ? 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 Booking-Inform +bos is that a 4-star hotel ? i do prefer a 4-star place . eos O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos yes , the acorn guest house is a 4-star place eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O N/A +bos ok , that sounds good , lets book a room please . eos O O O O O O O O O O O O O N/A +bos 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 . eos O O O O O O O O O O O O O O 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 first , i need the price , phone number , and postcode there . eos 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 the acorn guest house is located at 154 chesterton road postcode cb41da , phone 01223353888. the price is in the moderate range . shall i book a room for you ? eos O 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 B-Hotel-Inform+Post O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform +bos thank you ! i am also searching for the good luck chinese food takeaway . 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 N/A +bos certainly , the good luck chinese food takeaway is in the south part of town . can i book at table for you , if so how many will be dining . 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 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 Booking-Request+People,Booking-Inform +bos i want to book a table for 2 people at 12:30 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 N/A +bos the restaurant has been booked for two people sunday at 12:30. your reference code is cob6x9ip . eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O O O O O O B-Booking-Book+Ref O N/A +bos great , thanks ! that is all i needed for today . eos O O O O O O O O O O O O O general-thank +bos 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 . eos O O O O O 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 find me a moderately cheap restaurant in cambridge that serves russian food eos O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food O N/A +bos there are no listings with those criteria . do you want to change some criteria ? 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 british food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos there are 5 restaurants which match your requirements . are you looking for a restaurant in a particular 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 O O O O Restaurant-Request+Area +bos no any part of town will work . eos O O O O O O O O O N/A +bos would you like me to book you at the oak bistro at 6 lensfield road ? eos 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 Booking-Inform +bos can i just get the area , phone number , and postcode of it ? eos 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 the oak bistro is in the area of centre , the phone number is 0122332361 , and the postcode is cb21ab . eos O 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+Phone O O O O B-Restaurant-Inform+Post O O O N/A +bos thanks . also i am looking for a guesthouse hotel with 2 stars in the north . eos O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O N/A +bos i 'm very sorry but there are no results matching your criteria . would you like to change the star rating , or 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 O O O O Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Stars +bos can you see if there is just a normal hotel in the north ? it still needs to be a 2 star . eos 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 B-Hotel-Inform+Stars O O N/A +bos yes , i have 2 hotels in that area and with that rating . the ashley hotel or lovell lodge . would you like me to book one of them ? eos O 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 O O O Booking-Inform +bos yes , please . i need a room for 1 person , 3 nights . i 'll be arriving on saturday . the ashley is fine . eos 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 O O O O N/A +bos i have book it for you . your reference nummber is : kkcaoaa4 eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you , that should be all . eos 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 i am looking for a local , cheap place to eat . eos O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos there are a total of 22 restaurants that are cheap . any particular food type you would like ? eos O O O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O O O O O O O O Restaurant-Request+Food +bos yes , i am looking for portuguese food . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i found two restaurants in the area that serve portuguese food . would you like me to book one now ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform +bos no thank you , could you provide me with the phone number and postcode ? 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 phone number is 01223327908 and postcode is cb23ar eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O B-Restaurant-Inform+Post N/A +bos thank you i need a place to stay also . i was hoping to stay 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 5 hotels in the east . do you prefer the moderate or cheap price range ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O N/A +bos i do n't really know what price range . i would like it to have a 3 star rating and free wifi though . 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 i was not able to find any hotels matching that requirement . eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O N/A +bos ok , could you check in the south area for one instead ? eos O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos i found two : bridge guest house in a moderate price range or the lensfield hotel in an expensive price range . would you like to book 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 O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Booking-Inform +bos okay , what is the postcode of the bridge guest house ? eos O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode for the bridge guest house is cb28rj . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post O N/A +bos i will need a taxi from the hotel to the restaurant . i want to leave the hotel by 7:15. eos 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 you taxi fro your hotel to nandos city centre , leaving at 07:15. the contact number is 07137465500. can i help with anything else ? 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 I-Taxi-Inform+Dest O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O O O O O O N/A +bos what type of car is the taxi ? eos O O O O O O O O O Hotel-Request+Type +bos the taxi is a blue tesla . is there 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 general-reqmore +bos no , that 's all i need today . i appreciate all your help - thanks ! eos O O O O O O O O O O O O O O O O O O general-thank +bos i 'm glad we could be of service , 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 am looking for information on the hamilton lodge hotel . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos the hamilton lodge is located in the northern part of town . it has three stars and moderate pricing . would you like the address and phone number ? 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 I-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 O O O N/A +bos yes , please , i want to book it . give me the reference number . eos O O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos address for hamilton lodge is 156 chesterton road and the phone number is 01223365664. how many people , how many nights , and on what day would you like to book ? eos 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 O O O O O O O Booking-Request+Day,Booking-Request+People,Booking-Request+Stay +bos 7 people are staying for 3 nights starting on friday . eos O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos excellent , you 're all set . the reference number is zj7wbmyc eos O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos i 'm also looking for a restaurant 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 sure there is a restaurant called siagon city . would you like me to make a reservation for you or would you care to do this yourself ? 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 O O O O O O O Booking-Inform +bos is siagon city in the west ? i want a restaurant in the west . eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos no , but graffiti is an expensive restaurant in the west serving british food . how does that sound ? eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O O O O O N/A +bos what 's the address and postcode for graffiti ? could you also book a taxi from the hotel at 20:15 ? please send 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 B-Taxi-Inform+Leave O O O O O O O O O O O O Taxi-Request+Car,Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is hotel felix whitehouse lane huntingdon road and the postcode is cb30lx . please tell me where you are departing from for the taxi . 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 B-Restaurant-Inform+Post O O O O O O O O O O O O O Taxi-Request+Depart +bos great can i also get a taxi to take me between the hotel and restaurant ? eos O O O O O O O O O O O O O O O O O N/A +bos your taxi is booked . your car type will be a black toyota and the contact number is 07498631779 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 that is everything . thank you . eos 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-welcome,general-bye +bos thanks , i do n't need anything else today . eos O O O O O O O O O O O general-thank +bos thanks . i 'm glad i could help . eos O O O O O O O O O O general-welcome +bos i need a train to take me from cambridge to broxbourne . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos sure . what time would you like to depart ? eos O O O O O O O O O O O Train-Request+Leave +bos i do n't know . i want to get there at 08:15 though . eos O O O O O O O O O O O B-Train-Inform+Arrive O O O N/A +bos also , what day will you be travelling ? 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 alright , the latest train that fits your criteria is tr3174 , which will arrive at 8:01. is that alright by you ? eos O O O O O 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 Train-OfferBook +bos 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 ? eos O O O O O O O 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 yes travel time is 60 minutes and the cost of the ticket is 17.90 pounds . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos what is the exact departure time please ? eos O O O O O O O O O Train-Request+Leave +bos the train leaves cambridge at 07:01. is there anything else i can help you with today ? eos O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O general-reqmore +bos can you book me a seat on the train please ? eos O O O O O O O O O O O O Train-Inform +bos i 'd be happy to . just one ticket or how many 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 actually , i am not ready to book quite yet . thank you for all of your help . 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 O O O O general-bye +bos you have a nice day also . good bye . eos O O O O O O O O O O O general-bye +bos i need a cheap , 2 star hotel to stay at here in cambridge eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O N/A +bos i have no hotels matching your request . would you like to change your price range or star rating and try again ? 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 O O O Hotel-Request+Stars,Hotel-Request+Price +bos ok , find me a hotel that has free parking included then . eos O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos the cambridge belfry has free parking and is in the cheap price range , would you like to book this hotel ? eos O O B-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 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 no , the hotel is within the cheap price range . would you like me to alter the search ? 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 general-reqmore +bos i would like one in the moderate price range . i need to book one for 4 nights for 4 people . 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 O O O N/A +bos i have found two hotels meeting your specifications in the moderate price range . do you have any additional preferences ? eos 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 O O O O O general-reqmore +bos no , i just need a room for 4 people . we 'll arrive on monday and stay 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 O N/A +bos i was able to book you at the ashley hotel on monday for 4 nights/4 guests . your reference number is kfhqfy56 . is there anything else i can assist 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 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 yes , i am also looking for a restaurant serving british food that is moderately priced . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Hotel-Inform+Price O O O N/A +bos i have five moderately priced restaurants serving british food . do you have a preference for location ? four are in city center and one is west . eos O O O 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 O O O O O B-Restaurant-Inform+Area O O O Restaurant-Request+Area +bos no preference . what would you recommend ? and i 'll need the address . eos O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos i like the copper kettle , it is located at 4 kings parade city centre postcode cb21sj . would you like me to reserve a table for you ? eos O O 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 I-Restaurant-Inform+Addr O O O O O O O O O O O O O Booking-Inform +bos that 's ok , i 'll handle that , but i 'll need a taxi between the ashley hotel and the restaurant leaving by 17:30. eos O O O O O O O O O O O O O B-Taxi-Inform+Depart B-Hotel-Inform+Type O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos i was able to schedule taxi service for you at the time specified . you will be looking for a blue lexus . if you need to contact them , please call 07580951630. eos 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 O O O O O O 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 very welcome , enjoy your visit ! eos O O O O O O O O O O general-welcome +bos hi , i 'm looking to book a train to cambridge , that leaves around 16:00. eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave 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 kings lynn after 16:00 on saturday , please . eos O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Day O O O N/A +bos tr4235 departs kings lynn at 16:11 and arrives in cambridge at 16:58. would you like to book passage on that train ? 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 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 on that trip ? eos O O O O O O O O O Train-Request+Price +bos the price of tr4235 , departing kings lynn at 16:11 on saturday , is 7.84 pounds . shall i book passage on that train ? eos O 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 O O Train-OfferBook +bos no . not right now . thank you very much for your help today . 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 you need assistance with ? eos O O O O O O O O O O O O general-reqmore +bos no that is all for the time being . 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 . are you quite sure there 's nothing 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 general-reqmore +bos i actually do need the price for that train please . eos O O O O O O O O O O O O Train-Request+Price +bos the price is 7.84 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thanks . that 's all i wanted to know . eos O O 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-reqmore +bos no . that 's all i need . thanks ! eos 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 i 'm looking for a hotel with free parking , please give me a 3 star guesthouse hotel 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 N/A +bos thank you , do you have a preference in area ? eos O O O O O O O O O O O O Hotel-Request+Area +bos i need a hotel in the cambridge area . eos O O O O O O O O O O Hotel-Inform +bos i have three 3-star guesthouse type hotels in cambridge . they are in the south , north , and west areas . which do you prefer ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type 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-Select +bos i do n't have a preference eos O O O O O O O N/A +bos how about hamilton lodge in the north ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O N/A +bos i would like to book hamilton lodge for 7 people for 5 nights starting on wednesday 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 N/A +bos i 'm sorry , it looks like there is no availability for those criteria , would you like to try a different 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 O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos what about for 3 nights ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos great ! you 're booked for 3 nights at hamilton lodge with reference number ikieezt3 . 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 B-Booking-Book+Ref O O O O O O O O O O O N/A +bos i 'm also looking for a place to eat . can you find a moderately priced restaurant that serves turkish food ? 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 O O O O N/A +bos i have found two restaurants in the centre of town that serve turkish food . would you like me to book a reservation at one of them ? eos O O O O O B-Restaurant-Inform+Choice 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 O O O O O O O O O O Booking-Inform +bos could you give me the phone number and address ? eos O O O O O O O O O O O Restaurant-Request+Addr +bos did you want the anatolia or efes restaurant ? eos O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name N/A +bos would you provide me the phone number for the anatolia restaurant please . eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos anatolia 's phone number is 01223362372. eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone O N/A +bos great ! can you book me a car from the restaurant to the hotel ? eos O O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos of course , is there a specific time you 'd like to leave the restaurant , or a time you 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 O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i would like to leave the restaurant by 9:45. eos O O O O O O O O O O Restaurant-Inform +bos i have confirmed your taxi leaving anatolia at 9:45 , a red volkswagen will be picking you up . their contact number is 07212861287. can i assist you with anything else ? eos O O O O O O O B-Taxi-Inform+Depart 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 thanks , no that is all i will need . eos O O O O O O O O O O O general-thank +bos i hope i have been helpful , enjoy your stay in cambridge ! eos O O O O O O O O O O O O O O general-bye +bos i need a train that leaves on sunday for broxbourne . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O N/A +bos i have 19 trains going to broxbourne on sunday . to help narrow it down , where would you like to depart from and what time ? 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 O O O O O O Train-Request+Depart,Train-Request+Leave +bos i want it to leave from cambridge after 09:15. eos O O O O O O O B-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave N/A +bos let me look up those times for you . one minute . eos O O O O O O O O O O O O O N/A +bos not looking to book , can i just get 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 O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos i 'm sorry , i 'm not finding that fits those criteria . is there a different time you could 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-NoOffer,Train-Request+Leave +bos there are no trains going to broxbourne from cambridge on sunday after 09:15 ? eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos no , i 'm sorry , it does n't appear that those trains run on sundays . is there a different day you could travel ? also , will you leave from broxbourne or cambridge ? eos O O O O O O O O O O O O B-Train-NoOffer+Day O O O O O O O O O O O O O O O O O B-Train-Select+Depart I-Train-Select+Depart O O O O O Train-Request+Day +bos i need to go to broxbourne from cambridge on sunday , leaving any time after 9:15. please check again with those details , please . eos 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 O O O O O O O O O O N/A +bos i 'm terribly sorry -- you are correct . there are trains every hour , at one minute past . there is a 10:01 train on sunday , for example . travel time is 60 minutes . eos O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Day O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O N/A +bos great . what 's the train id and price ? eos O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos the trainid is tr9580 which leaves at 10:01. the price from cambridge to broxbourne is 14.32 pounds . do you need additional information ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave 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 general-reqmore +bos yes , what is the duration of the train ride ? eos O O O O O O O O O O O O Train-Request+Duration +bos the duration is six minutes . can i get you a ticket ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-OfferBook +bos no , that 's all right . eos 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 want a train from london liverpool street arriving at 9:30 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 which day will you be traveling ? eos O O O O O O O O Train-Request+Day +bos i want to leave on thursday . eos O O O O O O O O N/A +bos ok , i should be able to do that for you . eos O O O O O O O O O O O O O N/A +bos i want to go to cambridge , how much will that cost ? eos O O O O O O B-Train-Inform+Dest O O O O O O O N/A +bos there are three trains that will fit your needs , and the tickets are 16.60 pounds each . would you like me to purchase tickets for you ? eos O O O B-Train-Inform+Choice 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 O O O O Train-OfferBook +bos yes , that sounds good . thank you . eos O O O O O O O O O O general-thank +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 can you tell me how much the ticket is ? eos O O O O O O O O O O O N/A +bos yes , there are 3 that cost 16.60 pounds . you could leave at 5:39 if you 'd like . can i book that for you ? eos O O O O O B-Train-Inform+Choice O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 no , thanks . no need . i will do that later . thank you for all the info . 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 general-thank +bos it 's my pleasure . goodbye ! eos O O O O O O O O general-bye +bos i need to book a train leaving leicester after 12:15. can you do that ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O N/A +bos where would your destination be ? eos O O O O O O O Train-Request+Dest +bos i would like to go to cambridge on sunday and leaving after 12:15 please . eos 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 11 choices that are available . at 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 O O O Train-Request+Arrive +bos the sooner the better but now rush actually eos O O O O O O O O O N/A +bos first train leaves at 13:09 and then every hour . do you want me to book for you ? eos 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 yep , for 5 people at 13:09 eos O O O O B-Train-Inform+People O O O N/A +bos tickets booked for 151.19 gbp , your ref number is dnl05v8n eos O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O N/A +bos awesome , that 's all i needed , bye ! eos O O O O O O O O O O O general-bye +bos always there to help , safe trip ! eos O O O O O O O O O general-bye +bos yes , i 'm going to need a train on sunday . eos O O O O O O O O O B-Train-Inform+Day O O O N/A +bos there are 404 trains departing on sunday . can you give me a departure point and a destination point , 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 O O Train-Request+Depart,Train-Request+Dest +bos i want to go from norwich to cambridge eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest N/A +bos is there a certain time you would like to leave norwich by ? eos O O O O O O O O O O O O O O Train-Request+Leave +bos i would like to arrive in cambridge by 14:15. eos O O O O O O O O O B-Train-Inform+Arrive N/A +bos i have eight trains arriving by then , how many passengers ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+People +bos i need a booking for two passengers . eos O O O O O O O O O N/A +bos booked , your reference number is 845yky14 . you pay 28.16 at the station . you will leave at 12:16 and arrive at 13:35. trainid : tr5225 . eos O O O O O O B-Train-OfferBooked+Ref O O B-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O B-Train-OfferBooked+Id O O O O 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 glad i could be of assistance . enjoy your journey . do not hesitate to call if you need us 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-bye +bos i need to book a train . eos O O O O O O O O Train-Inform +bos where are you departing from , and what 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 'm at bishops stortford and would like to go to cambridge . eos O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O O N/A +bos the travel time for that route is 38 minutes . what day would you be traveling ? 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 Train-Request+Day +bos i would like to travel this wednesday and need to leave after 08:15. eos O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Leave N/A +bos there are 8 trains that leave after 8:15 , did you have a specific arrival time in mind ? 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 Train-Request+Arrive +bos no , anytime after 8:15 is fine . maybe the first train after that time . eos O O O O O O O O O O O O O O O O O Train-Inform +bos okay i have the 9:29 that arrives at 10:07. would you like to book that ? eos O 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 yes , that works , i need the travel time , and the 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 sure , train id is tr9178 and travel time is 38 minutes . how many tickets do you need ? eos O O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-OfferBook +bos i actually do n't need to book right now . sorry for the confusion . eos O O O O O O O O O O O O O O O O N/A +bos ok , is that all you needed today , then ? eos O O O O O O O O O O O O general-reqmore +bos yes that 's all the info i needed thank you ! eos 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 am looking for a train that will depart on sunday and arrive by 18:00. eos O O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos i have found the listings for the sunday departures . what is your destination ? would you like me to book a trip ? 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 O Train-Request+Dest,Train-OfferBook +bos i am going to cambridge from leicester . and , yes , please book it for me . eos 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 tickets ? eos O O O O O O Train-Request+People +bos 7 please eos O O B-Train-Inform+People N/A +bos your booking was successful . train id is tr1079 . total fee is 211.67 gbp . reference number is yff7dkyh . anything else i can help with today ? eos O 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos thank you ! eos O O O O general-thank +bos i 'm glad i could help . is there anything else ? eos 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 excellent . have a great day ! eos O O O O O O O O general-greet +bos okay , you too . thanks again . eos 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-bye +bos need a restaurant that is moderate priced and in the centre . eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O Train-Request+Price +bos there are quite a few moderately priced restaurants in the centre . can you help me by telling me what kind of food you 're looking for ? 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 O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos i am looking for a restaurant that serves polish food , eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there is a lovely polish restaurant called barbakan , would you like me to make you a reservation ? eos O O O O O B-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform +bos yes , that sounds great ! could you make the reservation for 4 please ? eos O O O O O O O O O O O O O O O O N/A +bos i 'm sorry , i must have made a mistake . there is no moderatly priced polish restaurant in the centre . would you be interested in another type of food ? eos O O O O O O O O O O O O O B-Restaurant-NoOffer+Price I-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 +bos how about a place with british food ? may as well get the full cambridge experience ! i 'd like the address with postcode and phone number . please do n't reserve a table just yet . 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 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 are 4 to choose from , the oak bistro , the copper kettle , restaurant one seven , and cotto . do you have a preference ? 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 O O O O O O O O O O Restaurant-Select +bos lets go with the copper kettle . i 'd like their address as well . 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 Restaurant-Request+Addr +bos sure thing ! the copper kettle is located at 4 kings parade city centre . their postcode is cb21sj . you can reach them at 01223365068. would you be needing a reservation after all ? 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 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 O Booking-Inform +bos yes and im also looking for a train from norwich on tuesday going to cambridge arriving by 19:15 eos O O O O O 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 i have a train from norwich to cambridge on tuesday that will leave at 17:16 and arrive by 18:35. will this work for you ? eos O O O O O O B-Train-OfferBook+Depart O B-Train-OfferBook+Dest O B-Train-OfferBook+Day O O O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O O O O O N/A +bos yes that will work what is the price of the ticket ? eos O O O O O O O O O O O O O Train-Request+Price +bos it 'll be 17.60 pounds . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 're welcome , have a nice day , too . eos O O O O O O O O O O O O general-bye +bos i am looking for a restaurant in the west side of town . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos cambridge lodge restaurant is a nice restaurant in the west 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+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area N/A +bos how about a moderately priced russian restaurant ? i do n't care what part of town it 's in . eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O N/A +bos i am sorry , there is no moderately priced russian restaurant . would you like me to check for a restaurant serving 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , there are no chinese restaurants listed in the west part of town in the moderate price range . 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 O O O Restaurant-NoOffer,general-reqmore +bos i would like a moderately priced chinese restaurant any where in town . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O O N/A +bos jinling noodle bar , shanghai family restaurant , and lan hong house are in the centre . golden wok is in the north . 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A +bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223 566188. eos O 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 centre 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 thank you and good bye . eos O O O O O O O general-bye +bos i am looking for a moderately priced restaurant that is in the east part of town . eos O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos curry prince is a moderately priced restaurant serving indian food and located in the east part of town . 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 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 O N/A +bos can 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 their address is 451 newmarket road fen ditton and their phone number is 01223 566388 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+Phone I-Restaurant-Inform+Phone N/A +bos wonderful . thank you for your help . eos O O O O O O O O O general-thank +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-greet +bos i 'm looking for a cheap restaurant in the west area 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 the cambridge lodge restaurant is in the cheap price range and in the west part of town . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area N/A +bos what its phone number ? eos O O O O O O Restaurant-Request+Phone +bos i can not find that information . eos O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone O O N/A +bos can you give me the phone number of a different , cheap restaurant 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 B-Restaurant-Inform+Area O O O O O Restaurant-Request+Phone +bos thanh binh is a vietnamese restaurant in the west of town and is in the cheap price range . the phone number is 01223 362456. 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 have a good evening . eos O O O O O O general-bye +bos restaurant on the south side please eos O O O O B-Restaurant-Inform+Area O O N/A +bos would you be interested in a wonderful indian restaurant called tandoori palace ? eos O O O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos no actually , can you suggest me some kosher places ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are no kosher restaurants in that area . would you like to search another area 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 Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer +bos a portuguese restaurant might be nice . eos O O B-Restaurant-Inform+Food O O O O O N/A +bos there is ali baba at 59 hills road city centre , phone number is 01462 432565. 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 I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos hello , i am looking for an expensive restaurant that serves european food . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos eraina in the west part of town serves expensive european food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos great ! can i have 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 eraina is located at free school lane city centre , and their phone number is 01223 368786 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 I-Restaurant-Inform+Addr 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 general-bye +bos you 're welcome . eos O O O O O general-welcome +bos i do n't care about the price range . just recommend me a restaurant that serves european food . i would also like to get the phone number and directions . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 O O O Restaurant-Request+Phone +bos what area of town would you like ? eos O O O O O O O O O Restaurant-Request+Area +bos i do n't care about the area . anywhere . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Restaurant-Request+Area +bos the cambridge lodge restaurant is located at cambridge lodge hotel 139 huntingdon road city centre and their phone number is 01223 355166. 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 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 have a great day and enjoy your food . eos O O O O O O O O O O general-bye +bos i 'm looking for a restaurant that serves international food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are several restaurants serving international food . would you prefer one in the centre or east part of town ? eos 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 O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area N/A +bos i do n't care . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos there are three restaurants serving international food . what price range would you like ? eos 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 O O Restaurant-Request+Price +bos i am looking for a moderate priced restaurant in the south part of town . could you recommend me three restaurants ? 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 N/A +bos pizza hut cherry hinton is a moderately priced italian restaurant in the south of town , and restaurant alimentum is a moderately priced modern european restaurant in the south of town . eos O O O O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food I-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O N/A +bos is there a third restaurant ? eos O O O O O O O Restaurant-Inform +bos there is not . eos O O O O O Restaurant-NoOffer +bos ok. can you give me the address and phone number for restaurant alimentum ? eos 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 01223413000 and they are located at 152-154 hills road . 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 O N/A +bos thanks much ! 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 want a moderately priced restaurant and serves asian oriental food . what is the address and phone number ? eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos there is an asian oriental place at 40428 king street city centre . you can call them at 01223 518111. eos O O O 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos thank you goodbye . eos 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 hello , i am looking for a moderately priced restaurant on 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 N/A +bos do you have a preference on type of food ? eos 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 there are three venues to choose from eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O N/A +bos ok , what are they ? eos O O O O O O O N/A +bos curry prince and rajmahal which both serve indian food . and pizza hut fen ditton serves italian food . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos could i get the address of one of them ? eos O O O O O O O O O O O Restaurant-Request+Addr +bos absolutely . curry prince 's address is 451 newmarket road fen ditton . is there anything else i can do for you ? 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 O O general-reqmore +bos thank you , goodbye . eos O O O O O O general-bye +bos thank you for using the cambridge restaurant system . good bye . eos O O O O O O O O O O O O O general-bye +bos hi , i am looking for architectural churches in the cambridge area . can you assist ? eos O O 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 Attraction-Request+Area +bos i have several churches listed , although none shown as architectural . may i offer a list for your consideration ? 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 N/A +bos yes that would be great . eos O O O O O O O N/A +bos it appears that there are not any located in cambridge . would you like me to find you one outside 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 N/A +bos sorry , i needed to find a museum in town . can you help me with that instead ? 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 recommend byard art gallery in the south . it 's free to get in ! eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O B-Attraction-Inform+Fee O O O O O O N/A +bos could i have the phone number please ? i also need a train leaving from cambridge and going to birmingham new street on saturday , leaving by 13:15. eos 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 B-Train-Inform+Day O O B-Train-Inform+Arrive O O Attraction-Request+Phone +bos 011223464646 , is the phone . when will you travel ? eos O B-Attraction-Inform+Phone O O O O O O O O O O Train-Request+Day +bos i will travel on saturday . eos O O O O O B-Train-Inform+Day O N/A +bos unfortunately the earliest train that day leaves at 14:01. would that be ok ? eos O O O O O O O O O B-Train-Inform+Leave O O O O O N/A +bos i need to arrive by 13:15. tickets for 3 and the reference # too please eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O Train-Request+Ref +bos i have you book at tr7683 leaving at 10:01 your confirmation number is a2h0efpt . anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos that 's it . thank you for your help today . eos O O O O O O O O O O O O general-thank +bos you are very welcome . it has been a pleasure assisting you today . 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 some help booking a train to stansted airport . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos what day and time will you be traveling on ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i will be leaving on a wednesday and want to arrive by 16:15 eos O O O O O O O B-Train-Inform+Day O O O O O O N/A +bos i have many trains available . what is your departure site and preferred time of arrival ? 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,Train-Inform +bos i would like to leave stansted airport to go to cambridge and arrive by 16:15. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A +bos i have train tr2488 that leaves at 15:24 and arrives in cambridge at 15:52. 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 please make a booking for 8 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 80.8 gbp payable at the station . your reference number is m2771e7t . do you need 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 O O O general-reqmore +bos yes , can you tell me the entrance fee for the cambridge museum of technology ? 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 Attraction-Request+Fee +bos the entrance fee is 5 pounds eos O O O O O O B-Attraction-Inform+Fee N/A +bos hi , can you point me to an expensive restaurant that serves italian food ? i will be in the area soon . 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 O O O O O N/A +bos i have 4 in the centre of town and one in the south , any 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 O O O Restaurant-Request+Area +bos yes , i would like to book a reservation in the south for 2 people on friday afternoon . eos O O O O O O O O O O O O O O B-Restaurant-Inform+People O O O O O N/A +bos could you give me a more specific time for the `` afternoon '' ? reservations can be placed starting on the hour and every 15 minutes after . eos O O O O O 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 +bos yes . i actually need a restaurant in the centre for three people on wednesday at 18:15. eos O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos i can not get a table reserved for you at that time . perhaps another day or time slot maybe ? 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 can you try 17:15 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos i was able to book stazione restaurant and coffee bar the reference number is 95k25vso 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 O B-Booking-Book+Ref N/A +bos thank you . can you book me a train arriving the same day as i am going 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 Restaurant-Inform,Train-Inform +bos i would be happy to help if i have some more information . what are the 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 Train-Request+Dest,Train-Request+Depart +bos i 'm coming to cambridge from london liverpool street . 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 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 would like to arrive by 10:00 and i would like to book it for the same quantity of people as in the restaurant . i also would like 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 O O O O O O O O O N/A +bos ok , i have booked 2 tickets on tr5936 leaving liverpool st at 07:39 and arriving in cambridge at 09:07. reference number 68jd5l35 . it will be 33.20gbp at the station . 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 I-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket O O O O O O N/A +bos thank you ! goobye . eos 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 are there any good places to visit in the centre of town ? thankyou . 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 loads of fun , interesting attractions in city centre . do you have anything specific in mind ? architecture , boats , concerthalls , museums , colleges , nightclubs , parks , swimmingpools , theatres ? 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 O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Type +bos i do n't have a preference . please pick something for me . eos O O O O O O O O O O O O O O N/A +bos there are several churches , architecture attractions . would you like one of them ? 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 general-reqmore +bos pick one of the best churches for me and let me know the entrance fee please . eos 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 the entrance is fee . 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 B-Attraction-Inform+Fee O N/A +bos i am also looking for a train . the train should depart from cambridge and should arrive by 17:30.the train should leave on friday and should go to leicester eos O 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 O O O B-Train-Inform+Day 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 friday please . eos O B-Train-Inform+Day O O N/A +bos the tr0552 arrives by 17:06. will that work for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O general-reqmore +bos yes , 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 O O N/A +bos the system is ready to go on the booking , how many people ? eos O O O O O O O O O O O O O O O Train-Request+People +bos what is the departure time for time for tr0552 , also i would like to know the travel 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 Train-Request+Duration,Train-Request+Leave +bos the departure time is 15:21. the travel time is 105 minutes . how many are traveling ? 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 Train-Request+People +bos i actually wo n't need any tickets . 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 stay . eos O O O O O O O O O general-welcome,general-bye +bos what 's interesting to see and do on the south side ? eos O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are a few attractions in the south , you might like byard art it 's a free museum . would you like the address ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area O 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 N/A +bos yes , please provide the address . eos O O O O O O O O N/A +bos the address is 14 king 's parade , postcode cb21sj , and the phone number is 01223464646. 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 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 yes , i need to find a train that arrives in kings lynn by 19:30. eos 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 please clarify your departure city please . eos O O O O O O O O Train-Request+Depart +bos the train should arrive by 19:30 and should go to kings lynn.the train should depart from cambridge and should leave on saturday eos 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 O B-Train-Inform+Depart O O O O B-Train-Inform+Day N/A +bos there are 14 trains that fit your criteria . the first departs at 5:11 and the last train train departs at 18:11. what would be your preference for 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Request+Leave +bos i would like to leave at 18:00 please . eos O O O O O O O O O O N/A +bos train tr7579 leaves cambridge on saturday at 18:11 and arrives at kingslynn at 18:58. would you like me to book this train 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 B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos yes please , for 5 people . eos O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 39.2 gbp payable at the station .reference number is : qkqt1kp9 . 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 's all i needed . thanks for your help . eos O O O O O O O O O O O O O general-thank +bos glad i could help . have a great trip ! eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm so bored , can you help me find a nice museum in the city centre to tour ? eos 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 we have 11 museums , did you have a specific kind in mind ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Type +bos i definitely want it to be free . eos O O O O O O O O O N/A +bos there is the museum of archaelogy and anthropology which is free 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 B-Attraction-Inform+Fee N/A +bos may i have the postcode ? eos O O O O O O O Attraction-Request+Post +bos their postcode is cb23dz . anything else you need ? eos O O O O B-Attraction-Inform+Post O O O O O O N/A +bos yes , i need to find a train that is leaving the stansted airport after 14 ; 30 , on sunday . i need to travel 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+Day O O O O O B-Train-Inform+Dest O O O O O O N/A +bos the earliest train leaving after 14:30 is at 15:24 will that work for you ? eos O O O O O O O O O B-Train-Inform+Leave O O O O O O N/A +bos yes , that is perfect please book that . eos O O O O O O O O O O N/A +bos will you be traveling alone ? eos O O O O O O O Train-Request+People +bos i actually dont need a booking . just the train id , arrival time and price per ticket 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+Price,Train-Request+Arrive,Train-Request+TrainID +bos tr9680 leaves stansted airport at 15:24 and arrives at 15:52 in cambridge . the price is 8.08 pounds per ticket , and the duration of the trip is 28 minutes . eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-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 B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O 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 thank you goodbye . thank you for calling . eos O O O O O O O O O O general-bye +bos hey , i have some time to kill and i was wondering if there were any multiple sports places 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 N/A +bos the cherry hinton village centre , on the eastside , is the only one in town . would you like more 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+Area O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O general-reqmore +bos can you get me the hours for that one ? 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 N/A +bos i do not have the hours but they can be reached at 01223576412 , can i help with anything else ? eos 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 O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos i would like the postcode , phone number , and address eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos the cherry hinton village centre is located at colville road , cherry hinton , postcode cb19ej . their phone number is 01223576412. can i do anything else for you today ? 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 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 O O O general-reqmore +bos yes . may i please get a recommendation for a museum in the centre of town ? 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 would recommend the regency gallery . do you need anything else ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O general-reqmore +bos ok , what is their phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos the phone number for regency gallery is 01223365454. can i be of further assistance today ? 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 general-reqmore +bos yes , i 'll also need the postcode and address , please ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the museum 's address is 39 fitzroy street cb11er . may i assist you further ? eos 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 general-reqmore +bos i also needs a train that leaves after 13:00 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 are you going may i ask ? eos O O O O O O O O O Train-Request+Dest +bos from cambridge to bishops stortford . eos O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos train tr4664 leaves at 21:29 and arrives at 22:07. eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos is n't there a train that leaves closer to 13:00 ? eos O O O O O O O O O B-Train-Inform+Leave O O N/A +bos there is a train that leave at 13:29 on friday . do you want that instead ? 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 Train-Select +bos yes , i am planning a trip and could use some information on attractions . eos O O O O O O O O O O O O O O O O Attraction-Inform +bos 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 Attraction-Request+Type +bos i am looking for holy trinity church . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos would you like the address ? eos O O O O O O O general-reqmore +bos yes , i would- what area is that in also ? i 'm needing a train from steveanage to cambridge . can you help ? eos 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 Attraction-Request+Area +bos it is in the centre . market street , postcode cb23nz . eos O O O O O B-Attraction-Inform+Area B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O N/A +bos thanks . the train to cambridge should arrive by 15:30 on sunday . eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos i have train tr1542 leaving at 5:54 and arriving at 6:43 cost is 10.24 pounds . 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O Train-OfferBook +bos yes please . i need the price also eos O O O O O O O O O Train-Request+Price +bos the price is 10.24 pounds . would you like me to book it for you ? 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 yes please book me on that train . eos O O O O O O O O O Train-Inform +bos for how many people ? eos O O O O O O Train-Request+People +bos no thanks . i 'm actually not booking at this time . 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 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 to take a train to stansted airport , arriving no later than 13:30. eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Arrive O N/A +bos okay great ! where are you departing from ? eos O O O O O O O O O O Train-Request+Depart,general-greet +bos i 'll be departing from cambridge . eos O O O O O B-Train-Inform+Depart O O N/A +bos i have train tr0188 that leaves at 12:40 and arrives at 13:08 , 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+Arrive O O O O O O O N/A +bos does tr0188 leave on tuesday ? i need a booking for 2 people on tuesday . eos O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+People O O O N/A +bos i can go ahead and book that for you . eos O O O O O 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 you be needing a reference number ? eos O O O O O O O O O N/A +bos yes i will need the reference number . eos O O O O O O O O O Train-Request+Ref +bos ok , i actually booked you on tr7621 . that 's the 12:40 on tuesday to stansted . your reference number is r14o2pjf . eos O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O B-Train-OfferBooked+Dest O O O O B-Train-OfferBooked+Ref O O O O O N/A +bos i also need help finding a place to go . are there any cinemas i could visit ? eos 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 the vue cinema is in the city center . would you like to purchase tickets or know more ? eos 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 O O O O O O O O O O general-reqmore +bos all i need is the postcode . eos O O O O O O O O Attraction-Request+Post +bos their postcode is cb11ps . could 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 general-reqmore +bos no thank you . eos 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 need a train from cambridge going to stansted airport on wednesday . 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+Day O N/A +bos those trains leave every hour beginning at 5:40 am . do you have a particular arrival or departure time ? eos 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+Arrive,Train-Request+Leave +bos i would like to arrive by 08:00. eos O O O O O O O B-Train-Inform+Arrive N/A +bos train 1610 leaves at 05:40 and arrives at 06:08. would you like me to book a ticket ? eos O B-Train-Inform+Id I-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 . can you also please confirm the train id , price , and departure time for me . 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 Train-Request+Price,Train-Request+TrainID,Train-Request+Leave +bos train 1610 leaves at 05:40 and arrives at 06:08 , price is 10.10 pounds 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos awesome . could you also suggest a museum for me to visit ? i 'm thinking in the east ? 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 i recommend the cambridge artworks . the admission is free . can i be of further assistance ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Inform+Fee O O O O O O O O general-reqmore +bos can i get the address and and postal code for the cambridge artworks 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 sure , the address is 5 greens road and the postcode is cb13ef . 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 B-Attraction-Inform+Post O O N/A +bos great , thank you . i do n't need anything else . 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 services . eos O O O O O O O O general-bye +bos please send me information on a particular attraction called the cambridge corn exchange . 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 N/A +bos yes , the cambridge corn exchange is located in the centre and is on wheeler street . their phone number is 01223357851. 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+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O N/A +bos what type of attraction is that ? eos O O O O O O O O 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 alright , thanks . are there any trains that run 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 O N/A +bos yes , what day and time would you like to travel ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos the train should go to birmingham new street and should depart from cambridge.the train should leave on monday and should arrive by 11:15 eos 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 B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A +bos the tr6628 arrives in birmingham new street at 10:44 , leaving cambridge at 08:01. it is 75.10 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 I-Train-Inform+Dest O B-Train-Inform+Arrive 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 Train-OfferBook +bos no but can you give me the travel time , train id and the departure time again 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+TrainID,Train-Request+Leave +bos sure ! the travel time is 163 minutes , the train id is tr6628 , and it departs at 08:01. 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 B-Train-Inform+Leave O O O O O O O O O O O general-reqmore +bos no , that 's all i needed thanks ! bye ! eos O O O O O O O O O O O O general-bye +bos have a nice stay in cambridge ! eos O O O O O O O O general-bye +bos please suggest to me a 4 star motel in cambridge that offer free wifi . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos we have several . do you have a preferred section of the city ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos no , but i would like it to be cheap . eos O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos there are 8 lodgings to choose from - 7 guesthouses and 1 hotel . they all provide complimentary internet and parking and all have 4 star ratings . eos O O O O B-Hotel-Inform+Choice 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 B-Hotel-Inform+Stars O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos ok , i would like to book it for 7 people for 5 nights . eos O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A +bos what part of town ? what day would you like to start your stay ? eos O O O O O O O O O O O O O O O O Booking-Request+Day,Hotel-Request+Area +bos i want a hotel but i do n't have an area preference . eos O O O O O O O O O O O O O O Hotel-Inform +bos the allenbell is a cheap option . eos O O B-Hotel-Inform+Name O O B-Hotel-Inform+Price O O N/A +bos sounds great ! can you book a room for 7 people for 5 nights ? we 'll be arriving on thursday . 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 O O N/A +bos yes , i will book that for you now . eos O O O O O O O O O O O Booking-Inform +bos yes , i will book that for you now . eos O O O O O O O O O O O N/A +bos i 've booked your party of 7 a room at the allenbell beginning on thursday for a total of 5 nights . your reference number is h1s8feq9 . is there anything else i can help with ? eos O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Name O O B-Booking-Book+Day O 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 thanks ! i 'd also like to book a table at ian hong house . it will need to be on the same day , same people , and we 'd like to eat at 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 O B-Restaurant-Inform+Time O O O O O O N/A +bos ok , booking was successful . you 've got a table for 7 on thursday at 13:30. reference number is : m3v096o6 . 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 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 enjoy the rest of your day , goodbye ! eos O O O O O O O O O O general-bye +bos i 'm looking for a place to stay . eos O O O O O O O O O O N/A +bos can i ask you some questions to help find a hotel that meets your specifications ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos yes . what questions do you have ? eos O O O O O O O O O N/A +bos what is the price range you want to pay and which place ? eos 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 in the centre . i 'm okay with not having the internet or free parking . the price does n't matter to me . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O O N/A +bos i have 2 guesthouse located in the centre , do you have a star rating preference ? 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 Hotel-Request+Stars +bos dont care about star rating , can you recommend one and give me the address and postcode for it ? 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+Addr +bos sure . how about el shaddai ? it 's located at 41 warkworth street cb11eg . the phone number is 01223327978. eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone O O general-greet +bos that sounds great . i 'm also looking for an expensive restaurant in the same area , are there any ? 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 N/A +bos there are several expensive restaurants in the centre . what type of food would you like ? 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 Restaurant-Request+Food +bos you know , i 'm feeling like chinese . what do you have ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos i have 4 listings . ugly duckling , tang chinese , hk fusion , and sesame restaurant and bar . do any of those sound appealing ? 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 Restaurant-Select +bos the sesame restaurant and bar sounds interesting . can i get their address and phone number ? what kind of food do they serve ? 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 O O O O O Restaurant-Request+Phone,Restaurant-Request+Food,Restaurant-Request+Addr +bos sesame restaurant and bar serves chines food . their address is 17 hills road city centre and their phone number is 01223358899 eos 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 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 thank you very much . that will be all , thanks . eos O O O O O O O O O O O O O general-thank +bos do you need me to book that reservation for you ? eos O O O O O O O O O O O O Booking-Inform +bos no that will be all ! thanks ! eos O O O O O O O O O general-thank +bos enjoy your day , goodbye . eos O O O O O O O general-bye +bos i 'm looking for a restaurant called meghna . eos O O O O O O O B-Restaurant-Inform+Name O O N/A +bos meghna is an indian restaurant in the west . would you like me to book it 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 O O O O O O O Booking-Inform +bos yes , please book for 3 people . eos O O O O O O B-Restaurant-Inform+People O O N/A +bos im happy to book that for you , what date and time ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Inform +bos make the booking for friday at 13:00. if that is n't available , then 12:00 is fine . please provide the reference number if you 're successful . eos 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 06pqa3e2 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 'll also need to make a reservation for a hotel with free parking in the south . 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 N/A +bos ok i will try and find you one thank and welcome again eos O O O O O O O O O O O O O general-welcome,Booking-Inform +bos i 'm looking for a certain hotel called the cityroomz . can you tell me more about it ? eos O O O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O N/A +bos yes cityroomz is located in the centre and is on sleeperz hotel , station road . would you like me to book a reservation for you ? eos O O B-Hotel-Inform+Name O 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 Booking-Inform +bos yes thanks . there will be 2 of us arriving for 5 nights on sunday . eos O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O O N/A +bos i booked you a 5 night stay for two , beginning on friday . enjoy your stay ! eos 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 N/A +bos i need the reference number please . eos O O O O O O O O Hotel-Request+Ref +bos reference number is : 3cjpo87u . is there anything else you need ? eos O O O O O B-Hotel-Inform+Ref O O O O O O O O general-reqmore +bos yes i need to find a restaurant serving irish food in the center of town that is expensive . 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+Price O N/A +bos i do n't have anything meeting that criteria . can i try something else ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos aww , that 's a bummer . i was really wanting irish food . how about indian food ? i could go for some good curry . 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 O O O O O O O N/A +bos okay , how about curry garden ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos that sounds great . can you book a table for 2 sunday at 15:00 ? eos O O O O O O O O O O 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 : aiaobim7 . 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 N/A +bos i also need a taxi to take me from the hotel to the restaurant . i need it to arrive by 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 O O N/A +bos your taxi reservation on a yellow volvo is complete . you will be picked up at cityroomz and dropped off at curry garden by 15:00. will that be all today ? 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+Depart O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O O general-reqmore +bos yes , thank you , that will be all . eos O O O O O O O O O O O general-thank +bos i hope you enjoy your trip ! goodbye . eos O O O O O O O O O O general-bye +bos i am looking for a place to stay . do you have any recommendations ? eos O O O O O O O O O O O O O O O O N/A +bos we have many great places in town . do you have a price range or area 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 Hotel-Request+Area,Hotel-Request+Price +bos i would like free parking , if available . everything else is not really an issue . eos O O O O O O O O O O O O O O O O O O N/A +bos allenbell is a guesthouse in the east , and despite it being in the cheap price range has a 4 star rating . would you like a reservation ? eos O B-Hotel-Inform+Name 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 B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform +bos no thanks , just gathering information for now . eos 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 i 'm sorry , i was just told i should go ahead and make the reservation . do you have a hotel that has the same 4 star rating but 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 B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O O O N/A +bos i think you would love the avalon . would you like me to book it ? eos O O O O O O O B-Hotel-Inform+Name O O O O O O O O O Booking-Inform,Hotel-Select +bos yes , book it for 6 people for three nights , starting on wednesday ! eos 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 booking was successful.reference number is : 43flt7mr . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i need a restaurant in the same area as the hotel . what do you recommend ? eos O O O O O O O O O O O O O O O O O O N/A +bos there are 9 restaurants in the north . i recommend hakka . eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O B-Restaurant-Recommend+Name O O N/A +bos is that is the mid price range ? eos O O O O O O O O O N/A +bos its in the expensive range . do you want me to search for something else ? eos O O O O B-Restaurant-Inform+Price 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 you are all set then , have a wonderful day . eos O O O O O O O O O O O O general-bye +bos i need a place to stay in the south of town . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i have a variety . if you can specify the price to narrow down my options 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+Price +bos moderately priced would be great , and i really need it to have wifi . eos O B-Hotel-Inform+Price O O O O O O O O O O O O O O N/A +bos ok. there are two options . there is the aylesbray lodge guest house and the bridge guest house . which one would you prefer ? eos O O 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 Hotel-Select +bos i think i 'd like bridge guest house please . can you book it ? 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 N/A +bos sure . on what day , for how long , and for how many people ? eos 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 we will arrive on tuesday and stay for 4 nights . there will be 2 of us . eos O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O O N/A +bos booking was successful . and the reference number is : 1jlmp6r2 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great , thank you ! we will also want to try a moderately priced indian restaurant . are there restaurants like that in cambridge ? 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 O O O O O O O N/A +bos there are four is there an area you prefer to dine in ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area +bos the same area as my hotel . eos O O O O O O O O N/A +bos sorry there are none in the south . eos O O O O O O O B-Hotel-NoOffer+Area O N/A +bos how about one in the north ? eos O O O O O O B-Restaurant-Inform+Area O N/A +bos there is one named the nirala . would you like me to book it for you ? eos O O O O B-Restaurant-Inform+Choice 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 tuesday at 16: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 O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : nd2o59qo . 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 need a taxi to drop me at the restaurant by 16:15. it will pick me up at bridge guest house eos 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+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos i have that taxi reserved look for a grey tesla with a contact number of 07741826519. 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 N/A +bos that is great . thank you 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 is all i need . thank you so much . eos O O O 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-welcome,general-bye +bos i am looking for a malaysian restaurant to visit during my upcoming trip to cambridge . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos my system is n't showing a malaysian restaurant . do you have another preference ? eos O O O O O O B-Restaurant-NoOffer+Food O O O O 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 N/A +bos we have the la raza and the la tasca , both are affordable and in the center . would you like me to send you their addresses ? eos O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Area O O O O O O O O O O O O general-reqmore +bos could you reserve me a table for 2 at 12:15 on monday at the la raza ? eos O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O O O O O N/A +bos sure . your reservation was successful and the booking number is bvd49sjy . eos O O O O O O O O O O O B-Booking-Book+Ref O O general-greet +bos i also need to find a hotel for the two of us starting on the same monday for 4 nights , 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 B-Hotel-Inform+Stay O O O N/A +bos will you need parking or wifi ? eos O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos i am actually looking for 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 N/A +bos i can not seem to find this hotel . do you have another in mind ? eos O O O O O O O O O O O O O O O O O Hotel-NoOffer +bos no , that is the name of the hotel , can you try again ? eos O O O O O O O O O O O O O O O O Hotel-Inform +bos there is no hotel with that name , can i book some place else for you ? eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer +bos the hotel name is home from home . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos i 'm sorry i do not see a hotel matching that name . 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 Hotel-NoOffer,general-reqmore +bos that is the correct name . can you try again ? eos O O O O O O O O O O O O N/A +bos the hotel is not coming up by that name . eos O O O O O O O O O O O Hotel-NoOffer +bos okay , then can you find another in the same vicinity ? eos O O O O O O O O O O O O O N/A +bos we have three hotels in that vicinity . is there any services you prefer ? eos 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 Hotel-Request+Parking,Hotel-Request+Internet +bos no i have no preferences . i need it for 4 nights for 2 people starting monday . eos 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 N/A +bos i booked you at cityroomz your confirmation number is mm913rgm , anything else today ? eos 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 general-reqmore +bos please have a taxi take me from my hotel to the restaurant , arriving in time for my reservation . and give me the booking 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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos i have booked you with a white volvo . their number to contact is 07895158193.. 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 thanks that 's all i needed for the night . 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 get information on the bridge 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 i can definitely help with that . it 's moderately priced and is located in the south . they offer free wifi and parking . would you like help booking a room with them ? eos O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos thanks ! i will book the hotel for 7 people for 2 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 the booking was successful ! your reference number is 6newyj6y . 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 general-reqmore +bos no , that 's all for me today . goodbye ! eos 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 hello , i 'm looking for a modern european restaurant in the center . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos is there a particular price range that you would prefer ? eos O O O O O O O O O O O O general-reqmore +bos maybe something in the moderate range . eos O O O O O B-Restaurant-Inform+Price O O N/A +bos we have two such restarants , de luca cucina and bar on regent street , and riverside brasserie on mill lane . 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+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore +bos can you book 2 people at 19:30 on friday for riverside brasserie . can i get a reference number ? thank you . eos O O O O O B-Restaurant-Inform+People O 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 Restaurant-Request+Ref +bos sure thing , your reservation number is 3badcf9i . anything else i can help 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 that actually takes care of all my needs ! thanks a ton ! eos O O O O O O O O O O O O O O general-thank +bos great , enjoy your dinner and have a nice day . thank you ! eos O O O O O O O O O O O O O O O general-greet +bos i want expensive korean food . i want the address and area of town . eos O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr +bos little seoul is a korean restaurant in the city centre and is in the expensive price range . the address is 108 regent street . 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 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 O N/A +bos what part of town is that in ? eos O O O O O O O O O N/A +bos little seoul is located in the centre of town . 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 N/A +bos i wanted indonesian food if possible . i wanted to ask about expensive indonesian food first . eos 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 no indonesian restaurants . may i search for something else ? eos O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos thank you for your help ! eos O O O O O O O general-thank +bos not a problem . have a good day and 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 O O O general-welcome,general-bye +bos hello , i am looking for a restaurant that serves fusion food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos what price range and area would you like ? eos 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 area . eos O O O O O O O O O O O O N/A +bos i 'm sorry . there are no restaurants that serve fusion food in your area . eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos ok , how about vietnamese food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there is thanh binh in the west area at 17 magdalene street city centre , phone number is 01223 362456. eos O O O B-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 O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos what kind of restaurants are on the east side of town ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are british , indian , italian , international , and chinese restaurant . plus a gastropub . 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 N/A +bos i would like an indian restaurant . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos curry prince is located in the east area and serves indian food . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food 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 their address is 451 newmarket road fen ditton and phone 01223 566388. 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 I-Restaurant-Inform+Phone N/A +bos thank you goodbye . eos O O O O O general-bye +bos glad to be of service . goodbye . eos O O O O O O O O O general-bye +bos hi , can you help me with my planning ? i need some ideas 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 N/A +bos do you have a type of attraction you 'd like to see ? eos O O O O O O O O O O O O O O Attraction-Request+Type +bos i 'd like to visit a museum . eos O O O O O O B-Attraction-Inform+Type O O N/A +bos sure , i can help you with that . was there a particular 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 Attraction-Request+Area +bos i will take your recommendation for one . could you provide me with the address and area 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 Attraction-Request+Area,Attraction-Request+Addr +bos i would highly recommend cambridge artworks located at 5 greens road . it is located on the east side of town . eos O O O O O B-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 B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos can i get a reservation please ? eos O O O O O O O O N/A +bos no reservations needed and its free which makes it even better eos O O O O O O B-Attraction-Inform+Fee O O O O O Booking-NoBook +bos great ! can you find a restaurant for me too ? eos O O O O O O O O O O O O Restaurant-Inform +bos of course . what type of food ? eos O O O O O O O O O Restaurant-Request+Food +bos i would prefer french food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos restauranr two two is a nice place , would you like me to book it 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 O O Booking-Inform +bos is that in the expensive price range ? eos 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 O O O N/A +bos okay , great . could you book it for me for 5 people on thursday at 12:45 ? eos O O O O O O O O O O O O O O O O O O O N/A +bos perfect , i have made the reservation for you and the address is 22 chesterton road on the north side of chersteron . eos 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O Booking-Book +bos i need a reference number eos O O O O O O Restaurant-Request+Ref +bos there must be a glitch in the system as the reservation can not complete . would you like to try a different time or 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 Booking-NoBook,Booking-Inform,Booking-Request+Time +bos yes , as long as it serves french food . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos booking was successful . the table will be reserved for 15 minutes . your reference number is : quq1m210 . 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 it for today ! bye ! eos O O O O O O O O O O O general-bye +bos okay , goodbye and have a nice time ! eos O O O O O O O O O O general-bye +bos i want to find a place that serves halal food . can you help me ? not too expensive , please . 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 i can not find any restaurants serving halal food . would you like something different ? 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 european food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos the river bar steakhouse and grill is a modern european restaurant that looks like the least expensive option available . it is located in the centre of town . how does that sound ? 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+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 Restaurant-Select +bos that sounds good . may i have their address and postcode , please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the river bar is located at quayside off bridge street . the postcode is c.b 5 , 8 a.q . 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 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 general-bye +bos goodbye , and enjoy your meal ! eos O O O O O O O O general-bye +bos can you help me find a restaurant in the south that does n't cost a lot of money . in fact , i need one that 's quite inexpensive . 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 O O O O N/A +bos nandos is a nice place , it serves portuguese food and it is in the cheap price range and the south part of town , is there anything else ? eos O B-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 O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O general-reqmore +bos yes what is there address eos O O O O O O Restaurant-Request+Addr +bos nandos 's address is cambridge leisure park clifton way 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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A +bos thank you good bye . eos O O O O O O general-bye +bos goodbye . eos O O O general-bye +bos i am looking for a restaurant serving vegetarian food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos we do not have any restaurant serving vegetarian food . can i help you with anything else ? 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 O Restaurant-NoOffer,general-reqmore +bos can you look for vietnamese restaurants then ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos thanh binh serves vietnamese food . they are located at 17 magdalene street city centre . would you like more information ? eos O B-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 O O O O O O N/A +bos no , thank you . eos O O O O O O general-thank +bos goodbye . eos O O O general-bye +bos goodbye . eos O O O general-bye +bos good bye . eos O O O O general-bye +bos i would like an expensive restaurant that serves afghan food eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A +bos it does not appear there are any restaurants serving afghan food eos O O O O O O O O O O O O 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 in centre , and saigon city is in north . would you like more information on one of those ? eos 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 O O O O O O O O O O O general-reqmore +bos could you tell me the phone number of saigon city ? eos O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number for kymmoy is 01223 311911. would you like any additional information ? eos O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O general-reqmore +bos yes , i would like the number for saigon city . eos O O O O O O O O O O O O N/A +bos 01223 356555 is the number . eos O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O N/A +bos thank you . can you also tell me the address for saigon city , please ? eos O O O O O O O O O O O O O O O O O general-thank +bos the address for saigon city is 169 high street chesterton chesterton 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 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos thank you good bye eos O O O O O general-bye +bos thank you goo bye eos O O O O O general-bye +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 does location matter ? eos O O O O O Restaurant-Request+Area +bos yes , in the south , i am also looking for romanian food . eos O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are no restaurants that meet what you 're looking for . is there anything else 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 Restaurant-NoOffer,general-reqmore +bos same area and price , but portuguese , anything for that ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos sorry i do n't have anything for that either . eos O O O O O O O O O O O Restaurant-NoOffer +bos can you try chinese ? eos O O O O B-Restaurant-Inform+Food O N/A +bos sorry i do n't have anything for that either . eos O O O O O O O O O O O Restaurant-NoOffer +bos you choose as long as it is cheap . could you book a table for 7 people at 15:45 on wednesday ? 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 N/A +bos you are booked at nando 's , a cheap portuguese restaurant in the south . your reference number is zs1pdfza . eos O O O O O B-Booking-Book+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O B-Booking-Book+Ref O O O O N/A +bos are there any museums close to restaurant ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos i found only the byard art musuem in the south . there 's no entry fee . phone number , 01223464646. 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+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Phone O O O O N/A +bos what is the address for the museum ? eos O O O O O O O O O Attraction-Request+Addr +bos it is in the north address is 14 king 's parade and free admittance eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos great ! thanks . have a good night . bye . eos O O O O O O O O O O O O general-bye +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 i want to find an expensive restaurant in the south part of town . what is the address ? 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 Restaurant-Request+Addr +bos what type of food are you looking for ? eos O O O O O O O O O O Restaurant-Request+Food +bos any type of food is fine , just need to know where it is located . eos O O O O O O O O O O O O O O O O O N/A +bos chiquito restaurant bar serves mexican food in the expensive price range and in south . it is located at 2g cambridge leisure park cherry hinton road cherry hinton . 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 B-Restaurant-Inform+Price 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 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 , thank you . eos O O O O O O general-thank +bos thank you for calling and please use our system again . goodbye . eos 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 thank you , goodbye . eos O O O O O O general-bye +bos can you help me find a cheap african restaurant in the centre ? 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 we do n't have any cheap african restaurants in the centre of town . would you like to search for something different ? eos 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 O O O O O O O O O O O general-reqmore +bos yes can you check for italian please ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 3 ; i 'd recommend ask . they have great food and pretty great service , too . would you like to reserve a table ? 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 O O O O O O O Booking-Inform +bos sorry , i 'm actually looking for moroccan food . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i apologize , we do n't have any moroccan cuisine available in the city . is there another type of cuisine you might like to try ? 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 O Restaurant-Request+Food +bos how about portuguese ? eos O O O B-Restaurant-Inform+Food O N/A +bos nandos city centre is a wonderful portuguese restaurant . would you like me to book a table for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O Booking-Inform +bos yes can you book a table for four please at 17:00 ? eos O O O O O O O O O O O O O N/A +bos i just did reserve for 4 at 17:00 a the nandos city centre . would you like help with an anything else ? eos O O O O O O O B-Booking-Book+People B-Booking-Book+Time 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 general-reqmore +bos what is the reference number for that reservation ? 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 : ws5p73o7 . 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 apologize , i need an earlier reservation now for 7 people at 15:45 on friday . can you reschedule ? 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 N/A +bos no worries , i have updated the reserved time , the reference number is 69xp42lr . any further questions ? 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 i could use a recommendation on a nightclub in the centre of town . eos O O O O O 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 Attraction-Request+Area +bos i 'd like to stay around the restaurant . eos O O O O O O O O O O Restaurant-Inform +bos what price point is good for you ? eos O O O O O O O O O Attraction-Request+Price +bos cheap price please . eos O O O O O N/A +bos what area of town would you like your hotel ? eos O O O O O O O O O O O Hotel-Request+Area +bos i do n't need a hotel . i 'd just like a recommendation for a nightclub near the restaurant . 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 the soul tree nightclub is pretty fun . they 're at 1-6 corn exchange street . 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 O O N/A +bos do you know what the entrance fee is ? eos O O O O O O O O O O Attraction-Request+Fee +bos the entrance fee is 4 pounds . eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos great that is everything , i apologize for being so high maintenance , thanks for the 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 can you help me find a nice museum ? i need to plan my trip to cambridge . eos 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 museums in town . what area are you interested in visiting ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Request+Area +bos the area does n't matter , please just send me the address , entrance fee , and postcode for the most popular museum in 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 Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos my favorite is the broughton house gallery . they 're at 98 king street , cb11ln , and it 's free to get in . 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 B-Attraction-Recommend+Post O O B-Attraction-Recommend+Fee O O O O O O O O O N/A +bos wonderful ! can you also recommend a restaurant in the east for me ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos was there a type of cuisine you wanted to have ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos nope , i am open to anything . just something good . eos O O O O O O O O O O O O O N/A +bos there are 356 restaurants can you narrow it down ? eos O O O O B-Restaurant-Inform+Choice O O O O O O general-greet +bos okay , i 'm looking for a restaurant that is in the east with an expensive price range . will that work ? eos 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 N/A +bos what kind of food would you like today ? eos O O O O O O O O O O Restaurant-Request+Food +bos 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 ? eos O O O O O O O O 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 would recommend the royal standard a cool gastropub . will that work ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O O Booking-Inform +bos yes , please complete the booking with the specifications i mentioned in the previous turn eos O O O O O O O O O O O O O O O O N/A +bos i 've completed the booking , your reference number is hno1rkpn . anything else ? eos O O O O O O O O O B-Booking-Book+Ref 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 and enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for places to go in town , can you make suggestions ? eos 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 interested in ? eos O O O O O O O O O O Attraction-Request+Type +bos i like a park that has vendors and kids can play eos O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos we have five parks to choose from , any preference in area ? 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 never mind . do you have any theaters in the east area ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos i 'm sorry , there are no theatres in the east area . can i help you find something else ? 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 O O O O general-reqmore +bos are there any museums ? will need the address and phone number . also looking for a restaurant that serves fusion food in the same area . 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 O Attraction-Request+Phone +bos there are four . do you have a specific one in mind ? i have the cambridge artworks , phone 0122390216 , post code cb13ef . what area do you want the food to be in ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O O O O O O O O O O O O O O O Restaurant-Request+Area,Attraction-Request+Name +bos i was hoping for something in the east . eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry but there are no fusion restaurants in the east . could i interest you in another cuisine 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 O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos how about british food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos grafton hotel restaurant is an expensive british restaurant in the east part of town . do you need anymore information or would you like to book a table ? 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 I-Restaurant-Inform+Area O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos no need to book it . i would just like the price range , postcode , 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 Restaurant-Request+Post,Restaurant-Request+Price,Restaurant-Request+Addr +bos its expensive and its located at grafton hotel 619 newmarket road fen ditton . the postcode is cb58pa . is there anything else i can help you with ? eos 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 O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos thanks for all your help . that will be all for today . goodbye eos O O O O O O O O O O O O O O O general-bye +bos great ! i hope you have a wonderful trip . bye ! eos O O O O O O O O O O O O O general-bye,general-greet +bos i 'm looking for some places to go in the west area 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 is there a type of attraction you are interested in ? eos O O O O O O O O O O O O Attraction-Request+Type +bos a park , if possible . eos O O B-Attraction-Inform+Type O O O O N/A +bos unfortunately , there are no parks in the west part of town . are you interested in a museum ? 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 B-Attraction-Select+Type O O N/A +bos no but could you look for a college ? eos O O O O O O O O B-Attraction-Inform+Type O N/A +bos there are 5 in the west ; 2 charge an entrance fee and 3 are free to visit . my personal favorite of those is churchill college . eos 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 O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos could i get the postcode for churchill college and is there a entrance fee for that 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 Attraction-Request+Post,Attraction-Request+Fee +bos the postcode is cb30ds and entrance is free . eos O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O B-Attraction-Inform+Fee O N/A +bos looking for a particular restaurant . its name is called bedouin eos O O O O O O O O O O B-Restaurant-Inform+Name O N/A +bos yes , bedouin is a restaurant that serves african food in the centre . it is in the expensive range . 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+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos no , i just need 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is 100 mill road city centre , the postcode is cb12bd and the phone number is 01223367660. is there 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos that 's all i needed today . thanks for all your help . 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 need a place to go , something interesting to see . i was thinking maybe a college . eos 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 there are 18 colleges in the area . what parts of town are you willing to travel to ? 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 recommend one and give me its address eos O O O O O O O O Attraction-Request+Addr +bos i 'd suggest corpus christi college on king 's parade , cb21rh . the entrance fee is 2 pounds . can i help you with anything else ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr 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 thank you . can you also help me find a restaurant ? i think the name is zizzi cambridge . 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 N/A +bos certainly . zizzi cambridge is an italian restaurant located in the centre at 47-53 regent street , post code cb21ab . their phone number is 01223365599. would you like to book a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O B-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 O O Booking-Inform +bos yes please . i would like the reservation to be at 17:00 for one person on sunday . eos 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 your table is booked . they will hold the table for 15 minutes . your reference number is 9zwhyzkh . 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 O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos thanks . i am all done here . eos 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 i need a train that leaves on monday going to cambridge . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A +bos wonderful , i can help you . could you tell me where you 're departing from so we can begin to book your 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 O Train-Request+Depart,general-greet +bos yes , i 'll be departing from london kings cross . i 'd also like to arrive in cambridge 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 O O O B-Train-Inform+Arrive O O O O N/A +bos train tr0378 would leave at 05:17 and arrive at at 06:08. 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 O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos the booking is for 8 people . if the train can accommodate that number of people please book the train and provide 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 O O O O O O O O O Train-Request+Ref +bos it was successful . your reference number is xfs7gqhz eos O O O O O O O O O O N/A +bos thanks ! i 'm also looking for the curry prince restaurant , do you know where that is ? 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 N/A +bos yes , it is located at 451 newmarket road in fen ditton . can i book a table for you ? 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 O O O O O O O O O Booking-Inform +bos what area is that in ? eos O O O O O O O Restaurant-Request+Area +bos the east part of town eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos yes , i would like a reservation . eos O O O O O O O O O N/A +bos okay , for how many people ? eos O O O O O O O O Booking-Request+People +bos i need it for 8 people . eos O O O O O O O O N/A +bos and what day and time would you like the reservation for ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos actually , i wo n't be able to stay in town for dinner this time . thanks for everything you 've helped me with . 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 it was a pleasure . have a nice afternoon . goodbye . eos 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 a restaurant in the centre of town serving italian 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 we 've got the pizza hut in the center of town that serves italian food . would you like to try that ? 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 B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O Booking-Inform +bos maybe ... is there any other place that 's cheap and serves italian food ? eos O O O O O O O O O O O O O O O O N/A +bos there is also pizza express , it is an expensive restaurant , or you could try zizzi cambridge , which is a cheap option . eos 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 O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O N/A +bos i think i will try zizzi cambridge . 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos zizzi cambridge is at 47-53 regent street and the postal code is cb21ab . 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 O O O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos yes i am looking for a particular hotel called the carolina 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 carolina bed and breakfast is a 4 star guesthouse located in the east . at a moderate price point it boasts both free wifi and free parking . need more information ? 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 I-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 Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos i need the address for carolina bed and breakfast . eos O O O O O O O O O O O Hotel-Request+Addr +bos the address for carolina bed and breakfast is 138 perne road . would you like me to book you 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Booking-Inform +bos no thank you . i just needed the information for now . thanks for you help . 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 be of service . thanks 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 general-welcome,general-greet +bos can you help me find a guest house ? eos O O O O O O O O O O N/A +bos there are many options to choose from . what area will you be staying 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 Hotel-Request+Area +bos in cambridge for sure , but still deciding the location . i need it to have free parking though , 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 recommend the acorn guest house . it 's a moderately-priced 4-star guesthouse in the north area of town . eos O O O O B-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 I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O N/A +bos that may work . do they have free wifi ? eos O O O O O O O O O O O N/A +bos yes they do , would you like me to book you or provide information ? eos O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,general-reqmore +bos yes , i want to book for 7 people , 5 nights starting wednesday . eos O O O O O O O O O O B-Hotel-Inform+Stay 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 make the booking for me . eos O O O O O O O O O O N/A +bos booking was successful.reference number is : y3rbo3cr can i help you with anything else ? eos O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O general-reqmore +bos yes . i 'd like 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 O N/A +bos we have six option any price preference between moderate or expensive ( no cheap options ) ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O O N/A +bos i do n't have a preference . just close your eyes and pick one . i need to reserve a table for 7 on wednesday at 17:15. 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 N/A +bos okay , i 've booked 7 for tandoori palace on wednesday at 17:15. your reference number is 2uk6e0ht . the address is 68 histon road chesterton . eos O O O O O B-Booking-Book+People B-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 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 that 's all i need today thanks for all the help . bye eos O O O O O O O O O O O O O O general-bye +bos thanks and enjoy your time . eos O O O O O O O general-bye +bos i need information on a hotel named , '' 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 O O O N/A +bos rosa 's is located in the south and is cheap . would you like a reservation ? eos O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O O Booking-Inform +bos no thanks . i just need their post code . eos O O O O O O O O O O O Hotel-Request+Post +bos sure , it is cb22ha . can i be of further assistance to you today ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore +bos i also am looking for a restaurant called stazione resaurant and coffee bar . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos stazione restaurant and coffee bar is an expensive italian restaurant located in the centre , shall i make a reservation for you ? 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 B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O O O Booking-Inform +bos no thank you that is all i needed . 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 what does cambridge offer as far as expensive cantonese restaurants ? eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i 'm so sorry but we do n't have any expensive cantonese . would you like to try another type of food ? eos O O O O O O O O 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 how about british food instead . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there are 6 british restaurants . do you have a particular area of interest ? 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+Area +bos no , but i want the most expensive one . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i would suggest fitzbillies restaurant . would you like me to book a table now ? eos 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 i 'll be dining alone so please make a reservation for 1 at 19:30 or 18:30 , perfer 19:30 on wednesday . reference number please ? eos O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O O O B-Restaurant-Inform+Day O O O O O O O Restaurant-Request+Ref +bos all set . your reservation for one is confirmed for wednesday at 19:30. your reference is hb2twwh0 . is there anything else i can do for you today ? eos 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 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 a hotel with free parking . it will be for just one person , like the restaurant booking . 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 N/A +bos how about acorn guest house ? i hear it 's lovely eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O general-greet +bos that would be perfect . eos O O O O O O N/A +bos i booked the acorn guest house in the north , the address : 154 chesterton road . how many days are you going to stay ? eos O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Hotel-Inform+Area 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 Booking-Request+Stay +bos i will be staying 2 days . eos O O O O O O B-Hotel-Inform+Stay O N/A +bos i got you booked for the acorn guest house for 1 person for 2 nights starting on wednesday . your booking number is 2nfsnmzp . is there anything else i may assist 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+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 can i just confirm it has free internet as well eos O O O O O O O O O O O Hotel-Request+Internet +bos the guesthouse has free wifi and parking eos O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos great , that will be all thank you . eos 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 am looking for somewhere to dine during my trip to cambridge . eos O O O O O O O O O O O O O O N/A +bos there are plenty of restaurants in cambridge , are you looking for anything in particular ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Name +bos i 'd like one that is cheap and in the city center . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos did you have a certain food type you wanted ? i have chinese , asian , oriental , italian , spanish and several other types . eos O 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 I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O Restaurant-Request+Food +bos i do n't have a type preference . eos O O O O O O O O O N/A +bos would you be interested in dojo noodle bar ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos yes , that sounds interesting . can you also please find the hotel avalon . please let me know their address and whether they have free parking . eos 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 O O O Hotel-Request+Parking,Hotel-Request+Addr +bos the avalon address is 62 gilbert road and they do not have free parking . would you like me to book you a reservation at the restaurant ? 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 O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos i also need a taxi that will leave the hotel by 08:30. eos O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos what is your destination ? eos O O O O O O Taxi-Request+Dest +bos my destination is the dojo noodle bar . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos look out for a yellow honda and the contact will be 07009665644 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O N/A +bos great ! 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 good day . eos O O O O O O O O O O general-welcome,general-bye +bos hi i am looking to find a guesthouse to stay at and it does not need to have internet . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Internet O O O O N/A +bos i have a listing for one in the north of town , is that okay ? eos O O O O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O Hotel-Select +bos is that 3 star with a moderate price ? eos O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O N/A +bos the alpha-minton guest house sounds like it will be perfect for you . it 's a moderately-priced , 3-star guesthouse in the north . can i 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 O O B-Hotel-Recommend+Price B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area O O O O O O O O O O O O Booking-Inform +bos please do , for 1 person , for 5 nights , starting thursday . 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 N/A +bos i have made a booking here is your information : booking was successful.reference number is : dgghj53e . 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 thanks . can you help me find a place to eat also ? i 'd like some british food , in the same price range as my hotel . 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 O N/A +bos unfortunately there are no moderately priced restaurants serving british food on the north side . would you like me to look in another part of town ? eos O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price 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 Restaurant-Request+Area +bos yes , please look in another part of town . eos O O O O O O O O O O O N/A +bos the copper kettle is in centre . phone number is 01223365098 and address is 4 kings parade city centre . would you like to make a reservation ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area 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 O O O O O O O O O Booking-Inform +bos yes please for one person at 17:45 on thursday . eos O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos you table is booked for 17:45 on thursday . your reference number is bb26wx3r . is that all ? 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 O O O O general-reqmore +bos no , can you also help me book a taxi ? eos O O O O O O O O O O O O Taxi-Inform +bos when you would like to leave or arrive by ? what 's your departure/destination ? eos 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 would like to arrive by 17:45 to the 4 kings parade . pick us up at the alpha-minon guesthouse . eos 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 O O O O O O O O N/A +bos okay great ! your car will be a black bmw and the contact number is 07675976580. do you need 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 B-Taxi-Inform+Phone O O O O O O O O O general-greet +bos nope . that 's all . thank you . bye now eos 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 pricey place to stay . please help me if you can . 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 options what area do you want to stay in ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area +bos i want to stay on the south side of town in a 3 star hotel that also has free wifi . do you have any suggestions ? eos 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 O O O O O O N/A +bos the lensfield hotel fits your needs , would you like info or a booking ? 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 Booking-Inform +bos can you please book it for me ? eos O O O O O O O O O N/A +bos sure , but i 'll need some additional information . how many days shall i book for ? 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 O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos i want to book it for 4 nights on a thursday for 7 people . can i have the reference number ? 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 N/A +bos booking was successful . your reference number is : 2agdqcl1 . 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 i am also looking for a place to dine near the hotel . eos O O O O O O O O O O O O O O Hotel-Inform +bos sure thing what kind of food are you wanting ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i 'd like an indian restaurant in the expensive range in the south please . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A +bos taj tandoori fits all your criteria . would you like me to book you a table ? 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 Booking-Inform +bos yes , please . it 'll be for the same seven people at 12:45 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 O O N/A +bos your booking for the restaurant was successful . your reference number is lom2sxef . it is on the same day . is there 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 O O O O O general-reqmore +bos yes , i 'll also need a taxi to commute between the two places . 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 N/A +bos okay , i 've reserved your taxi , a red toyota that will pick you up at the hotel . please call 07100946060 to confirm pick up time . 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 O O B-Taxi-Inform+Phone O O O O O O O O O O N/A +bos thanks . i didnt realize the time . i need to go . but thanks for everything . 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 lovely day , goodbye ! eos O O O O O O O O general-bye +bos i 'm needing a place to eat on the eastside . eos O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos ok , there are nine places in that area . do you have a type in mind ? 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 Restaurant-Request+Food +bos yes italian food please . eos O O B-Restaurant-Inform+Food O O O N/A +bos i recommend the pizza hut fen ditton . its on cambridge retail park , newmarket road . would you like a reservation ? 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 O O O O O O O Booking-Inform +bos yes , please . i 'll be there on tuesday with a party of 4. is there space at 15:00 ? eos O O O O O O O B-Restaurant-Inform+Day O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Time O O O O N/A +bos reference number is : 6v0ltwhg . anything else ? eos O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos yes , is the allenbell hotel still in cambridge ? eos O O O O O B-Hotel-Inform+Name O O O O O N/A +bos yes the allenbell is in east cambridge . would you like me to book a room ? eos O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos yes for 4 people staying 5 nights starting tues eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A +bos reference number is : bhwnflg3 . anything else ? eos O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos no , i 'm all good . eos O O O O O O O O N/A +bos okay , have a fantastic time ! eos O O O O O O O O general-greet +bos thanks so much . goodbye . eos O O O O O O O general-bye +bos your welcome . it 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,general-greet +bos hi . i 'm looking for a relatively expensive international restaurant to dine at this evening . is there one that you would recommend ? eos 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 O O O O O O O N/A +bos i could not find any expensive international places to eat . do you have any other preference ? 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 N/A +bos are there any expensive international food places in the west area ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos nothing in the west , another area ? eos O O O O B-Restaurant-NoOffer+Area O O O O Restaurant-Request+Area +bos how about one that serves indian food instead ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 5 that match you criteria . tandoori palace is a great place , shall i book a table for you ? eos O O O O B-Restaurant-Inform+Choice 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 +bos could i get address and postcode eos O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos sorry i am not able to find it eos O O O O O O O O O N/A +bos what do you mean ? you 're the one who recommended it . eos O O O O O O O O O O O O O O N/A +bos tandoori place , 68 histon road , chesterton . post code cb43le . is there anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos well . i also need the hotel called bridge 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 sure , i have their info . 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 i would like to know if you can book me a room for 5 nights starting friday . i also need the reservation # eos 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 O O O N/A +bos i have booked a room for you for five nights at the bridge guest house , beginning on friday . your reference number is r175r6s0 . may 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 B-Booking-Book+Name I-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-reqmore +bos i need the bridge guest house for 3 people . i forgot to include that . eos O O O O O O O O O B-Hotel-Inform+People O O O O O O O N/A +bos i switched the booking to 3 people , and the new reference number is fw6x5f78 . eos O O O O O O O B-Booking-Book+People 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 , 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 i am looking for the price range of a restaurant called rice boat . eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O Restaurant-Request+Price +bos rice boat is in the expensive price range . can i help you with something else ? eos 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 O O general-reqmore +bos no , that is all i needed thanks . 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 yes , i 'd like to book three nights , for three people , at the worth house hotel . 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 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 would be arriving sunday . eos O O O O O B-Hotel-Inform+Day O N/A +bos ok. the booking was successful . your reference number is m15zt8qm . eos O O O O O O O O O O O O B-Booking-Book+Ref 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 . good bye . eos O O O O O O O O general-welcome,general-bye +bos i am looking for a modern european restaurant in the moderate range . eos 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 three restaurants that meet your criteria - restaurant alimentum , de luca cucina and bar , and riverside brasserie . would you like to book a table at one of these ? eos 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 O O O O O O O O O O O O O O Booking-Inform +bos sure , you can choose . as long it 's in the moderate price range and serves modern european food , can you tell me what area it is in please ? eos O 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 O O O O O O O O O O O O Restaurant-Request+Area +bos certainly , how about riverside brasserie is in the moderate price range , serves modern european and it is in the centre area . how many people shall i book it for ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Area O O O O O O O O O O O O O Booking-Request+People +bos let me think on that , could you help me book a train ? eos O O O O O O O O O O O O O O O Train-Inform +bos could you be a little more specific please ; what day do you want to leave , and when 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 O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'd like to leave after 13:45 on thursday from cambridge to stansted airport . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos i found 10 trains , do you have any time you need 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 no , i just need to leave after 13:45. give me which ever one is earliest . eos O O O O O O O O B-Train-Inform+Leave O O O O O O O O O N/A +bos the earliest one i have leaving is 14:40 and arriving at 15:08. would you like me to book this for just one 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 O O N/A +bos not at this time , no . i just needed the information , 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 assist you with anything else today ? eos 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 excellent . have a good day ! eos O O O O O O O O general-bye +bos i am looking for a place to go in town . eos O O O O O O O O O O O O N/A +bos there are many places , do you have a particular destination type 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 Attraction-Request+Type +bos i 'm looking for a theatre . can you recommend one ? eos O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos i have four theatre 's in the centre and one in the south . do yo know which area you would like ? eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Area +bos area does n't matter . please choose your favorite and tell me the area and postcode and address if you could 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 i personally love the mumford theatre . its in the centre at anglia ruskin enterprise , east road and the postcode is cb11pt . will that be all today ? eos O O 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 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 general-reqmore +bos thank you thats all . eos 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-reqmore +bos i need a train that leaves 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 202 trains leaving cambridge on thursday . would you like to narrow your search by destination and time ? 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 O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest +bos i am going to the stansted airport and i need to arrive by 21:30. eos O O 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 when are you leaving ? eos O O O O O O Train-Request+Leave +bos 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 . eos O O O O O 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 have 16 train departures fitting your preferences . they leave every :40 of the hour starting at 5:40 to 20:40 , would you like me to book one of these ? eos O 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 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 can i please have one at 19:40. i will get there by 21:30 correct ? eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos yes , the 19:40 train will arrive at 20:08. how many tickets would you like ? eos O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+People +bos i do n't need tickets at the moment , but i do need the price and train id for that 19:40 departure , 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+TrainID +bos the train id for that is tr9030 and the price is 10.10 pounds . is there anything else you 'd like help with today ? eos O O 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 O general-reqmore +bos i 'm also looking for a particular restaurant , it 's called frankie and benny 's . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos i was able to find it , what information would you like on it ? eos O O O O O O O O O O O O O O O O N/A +bos can you tell me the postcode , food type , and the price range ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food,Restaurant-Request+Price +bos frankie and bennys serves italian food in the expensive price range , and their postcode is cb17dy . would you like assistance in making a reservation ? eos O B-Restaurant-Inform+Name I-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+Post O O O O O O O O O O O Booking-Inform +bos no , 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 for contacting the cambridge towninfo centre . we 're here any time you need to get around cambridge ! 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 have n't had german food in ages so please find me a place in the centre that serves it eos O O O O B-Restaurant-Inform+Food 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 , there are n't any german restaurants in the centre , would you like me to expand the search to other parts of town ? 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 O O Restaurant-Request+Area +bos sure , but please make sure there are n't any in the centre again too . eos 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 n't any options for german food for any area , i 'm afraid . would you like to try 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 O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos is there one that serves italian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes , there is . what 's your price range ? eos O O O O O O O O O O O O general-welcome,Restaurant-Request+Price +bos expensive price range and i need a table for 7 at 13:00 on thursday and the reference number . eos O B-Restaurant-Inform+Price 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 your all set reference # is 79revfj1 . anything else today ? eos O O O O O O O B-Booking-Book+Ref O O O O O N/A +bos yes i 'm looking for a train to cambridge that same day . eos O O O O O O O O B-Train-Inform+Dest O O O O O N/A +bos ok great . 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 kings lynn . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos and what time do you need to leave ? eos O O O O O O O O O O Train-Request+Leave +bos i just need to arrive by 10:30. eos O O O O O O O B-Train-Inform+Arrive N/A +bos there are 5 trains that will get to cambridge by 10:30. the earliest departs kings lynn at 05:11. the latest one leaves at 09:11. eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave N/A +bos the 9:11 one is cool . i need to book for 7 people . can i make sure to get 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 O O O O O N/A +bos booking was successful , the total fee is 68.6 gbp payable at the station .reference number is : h6vtwbv8 . what else can i do for you 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 O general-reqmore +bos thank you , thats all i needed . eos O O O O O O O O O general-thank +bos thanks for inquiring with us . eos O O O O O O O general-welcome +bos you 're welcome , goodbye ! eos O O O O O O O general-bye +bos goodbye and have a great day . eos O O O O O O O O general-bye +bos i need info about cityroomz eos O O O O O B-Hotel-Inform+Name N/A +bos cityroomz is a moderate priced hotel located at sleeperz hotel , station road in the centre . free internet . eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Area O O O O O Hotel-Inform+Internet +bos thank you . is it considered a hotel or guesthouse ? eos O O O O O O O O O O O O Hotel-Inform +bos cityroomz is a hotel , the address is sleeperz hotel , station road eos 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 N/A +bos thanks . i also need information for sheep 's green and lammas land park fen causeway . what can you tell me about it ? eos 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 O N/A +bos it is a beautiful park in the south part of town , on fen causeway , newnham road . admission is free . eos O O O O O B-Attraction-Inform+Type 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 B-Attraction-Inform+Fee O O O N/A +bos thanks so much , you 've been really helpful . 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 are so 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 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 . eos O O O O 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 sure , i can help you with that . were you looking for a particular area to stay ? 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 hotel should be in the moderate and in centre of town eos O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O N/A +bos cityroomz is the only moderately priced hotel in the centre of town , would you like more information about it ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O general-reqmore +bos yes , i 'd like the phone number and postcode , please . eos 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 01223304050 and their postcode is cb12tz . do you need help with anything else ? 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 i 'm looking for an attraction called clare college . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos clare college is in the west part of town . it is located on trinity lane . their entrance fee is 2.50 pounds . the postcode is cb21tl . 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O O O N/A +bos perfect , thank you . 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 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 i would like a hotel while in cambridge . it does n't need parking or internet . 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 we have a few choices to pick from , any preferences on pricing or area ? 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+Area,Hotel-Request+Price +bos the price does n't matter are there any 3 star places available ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O Hotel-Request+Price +bos the lensfield hotel is a 3 star hotel in the south and gonville hotel is a 3 star hotel 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 N/A +bos what is the price range and phone number of the gonville hotel ? eos O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price +bos the phone number is 01223366611. it is expensive . eos O O O O O B-Hotel-Inform+Phone O O B-Hotel-Inform+Price O N/A +bos thanks ! i also want to ride on a boat , is that something you can help with ? i would like to do this in the south area of town . 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 B-Attraction-Inform+Area O O O O O N/A +bos no boats in that area , is there another location you have in mind ? eos 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 hmmm ... how about a nightclub , instead ? eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos there is the place their address is 22 sidney street and number is 01223324600. is there anything else i can help you with ? eos 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 B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos was there an entrance fee to that nightclub ? eos O O O O O O O O O O Attraction-Request+Fee +bos the entrance fee is not available . is there anything else i can help you with 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 O O O O O O O O O O O general-reqmore +bos yes , i also need a taxi . i need to leave the hotel by 07: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 okay , i 've got you book in a black lexus with contact number 07490949646. 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 N/A +bos thank you so much . that 's all i need for today . good-bye . eos O O O O O O O O O O O O O O O O general-bye +bos ok. i hope you enjoy your trip . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for details on the yu garden restaurant . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos sure , it is an expensive chinese restaurant . what would you like to know ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O general-reqmore +bos adress and phone number please and thank you eos O O O O O O O O O general-thank +bos the address is 529 newmarket road fen ditton . the phone number is 0122324882. 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 B-Restaurant-Inform+Phone O N/A +bos thank you . i am also looking for a train to cambridge form stansted airport . eos O O 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 okay what day and time would you like to travel ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos on wednesday leaving after 11:30 eos O O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos i have train tr6386 that will leave at 12:24 and arrive in cambridge at 12:52. would that work 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 N/A +bos yes it will what is the price ? eos O O O O O O O O O Train-Request+Price +bos it is 10.10 pounds eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos great that is all i need for now thank you . eos O O O O O O O O O O O O general-thank +bos welcome . have we done all you wanted us to ? eos O O O O O O O O O O O O general-welcome,general-reqmore +bos yes , thanks for all your help today . eos O O O O O O O O O O general-thank +bos your welcome . hope your have a great trip . eos O O O O O O O O O O O general-welcome +bos thanks . i appreciate your help . goodbye . eos O O O O O O O O O O general-bye +bos is there anything else i can assist with regarding your travels ? perhaps a hotel stay ? eos O O O O O O O O O O O O O O O O O O general-reqmore +bos can you help me find somewhere to stay with free wifi ? eos O O O O O O O O O O O O O N/A +bos sure , most places offer that these days . do you have an 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 O Hotel-Request+Area +bos we need the hotel to be in the north . eos O O O O O O O O O B-Hotel-Inform+Area O N/A +bos okay and what is your price range ? eos O O O O O O O O O Hotel-Request+Price +bos price range does n't matter to me . i 'd like it to have a one star . 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 so sorry , but we do n't have a one star in that area . would you like for me to check a different area ? eos O O O O O O O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos how about a 4 star rating ? eos O O O O O B-Hotel-Inform+Stars O O N/A +bos the acorn guest house is a 4 star guesthouse with wifi . would you like to make a reservation ? 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 O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos sure , i need it for 3 nights starting wednesday . eos O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos before i book how many people will be staying with you ? eos O O O O O O O O O O O O O Booking-Request+People +bos please book the hotel for 5 people . eos O O O O O O O B-Hotel-Inform+People O N/A +bos booking was successful.reference number is : yyxr9vmx eos O O O O O O O B-Booking-Book+Ref N/A +bos thanks . i also need a restaurant in the same area . eos O O O O O O O O O O O O O N/A +bos there are several restaurants , what type of food and price range ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos indian food would be great . eos O B-Restaurant-Inform+Food O O O O O N/A +bos okay , what is your price range ? we have one in the moderate and one in the cheap range . eos O O O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O O Restaurant-Request+Price +bos can you please make a reservation at the moderately priced one ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos the nirala serves indian cuisine at a moderate price , and is located in the north . how many in your party ? what time would you like the table reserved ? eos O O B-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 O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos ok great , can you book a table for 5 at 14:00 on wednesday . eos O O O 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 thanks , i will need the reference number . eos O O O O O O O O O O general-thank +bos your reference number is qv1z4xh7 . can i help you 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 no , thank you for helping me with both bookings so quickly . 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 general-bye +bos thank you for allowing me to assist you with your travel . eos O O O O O O O O O O O O O general-bye +bos i need a hotel with free wifi . eos O O O O O O O O O N/A +bos do you have any other criteria ? eos O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Price +bos it needs to be four star , but on the cheaper range , and free parking does n't need to be included . 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 we have several good guesthouses that meet your criteria . or do you prefer a hotel ? eos O O O B-Hotel-Select+Choice O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O Hotel-Inform +bos either is fine . which one is your favorite ? eos O O O O O O O O O O O N/A +bos i suggest 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 great that sounds like a plan . 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 thanks . is that a guesthouse ? eos O O O O O O O O O general-thank +bos yes that is a guesthouse eos O O O O O B-Hotel-Inform+Type N/A +bos okay , great . i 'm also looking for attractions in the west . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos there are 13 attractions in the west . any particular type that you would like ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Type +bos what attraction do you suggest ? eos O O O O O O O Attraction-Inform +bos how about clare hall , a college ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type O O N/A +bos that sounds good . is there an entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos the entry fee is 2.50 pounds . eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos what 's their phone number ? eos O O O O O O O Attraction-Request+Phone +bos their phone number is 01223332360. can i help you with anything else today ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos yes , i 'll need a taxi from the attraction to the guesthouse . i want to leave the attraction by 05:30. what is the car type and contact number please . 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 O O O Taxi-Request+Car +bos i have booked a blue tesla , the number is 07770229036 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 that will be it for today and thanks for your help eos O O O O O O O O O O O O general-thank +bos i am glad i have been of help to you eos O O O O O O O O O O O general-welcome +bos you bet . this is the end . eos O O 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 i am looking for a cheap restaurant in the centre 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 you have a lot of great choices . can we narrow your search with a type of cuisine you 'd like or would like to avoid ? 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 O O O O O Restaurant-Request+Food +bos thank you . i would really like african food if possible . eos O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos bedouin is the only african restaurant in town , but they 're not cheap . would you like to try a different type of cuisine ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food 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 O O Restaurant-Request+Food +bos would you like me to book it for you ? eos 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 yes , please . 7 people at 17:00 for saturday eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos ok , your table has been booked and will be reserved for 15 minutes . your reference number is 12uc21e9 . can i assist you further today ? 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 thank you . yes , i am also looking for an attraction 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 N/A +bos there are many to chose from in that area , might i recommend all saints church ? or are you looking for something specific ? 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 O O O O O O O O O Attraction-Request+Name +bos that attraction works , can i have more information ? eos O O O O O O O O O O O N/A +bos sure ! it is located on jesus lane , cb58bs . the entrance fee is free and their phone number is 01223452587. eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O N/A +bos okay , great . i 'll also need a taxi to commute between the two places . 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 O N/A +bos your taxi is booked . be expecting a blue volkswagen . if you need to contact the company , please call 07745957950. 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 N/A +bos thank you for all your help . 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 i would like a guesthouse with free wifi please . eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos we have 23 different options available . is there an area you would prefer ? 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 something expensive in the north . eos O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O N/A +bos there are no expensive guesthouses in the north with free wifi . eos 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 ok , how about a moderately priced one ? eos O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are 8 moderately priced guesthouses in the north . may i suggest the 4 star acorn guest house ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos are there any expensive hotels in the north ? i plan on staying with 4 other people for 4 nights , starting wednesday . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Day O N/A +bos do you have a parking preference ? eos O O O O O O O O Hotel-Request+Parking +bos no parking preference . can you please recommend one . eos O O O O O O O O O O O N/A +bos i 'm sorry . i am not finding any hotels in the expensive price range in the north . would you like to change your search ? eos O 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 O O O O O O O O O O general-reqmore +bos can you check for moderate price range instead ? eos O O O O O B-Hotel-Inform+Price O O O O N/A +bos the acorn guest house is moderately-priced , in the north . they offer free wifi as well . 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 B-Hotel-Recommend+Price 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 Hotel-Recommend+Internet,Booking-Inform +bos sure , i need it for 5 people and 4 nights from wednesday . 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 : fc2bdic9 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a train on wednesday , leaving from kings lynn . eos 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 when would you like to leave or arrive in cambridge by ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos yes , i would like to arrive in cambridge by 18:45 please . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A +bos ok the tr3677 will get you there at 17:58 eos O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive N/A +bos thanks that 's all i need 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 am looking for information in cambridge . eos O O O O O O O O O N/A +bos sure , what do you need to know ? eos O O O O O O O O O O general-reqmore +bos i would like to book a reservation at caffe uno . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos what day and time do you need the reservation for ? and how many people in your group ? 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+Time,Booking-Request+People +bos i need the reservation for 1 person for friday at 10:15. 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 your booking was successful and your table has been reserved ! your reference number is 3uh2kqdp . can i do anything else 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 yes , i need a train on friday also , going into cambridge . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O O N/A +bos ok , where from 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 Train-Request+Arrive,Train-Request+Depart +bos i am leaving peterborough and want to get to cambridge by 08:15 eos O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive N/A +bos i can put you on the tr0035 it will get you there by 08:09. how many tickets do you need ? eos O O O O O O O B-Train-OfferBook+Id O O O O O O B-Train-OfferBook+Arrive O O O O O O O Train-Request+People +bos just one . can i get the reference number for that ? eos O O O O O O O O O O O O O Train-Request+Ref +bos your reference number is e75vhn9i and 16.5 pounds will be payable at the station . anything else i can do for you ? eos O O 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 general-reqmore +bos yes , could you please email or fax me the fare amount , as well as 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 Train-Request+Ref +bos it will cost you 16.50 pounds and the reference number is : e75vhn9i . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Ref 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 welcome , it was a pleasure serving you . eos O O O O O O O O O O general-welcome +bos could you give me some information on getting 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 N/A +bos i sure can ! we have several trains that meet that criteria , do you have a specific departure point in mind ? 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 Train-Request+Depart +bos yes , i want to leave london liverpool street sometime after 10:15. eos 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 can get you on an 11:39 departure . will that work for you ? eos O O O O O O O B-Train-OfferBook+Leave O O O O O O O O N/A +bos yes , can you book that for 2 people and 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 N/A +bos your train has been booked , reference number is ec3aft68 . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos i am also looking for a expensive restaurant located in the centre . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos i 'd like to suggest to you bedouin eos O O O O O O O B-Restaurant-Recommend+Name O N/A +bos sounds great , can you reserve us a table ? same 2 people and on the same day . we 'd like to eat at 17:00. 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 B-Restaurant-Inform+Time O O O O N/A +bos reservations for the same day have been booked for the bedouin . the reference number is u5h97vuv . eos O O O O B-Booking-Book+Day I-Booking-Book+Day I-Booking-Book+Day O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A +bos hi , i am trying to plan a trip and need some help with a train . i 'm not familiar with trains at all unfortunately . eos O O O O 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 , i should be able to help you . do you know which station you 'll be leaving from or going 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+Depart,Train-Request+Dest +bos i 'm departing from leicester and i need to leave on friday . thank you for helping ! eos O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day 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 going to cambridge . eos O O O O B-Train-Inform+Dest O O N/A +bos is there a time you would like to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos 11 pm and i want it for three people eos O O O O O O O O O O N/A +bos tr6539 will arrive by 22:54. booking was successful , the total fee is 113.4 gbp payable at the station . your reference number is ie5rk2ig . do you need anything else ? eos O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Arrive 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 also need a place to stay . eos O O O O O O O O O N/A +bos we have many great places to stay . what area would you like and 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 O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i would like a guesthouse , rated 3 stars , in the north with free parking . i have 8 people and i want to stay for 5 nights starting on friday . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area 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 O N/A +bos i was able to book hamilton lodge , reference number is 7cakixh2 . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Ref O O N/A +bos thank you . that is all i needed . goodbye . eos O O O O O O O O O O O O general-bye +bos you are welcome , enjoy yourself . eos O O O O O O O O general-welcome +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 I-Train-Inform+Choice 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+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 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+Price B-Hotel-Inform+Type B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 Hotel-Select +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 again , 3 star with free wifi . i do n't care about the price . it has to be in the centre , though . eos O O O B-Hotel-Inform+Stars 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 Train-Request+Price +bos the gonville hotel will meet all of your needs . would you like 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 O O O O O O O O Booking-Inform +bos no , not yet . i just need the postcode . eos O O O O O O O O O O O O Hotel-Request+Post +bos okay , the postcode is cb11ly . what else can i help with ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O general-reqmore +bos that is all , thank you for your help today . eos O O O O O O O O O O O O general-thank +bos thanks for using cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i 'm trying to find a hotel called worth house . can you help me ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O N/A +bos sure . worth house is located in the east at 152 chesterton road . it 's phone number is 1223316074. would you like me to help you book it ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 Booking-Inform +bos great ! yes please book it for 8 people and for 3 nights . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos i can get that reserved for you . what dates will you need to stay at worth house ? eos 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 for 3 nights starting this thursday . eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos i have that booked for you and your reference number is ftvoqphp . eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a train . eos O O O O O O O Train-Inform +bos 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 ? eos O O O O O O 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,Train-Request+Depart +bos i would like to leave on sunday from cambridge . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos what is your destination ? also , what time do you want to leave or arrive , please ? 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 the train should leave after 10:45 and should go to bishops stortford . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos the first train leaving cambridge for bishops stortford on sunday departs at 11:29 and arrives at 12:07. would you like to book tickets ? 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+Day O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes book the tickets please . eos O O O O O O O N/A +bos you are booked . your reference number is ftvoqphp eos O O O O O O O O B-Train-OfferBooked+Ref 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 , good bye ! eos O O O O O O O general-bye +bos i need a list of cheap places to stay that include free parking . eos O O O O O O B-Hotel-Inform+Price O O O O 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-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 B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos okay , does that place include free wifi and it is 4 stars ? eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos yes , the alexander has free wifi and is a 4 star hotel . how many nights will you be staying ? eos O O O B-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-Request+Stay,Hotel-Inform+Internet +bos i will be staying 5 nights starting from saturday . eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos thank you so much for that information . how many people in your party so i can 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 Booking-Request+People,Booking-Inform +bos yes , can you book it for 6 people ? eos O O O O O O O O B-Hotel-Inform+People O O N/A +bos booking was successful . your reference number is qit1w09h . 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 thank you . i also need a train to kings lynn that leaves on sunday . 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 O N/A +bos there are 19 trains leaving cambridge on sunday . when would you like to depart ? 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 Train-Request+Leave +bos i want the train to leave after 16:30. eos O O O O O O O O B-Train-Inform+Leave N/A +bos i can put you on the tr8665 with this train you will arrive at 17:58 , how many tickets would you like ? eos O O O O O O O B-Train-OfferBook+Id O O O O O O O B-Train-OfferBook+Arrive O O O O O O O O Train-Request+People +bos i need 6 tickets , please . eos O O O O B-Train-Inform+People O O O N/A +bos done ! the total fare is 47.04 pounds , payable at the station , and your reference number is 6cxb3ca2 . 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 no , that will be all . thank you ! eos O O O O O O O O O O O general-thank +bos welcome anytime you need to know about anything eos O O O O O O O O O general-welcome +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 O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Day O 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 yes if you could book it that would be great . eos 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 do n't need any reservations today just information . eos O O O O O O O O O O O N/A +bos ok ! do you have all the information you need ? eos O O O O O O O O O O O O general-welcome,general-reqmore +bos i am also looking for a guest house called a and b 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 N/A +bos the a and b guesthouse is a moderately priced 4 star guesthouse in the east . it has free internet , but no 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 I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-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 O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i just need the address . eos O O O O O O O Hotel-Request+Addr +bos sure thing , they are located at 124 tension road eos O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos great , thanks so much ! eos 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 , 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 okay great . thanks for calling . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking to stay at a 4 star hotel that includes free parking . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos sorry there are no four star hotels that offer free parking would you like to try something different ? eos O O O O O B-Hotel-NoOffer+Stars O B-Hotel-NoOffer+Type O O O O O O O O O O O O Hotel-NoOffer+Parking,general-reqmore +bos oh no . could you look to see if there are any 4 star hotels that offer free wifi instead and are in the north section ? 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 B-Hotel-Inform+Area O O N/A +bos i have about 8 different options for you . all are guesthouses . i have one that is cheaper and the rest are moderately priced . do you have a preference ? eos O O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Type 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 O O O O O Hotel-Request+Price +bos i do n't , so please pick one . i will need the price range and 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+Price +bos the archway house is a nice moderately priced guesthouse . their phone number is 01223575314. i can make a booking for you if you 'd like . eos O O B-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 B-Hotel-Recommend+Phone O O O O O O O O O O O O O Booking-Inform +bos no thank you . i am looking for a train for sunday though . eos O O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos what are your departure and destination sites ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos going from broxbourne to cambridge . eos O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos when would you like to arrive ? eos O O O O O O O O Train-Request+Arrive +bos i need to leaver sometime after 11:30. eos O O O O O O O O N/A +bos want to know the price ? eos O O O O O O O general-reqmore +bos no thank you , but i do need to know the travel time please . eos O O O O O O O O O O O O O O O O Train-Request+Duration +bos travel time would be 60 mintues eos O O O O O O B-Train-Inform+Time N/A +bos okay . that 's all i need . thanks and bye ! eos 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 . eos O O O O O O O O O O O O general-bye +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 N/A +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-Inform+Id I-Train-Inform+Id O B-Train-Inform+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 also need to find a place to stay . eos O O O O O O O O O O O N/A +bos sure . 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 +bos i 'd prefer a guesthouse with free wifi . can you find one in the north ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos do you have specifications about star rating ? eos O O O O O O O O O Hotel-Request+Stars +bos no , but parking is a necessity . eos O O O O O O O O O N/A +bos i found 10 places to stay that match your criteria . to narrow it down , which 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 O O O O O O O Hotel-Request+Price +bos i do n't care about price range , actually . eos O O O O O O O O O O O Train-Request+Price +bos i have found a train and a room that meets your specifications.it leaves at 6:09 am and travel time is 105 minutes . 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 B-Train-Inform+Time I-Train-Inform+Time N/A +bos hi ! would you please help me find a hotel to stay at ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos certainly , what can i use to narrow down your search ? eos O O O O O O O O O O O O O N/A +bos it needs to be 2 star , have free parking and free wifi . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos we have 3 results . what area are you interested in staying in ? and what 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 Hotel-Request+Area,Hotel-Request+Price +bos i do not have a preference . please pick one and get me a booking for 8 people for 3 nights staring from friday . 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+Stay O O B-Hotel-Inform+Day O O N/A +bos i was able to book you at the ashley hotel . your booking was successful . reference number is : 79f1xiw2 . 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 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 train that should leave after 16:45 destination bishops stortford eos O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest N/A +bos i see a departing train leaving at 17:29. eos O O O O O O O O B-Train-Inform+Leave N/A +bos i need to travel on monday , departing cambridge . does that make a difference ? eos 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 that train still meets your criteria . train tr2530 departs cambridge for bishops stortford on monday at 17:29. would you like me to book this ? eos O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-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 Train-OfferBook +bos yes , i need 8 tickets . and could you provide 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 booking was successful , the total fee is 80.8 gbp payable at the station . your reference number is 99vhj3ar . 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 no thanks , that will be everything . eos O O O O O O O O O general-thank +bos it was a pleasure to help you . have a good day . eos O O O O O O O O O O O O O O general-bye +bos thank you for your time goodbye ! eos O O O O O O O O general-bye +bos thanks for using our services eos O O O O O O general-bye +bos i 'm looking for a hotel called hamilton lodge . eos 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 , on the north side of town , in the moderate price range and awarded 3 stars . do you need more information ? eos 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 B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O O O O O general-reqmore +bos what 's the hotel type , 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+Type +bos it is a moderately-priced guesthouse with 3 stars . the postcode is cb41da . eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Post O N/A +bos thank you ! ! can you also recommend places to go around the centre . my wife is really into architecture . eos O O 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 N/A +bos sure , i have many churches in the centre . would you like more information about one ? perhaps holy trinity ? eos O O O O B-Attraction-Inform+Choice 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 O O general-reqmore +bos can i get the address of that ? eos O O O O O O O O O Attraction-Request+Addr +bos sure . their address is market street with postcode cb23nz . 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 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 thank you for using our system ! eos O O O O O O O O general-bye +bos can you book a hotel for me ? i would like a 3 star hotel or greater in downtown cambridge for tonight for 2 people . 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 N/A +bos there is one called the gonville hotel , but it 's expensive . is this alright ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O O O O O O O Booking-Inform +bos yes that would be fine . are there any colleges in the centre that we can also visit ? and may i have the address please ? 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 Attraction-Request+Addr +bos there are four in the area that are free and one that has a fee of 2 pounds , would you like more information ? eos O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O general-reqmore +bos sure , which one would you recommend of the free ones ? eos O O O O O O O O O O O O O N/A +bos i would recommend saint catherine 's college located at king 's parade , postcode cb23rl . 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 O B-Attraction-Recommend+Post O O O O N/A +bos thank you , i actually need a guesthouse with free parking . eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos thank you for clarifying that you need a guest house . so that i might best find the right place for you , could you restate any other needs with regards to lodgings ? eos 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 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,general-reqmore +bos i need free parking in the moderate pricerange . eos O O O O O O O B-Hotel-Inform+Price O O N/A +bos unfortunately , i do not have any 3-star rated guesthouses that are moderately priced and in the centre with free parking . would you like to change any criteria ? eos O O O O O O O B-Hotel-NoOffer+Stars O B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O B-Hotel-NoOffer+Area O O O O O O O O O O O O O Hotel-NoOffer+Parking,general-reqmore +bos no that is ok ! i decided that free parking is not a deal breaker for me . so can i book that 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 N/A +bos i do n't see any 3 star guesthouses available in the centre . however alexander bed and breakfast is a nice 4 star , cheap guesthouse . does that work ? eos O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O O B-Hotel-NoOffer+Area 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 B-Hotel-Inform+Price O O O O O O O O O Hotel-Select +bos does that guesthouse come with free wifi ? eos O O O O O O O O O N/A +bos yes , they do offer free internet as well as free parking . would you like me to book a room for you 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yup . 5 nights just 1 person please , let 's shoot for monday . thanks . eos O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O O N/A +bos i 'm sorry , your booking was unsuccessful , probably because the guesthouse is booked for some or all of these days . would you like to try a shorter stay , or 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 O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos okay . let 's try for four nights and may i get the reference number . eos 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 find availability for 4 days . booking was successful.reference number is : 84jdp6og . eos O O O O O O O O O B-Booking-Book+Stay O O O O O O O B-Booking-Book+Ref O N/A +bos great ! that should be all i need . 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 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 place to stay in cambridge that has wifi , and free parking please . eos 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 that match your request . would you have a price range in mind or type of place ? 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+Type +bos the price range should be expensive and it should be a hotel . eos O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Type O N/A +bos there are 5 hotels that match your request . was there a specific area you wanted to narrow it down to ? we have hotels east , west , south , and in the centre , 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 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 Hotel-Request+Area +bos i will take something in the centre of town . how many stars does that one have ? eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O Hotel-Request+Stars +bos there are two hotels that meet your request . gonville hotel is 3 stars and university arms hotel has 4 stars . would one of these work for you ? eos O O 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 B-Hotel-Select+Stars O O O O O O O O O O N/A +bos yes those are fine . i also need find an attraction in the centre of town to visit . eos 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 have 44 attractions to choose from . is there anything specific that you would like to see ? 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 anything will do , but i would like the address , entrance fee , and attraction type 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 Attraction-Request+Fee,Attraction-Request+Type,Attraction-Request+Addr +bos all saints church is found in the jesus lane and entrance fee is free . its postal code is cb58bs eos 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+Fee O O O O B-Attraction-Recommend+Post O N/A +bos i 'm looking for museums in town . can you recommend one ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos there are 23 museums in town . do you have a specific area you would be 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 Attraction-Request+Area +bos which ever one is your favorite will do . can i have their contact information and 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 O O O Attraction-Request+Fee +bos cambridge artworks is in the east . they have no admission and their number is 01223902168 eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Phone O N/A +bos i need the post code also for the museum please . eos O O O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb13ef . is there anything else i can assist 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 need a guesthouse . i should be a 4 star in the north . parking is not important . eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O O O O O O O N/A +bos acorn guest house looks available , would you like to book that ? eos O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O N/A +bos not right now , but could you tell me their postcode ? eos O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb41da . is there anything else i can help you with today ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore +bos yeah , can you have a taxi pick me up at the acorn and take me to the artworks , say around 24: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 booking is complete . your contact number is 07522217444. the car type will be a red tesla . can i help you with anything else ? eos O O O O O O O O B-Taxi-Inform+Phone 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 no that 's all i needed thank you ! eos O O O O O O O O O O general-thank +bos i hope you enjoy your stay . eos 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 B-Hotel-Inform+Type O O N/A +bos i have eighteen entries that match that . please specify whether or not parking and free wifi are of importance to 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 O O O Hotel-Request+Parking,Hotel-Request+Internet +bos it does n't need to include internet . does that narrow down the options ? eos O O O O O O O O O O O O O O O O N/A +bos i 'd like to suggest alpha-milton guest house . is there anything else i could help you with ? 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 general-reqmore +bos cool . can you help me to book a room there for 4 people and 3 nights starting from 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 you 're all set . the book was successful and the reference number is 20ms14xw . 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 a cinema in the west . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos sorry , i can not find any cinema in the west . eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O N/A +bos do you see any museum instead ? can i have the address ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O Attraction-Request+Addr +bos yep there are plenty of it . i would recommend the cambridge and county folk museum , which is located at 2-3 castle street . eos O O O O B-Attraction-Inform+Choice 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O Attraction-Recommend +bos that sounds great . can i also have a taxi leaving at 11:45 from the museum to the hotel ? eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O B-Hotel-Inform+Type O O N/A +bos please look for the white tesla . its contact number is 07418410137. is there anything else i can do for you ? eos 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 's all i need . thank you very much ! eos O O O O O O O O O O O O O general-thank +bos you 're welcome . have a nice trip . eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a 4 star hotel with free parking . eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos there are many options . is there a price range or area of town that 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,Hotel-Request+Price +bos no preference of area but would like it to be moderately priced and 4 stars . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O N/A +bos there is the acorn guest house that offers free internet as well as parking . would this be ok ? 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos what area is acorn guest house in ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Request+Area +bos the acorn guest house is located in the north . would you like a reservation ? 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 O O O Booking-Inform +bos no i do n't need a reservation but i would like to get the area they are in , postcode and address please . i am also looking for the attraction camboats ? eos O O O O O O 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 O O O Hotel-Request+Area,Hotel-Request+Post,Hotel-Request+Addr +bos it is in the north , and the post code is cb41da . is there anything else you would like to know ? eos O O O O O B-Hotel-Inform+Area 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 just need the entrance fee , please . eos O O O O O O O O O O Attraction-Request+Fee +bos i do not have any information on the entrance fee 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 N/A +bos oh , that 's too bad . i guess that 's all i need then . eos O O O O 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 i am looking for an attraction to visit in the west that involves architecture , any suggestions ? 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 N/A +bos i am not showing any in that part of town , ould you like me to try other areas ? 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-NoOffer +bos how about a museum in the west ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos sure . i think a fun place to visit is cafe jello 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 O N/A +bos oh that does sound fun . what is the entrance fee ? also can i 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 O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos the cafe jello gallery offers free admission . they are located at 13 magdalene street . you can reach them at 01223312112. their postcode is cb30af . 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 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+Post O O O N/A +bos i am also looking for a particular hotel named huntington marriott hotel . eos O O O O O O O O O O O O O O N/A +bos the huntingdon marriott hotel is a beautiful and expensive hotel in the west . they have a 4-star rating and offer both free wifi and free parking . eos O O B-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+Area 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 thanks , what type of hotel is it ? eos O O O O O O O O O O Hotel-Request+Type +bos it is a hotel , not a guesthouse . eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O N/A +bos that is fine . that 's all , thank you ! goodbye . eos O O O O O O O O O O O O O O general-bye +bos did you need to book a room at the huntingdon marriott hotel ? i can help you out with that . 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 O O N/A +bos what type of hotel is it ? eos O O O O O O O O Hotel-Request+Type +bos it is a 4 star hotel . would you like to book this hotel ? eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform +bos not just yet . i have everything i need for today . 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 O O O O general-thank +bos you too , and thanks for contacting cambridge towninfo centre ! eos O O O O O O O O O O O O general-bye +bos yes , i am looking for a moderately priced guesthouse to stay in cambridge ? eos O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O N/A +bos which part of cambridge would you like to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos it really doesn ' t matter , but would like a 4 star hotel please . eos 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 11 moderately priced guesthouses available . what area of town would you 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 Hotel-Request+Area +bos i do n't have preference for the area . please , book 2 nights for 3 people starting saturday . i need the reference number . 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 O O O O Hotel-Request+Ref +bos is there a number of stars you prefer ? eos O O O O O O O O O O Hotel-Request+Stars +bos i would like it to have four stars . eos O O O O O O O O O O N/A +bos i booked a room at a and b guest house and the reference number is ada90o74 . 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 N/A +bos i 'm also looking for a place to go in the east that is a type of multiple sports . 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 the cherry hinton village centre is a multi-sport attraction on the eastside . do you need their 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 B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O O O N/A +bos i need their postcode actually . eos O O O O O O O Attraction-Request+Post +bos its postal code is cb19ej . eos O O O O O B-Attraction-Inform+Post O N/A +bos great ! thank you . i think 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 O O O general-bye +bos alright . hope you have a lovely day ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'd like a taxi to take me to the missing sock and need to be there by 14:15 eos 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 B-Taxi-Inform+Arrive O N/A +bos ok. what is your departure site ? eos O O O O O O O O Taxi-Request+Depart +bos i 'll be leaving from a and b guest house please . 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 N/A +bos i have booked you a yellow audi , the contact number is 07771726102. will there be 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 general-reqmore +bos that is all . thank you . eos O O O O O O O O general-thank +bos glad to help . goodbye ! eos 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 the nearest hospital is on hills rd in cambridge . the telephone number is 01223245151 , 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 O O O N/A +bos does it list an address for the hospital ? eos O O O O O O O O O O Hospital-Request+Addr +bos it is on hill rd . postcode is cb20qq . eos O O O O O O O O O O O N/A +bos great , thank you 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 you 're welcome , is there anything else i can help with ? eos O O O O O O 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 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 to find a hospital in town . it should have a children 's surgical and medicine department . eos 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 O O O O N/A +bos get them through department children 's surgical and medicinecontact 01223217450 eos O O O O O O O O O O O N/A +bos can i also please have the address and postcode eos O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr +bos address is hills rd . cambridge . postcode is cb20qq . eos O O O O O O O O O O O O N/A +bos thank you , i do n't need anything else . eos O O O O O O O O O O O general-thank +bos no problem , hope you feel better and enjoy your day . eos O O O O O O O O O O O O O general-bye +bos i need the police please . eos O O O O O O O Police-Inform +bos the phone number for the parkside police station is 01223358966. eos O O O O O O O O O O O N/A +bos could you also provide me with the post code ? eos O O O O O O O O O O O Police-Request+Post +bos sure , the post code is cb11jg . eos 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 you 're welcome . call back if you need further assistance . goodbye eos O O O O O O O O O O O O O O general-welcome,general-bye +bos yes , i 'm calling regarding addenbrookes hospital . what is the address please ? eos 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 postcode cb20qq . eos O 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 you are very welcome ! eos O O O O O O general-bye +bos i 'm at jesus college and i need at taxi to arrive by 18:00. eos O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos sure ! where are you coming from ? eos O O O O O O O O O Taxi-Request+Depart +bos leaving jesus college . eos O O O O O N/A +bos can you let me know where you are going to ? eos O O O O O O O O O O O O Taxi-Request+Dest +bos the next stop on my list is scott polar museum . 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 i 've booked you a taxi . it will be a grey toyota , contact number is 07760280827. 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 N/A +bos thank you goodbye eos O O O O general-bye +bos you are welcome , thanks for contacting us ! eos 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 west 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 the cambridge belfry is a hotel in the west in the cheap price range . it has 4 stars and free internet and parking . will that work for you ? 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 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos no , i need a guesthouse . eos O O O O O B-Hotel-Inform+Type O O N/A +bos how about finches bed and breakfast ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos id apreciate if thats offered eos O O O O O O N/A +bos finches bed and breakfest is a 4-star guesthouse in the west in the cheap price range with free internet and parking . 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+Stars 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+Parking,Hotel-Inform+Internet +bos i 'll contact them myself thank . can you tell me their address , including 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+Addr +bos their address is 144 thornton road and the postcode is cb30nd eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O N/A +bos i am grateful for all your assistance . wonderful service . goodbye . eos O O O O O O O O O O O O O O general-bye +bos thank you , is that all ? eos O O O O O O O O general-reqmore +bos it would be great if you could help me reserve a taxi eos O O O O O O O O O O O O O Taxi-Inform +bos absolutely ! when would you like to arrive ? eos O O O O O O O O O O Taxi-Request+Arrive +bos i would like to arrive by 16:00. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos where are you departing from ? eos O O O O O O O Taxi-Request+Depart +bos i 'm at sheep 's green and lammas land park fen causeway . eos 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 I-Taxi-Inform+Depart O O O N/A +bos i 'd love to help ! where is the destination ? eos O O O O O O O O O O O O Taxi-Request+Dest +bos i will be going to lynne strover gallery . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos booking is confirmed . a white volvo will be picking you up , their contact number is 07937377256. 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 O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos no you 've done it all for me . thanks ! eos 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 services . eos O O O O O O O O O O O O O O general-bye +bos i want to eat at an expensive gastropub restaurant eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O N/A +bos there are two gastropub 's in the centre of town in the expensive price range , would you like me to book one ? eos O O O O B-Restaurant-Inform+Food 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 Booking-Inform +bos yeah , i need a reservation for 4 people on saturday at 12:30 please 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 your reservation in the centre of town or east ? eos O O O O O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area Booking-Inform +bos the center of town would be best . eos O O O O O O O O O N/A +bos your reservations are complete at the backstreet bistro . your reference number is 7h01dzw5 . eos 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 thank you so much . i do n't think i need anything further . eos O O O O O O O O O O O O O O O general-thank +bos you 're welcome , i hope you enjoy your meal . feel free to call us again if you need 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 general-welcome,general-bye +bos i 'm looking for a cheap restaurant in the north 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 there are 2 cheap restaurants in the north part of town . do you prefer italian or indian 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 B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos i do not have a preference . eos O O O O O O O O N/A +bos the two restaurants are da vinci pizzeria and royal spice . eos O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos da vinci pizzeria serves italian food . it is 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 O N/A +bos do you need the address ? eos O O O O O O O general-reqmore +bos of course ! eos O O O O N/A +bos it is at 20 milton road chesterton . do you need any other information . 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 O general-reqmore +bos no , thank you . that is all . eos O O O O O O O O O O general-thank +bos ok. thank you and good bye . eos O O O O O O O O general-bye +bos i would like to find a museum 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 the fitzwilliam museum in the centre may be a good choice , thank you . eos 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 N/A +bos could i have the post code and phone number for that one please ? 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 Attraction-Request+Post,Attraction-Request+Phone +bos sure thing ! the address is trumpington street and the phone number is 01223332900. can i help you with anything more ? 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 general-reqmore +bos i am also looking to book a train . i will be departing on kings cross station in london this 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 N/A +bos what is your destination and time preference ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Leave +bos i 'd like to go cambridge and leave after 15:15. eos O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave 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 it does n't matter when i arrive , but i would like to book 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 okay great , your booking was successful and your reference number is : 6kjk9qy1 . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref 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 glad we could be of help , have a nice trip ! eos O O O O O O O O O O O O O general-bye +bos i need a south restaurant with some greek food . eos O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O N/A +bos is there a specific price range you are looking for ? eos O O O O O O O O O O O O Restaurant-Request+Price +bos no , any price range is fine . eos O O O O O O O O O N/A +bos i 'm sorry , but there are no greek restaurants in the south part of town . eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos how about italian ? eos O O O B-Restaurant-Inform+Food O N/A +bos frankie and bennys is an italian restaurant in the south part of town . would you like their location ? eos O B-Restaurant-Inform+Name I-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 O O O O O general-reqmore +bos phone number and postcode , please . eos O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the postcode is c.b 1 , 7 d.y and the phone number is 01223 412430 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 I-Restaurant-Inform+Phone O N/A +bos thank you goodbye . eos O O O O O general-bye +bos okay thank you eos O O O O general-bye +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 can you find me an expensive restaurant in the north ? eos 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 places to dine in the north . would you like to try asian oriental cuisine ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O N/A +bos yes . that 's exactly what i 'm looking for . eos O O O O O O O O O O O O N/A +bos saigon city at 169 high street chesterton fits the description . shall i make a reservation for you ? 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 O O O Booking-Inform +bos yes , please . can you make a reservation for 7 people at 12:30 on a tuesday ? thanks 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 O O O N/A +bos i made a reservation for you at saigon city for a party of 7 on tuesday at 12:30. your reference is n2fhz30y . 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+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 general-reqmore +bos wonderful . i 'm also looking for a cool place to check out in the same area . 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 79 attractions , would you like to try cineworld cinema ? eos O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos i actually want to find a museum and it should be in the same area as my restaurant 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 sorry , i 'm not seeing any results . want to try a different type or area ? eos 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,Attraction-NoOffer +bos let 's try for a boat type instead then eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos there is one listing here . it is riverboat georgina . its entrance fee is unlisted but the address is cambridge passenger cruisers , jubilee house , postcode cb43ax and phone 01223902091 eos O O O O O O O O O O O O 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 do n't need anything else today ! bye ! eos 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 general-bye +bos i need to get to cambridge by 10:15 for a business meeting , can you give me some train information . 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 O N/A +bos i can help ! where are you departing from ? eos O O O O O O O O O O O Train-Request+Depart +bos from bishops stortford on tuesday . eos O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos train tr0635 departs at 9:29 and arrives at 10:07. 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 I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos not at this time , but could you give me the exact 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 duration of the trip is 38 minutes . would you like more information ? eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O N/A +bos no thanks . i 'm also looking for multiple sports that are in the centre . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos i 'm sorry but there are no multiple sports attractions in the centre ? shall i look in another area ? eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos how about a museum instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there are 11 museums in the center , and all have free entry . should i recommend one ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O N/A +bos yes please . i need an address and phone number , too . eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos broughton house gallery can be reached by phone at 01223314960. their address is 98 king street . will that be all today ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Phone O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr 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 O N/A +bos you are most welcome , enjoy your visit ! eos O O O O O O O O O O general-welcome,general-bye +bos what museums are in cambridge ? i am asking `` for a friend '' . eos O O B-Attraction-Inform+Type O O O O O O O O O O O O O N/A +bos there are 23 museums in cambridge , so it would be a bit much to list them all . can you give me a specific area to look 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 O O O O O O Attraction-Request+Area +bos i 'm not too particular on the location . do you have any that you recommend ? eos O O O O O O O O O O O O O O O O O O N/A +bos sure . i suggest the cambridge artworks . it 's in the east section of the city , and is free . would you like any more information ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O N/A +bos that sounds good . can you give me the postcode for the cambridge artworks ? 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+Post +bos the postcode for the cambridge artworks is cb13ef eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post N/A +bos thank you . i also need info on a train . it should go to birmingham new street and leave on monday . 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 B-Train-Inform+Day O O O N/A +bos how about tr9195 ? it leaves at 0501 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that sounds great , can you get me 6 tickets ? 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 450.6 gbp payable at the station .reference number is : pey94a3o . 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 no that will be all thank you so much . eos O O O O O O O O O O O general-thank +bos ok. thank you and good bye . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a 3-star hotel that offers free wifi eos O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos there are several options is there a specific area you are looking for ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos i would prefer the north . eos O O O O O B-Hotel-Inform+Area O N/A +bos okay , the hamilton lodge matches your specifications . would you like me to book a reservation 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 Booking-Inform +bos actually , is the hamilton lodge a guesthouse ? i 'd prefer a cheap guesthouse . eos O O O O O O O O O O O O O O O O O N/A +bos hamilton lodge is a guesthouse but it is in the moderate price range . there is a cheap guesthouse called worth house that 's rated 4 stars . want more information on that one ? eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 general-reqmore +bos that sounds acceptable . can you please book a room for me starting on wednesday ? it will only be me and i will be staying 5 nights . eos 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 B-Hotel-Inform+Stay O O O N/A +bos your reference number is zj0bd7wy . 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 am also looking to get some italian food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have found several italian restaurants . is there a particular area or price range you are looking for ? 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 Restaurant-Request+Area,Restaurant-Request+Price +bos do you have one in the east , in the cheap price range ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A +bos sorry , i do n't see anything matching that query . would you like to try a different price range 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 Restaurant-Request+Price,Restaurant-Request+Area,Restaurant-NoOffer +bos can you book it for sunday and give me a reference number please.. eos O O O O O O O O O O O O O O N/A +bos again , there are no restaurants matching your query . please try a different price range , area , 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 Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-Request+Price,Restaurant-NoOffer +bos can you find one in the east with a different price range ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos there is pizza hut fen ditton in the moderate price range in the east 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+Price O O O O B-Restaurant-Inform+Area N/A +bos okay , i want to book that restaurant for 1 person eos O O O O O O O O O O B-Restaurant-Inform+People 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 i would like the reservation on the same day at 11:00. eos O O O O O O O O O O O B-Restaurant-Inform+Time N/A +bos sure , your booking was successful . the table will be reserved for 15 minutes . reference number is : p8b1bvo7 . 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 B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos no i am good to go now . thanks , bye ! eos O O O O O O O O O O O O O general-bye +bos you 're welcome and enjoy your stay . eos O O O O O O O O O general-welcome +bos where in the centre can i dine ? i want something expensive . eos O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O N/A +bos well then may i suggest kymmoy , they serve asian oriental and that 's where i go to dine eos O O 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 N/A +bos can you recommend a polish restaurant instead ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos unfortunately , we no longer have any polish restaurants in town . the only one we had closed last month . can i find something else for you ? 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 O O Restaurant-NoOffer +bos how about one with gastropub food ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two options - the backstreet bistro and the slug and lettuce . do either of those sound good to you ? 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Restaurant-Select +bos yes can you give me the address and phone number of the slug and lettuce ? 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 sure . i do n't have their telephone number but their address is 34 - 35 green street . eos O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone 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 N/A +bos thanks ! i also need a train arriving at 17:15 on monday . eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A +bos where you be departing from ? eos O O O O O O O Train-Request+Depart +bos i 'm departing from longon kings cross . eos O O O O O O O O O N/A +bos there is a train that arrives at 16:08. would you like to book it ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos what 's 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 time does it depart ? eos O O O O O O O N/A +bos 51 minutes is the length of the ride , anything else today ? eos O O B-Train-Inform+Time I-Train-Inform+Time 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 the train departs from london kings cross at 15:17. do you want me to book the train for you ? eos 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 Train-OfferBook +bos no . i just need to know the departure time and how long it takes . eos O O O O O O O O O O O O O O O O O Train-Request+Leave +bos it departs at 15:17 , and is a 51-minute ride . can i help you with anything else ? eos O O O O B-Train-Inform+Leave O O O B-Train-Inform+Time O O O O O O O O O O O N/A +bos no , that is all for now . 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 , can you recommend a moderately-priced hotel in the centre of town , please ? 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 yes the name of the hotel is cityroomz would you like me to book it for you ? eos O O O O O O O O B-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform +bos does it include free wifi eos O O O O O O N/A +bos yes . there is free wifi . eos O O O O O O O O Hotel-Inform+Internet +bos i want to book it for 8 people for 4 nights please ! eos O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos certainly , when would you like to arrive ? eos O O O O O O O O O O Booking-Request+Day +bos arriving on tuesday eos O O O B-Hotel-Inform+Day N/A +bos i was able to book it , the reference number is jc2oyoas eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos alright , are there any moderately priced indonesian places nearby ? eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry , but there are no indonesian restaurants in cambridge at any price point . 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 O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O N/A +bos okay , let 's try chinese . are there any chinese restaurants in the area that are also moderately priced ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos yes , i would suggest this one jinling noodle bar . 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 awesome can i get the address please ? eos O O O O O O O O O N/A +bos the address is , 11 peas hill city centre , 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 O O O O O O O O O O general-reqmore +bos ok. i would like to book a table for 8 for tuesday at 15:30 eos O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O N/A +bos you are all set , the reference number is jt0zzvvl , 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 yes . i also need a taxi . eos O O O O O O O O O Taxi-Inform +bos i would be happy to help you with that . where will you need to be picked up at ? 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 +bos i 'd like to be picked up at the hotel and arrive at the restaurant by the booked time . 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 ok fantastic . your taxi has been booked . it will be a white lexus and the contact number is 07413773624. eos 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 N/A +bos thank you for your help ! eos O O O O O O O general-thank +bos do you need any help with any thing else ? eos O O O O O O O O O O O general-reqmore +bos that 's all i will be needing today , thank you . eos O O O O O O O O O O O O O general-thank +bos thank you for choosing our services . good day ! eos O O O O O O O O O O O general-bye +bos i am planning a trip in cambridge . i 'm looking for a train . eos O O O O O O O B-Train-Inform+Dest O O O O O 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 i plan to travel on friday . eos O O O O O O B-Train-Inform+Day O N/A +bos where are you departing from ? eos O O O O O O O Train-Request+Depart +bos i am departing from broxbourne and i would like the train to arrive by 10:00. what is the price for this ? eos O O O O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-Request+Price +bos the tr5570 train will 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 O Train-OfferBook +bos no thanks . i just need the price per ticket . eos O O O O O O O O O O O O Train-Request+Price +bos it will cost you 17.90 eos O O O O O B-Train-Inform+Ticket N/A +bos okay thank you , i 'm also looking for an indian restaurant in the east that is expensive . eos O O O 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 O N/A +bos i would suggest this one the golden curry . eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos please book that one for 8 people on friday at 17:00. 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 your all set ! reference # is tknf8h2h . anything else today ? eos O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos no , that is all . thanks , goodbye . 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 i am looking for a cheap room in a guest house . eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos the allenbell fits that criteria . would you like some more info ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A +bos not right now , i also need a train going to cambridge to norwich on wednesday and leave after 19:15 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 B-Train-Inform+Leave O N/A +bos to or from cambridge/norwich ? eos O O O O O O N/A +bos i 'm departing from cambridge heading to norwich . i 'll need it booked for 3 people . eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O O B-Train-Inform+People O O O O N/A +bos booking was successful , the total fee is 52.8 gbp payable at the station .reference number is : h829ged4 . 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 O general-reqmore +bos am looking for a place to stay . the hotel 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 are you looking for something other than the allenbell we discussed earlier ? eos O O O O O O O O O O O O O O N/A +bos could you look up a hotel based on what i ask ? north area , 4 stars ... please . eos 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 there are no places available in that area . is there a different area that you would prefer ? eos O O O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O Hotel-Request+Area +bos are there any that has free wifi ? eos O O O O O O O O O N/A +bos yes . the worth house meets your criteria . would you like 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 Booking-Inform +bos yes , please . i 'll need it for 3 people , 3 nights , and we will be arriving on sunday . eos 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 O O O N/A +bos alright , i have booked the worth house for 3 people for 3 nights starting sunday , your reference number is hvd2ibxm . is there anything else i can help you with ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+People 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 ok great , that is all that i need . eos O O O O O O O O O O O N/A +bos do you need me to book any sort of travel ? eos O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos no , thanks for the help ! eos O O O O O O O O general-thank +bos alright , call me if you need anything . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a moderately priced turkish restaurant . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos sure , there are two . i recommend the anatolia . would you like a reservation ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos is it located in the centre ? eos O O O O O O O O N/A +bos why , yes it is in the center . i can book you a reservation if you like . eos 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 Booking-Inform +bos yes can you book it for 3 people thursday at 20: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 i can help you with that . i was able to get you a table for 3 at 20:00 on thursday . the restaurant will hold your table for 15 minutes . eos O O O O 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 O O O O O O O O O O N/A +bos thanks . o 'm also looking for a place to stay , moderately priced . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are three to choose from ; the ashley hotel , cityroomz , and the lovell lodge . which would you like ? eos O 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 I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Hotel-Select +bos i need one that includes free wifi and is 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 is one option . it is cityroomz , a 0 star hotel . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 definitely can . for how many people and how many nights ? eos O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Inform +bos actually i just need to know how many stars they hotel has and the postcode . eos O O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Post +bos it is a 0 star hotel . eos O O O O O B-Hotel-Inform+Stars O O N/A +bos and what is the postcode ? eos O O O O O O O Hotel-Request+Post +bos the postcode is cb12tz . is there anything else i can do for you today ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore +bos can you book a taxi to pick me up from cityroomz and take me to anatolia , arriving by 20:00 ? give me car type and contact info eos O O O O O O O O O O O B-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest O O B-Taxi-Inform+Arrive O O O O O O O O O Taxi-Request+Car +bos sure can , the booking has been completed ! the car type is a yellow skoda and the contact number is 07710275649. can i help 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 O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos i will also need a taxi to pick me up at the hotel and take me 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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos again that has been booked your car type is a yellow skoda and the contact number is 07710275649. 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 general-reqmore +bos no thank you , that will be all for now . eos O O O O O O O O O O O O general-thank +bos okay . well , if you should need further assistance , do n't hesitate to contact us . thank you and 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 hi , i am looking for a guesthouse with free parking . can you help me ? 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 i have several options for you . do you prefer a cheap or moderate price range ? eos O O O O O O O O O O O O O B-Hotel-Select+Price O O O O N/A +bos the price does n't matter so much but something 4 star rated would be nice . eos 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 16 matches , do you have a location preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Area +bos yes , it needs to be in the east . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos that leaves 5 options . all are 4 stars and offer free parking and wifi . there are several cheap and a few moderate . which do you prefer ? eos 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 B-Hotel-Inform+Price O O O O O O O O Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i prefer cheap please and thank you eos O O O B-Hotel-Inform+Price O O O O N/A +bos you may choose from allenbell , autumn house or leverton house . eos 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 O N/A +bos can you book the allenbell for 8 people for 3 nights staring 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 reference number is : uarx4p61 . anything else ? eos O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos yes , can you find me an expensive russian restaurant ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos it looks like there are n't any expensive russian restaurants in town . did you want me to try another price range ? eos O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O Restaurant-Request+Price +bos no , how about british food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos yes . there are six british places . do you prefer a certain part of town ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Area +bos yes , i would prefer the west please . eos O O O O O O B-Restaurant-Inform+Area O O O N/A +bos sure thing i would suggest graffiti . eos O O O O O O B-Restaurant-Recommend+Name O N/A +bos i would like to try it . eos O O O O O O O O N/A +bos i can book a table for you , if you 'd like . what date and time would you like to visit graffiti , and how many people will be dining with you ? eos O O O O O O O O O O O O O O O O O O O O B-Booking-Inform+Name 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 same group of people at 16:15 on the same day . eos 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 : ul39kiad . 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 general-reqmore +bos that should be all . thank you . eos O O O O O O O O O general-thank +bos yeah you are welcome . i am glad i could assist . eos O O O O O O O O O O O O O general-welcome +bos ok , thanks . leave me alone now . 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 am looking for an expensive , centrally located restaurant . eos O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos there are options for british food as well as asian and african food in that price range . which sounds most appealing to 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 O O Restaurant-Request+Food +bos i do n't care either way . eos O O O O O O O O N/A +bos okay , how about the bedouin ? it 's in the centre of town and has african food . eos O O O O O B-Restaurant-Recommend+Name 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 O N/A +bos that sounds interesting ! i 'd like to book a table for 6 at 12:15 on thursday . 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 N/A +bos it 's all booked , your reference is znl8d0eg eos O O O O O O O B-Booking-Book+Ref O O N/A +bos could you also help me find a train leaving friday for broxbourne ? eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O N/A +bos we have 19 trains leaving for broxbourne on friday beginning at 05:01. do you have a preference ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O O O Train-Request+Leave +bos it should arrive by 17:15. eos O O O O O B-Train-Inform+Arrive N/A +bos there is a train leaving at 5:01 and arriving at 6:01 for 17.90 pounds . 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 N/A +bos that does n't work . i need a train that arrives closer to 17:15 for 6 people . eos O O O O O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+People O O O N/A +bos how about the 16:01 train ? it will arrive at 17:01. if you would like , i can order your tickets . eos 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 Train-OfferBook +bos is that train leaving from cambridge ? eos O O O O O O B-Train-Inform+Depart O N/A +bos yeah , train tr6549 leaves from cambridge at 06:01 eos O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos do you mean 16:01 ? if so i would like to book that one for 6 people and i need the reference number . 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 N/A +bos your train is booked for 6 and the reference number is tdipdcjw . can i help you with anything else ? 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 that will be all , thank you . 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 O general-bye +bos thank you for all of your help ! 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 looking for a restaurant in the east side of town eos O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos it looks like there are 9 restaurants in the east side of town . do you have a preference for the price range ? eos O O 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 O O Restaurant-Request+Price +bos yes expensive restaurant please eos O O B-Restaurant-Inform+Price O O N/A +bos grafton hotel restaurant is in the expensive price range and located in the east part of town . 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+Area O O O O N/A +bos may 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 grafton hotel restaurant is located at grafton hotel 619 newmarket road fen ditton and the phone number is 01223 241387. is there anything else i can help you with ? 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , i 'd like the postcode too please . eos O O O O O O O O O O O Restaurant-Request+Post +bos the post code for the grafton hotel restaurant is c.b 5 , 8 p.a . is there anything else i can help you with ? 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+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post 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 , goodbye eos O O O O O general-bye +bos i 'm looking an expensive restaurant in the center . eos O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos there are 33 different restaurants to chose from in your criteria . what type of food do you want ? 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 anything you can recommend would be fine . eos O O O O O O O O O N/A +bos if you 're for something a little exotic , i recommend bedouin , which is an expensive restaurant in the center of town serving african food . eos O O O O O O O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Food O O O O O N/A +bos that sounds interesting . can you give me their phone number and postcode ? also , is there a train leaving at 11:45 on wednesday ? eos 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 B-Train-Inform+Day O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos bedouin 's phone number is 01223367660 and their post code is cb12bd . there are 256 train departures on wednesday - where do you need to go ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Post 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+Dest +bos i need to go from cambride to birmingham new 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 12 departures . what time do you need 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+Leave,Train-Request+Arrive +bos i need to leave at 11:45 eos O O O O O O O N/A +bos unfortunately , i do n't see anything for earlier . eos O O O O O O O O O O O N/A +bos can you look again for 1 person ? eos O O O O O O O O O N/A +bos sorry , nothing before 12:01 eos O O O O O O N/A +bos what times are the 12 departures ? eos O O O O O O O O N/A +bos the train leaves on the :01 every hour starting at 10:01 with the final train leaving at 23:01 eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Leave N/A +bos okay , then i guess book it for 11:01 please . and i need 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 Train-Request+Ref +bos how many tickets do you need ? eos O O O O O O O O Train-Request+People +bos just give me one . eos O O O O O O N/A +bos booking was successful , the total fee is 75.09 gbp which is payable at the station . the reference number is : vxsyve96 . 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 O B-Train-OfferBooked+Ref O O O N/A +bos wonderful ! thank you 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 no , that will be all . thank you . eos O O O O O O O O O O O general-thank +bos alright . have a good day ! eos O O O O O O O O general-bye +bos i 'm looking for and expensive restaurant in the east part of town . ask for address , phone number and type of food . 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 O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food,Restaurant-Request+Addr +bos grafton hotel restaurant is an expensive british restaurant in the east part of town . their address is grafton hotel 619 newmarket road fen ditton and their phone number is 01223 241387 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 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos thank you goodbye eos O O O O general-bye +bos you are welcome . eos O O O O O general-welcome +bos i 'm looking for a 4 star hotel in the south . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos it looks like there are n't any 4-star hotels in the south . would you like me to search another area or look for different kind of hotel ? 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 O O O O O O O Hotel-Request+Area,Hotel-Request+Type +bos what about in the centre ? a cheap 4 star hotel that includes free parking eos O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O N/A +bos it looks like if you wanted a hotel , you 'd need to stay in the west part of town . there are guesthouses that meet your needs , though . does that work ? 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 I-Hotel-Inform+Type O O O O O O O O O O O O O Hotel-NoOffer,Booking-Inform +bos so you are saying you have nothing south , 4 star and cheap that has free parking like i wanted ? eos O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O O O N/A +bos sorry about that , actually rosa 's bed and breakfast fits that criteria . 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 N/A +bos ok , can you book me for 2 nights on wednesday for 2 people ? eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O N/A +bos ok , your room is booked for 2 people for 2 nights on wednesday . the reference number is ovup7d9i . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Stay 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 i 'm also looking for a restaurant by the name maharajah tandoori . eos 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 maharajah tandoori is an expensive indian restaurant located in the west at 41518 castle street city 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 I-Restaurant-Inform+Area B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos i 'd like a booking there for two , at 11:45 wednesday . eos O O O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O N/A +bos sure your table at maharajah tandoori restaurant has been booked . the table will be reserved for 15 minutes , reference number 4eny97qo . can i assist you with anything else ? 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 O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos i would need a taxi now eos O O O O O O O Taxi-Inform +bos to what destination , what time do you need it ? eos O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Leave +bos i need a taxi to the restaurant . eos O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos what time do you need the taxi ? eos O O O O O O O O O Taxi-Request+Leave +bos i need it by 11:45 please . eos O O O O O B-Taxi-Inform+Leave O O N/A +bos will be be getting picked up from rosa 's bed and breakfast ? eos O O O O O O O O O O O O O O Taxi-Request+Depart +bos yes , please . that is exactly what i need . eos O O O O O O O O O O O O N/A +bos i have booked that taxi look for a white honda . the contact number is 07902962429. 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 N/A +bos thank you so much for your help . eos O O O O O O O O O general-thank +bos you are more than welcome . may i help you with anything else ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos i was hoping that you could tell me more about the museum of classical archaeology . eos O O O O 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 what i can tell you is that it 's located on sidgwick avenue and that there is no entrance fee . would you like the phone number ? eos O O O O O O 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 I-Attraction-Inform+Fee O O O O O O O O general-reqmore +bos no but what exact area is it in ? center , east , west etc . eos O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos it is in the west area . 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 O O general-reqmore +bos i also want to go to an asian oriental restaurant in the center area . eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Attraction-Request+Area +bos i have 4 of them . is there a certain price range you would like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Price +bos i have no preference in price range . eos O O O O O O O O O N/A +bos i can recommend yippee noodle bar , it 's moderately priced . would you like me to book you a table ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O 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 please , for friday night eos O O O O O O O N/A +bos how many in your party and what time ? eos O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos seven people , and we 're planning to go there at 3:15 pm . eos O O O O O O O O O O O O O O O N/A +bos okay that was successful and your reservation number is giby27fh . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos okay great thanks so much . eos O O O O O O O general-thank +bos the address of the restaurant is : 40428 king street city centre , postcode cb11lh . 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 B-Restaurant-Inform+Post O O O N/A +bos that will be all for today . goodbye . eos O O O O O O O O O O general-bye +bos so glad i could be of assistance , have a great day ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos is there any restaurants on the south part of town ? eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos yes , chiquito restaurant bar is a nice restaurant in the south part of town . eos O 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 I-Restaurant-Recommend+Area O O N/A +bos i want a restaurant serving chinese food ? what is the address and price range ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Addr +bos peking restaurant is a chinese restaurant in the south part of town . the price range is expensive and the address is 10 homerton street city centre 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 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 I-Restaurant-Inform+Addr N/A +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 many options . do you have any preferences on 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 Restaurant-Request+Food +bos could you recommend one for me and help me make a booking for sunday ? eos O O O O O O O O O O O O O O O O N/A +bos how about midsummer house restaurant , it serves british food in centre . how many people are in your party ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O O O O O O O O O O Booking-Request+People +bos i have 4 people in my party . can i book a table for 17:00 on sunday ? eos 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 N/A +bos i booked that , and your reservation number is rbypr70c . do you need any more information about the restaurant ? 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 places to go that are in the same area as the restaurant and should be in the type of architecture . 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 N/A +bos does a entrance fee make any difference ? eos O O O O O O O O O Attraction-Request+Price +bos no , i would just like to know what the fee is , if any ? eos O O O O O O O O O O O O O O O O O N/A +bos the old schools has a free entrance fee . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee O O O N/A +bos that 's great . i think we 'll try that out . thanks for the info . 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 no problem . thanks for using our service today . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for somewhere in town to go to where i can enjoy entertainment . 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 O O O O N/A +bos there are many options . did you have a specific area or 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 Attraction-Request+Area,Attraction-Request+Type +bos nothing specific , but i would like to know the entrance fee associated with the activity . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i would recommend the all saints church to visit . the entrance fee there is free . is there anything else i can help you with ? 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 B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos yeah , i 'm also trying to find a good restaurant for lunch . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos cambridge has dozens of fine eateries . what type of cuisine are you interested in ? eos O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Food +bos i 'm looking for turkish cuisine . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos okay there are three located in the centre . what is your price range ? 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 Restaurant-Request+Price +bos the price range should be moderate . eos O O O O O O B-Restaurant-Inform+Price O N/A +bos i recommend efes restaurant . can i give you the address ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O general-reqmore +bos actually can you make me a reservation for 2 people at 18:15 for 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 : b4ipf338 . 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 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 . eos O O O O O O O O O O O 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 for how many people , and when would you like to leave by ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave +bos i need to arrive by 18:15 on thursday . eos O O O O O O O O O O N/A +bos a yellow skoda taxi will pick you up at all saints church to bring you to efes restaurant by 8:15. your contact number is 07455408697. is there anything else ? eos 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 I-Taxi-Inform+Depart 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 general-reqmore +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 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 . goodbye . eos O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for entertainment attractions that are available in the centre . eos O O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are no entertainment attraction located in the centre . would you like me to check different areas ? eos 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 +bos yes , how about a museum in the centre ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos the castle galleries is a free museum in that area . 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos what is their address ? eos O O O O O O Attraction-Request+Addr +bos unit su43 , grande arcade , saint andrews street 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 I-Attraction-Inform+Addr O O O O O O O O O general-reqmore +bos i am also looking for a restaurant in the same area as the attraction . eos O O O O O O O O O O O O O O O O N/A +bos great , i have 69 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 i want a cheap restaurant that serves polynesian food . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos i am afraid i have none matching your request . would you like to try another type of food 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 can you try spanish food instead ? eos O O O O O O O O N/A +bos how about italian ? eos O O O B-Restaurant-Recommend+Food O N/A +bos there 's nothing that serves spanish food in the cheap price range in the centre 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 N/A +bos the la raza serves spanish food . its cheap and in the centre . would you like me to book you a table there ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 Booking-Inform +bos yes ! please do . eos O O O O O O N/A +bos looking now la raza has a few openings , how many people ? do you have a date and time in mind ? eos 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 Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos i 'd like it for saturday at 17:45 , just one person . eos O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People O O O O O O N/A +bos you are booked and your reservation number is q7yr4yln eos O O O O O O O O O B-Booking-Book+Ref N/A +bos can you help me get a taxi ? eos O O O O O O O O O Taxi-Inform +bos of course . i need the time of travel , departure location and the destination . 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+Dest,Taxi-Request+Arrive +bos i 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 N/A +bos your taxi is a blue skoda under the contact number 07244814493. is there anything else ? eos 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 that is all thanks . eos 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 some food in cambridge today . eos O O O O O O O O O O O Restaurant-Request+Food +bos no problem , are you looking for anything specific ? eos O O O O O O O O O O O Restaurant-Request+Name +bos yes , the restaurant needs to be town centre , moderately priced . eos O O O O O O O O B-Restaurant-Inform+Area B-Restaurant-Inform+Price O O O O N/A +bos there are many moderately priced restaurants in the center . what type of food would you like to eat ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O O Restaurant-Request+Food +bos i 'm not picky . which do you recommend ? eos O O O O O O O O O O O N/A +bos i would like to suggest cotto it serves british food . would you like to make reservations ? eos O O 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 O O O O Booking-Inform +bos no thank you . could 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 cotto can be reached at 01223302010. their postcode is cb11bg . is there anything more i can assist you with today ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 thanks again . i wonder if there are any entertainment attractions nearby . can you suggest something ? 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 where would you like it to be ? eos O O O O O O O O O Attraction-Request+Area +bos in the town centre , the same area that i booked the restaurant for . eos 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 , i do n't see any entertainment attractions in that area of town . is there anything else you 'd be interested in seeing ? 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 O O O O O O O O O N/A +bos can you search for a college ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos christ 's college is in the centre of town . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O N/A +bos can i please get their phone number and entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos it 's free and their phone number is 01223334900 eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone N/A +bos would you be able to get me a taxi from cotto to christ 's college ? i need to leave cotto by 17:45. eos O O 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 O O B-Taxi-Inform+Leave O O N/A +bos your taxi will be a black audi . your contact number is 07911435802. may i help you further ? 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 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 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 good morning ! i 'm trying to buy a train ticket that goes from peterborough to cambridge . can you help me do this ? 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 N/A +bos i can absolutely help ! do you have a specific day and arrival/departure time ? eos 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 the train should leave on sunday and should arrive by 16:45 eos O O O O O O B-Train-Inform+Day O O O O O N/A +bos i have a train arriving at 08:09 that leaves at 07:19 ? eos O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave O N/A +bos no , i 'm sorry , that 's much too early . could you find one closer to 16:00 or 16:20 ? 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 latest train departs at 15:48. does that work for you ? eos O O O O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos for the one that departs at 15:48 , what time would i arrive ? eos O O O O O O O O O O O O O O O N/A +bos 16:38 , fifty minute travel time . shall i book it ? eos O B-Train-Inform+Arrive B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-OfferBook +bos yes please . i need 5 seats . eos O O O O O O O B-Train-Inform+People O N/A +bos booked ! at the station you will pay 66 pounds . reference number : jq91rh6x . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O B-Train-OfferBooked+Ref O O O O N/A +bos great i also need to find a concerthall to visit in the south . eos O O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos i do n't see anything in that area . can i search a different area or venue for you ? 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,Attraction-Request+Area,Attraction-NoOffer +bos sure , how about one that is in the type of entertainment ? eos O O O O O O O O O O O O O O N/A +bos there is the man on the moon in the centre located at 2 nofolk st. their phone number is 01223474144 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+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone N/A +bos can you give me the postcode and entrance fee ? thanks . eos 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 the entrance fee , but the postcode is cb12lf . 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 B-Attraction-Inform+Post O O O N/A +bos thank you for all your help today . have a great day . eos O O O O O O O O O O O O O O general-thank +bos okay , have a good day as well . eos O O O O O O O O O O general-bye +bos hello , i am in the centre of town , what types of attractions are available here ? 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 there are a lot of different attractions in the centre area from museums to architecture to theatre . is there a specific type of attraction you are interested in ? eos O 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Type +bos can i please have the information for the museums ? eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos i have 11 museums in the centre . would you like all their addresses ? 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 general-reqmore +bos only the address of the one you recommend please . i will also need the entrance fee . eos 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 broughton house gallery . the address is 98 king street and the entrance is free . 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 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 O O general-reqmore +bos can you give me the phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos absolutely , it is 01223314960. is there anything else you need ? eos O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos is there an expensive restaurant in the same area ? eos O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos sure , there 's a joint that serves british food , it 's called the cambridge chop house , does that interest you ? eos O 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 I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos and it 's expensive ? eos 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-Attraction-Inform+Price I-Attraction-Inform+Price O N/A +bos i 'm looking for a moderate priced place to dine serving modern european food . eos 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 N/A +bos which specific area are you interested in ? eos O O O O O O O O O Restaurant-Request+Area +bos i 'm looking for someplace in the center of town . eos O O O O O O O O O O O O N/A +bos there are two restaurants fitting your needs , de luca cucina and bar and riverside brasserie . do either of these sound good to you ? eos O 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 Restaurant-Select +bos well i would like modern european food and the prices to be moderate . do either of these restaurants match those criteria ? eos 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 O O O O O O O N/A +bos de luca cucina and bar and riverside brasserie both serve modern european both are moderate price range . which would you like ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Restaurant-Select +bos i would like the address and phone number to de luca cucina and bar . also looking for places to visit in the same 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 O O O O O O O O O O O Taxi-Request+Phone,Restaurant-Request+Addr +bos ok de luca cucina and bar 's address is 83 regent street and their phone number is 01223356666. for places to visit , did you want it to be in the same area as the restaurant ? 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 B-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 O O O O O O Attraction-Request+Area +bos i would like it to be in the same area yes . eos O O O O O O O O O O O O O N/A +bos we have 44 different attractions in the centre of cambridge . can we narrow it down by type , such as nightclub , college , or architecture ? eos 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-Select+Type I-Attraction-Select+Type O O O O Attraction-Request+Type +bos you can recommend anything as long as it is 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 Restaurant-Inform +bos i will recommend old schools . can i give you the contact ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O general-reqmore +bos please , and the entrance fee as well . eos O O O O O O O O O O Attraction-Request+Fee +bos old schools is an architectural attraction in the centre and they 're located at trinity lane , post code cb21tt . their phone number is 01223332320 and their entrance fee is free . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee O O O O N/A +bos thanks ! i will need a taxi to commute as well . eos O O O O O O O O O O O O O Taxi-Inform +bos okay ! from where to where ? eos O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart,general-greet +bos leave the attraction by 19:15 eos O O O O O B-Taxi-Inform+Leave N/A +bos i will need your destination in order to book your taxi . where will you be going to ? 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 'm going to de luca cucina and bar 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 N/A +bos your taxi has been booked . it will be a yellow skoda and their number is 07417597473. 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 have a nice day . eos 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-bye +bos hi ! i am attempting to find a restaurant in cambridge called traveller 's rest . do you know of 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 Restaurant-Inform +bos sure , do you want me to make a booking or do you need more information ? eos 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 to book a table for 3 people at 14:30 on sunday . i will need the reference number as well . 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 ok , it 's booked ! your reference number for the reservation is gz16xa39 . eos O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos great ! i 'm also looking for something fun to do in town . 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 O O O O O O N/A +bos we have many great attractions here . is there some place specific you would like to go ? 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+Name +bos i am looking for something in the centre . eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos ok , is there a specific attraction type you are interested in seeing ? eos O O O O O O O O O O O O O O O Attraction-Request+Type +bos i am looking for an entertainment attraction preferably . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos i 'm not showing anything in the centre . is there another area you 're interested in visiting , or a different type of attraction ? 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 Attraction-Request+Type,Attraction-Request+Area +bos ok , how about a park in the centre . are there any ? 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 i am not finding any parks . sorry . eos O O O O O O B-Attraction-NoOffer+Type O O O N/A +bos what kind of entertainment are there in centre ? eos O O O O O O O O O O N/A +bos there is n't any entertainment in the centre would you like to try another area or another type of attraction ? 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 O Attraction-Request+Area,Attraction-Request+Type +bos just find me a park anywhere then . eos O O O O O B-Attraction-Inform+Type O O O N/A +bos cambridge university botanic gardens is in the centre area . i 'm sorry i couldnt find it before . can i get you more info on that ? eos 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 O O O O O O O O O O O O O O general-reqmore +bos could you provide me with the address , please ? eos O O O O O O O O O O O Attraction-Request+Addr +bos the address there is bateman street . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos thank you ! i will also need 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 i 'd be happy to book a taxi for you . where would you like to depart from ? eos 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 park to the restaurant , i would like to get there by the booked time . 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 your taxi booked , it is a black toyota and the contact number is 07523319524. can 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 O B-Taxi-Inform+Phone 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 your welcome . enjoy your stay in cambridge . eos O O O O O O O O O O general-welcome,general-bye +bos hi i am looking for a cheap place to dine serving italian food eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O N/A +bos you have a few options for italian dining . what area of town 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 O O O Restaurant-Request+Area +bos the area does n't matter to me . eos O O O O O O O O O N/A +bos la margherita serves italian food in your price range . it 's located in the west . would you like additional information on this restaurant ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+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 general-reqmore +bos yes can i have the phone number ? eos O O O O O O O O O Restaurant-Request+Phone +bos the phone number for la margherita is 01223315232 and they 're located at 15 magdalene street city center . would you like me to make a reservation for you ? 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 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 not at the moment . however , i am also looking for a museum . can you assist me with that ? 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 N/A +bos absolutely ! would you like me to search for one in the same area ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area,general-greet +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 sorry but you can not book a museum but i can provide you with information about it . 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 can i get the phone number and the entrance fee then ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos how about byard art ? it 's phone number is 01223464646 and the entrance fee is free . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee O O N/A +bos that sounds great , thanks for all of your help . i wo n't be needing anything else . 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 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 in the expensive price range . eos O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have several options for you . do you prefer a specific type of food , or location ? 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+Area,Restaurant-Request+Food +bos i would like something in the center of town , please . eos O O O O O O O O O O O O O N/A +bos there are many restaurants that match your needs . do you have any food preferences ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Select +bos no preference , just need the address and phone number of the restaurant . also i am needing a train from cambridge , nee to leave after 12:15. 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 O O O O B-Train-Inform+Leave O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos there are 110 different options . might i suggest kymmoy ? the address is 52 mill road city centre . the phone number is 01223311911. eos O O O O B-Restaurant-Inform+Choice 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 O O O B-Restaurant-Inform+Phone O O O N/A +bos that sounds good , thanks . i also need to get from cambridge to kings lynn on saturday . i can leave anytime after 12:15. 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 O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O O O N/A +bos i found 11trains , would a 13:11 departure work for you ? eos O O O B-Train-Inform+Choice O O B-Train-OfferBook+Leave O O O O O O N/A +bos yes , that would definitely work for me . thanks . eos O O O O O O O O O O O O general-thank +bos would you like me to book that train for you ? eos O O O O O O O O O O O O Train-OfferBook +bos yes please , can i get the reference number for 4 people eos O O O O O O O O O O O B-Train-Inform+People O Train-Request+Ref +bos sure thing it 's booked , reference is 7qf5efow . is there anything else you need help with 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 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 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 i 'm looking for a place to dine that serves welsh food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are none in the area that serves welsh food , would you like to look for another type of cuisine ? 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 Restaurant-Request+Food +bos is there one that serves italian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 15 italian restaurants . do you have preference in food price or area ? eos 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 i 'd like a moderate price range , please . eos O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos i have 5 moderately priced italian restaurants . do you have a preference on area , they are spread around the east , west , south , and centre . eos O O O O B-Restaurant-Inform+Price 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O Restaurant-Request+Area +bos i do n't have an area preference , but i would like to book a table for 6 people at 16:45 on wednesday . 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 Attraction-Request+Area +bos you are booked into prezzo which is moderately priced on the west side . your reference number is g2fiphul . is there anything else ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos i am also looking for a place to go , anything with architecture . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos i have found 5 attractions . they are all in the centre . would you like to visit all saints church ? 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos that sounds great to me . can i get the phone number , postcode , and area please ? 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,Attraction-Request+Phone +bos sure ! the phone number is 01223452587 , the postcode is cb58bs , and that is in the centre area . eos O O O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Area O O O O N/A +bos great ! i think you 've covered it all . 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 O O general-thank +bos you 're quite welcome . just let us know if you need any 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 general-welcome,general-bye +bos hi , i 'm looking for an attraction , it 's called wandlebury country park , do you have any information about it ? eos 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 N/A +bos yes , it is located in the south area at wandlebury ring , gog magog hills , babraham cb223ae . the phone number is 012223243830. eos O O O O O O O O O O O O O O O B-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O N/A +bos excellent . that 's all i need ! eos O O O O O O O O O N/A +bos happy to be of help , enjoy your visit . eos O O O O O O O O O O O general-welcome,general-bye +bos i need a train as well , going to cambridge on saturday . could you tell me my options ? eos 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 N/A +bos which station will you be departing from ? there are over 200 options for trains going to cambridge on saturday . eos 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+Dest O B-Train-Inform+Day O O Train-Request+Depart +bos i 'd like to leave from the london liverpool street , please . eos 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 what time would you like to depart ? eos O O O O O O O O O Train-Request+Leave +bos anytime after 13:15. eos O O O B-Train-Inform+Leave N/A +bos how about tr4078 leaving london liverpool street on saturday at 13:39 and arriving at cambridge at 15:07 , making it an 88 minute ride ? it costs 13.28 pounds . eos O O 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 O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos that will do wonderfully . thank you for your help . eos O O O O O O O O O O O O general-thank +bos you 're very welcome . would you like to book a ticket on that train ? eos O O O O O O O O O O O O O O O O O general-welcome,Train-OfferBook +bos no , i do not . thanks . 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 's it , i believe . thanks and goodbye . eos O O O O O O O O O O O O general-bye +bos have a lovely day , thank you for using a our service . eos O O O O O O O O O O O O O O general-bye +bos can you find me a nightclub ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos i have 6 nightclubs 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 B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O Attraction-Select +bos i prefer a nightclub in the centre area . eos O O O O O O O B-Attraction-Inform+Area O O Attraction-Request+Area +bos the fez club at 8 market passage is quite popular . or are you interested in one of the other four ? eos 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 O O O O O O O O O O O O O Attraction-Select +bos the fez sounds great . can i get their phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223519224. 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 can you help me find a train going to ely on monday ? eos O O O O O O O O O O O B-Train-Inform+Dest 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 would need to leave cambridge after 13:15 on monday , please . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O N/A +bos i have 6 trains leaving after 13:15 with the earliest being tr5167 which leaves at 13:50 and arrives at 14:07. would you like a reservation ? eos O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos for now , can you just give me the price and travel time of tr5167 ? 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 4.40 pounds , and travel time is 17 minutes . would you like to know anything else ? eos 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 think that is all i need to know for now . thank you . eos 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 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 hello , i 'm looking for a train departing from kings lynn and arriving at cambridge by 20:15 eos 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 B-Train-Inform+Arrive O O N/A +bos tr9102 arrives at 05:11 eos O B-Train-Inform+Id O O B-Train-Inform+Arrive N/A +bos does that train leave on monday ? eos O O O O O O B-Train-Inform+Day O N/A +bos no , it does not . i apologize for the error . i do have train tr1978 that departs at 19:11 and will get you there by 19:58. would this work for you ? eos 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 B-Train-Inform+Arrive O O O O O O O O O N/A +bos looks ok , but can i get the travel time and price before you book that ? 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 price is 9.80 pounds and the travel time is 47 minutes . 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 N/A +bos ok great . i do n't need to book that now but i would also like some information for all saints church , 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-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O N/A +bos yes , what would you like to know ? eos O O O O O O O O O O N/A +bos is it actually a church ? i will need a phone number and postcode if possible . 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 the type is architecture , attraction that is . the post code is cb58bs . anything else you need ? eos O O O O B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos just the phone number please . thanks . eos O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223452587. can i help you find anything else today ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos nope that will be all ! thanks ! 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-welcome,general-bye +bos hi , i am looking for a train . i need to leave on tuesday , after 11:15. 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 O N/A +bos can i get information where you are departing from ? eos O O O O O O O O O O O Train-Request+Depart +bos i 'll be going from cambridge to peterborough . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos i have train tr8806 departing at 13:34 and arriving by 14:24. would that work for you ? if not , i have both earlier and later trains . 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 N/A +bos that works . book it for me . 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 the booking was successful and your total fee is 16.5 gbp . you pay that at the station . your reference number is m1c9ixih . 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 can you also help me find some kind of architecture attraction in city centre ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A +bos great saint mary 's church is an architecture attraction in the city centre . 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 O O N/A +bos that sounds good . can you give me the address , please ? eos O O O O O O O O O O O O O O Attraction-Request+Addr +bos postcode cb23pg , market square . is there anything else you would like to know . eos O O B-Attraction-Inform+Post B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O general-reqmore +bos no , 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 O general-thank +bos no problem ! have a great day ! eos O O O O O O O O O general-welcome,general-bye +bos can you please find me cinemas ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos yes , i can ' there are two cinemas in cambridge , cineworld cinema in the south and vue cinema in the centre . eos O O O O O O O B-Attraction-Inform+Type 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 O O O N/A +bos what is the postcode and phone number for one of them ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos i would recommend the cineworld cinema . the postcode is cb17dy . their phone number is 00872208000. is there anything else i can help with ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 thank you ! yes , i also need a train to cambridge that arrives by 09:00 , 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 N/A +bos i have quite a few different options for a train to cambridge . can you help me narrow it down by specifying where you 'll be departing from ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-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 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 tr4256 leaves at 07:09 and arrives at 8:54. 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 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 . eos O O O O O O O O O O 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 tr4256 will take 105 minutes . the price is 37.80 pounds . is there anything else i can help you with today ? eos O B-Train-Inform+Id 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 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 , if you need any more help from me 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-bye +bos please help me find a restaurant . eos O O O O O O O O Restaurant-Inform +bos i can definitely do that . did you have a type of food or 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 Restaurant-Request+Food,Restaurant-Request+Price +bos moderately priced northern european cuisine , please . eos O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry i have no listings for moderately priced northern european cuisine . could you reconsider your price range or food type ? eos O O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos sure , can you find me another restaurant that serves indian food ? eos O O O O O O O O O O O O O O N/A +bos i have many what area can i look in ? eos O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Area +bos any area of town is fine . eos O O O O O O O O N/A +bos would you still like a restaurant in the moderate price range ? i would recommend the curry prince . eos O O O O O O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O Restaurant-Request+Price +bos yes . may i have the post code for that place ? eos O O O O O O O O O O O O O Restaurant-Request+Post +bos the post code is cb58jj . eos O O O O O B-Restaurant-Inform+Post O N/A +bos i would also like to find someplace to visit 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 what type of attraction are you interested in visiting ? eos O O O O O O O O O O O Attraction-Request+Type +bos can you make a recommendation and provide entrance fee , postcode , 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 do you have any interests for attractions ? eos 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 club salsa is pretty rad . it 's at 1 station road . eos 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 N/A +bos i need the entrance fee and post code . eos O O O O O O O O O O Attraction-Request+Fee +bos the entry fee is 5 pounds . eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos could you give me the address and postcode ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos they are a 1 station road , postcode cb12jb , any other 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 O O O O O general-reqmore +bos no , you 've been very helpful . thank you . eos O O 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-bye +bos yes i am in cambridge and i would like to know good places to go in the east area 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 N/A +bos there are several options available . are you looking for indoor or outdoor locations ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Type +bos i think indoor would be best in case it rains when i 'm there . eos O O O O O O O O O O O O O O O O N/A +bos cambridge artworks is available to book . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos what is the attraction type ? eos O O O O O O O Attraction-Request+Type +bos cambridge artworks is a museum located in the east part of town . they offer free admission . is there any other info you need ? eos O B-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 O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos yes , i 'm also looking for a train on thursday that will arrive by 14:15. eos O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O O N/A +bos i 'd be happy to help you 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 O Train-Request+Depart +bos i will depart from bishop 's stortford , and i will need a booking for 5 people . please include 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 Train-Request+Ref +bos okay , i can make that booking . but , first , let me just confirm the destination is cambridge ? 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-OfferBook +bos yes cambridge thank you eos O O B-Train-Inform+Dest O O N/A +bos tr0141 will arrive at 14:07 eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive N/A +bos that is perfect , please book me for 5 people and can i have 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 your # is na43rk1n . total fee is 50.5 gdp . can i do anything else for you ? eos 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 Train-Request+Arrive,general-reqmore +bos that is everything i needed today , 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 need a train that will depart from stansted airport and should leave on monday eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Day N/A +bos i can help you with that . can you confirm if your destination is cambridge and any time preference 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 Train-Request+Leave,Train-Request+Dest,general-greet +bos yes , my destination is cambridge and i need to leave after 19:30. eos O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O N/A +bos i show 4 possible options . is there a particular time you would 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 O O Train-Request+Arrive +bos it does n't matter . i just need tickets for four people . eos O O O O O O O O O O O O O O N/A +bos i have booked you 4 tickets on train tr3873 . it will depart at 20:24 and will arrive by 20:52. your reference number is cbfdx67s . anything else i can help with ? eos O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Leave 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 general-reqmore +bos yeah , i 'm also looking for a place to go , perhaps an attraction in the east . 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 are a few attractions located in the east . what type of attraction are you looking for ? there are museums , boats , sports , parks , and etc . 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 O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O N/A +bos whichever is your favorite would be fine . eos O O O O O O O O O N/A +bos i would recommend the cambridge museum of technology . eos 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 what type of attraction is that ? eos O O O O O O O O Attraction-Request+Type +bos it is located at the old pumping station , cheddars lane . the cost of admission is 5 pounds 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos is it a specific type of attraction ? eos O O O O O O O O O Attraction-Request+Type +bos it 's a museum . is there anything else i can help you with ? eos O O O B-Attraction-Inform+Type O O O O O O O O O O O O general-reqmore +bos no that is all thanks for 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 thank you for using our system . good bye . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for some museums , could you help me find more information on them ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A +bos certainly . cambridge has many museum offerings . what area are you thinking of visiting ? 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 i 'm open to visiting any area in cambridge . could you suggest a museum please ? eos O O O O O O O O O O O O O O O O O O N/A +bos i suggest broughton house gallery located at 98 king street . eos 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 N/A +bos what 's the postcode for that ? eos O O O O O O O O Attraction-Request+Post +bos the postcode for the broughton house gallery is cb11ln . 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 O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos yes i need to find a train on friday going to cambridge from norwich and arriving by 12:45. 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+Arrive N/A +bos the earliest arrival prior to that time is the tr9900 which leaves norwich at 05:16 and arrives in cambridge at 06:35. would you like me to book you a seat ? eos 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 O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos yes , 3 seats in fact . eos O O O B-Train-Inform+People O O O O N/A +bos booking was successful , the total fee is 52.8 gbp payable at the station .reference number is : 50kbiwyy . 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 okay thank you ! no that will be everything . eos O O O O O O O O O O O general-thank +bos thank you for calling today . eos O O O O O O O general-bye +bos i am looking for a swimming pool to visit on the north side of town . 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 O O N/A +bos there are two swimming pools in the north , jesus green outdoor pool and kings hedges learner pool . would you like the addresses ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O 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 I-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 no , just the entrance fee please . i think i am more interested in kings hedges . 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 Attraction-Request+Fee +bos i do n't have the entrance fee listed here . 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 N/A +bos do you have any contact information for these pools i could have to get the entrance fee ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos yes , their phone number is 01223353248 eos O O O O O O B-Attraction-Inform+Phone O N/A +bos thanks . i also need to get some information on trains for saturday . london liverpool st to cambridge . eos O O O O O O O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest O N/A +bos to narrow down the search , do you know what time you want to leave 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 O O O O Train-Request+Leave,Train-Request+Arrive +bos yes , i 'd like to arrive by 20:00 if possible . eos O O O O O O O O O O O O O N/A +bos i have a train that arrives at 19:07. would you like me to book it for you . eos 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 i 'd like to have the train id 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+TrainID +bos the train id is tr8530 and it will leave at 17:39. would you like me to book that for you ? 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 Train-OfferBook +bos what 's the travel time ? eos O O O O O O O Train-Request+Duration +bos the travel time is 88 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos can i get the travel time for that ? eos O O O O O O O O O O Train-Request+Duration +bos yes . the travel time is 88 minutes . is there anything else i can help you with today ? 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 general-reqmore +bos no , that will be it . thank you eos 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 can you tell me more about gourmet burger kitchen ? where is 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 N/A +bos they are in the towns centre . expensive but worth every penny . would you like to book a table ? eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 O O O O O O Booking-Inform +bos yes please , a table for 6 people at 13:15 on tuesday would be amazing . 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 N/A +bos i have that table reserved . your reference number is k94dwsqn . can i help you with a taxi or hotel room ? 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 what can you tell me about attractions 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 we have 8 attractions in the south part of town . do you have a preference of type ? 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 Attraction-Request+Type +bos no , not really . what are entrance fees on the 8 attractions ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos unfortunately , we do not have information on several of them . but , byard art , wandlebury country park , and sheep 's green and lammas land park are all free admission attractions . 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 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 N/A +bos how about the postcode and attraction type for byard art ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Post,Attraction-Request+Type +bos postcode , cb21sj , and the type is museum . is there anything else i may help you with ? eos O O B-Attraction-Inform+Post 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 byard art that will get us to the restaurant on time . 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 N/A +bos i have booked you a taxi that will get you there by 13:15. the car type is a blue tesla and the contact number 07664553144. can i do anything else ? eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive 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 no , that 's all i need for now . you 've been very helpful . thanks . 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-bye +bos thanks , i 'm all done here . eos O O O O O O O O O general-thank +bos enjoy yourself.you can call us if you need anything else eos O O O O O O O O O O O general-bye +bos hi , i would like to find an expensive restaurant in the centre of cambridge 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 O N/A +bos certainly , there are many expensive restaurants in the town centre . what type of food do you prefer ? eos O 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 Restaurant-Request+Food +bos i am looking to eat some mediterranean food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have two great choices for you . la mimosa and the shiraz restaurant . can i offer you more information on one of these 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 O O O O O N/A +bos sure , can i get the postcode , phone number , and address for la mimosa , please ? 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 O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos absolutely . la mimosa is located at thompsons lane fen ditton . the postcode is cb58aq . their phone number is 01223362525. can i assist you in making a reservation ? 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 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 O O Booking-Inform +bos no thank you ! ! thank you for all your help . eos O O O O O O O O O O O O O general-thank +bos is there any other information i can get for you at this time ? eos O 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 goodbye , have a wonderful day ! eos O O O O O O O O general-bye +bos can you locate an expensive restaurant in the south ? eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos i sure can . do you prefer chinese , italian , indian or mexican food ? eos 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 prefer chinese food thanks . eos O O O B-Restaurant-Inform+Food O O O N/A +bos peking restaurant has good reviews would you like that ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O N/A +bos that sounds good . can i have the postcode and address please ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos absolutely . the peking restaurant is located at 10 homerton street , city centre . their postcode is cb28nx . can i reserve you a table by chance ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Post O O O O O O O O O O O O O Booking-Inform +bos no thank you , i do n't need a reservation . eos O O O O O O O O O O O O general-thank +bos all right , what else can i help you with ? eos O O O O O O O O O O O O general-reqmore +bos that 's it . thanks . eos O O O O O O O general-thank +bos you are welcome . have a lovely day . eos O O O O O O O O O O general-welcome,general-bye +bos would you be able to help me find a room that has free wifi ? eos O O O O O O O O O O O O O O O O N/A +bos i certainly can . do you have additional preferences ? eos O O O O O O O O O O O N/A +bos i 'm looking for a guesthouse , and i misspoke earlier . i actually do n't care about the internet , but i do need 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 O O O O O O O N/A +bos i have 21 guest houses , can you tell me what area you would like to be 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 Hotel-Request+Area +bos the area does n't matter . eos O O O O O O O N/A +bos ok. the acorn guest house is in the north part of town in the moderate price range . would that work ? 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+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O B-Hotel-Recommend+Price O O O O O O O N/A +bos yes . i would like to book that for 4 people for 4 nights staring on wednesday . 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 N/A +bos sorry , it was unavailable at that time . perhaps you might want another day or a shorter stay ? 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 O O Booking-Request+Stay,Booking-Request+Day +bos can you get it for 2 nights ? eos O O O O O O O B-Hotel-Inform+Stay O N/A +bos the reservation for 2 nights was successful . your reference number is uksvud20 . is there anything else i can help you with today ? eos O O O O O B-Booking-Book+Stay 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 , thank you . eos 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 yeah , hi . i could use some help finding something priced kind of moderately to stay at this weekend . 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 N/A +bos certainly , we have many moderately priced hotels in cambridge . what area of town would you like to stay in ? eos O 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 O O O Hotel-Request+Area +bos i would like something north . i also need free wifi . eos O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos that narrows it down a bit . do you need free parking , or is there a particular star rating 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 O O O O Hotel-Request+Parking,Hotel-Request+Stars +bos free parking is great but not required . the star rating is n't important . eos O O O O O O O O O O O O O O O O N/A +bos we have 10 listings but only 2 of them are hotels , rest are guesthouses . would you prefer a guesthouse or a hotel ? eos O O O O B-Hotel-Inform+Choice 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 N/A +bos does n't matter . i just need a place with room for a party of 4 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 all right , i 've booked you a room at the avalon guesthouse . the reference number is s6dqrxz2 . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Booking-Book+Ref O O O O N/A +bos awesome . that 's all i needed . thanks . eos 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 are you able to find me a french expensive restaurant ? eos O O O O O O O O B-Restaurant-Inform+Food B-Restaurant-Inform+Price O O N/A +bos there are 2 expensive french restaurants . restaurant two two , and cote . which would you like to book ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food 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 like the sound of restaurant two two , could you give me their postcode , address and phone number ? 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 O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos restaurant two two is located at 22 chesterton road , chesterton . their postcode is cb43ax . you can reach them at 01223351880. any other information i can provide ? 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 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 general-reqmore +bos no , that 's everything i needed today . thank you . 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-bye +bos have you ever heard of a hotel called the ashley hotel ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos i have . the ashley hotel is a moderately priced , 2 star hotel on the north side . can i get you any more information ? eos 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 B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A +bos do they have free parking ? and what is their hotel type ? eos O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Type +bos they are a hotel with free parking and free wifi ! would you like me to book that 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 O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no , i was just looking for information , thanks though ! eos O O O O O O O O O O O O O general-thank +bos okay , well , did you need anything else today ? eos 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 are welcome , have a great day ! eos O O O O O O O O O O general-bye +bos i 'm looking for a restaurant serving barbeque in the centre of town . eos O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O N/A +bos sorry , there are no barbeque restaurants in the centre . can i help you find something else ? 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 N/A +bos can you find a restaurant that has asian or oriental food ? eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos yippee noodle bar serves aisan oriental food . eos O O O O O O O O O N/A +bos could you give me their postcode please ? eos O O O O O O O O O Restaurant-Request+Post +bos yes , yippee noodle bar is in postcode cb11lh . can i be of any further assistance today ? eos O O B-Restaurant-Inform+Name I-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 general-reqmore +bos thanks all i need today . thank you . eos O 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-bye +bos i would like to find an expensive restaurant in the centre of town 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 there are quite a few choices for you . what kind of cuisine do you enjoy ? 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 Restaurant-Request+Food +bos i do n't care . choose a restaurant you recommend ! eos O O O O O O O O O O O O Restaurant-Inform +bos how about bedouin , an african restaurant ? eos O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O N/A +bos sounds great . could you book me a table for 8 on wednesday at 15: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 sure can . i have a table for 8 booked for you at the bedouin , for 15:30. they will hold that for fifteen minutes . eos O O O O O O O O O O B-Booking-Book+People O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Booking-Book+Time O O O O O O O O O O N/A +bos may i have the booking reference number ? eos O O O O O O O O O Restaurant-Request+Ref +bos certainly , the reference number is 922yorfc . eos O O O O O 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 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 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 . eos O O O O O general-bye +bos what do we have to eat in the expensive european food range ? eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos there are 5 options in cambridge for expensive european food . 1 in the north , 1 in the west and 3 in cambridge centre . eos O O O O O 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 B-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos nothing in the south ? eos O O O O O O N/A +bos i was not able to find any expensive european restaurants in the south . eos O 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 N/A +bos what about mexican restaurants ? eos O O O B-Restaurant-Inform+Food O O N/A +bos the chiquito restaurant bar , a mexican restaurant , is in the south and is expensive . would you like to book a table ? eos 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos yes . i 'd like a table for 1 person at 19:15 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 O N/A +bos your table is reserved and the reference number is tn3210rt . will there be anything else ? eos 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 's all . thanks for your assistance . 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 i 'm needing a place to dine . it needs to be an expensive brazilian place . 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 N/A +bos 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 ? eos O O O O O O O O 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 british food , then . eos O B-Restaurant-Inform+Food O O O O N/A +bos we have six . do you have an area preference ? graffiti , on the west side , is popular . eos O O O O O O O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O O O O O O O Restaurant-Request+Area +bos all right , i 'll try that . i need a reservation for a party of 5 at 11:00 on thursday . 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 O O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : p15gvv9v . 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 no that was all i needed , thanks so much , 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-greet +bos i 'm looking for an australian place to dine in . i need it to be cheap . eos 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 N/A +bos i 'm sorry , there are n't any cheap australian restaurants in town . would you like me to look for a different restaurant type ? 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 O O O O O N/A +bos are there any that have asian oriental food ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there is a very nice and cheap asian restaurant called wise buddha . here is the address and phone number . eos O O O O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Food O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Restaurant-Inform +bos could you book me a table for 4 on friday at 14: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 N/A +bos there was no wise buddha restaurant , sorry . i booked a table for 4 at j restaurant . reference number is wpa3iy8c . i think you 'll like it . anything else ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O 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 O O O O O O O O O O O general-reqmore +bos no , that should do it . thanks for the help ! eos O O O O O O O O O O O O O general-thank +bos glad to be of assistance . have a great day ! bye . eos 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 and it should include 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 we have quite a few lodgings which offer both . do you have a preference as to what type of lodging , a guesthouse or hotel ? 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 Hotel-Request+Type +bos i 'm looking for a 0 star guesthouse . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos i have two options . city centre north b & b is in the north , and el shaddai is in the centre . do you have a preference ? eos O O O O B-Hotel-Inform+Choice 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 O Hotel-Select +bos how about el shaddai ? i 'll book it for 3 nights starting sunday . there will be 5 of us . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 N/A +bos your booking was successful . the reference number is 8jgi0f6y . 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 that is all ! thanks ! eos O O O O O O O general-thank +bos awesome . have a good day ! eos O O O O O O O O general-greet +bos i want to find a place to go in the centre to enjoy some entertainment . can you help ? 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 many attraction types in the city centre , did you have one in mind ? eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Request+Name +bos yes , i 'm looking for something with the type of architecture . thanks ! eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i would recommend all saint 's church as a great place to see interesting architecture . eos O 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+Type O O N/A +bos okay , could you give me 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 sure . the address is jesus lane cb58bs . the phone number is 01223452587. 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 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 yes , i need a train from broxbourne to cambridge on friday . eos 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 we have many trains leaving from broxbourne to cambridge on friday . is there a specific departure or arrival time that you would like ? eos O O O B-Train-Inform+Choice 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 O Train-Request+Leave,Train-Request+Arrive +bos yes , i need to arrive by 12:15 please . eos O O O O O O O B-Train-Inform+Arrive O O O N/A +bos the tr2145 arrives at 10:32. would you like me to book a ticket ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos yes please , for 7 people . eos O O O O O B-Train-Inform+People O O N/A +bos i have made those reservations and your reference number is k80faiy4 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref 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 general-bye +bos what does cambridge have for parks 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 there is one park on the east side of town . it is the cherry hinton water play park . would you like the address ? eos O O O O 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O N/A +bos yes , and the postcode , please . eos O O O O O O O O O Attraction-Request+Post +bos the postcode is cb18dw . 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 what is the address ? eos O O O O O O Attraction-Request+Addr +bos i apologize . the address is cherry hinton hall , cherry hinton road . is there anything else i can assist you with ? eos 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 O O O O O O O O O general-reqmore +bos i need train tickets . eos O O O O O O Train-Inform +bos sure , i can help you with that . can i get more information about when 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 O O O Train-Request+Day +bos yes , i 'd like to go from cambridge to bishops stortford . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos okay , what day and time would you like to travel ? 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 leave after 10:00. i need you to book it for 3 people . i 'll 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 Train-Request+Ref +bos ok i will book it for you eos O O O O O O O O Train-OfferBook +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos okay , what kinda of information are you looking for ? eos O O O O O O O O O O O O general-reqmore +bos i am looking for a hotel on the east side . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are several . is there a price range you prefer or any amenities that you require ? 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+Internet,Hotel-Request+Parking,Hotel-Request+Price +bos i really do n't care if it has free parking . eos O O O O O O O O O O O O N/A +bos express by holiday inn cambridge is a 2 star expensive hotel in the east side . would that one work ? eos 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+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Area O O O O O O O Booking-Inform +bos yes it would . i 'd like to book this thursday for 2 nights , for 7 people . eos 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 N/A +bos i can book that now . eos O O O O O O O Booking-Inform +bos yes please do that for me and give me the reference number . eos O O O O O O O O O O O O O O N/A +bos ok. the booking was successful . your reference number is obfyqjzu . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i will also need a train . i 'm traveling on thursday to cambridge . can you help please ? eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O O O O O O N/A +bos certainly . and where will you be departing from ? eos O O O O O O O O O O O Train-Request+Depart,general-greet +bos i want to depart from broxbourne after 16:00 eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos and for how many people ? eos O O O O O O O Train-Request+People +bos it will be for five people please . eos O O O O O O O O O N/A +bos the tr0579 departs at 16:32. 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 yes , please and i need a confirmation number . eos O O O O O O O O O O O N/A +bos i 'd be happy to help with your request , first i 'll need to know how many tickets you 'd 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 O O O Train-Request+People +bos it will actually be for 7 people please . eos O O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 125.29 gbp payable at the station .reference number is : un5k7fml . 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 today . eos O O O O O O O O O O O O general-thank +bos you 're welcome . have a nice day . bye . eos O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos i need help finding a hotel called bridge guest house . thanks . eos 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 it is in the south part of town located at 151 hills road . eos 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos do they have internet ? eos O O O O O O Hotel-Request+Internet +bos yes it has internet . would you like to book something here ? eos O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos not at the moment . i 'm also interest in an attraction called emmanuel college . where is it located ? eos 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 N/A +bos it 's located in the centre of town on saint andrew 's street . do you need anything else ? eos 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 I-Attraction-Inform+Addr O O O O O O O O O general-reqmore +bos yes , are there any boat attractions ? eos O O O O O O O O O Attraction-Inform +bos yes , what kind of attraction are you looking for ? eos O O O O O O O O O O O O Attraction-Request+Type +bos actually can i have the address and post code to the bridge guest house and the same for emmanuel college ? 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 Hotel-Request+Post,Hotel-Request+Addr,Attraction-Request+Post,Attraction-Request+Addr +bos bridge guest house is located at 151 hills road , postcode cb28rj . emmanuel college is located at saint andrew 's street , postcode cb23ap . can i help with anything else ? 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 B-Hotel-Inform+Post B-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+Post O O O O O O O O O O O O general-reqmore +bos thank you for all of the information . that is exactly what i needed . eos 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 no , thank you . you have been very helpful . goodbye . eos O O O O O O O O O O O O O O general-bye +bos thanks , that is all for today . eos O O O O O O O O O general-bye +bos i am looking to stay at the lovell lodge hotel and to see the areas local attractions . 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 Attraction-Request+Area +bos i can definitely help you with that . first let 's book the hotel . when were you wanting 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+Day,Booking-Inform +bos the booking is for 5 people staying four nights from saturday . eos O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O N/A +bos would you like me to book that now ? eos O O O O O O O O O O Booking-Inform +bos yes please book that for me . eos O O O O O O O O N/A +bos okay . i have reservations for 5 people starting on saturday and staying for 4 days at the lovell lodge . the reference number is upyajtep . eos O 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 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 thank you . i have another request . i am looking to find out more information on the soul tree night club . eos 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 this nightclub is located in the centre of town and has an entrance fee of 4 pounds . is there any other information that i can provide you with ? 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 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 's all i need for now . thanks for your help ! eos O O O O 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 general-welcome,general-bye +bos we are interested in attractions in the center of the city . eos O O O O O O O O O O O O O Attraction-Inform +bos little saint maryschurch 01223366202 eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos ok , that sounds interesting . can you give me the street address ? eos O O O O O O O O O O O O O O O Attraction-Request+Addr +bos how about the vue cinema at the grafton centre , east road ? 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 N/A +bos oh , i like that one . thank you ! okay , i also need information about a hotel called kirkwood house . 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 O O O O O N/A +bos the kirkwood house is a guesthouse in the north side . it has a 4 star rating and the price is moderate . it has internet and parking . 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 B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Price O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos great , thank you for all 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 yes , please book me a taxi so i can travel between my hotel and the cinema eos 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 leave or arrive ? eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i need to leave the attraction by 3:30. eos O O O O O O O O O Attraction-Inform +bos i need to know the name of the cinema you 're going to , before i can complete the booking . did you need assistance with finding a particular cinema ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos why do n't you suggest one and give me the address please , that 's why i contacted you to 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 Attraction-Request+Addr +bos the vue cinema in the centre is great . their address is the grafton centre , east road . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 O O N/A +bos i actually need a taxi from little saint marys church to the kirkwood house . i 'll need to leave the church by 3:30. eos 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 O O N/A +bos a blue honda will pick you up at little saint mary 's church at 03:30 and take you to kirkwood house . you can reach the driver at 07663499793 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 B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O B-Taxi-Inform+Phone 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 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 i am looking for a college in the east . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos i apologize , i am unable to locate any colleges in the east . would you like to try another area ? 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 Attraction-Request+Area +bos i 'm sorry , i meant the centre . eos O O O O O O B-Attraction-Inform+Area O O O N/A +bos i see . the centre offers 13 colleges . most , like saint catharine 's college on king 's parade , are free to visit . eos O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O O O O N/A +bos can you give me the address , phone number , and entrance fee for saint catherine 's college ? 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 O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos sure the address is on king 's parade post code cb21rl . the phone number is 01223338300. is there anything else that you need ? 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 O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos yes i also need a train leaving from cambridge . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos i have over a thousand trains leaving from cambridge . what day and time do you wish to travel ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Depart O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i will travel on sunday . eos O O O O O B-Train-Inform+Day O N/A +bos what is your destination and what time 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+Leave +bos i would like to go to cambridge on sunday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos sorry , i 'm confused - are you leaving from cambridge or is cambridge your destination ? if it is your destination , 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 O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am leaving from london liverpool street and need to arrive by 12:00 in cambridge . 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+Arrive O B-Train-Inform+Dest O N/A +bos i have train tr8580 leaving at 23:39 and arriving at 1:07. would you like tickets ? 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 Train-OfferBook +bos yes , for me and my girl please . eos O O O O O O O O O O N/A +bos your booking was successful , the total fee is 26.56 gbp payable at the station . reference number is z8eqxnh5 . how else can i be of service ? 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 that is all . thank you very much . eos O O O O O O O O O O general-thank +bos you are welcome , please 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 O general-welcome,general-bye +bos please help me find a train which will arrive in cambridge on monday . 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 where would 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 Train-Request+Depart,Train-Request+Leave +bos i am travelling from kings lynn after 11:30 eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos i recommend tr5091 for the quickest travel after 1130. can i book this trip for you ? eos O 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 i want to book for 2 people . eos O O O 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 : vc9dzeg8 . is there anything else i can help with 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 O O general-reqmore +bos yes , actually . can you tell me about city stop restaurant ? eos 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 well , they serve european food and are located in the north . the price range is on the expensive side . would you like me to book a reservation for you ? eos O O O O B-Restaurant-Inform+Food 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 O O O O O Booking-Inform +bos what area is it located in please ? eos O O O O O O O O O Restaurant-Request+Area +bos city stop restaurant is in the north area ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O N/A +bos ok , thank you ! eos O O O O O O general-thank +bos would you like me to make a reservation for you at city stop restaurant ? just tell me how many are in your party , and what day and time . 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 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 no thanks i just needed to know the area , thank you for your help . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos is there anything else you need help with today ? eos O O O O O O O O O O O general-reqmore +bos no , that is all i need help with . thank you very much ! 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 O general-bye +bos i would like the address to the carolina bed and breakfast hotel in 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 O O O O N/A +bos it is located at 138 perne road eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos what is the price range of the carolina bed and breakfast ? eos O O O O O O O O B-Attraction-Inform+Name 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 thanks , i 'm also looking for places to go in town . i 'm particularly interested in colleges . any recommendations ? 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 N/A +bos i have 18 different colleges available . is there a particular area of town or price range you 're looking for ? 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 Attraction-Request+Area,Attraction-Request+Price +bos you can choose which ever is best , can i have the postcode ? eos O O O O O O O O O O O O O O O Attraction-Request+Post +bos clare hall is a favorite of mine is the west . the post code is cb39al . may i help you with anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos no that takes care of it , thank you eos O O O O O O O O O O general-thank +bos i 'm happy we could 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 O O O general-welcome,general-bye +bos hi , i am looking for a place to stay and it has to have at least a two 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 O O O O O O N/A +bos okay , i found some options to fit your needs on the north side of town and on the east side . do you have a preference for which area ? 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 I-Hotel-Inform+Area O O O O O O O O O O Hotel-Select +bos 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 . eos O O O O O O O O O O O O O O O O O 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 three hotels meeting those requirements , two moderately priced and one expensive . eos O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O N/A +bos i would like one with a 2 star rating , if the moderately priced one is 2 stars i 'd like to book it for 2 nights starting thursday . eos 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 B-Hotel-Inform+Day O O O N/A +bos how many people would you like for that reservation ? eos O O O O O O O O O O O Booking-Request+People +bos i would like to book for 5 people , two nights starting thursday , if that is not available then tuesday and the reference number please . eos O O O O O O O O B-Hotel-Inform+People O O O O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos your booking is complete . your reference number is bejrbnda . 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 college to visit in town . do you have any suggestions ? 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 would suggest churchill college eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos that sounds interesting . what part of town is it in ? eos O O O O O O O O O O O O O N/A +bos it 's located in the west . eos O O O O O B-Attraction-Inform+Area 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 their phone number is 01223336233. eos O O O O O B-Attraction-Inform+Phone N/A +bos great ! i think i 'll check it out . thanks for your recommendation ! eos O O 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 assist 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 i think 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 you are very welcome . have a great afternoon . eos O O O O O O O O O O O general-welcome,general-bye +bos i need help booking a train from cambridge to ely . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos ok , what day are you traveling ? eos O O O O O O O O O Train-Request+Day +bos tuesday and i need to leave after 16:45 please . eos O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O O N/A +bos yesm there is a train available , the tr7733 , and leaves at 17:50. would you like me to book this ? 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 O O Train-OfferBook +bos yes please book it for 8 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 the train is booked for 8 people and the reference number is opgq4971 . do you need any other assistance ? eos 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 general-reqmore +bos yes , i 'm looking for a college to visit in town . can you give me some info on what 's around ? eos O O O O 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 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 ? eos O O O O O O O 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 particularly interested in colleges if you would focus on that type of attraction . i would appreciate it . 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 there are 18 colleges in town . do you have an area preference ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area +bos are there colleges in the centre of town ? eos O O O O O O B-Attraction-Inform+Area O O O N/A +bos yes , there are 13. i personally recommend corpus christi . entrance costs 2 pounds . the address is king 's parade , postcode is cb21rh , and phone number 01223338000. eos O O O O O B-Attraction-Inform+Choice 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 O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O O O O N/A +bos great , thank you so much ! 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 are welcome . please let us know if you need 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 general-welcome,general-bye +bos i 'm looking for a restaurant in the north . eos O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos absolutely ! what type of food are you looking to eat and is there a specific 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+Food,Restaurant-Request+Price +bos i want some light bites food , and cheap if possible . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O N/A +bos i have n't found anything . is there another cuisine you 're interested in ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos how about one that serves italian food eos O O O O O O B-Restaurant-Inform+Food O N/A +bos da vinci pizzeria is a good choice ! would you like 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 yes i would like to book a table for 2 at 12 ; 30 on thursday please . eos O O O O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos your reservation has been made . the reference number is 6bl860wy . eos O O O O 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 is the anything else i can help you with ? eos O O O O O O O O O O O general-reqmore +bos what are some good museums to visit ? eos O O O O O B-Attraction-Inform+Type O O O N/A +bos i have 23 museums in my database . is their a area you are interested in visiting ? 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 anything that you would recommend in the east , i just need the place along with the address postal code and entrance fee . 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 Attraction-Request+Post,Attraction-Request+Fee +bos cambridge museum of technology costs 5 pounds . the post code is cb58ld . 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 B-Attraction-Inform+Post O N/A +bos thank you , i also need to find a guesthouse , that is cheap ? eos O O O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Price O O O O O N/A +bos i have many guesthouses available . do you know what area you 'd like to be in ? 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 Hotel-Request+Area +bos i do n't have and area preference . eos O O O O O O O O O Hotel-Request+Area +bos the allenbell is a guesthouse in the east and it is inexpensive . would you like me to book it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 how many stars does it have ? eos O O O O O O O O N/A +bos allenbell has 4 stars . eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Stars O N/A +bos does it have free wifi ? and can you get me the address to cambridge museum of technology that i asked you 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+Addr +bos it does have free wifi and the address is 5 greens road eos O O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr Hotel-Inform+Internet +bos okay thank you . i would also like a taxi to and from the cambridge museum of technology . eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos where will your destination be ? eos O O O O O O O Taxi-Request+Dest +bos cambridge museum of technology . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos and where would you like to be picked up ? eos O O O O O O O O O O O Taxi-Request+Depart +bos i want to be picked up at the hotel by 11:45 eos O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos your taxi is booked . you will be picked up in a grey audi . the contact number is 07957190681. do you help with 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos nope , that 's all ! thank you ! eos O O O O O O O O O O general-thank +bos thank you for calling . please call again if you have additional questions . goodbye ! 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 departing from cambridge on wednesday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos okay . what is your destination ? eos O O O O O O O O Train-Request+Dest +bos i am attending a seminar in ely . eos O O O O O O O B-Train-Inform+Dest O N/A +bos there are 10 trains on that route starting at 05:50. to make sure i book the right one what time do you need to arrive ? eos O O O O B-Train-Inform+Choice 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+Arrive +bos well , i just want to leave after 9:15. eos O O O O O O O O O O N/A +bos alright , there are 8 options . the earliest train after 09:15 leaves at 09:50 and the latest at 23:50 , each takes 17 minutes . do you have a preference ? eos O O O O O B-Train-Inform+Choice 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+Time I-Train-Inform+Time O O O O O O O O O Train-Select +bos the 9:50 train will be fine . i 'll need to book for 6 people . can i please have 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 O O Train-Request+Ref +bos your tickets have been booked . your total is 26.4 gbp and will be payable at the station . your confirmation is 04q2g0gu . 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 B-Train-Inform+Ref O O O Train-OfferBooked +bos great i also need a moderate priced place to stay with free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos that gives us about 17 options . is there a certain area in the city you prefer to stay 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 O O O Hotel-Request+Area +bos i definitely need it to include free parking . eos O O O O O O O O O O N/A +bos what area of town do you prefer ? eos O O O O O O O O O Hotel-Request+Area +bos i do n't have an area i prefer , can you recommend something ? eos O O O O O O O O O O O O O O O N/A +bos i recommend archway house . it 's a guesthouse moderately priced located on the north side . will that work for you ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Inform+Type 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 Hotel-Select +bos yes , that should work . can you book it for me ? eos O O O O O O O O O O O O O O N/A +bos sure . how many guests and how many nights ? eos O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos it will be the same group of people that are on the train . i 'll need it to start on sunday and go for 3 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+Day O O O O B-Hotel-Inform+Stay O O O N/A +bos i successfully booked your stay for 6 people at archway house beginning sunday and lasting for 3 days . your reference number is hm3orbhm . can i do anything else for you ? eos O O O O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day 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 general-reqmore +bos that is all . thanks so much ! eos O O O O O O O O O general-thank +bos will you need a taxi ? or anymore info on your stay ? eos O O O O O O O O O O O O O O general-reqmore +bos no , that 's all i need today . thanks , and goodbye ! eos O O O O O O O O O O O O O O O general-bye +bos thank you so much for calling . please reach out if you need additional assistance . goodbye . eos 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 exhausted . can you find me a guesthouse somewhere on the east side of town ? eos O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O N/A +bos sure . there are both moderate and cheap priced guesthouses in this area . which would you prefer ? eos 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 Hotel-Select,general-greet +bos it does n't matter , and i do n't need internet access . eos O O O O O O O O O O O O O O N/A +bos if you have no particular requirements , you might like the autumn house , which is an inexpensive 4 star guest house on the east side . eos 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+Price I-Hotel-Recommend+Price 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 N/A +bos does it include free internet ? eos O O O O O O O N/A +bos yes it does . eos O O O O O Hotel-Inform+Internet +bos i want to book it for one person , four nights starting on sunday . eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos you can rest now , your reference number is bq8vsrrz . 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 i ca n't rest yet . i still need a train . i am traveling from cambridge to london liverpool street . can you help me out ? 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 I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O N/A +bos absolutely . first , i need a few more details . 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 O Train-Request+Day,general-greet +bos i 'd need to leave on thursday and arrive by 14:30. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos there are 5 trains that meet those requirements . tr5504 would have you arrive by 13:27. can i help you buy a ticket ? eos O O O O B-Train-Inform+Choice O O 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 yes please for one . i will also need a reference number . eos O O O O O O O O O O O O O O N/A +bos booking was successful . reference number : 9cow8zi5 . 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 O general-reqmore +bos no , that is all , thank you . eos O O O O O O O O O O general-thank +bos fantastic ! have a good day . eos O O O O O O O O general-welcome,general-bye +bos i am hearing some good things about queens college , can you give me some basic info on them ? 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 queen 's college is found on silver street , and their phone number is 01223335511. is there anything else you 'd like to know ? 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 O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos yes , i 'd like to know the entrance fee , please ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos the entrance free is 2.50 pounds . can i provide you with any other information ? eos 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 no thanks . i also need 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 O N/A +bos sure , i can help you with that . where will you be travelling to ? eos 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 leicester please . eos O O O O O O B-Train-Inform+Dest O O O N/A +bos sure , i have a number of options 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 O Train-Request+Leave +bos i would like to leave after 09:45. can you book the first one available after that and give me the 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 O O O O O Train-Request+Ref +bos definitely . how many people will be traveling ? eos O O O O O O O O O O Train-Request+People +bos just myself will be travelling . eos O O O O O O O N/A +bos ok. i was able to book one ticket . your reference number is m0pimesh . eos O O O O O O O O O O O O O O O B-Train-OfferBooked+Ref 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 thanks for inquiring with us and have a great day eos 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 welcome . if we can be of further assistance , please let us know . 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 +bos i 'm looking for a train . i need to leave from cambridge on tuesday and go to leicester . eos O O 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+Dest O O N/A +bos do you have a time that 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 O O Train-Request+Arrive,Train-Request+Leave +bos yes , i need to arrive by 8:45. eos O O O O O O O O O N/A +bos tr2950 will arrive at 08:06 , would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , can i get 6 tickets please and i 'll 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 N/A +bos the total fee is 226.8 gbp payable at the station and the reference number is : xyaoctiy . may 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 O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos i am also looking for a place to stay that has 4 stars and is in the centre . eos 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 N/A +bos we have two choices , alexander bed and breakfast which is in the cheap prince range and university arms hotel whic is in this expensive price range . eos 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 I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O B-Hotel-Select+Price O O O O N/A +bos i do need free wifi included , so whichever of those has wifi is the best ! eos O O O O O O O O O O O O O O O O O O N/A +bos actually , they both do offer free wifi and free parking . alexander bed and breakfast is a guesthouse and the university arms hotel is a hotel type . do you have preference ? eos O O O B-Hotel-Inform+Choice 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 O O O O O O O O Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'd prefer a hotel . can you book that for 6 people and 3 nights ? eos O O O O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O N/A +bos which day would you like to check in ? eos O O O O O O O O O O Booking-Request+Day +bos starting saturday , either place is fine if available . eos O O B-Hotel-Inform+Day O O O O O O O O N/A +bos the booking did not go through , can you 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos yes , could you try for a stay of 1 night ? eos O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos i was able to make a reservation for saturday night at university arms hotel for 6 people . your reference number is 7xxhirop . is there anything else you need today ? eos O O 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+People 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 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 . goodbye ! eos O O O O O O O O O O O general-bye +bos can you help me find a train going to cambridge leaving after 21:15 ? eos O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O N/A +bos sure , do you know what day you 're traveling ? eos O O O O O O O O O O O O Train-Request+Day +bos our reunion is on tuesday so i want to leave that day . eos O O O O O B-Train-Inform+Day O O O O O O O O N/A +bos great ! 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 +bos kings lynn . please give me the price , travel time , and train id eos O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos i have two lines . 22:11 is the closest to your departure . does that work for you ? eos O O O O B-Train-Inform+Choice B-Train-Inform+Leave O O O O O O O O O O O O O O N/A +bos sounds good to me . oh , and 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 the tr9704 train leaves kings lynn at 22:11. the travel time is 47 minutes . the price is 9.80 pounds . do you know the area you 'd like to stay ? 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 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 Hotel-Request+Area +bos no , area does n't matter . i do want a 4 star guesthouse though . eos 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 many to choose from . what area do you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos no specific area but i do need free wifi and need it to 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+Price O O O Train-Request+Price +bos there are 11 locations , would you prefer one with parking included ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Parking +bos it does n't matter book a room for 3 for 1 night the same day , and i 'll need the reference number too please eos O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O O O O O O O O O O O Hotel-Request+Ref +bos okay i booked you at the acorn and your reference number is g5fta5l5 . 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 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 thanks so much that is great . eos O O O O O O O O general-welcome +bos i will certainly use cambridge towninfo again . goodbye . eos O O 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 am looking for a train going to cambridge and leaving after 10:30. eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave N/A +bos i would be happy to help you find a train . can you please 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 O Train-Request+Depart,Train-OfferBook +bos i 'll be departing from london liverpool street . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos what day were you wanting to travel ? eos O O O O O O O O O Train-Request+Day +bos monday departing from london liverpool st. can you give the arrival time on that train please ? eos O B-Train-Inform+Day O O O O O O O O O O O O O O O O Train-Request+Arrive +bos tr7040 leaves at 11:39. it arrives at 13: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 no thank you . i do need to find a place to stay as well . i need something moderately priced . 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 N/A +bos there are 18 moderately priced hotels and guest houses in cambridge . do you have any more requirements to help narrow it down ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O O O general-reqmore +bos yes , i would prefer a hotel and a rating of 0 stars . eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O N/A +bos cityroomz is nice . free internet too ! may i book a room for you today ? eos O B-Hotel-Recommend+Name O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform +bos no thank you , can i please just get their phone number , area , 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 Hotel-Request+Area,Hotel-Request+Phone,Hotel-Request+Addr +bos sure , cityroomz is located in the town centre , at the sleeperz hotel on station road . the phone number is 01223304050. can i help you with anything else ? eos O O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-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 O O O O O O O O O O general-reqmore +bos can i have the exact address please ? eos O O O O O O O O O Hotel-Request+Addr +bos the exact address is sleeperz hotel , station road postcode cb12tz . 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 N/A +bos great , thank you so much ! goodbye ! eos 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 hotel in the south . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos we have one place the lensfield hotel , would you like more information ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O general-reqmore +bos it should have a 4 stars rating eos O O O O O O B-Hotel-Inform+Stars O N/A +bos according to my records , there are n't any hotels that meet your requirements . sorry ! would you like to try something else ? 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 O general-reqmore +bos how about a guesthouse with 4 stars ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O N/A +bos there is one cheap and one expensve . which one would you prefer ? eos O O O O O O O O O O O O O O O N/A +bos thank you ! it does not matter to me . eos O O O O O O O O O O O general-thank +bos aylesbray lodge guest house is moderate and in the south . would you like to book a room now ? eos 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 O O O O O O O O Booking-Inform +bos yes , please ! 7 of us will be arriving on wednesday , and we 'd like to stay 5 nights . 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 N/A +bos booking was successful.reference number is : phdx0szc . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos i also want to eat at an expensive cuban place . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i 'm sorry - we do n't have any expensive cuban restaurants in the area . is there something else i can look up for you ? 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 O O O O O general-reqmore +bos is there any cuban restaurants near the hotel in the moderate range ? eos O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos no i apologize . would you be interested in a different cuisine ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos italian will be fine . eos O B-Restaurant-Inform+Food O O O O N/A +bos pizza hut cherry hinton is the only restaurant serving italian food in the south part of town in the moderate price range . would you like to book or more information eos O B-Restaurant-Recommend+Name I-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+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform,general-reqmore +bos could you book for my party at 15:15 on wednesday ? eos O O O O O O O O B-Restaurant-Inform+Time O O O N/A +bos for how many please ? eos O O O O O O Booking-Request+People +bos the reservation is for 7 people . eos O O O O O O B-Restaurant-Inform+People O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : tp3b0yh5 . 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 general-reqmore +bos i will 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 no problem . i booked you a white bmw that will get you there by 15:15. the contact number is 07961694517. 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+Arrive O O O O B-Taxi-Inform+Phone O general-greet +bos thank you so much for your help much appreciated . eos O O O O O O O O O O O general-thank +bos welcome anytime you want to inquire eos O O O O O O O general-welcome,general-reqmore +bos thank you very much eos O O O O O general-thank +bos thank you for trusting me to make the bookings for you . eos O O O O O O O O O O O O O general-bye +bos i 'm looking for a train that leaves on wednesday from stevenage . can you help me locate one ? eos 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 O O N/A +bos there is a train that leaves stevenage at 05:54 a.m on wednesday and arrives in cambridge at 06:43 a.m. eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O N/A +bos that would work for me . eos 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 Train-OfferBook +bos yes , can you please and send me a reference number ? thank you eos O O O O O O O O O O O O O O O general-thank +bos okay , your ticket has been booked ! would you like the reference number ? eos O O O O O O O O O O O O O O O O Train-OfferBooked +bos yes i would please . thanks . eos O O O O O O O O general-thank +bos booking was successful , the total fee is 12.8 gbp payable at the station .reference number is : rd07cl03 . 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 give me the train id , too ? eos O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr9448 . is there anything else i can help you with today ? eos O O O O O B-Train-OfferBooked+Id O O O O O O O O O O O O general-reqmore +bos i am looking for a restaurant in the centre that serves modern eclectic food . eos 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 N/A +bos unfortunately , there are no restaurants matching your query . shall we try a different food type perhaps ? 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 about a chinese restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos there are 10 in the area . which price range would you like to narrow the results down to ? 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+Price +bos i 'm not really concerned with price . which would you suggest ? eos O O O O O O O O O O O O O O Restaurant-Request+Price +bos i would recommend the rice house , would you like reservations ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O Booking-Inform +bos i just need the address , price range , and the postcode . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O Restaurant-Request+Post,Restaurant-Request+Price,Restaurant-Request+Addr +bos rice house is cheap . the postcode is cb12bd and address is 88 mill road city centre . anything more today ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price 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 O O O O O general-reqmore +bos um are there any chinese places to eat in that area ? i want to keep my options open . 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 only one in the area is called rice house . eos O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos cool , i will go with that , no need ot book a reservation , ill do it later , that is 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 N/A +bos great ! is there anything else i can assist you with ? eos O O O O O O O O O O O O O general-reqmore +bos can i get the address to the rice house ? eos O O O O O O O O O O O Restaurant-Request+Addr +bos sure . the address is 88 mill road city centre . is that all for you today ? 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 general-reqmore +bos what is the price range on that ? and also the post code ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Price +bos rice house is cheap . the post code is cb12bd . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Post O O N/A +bos thanks , i 'm all set now . have a good 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 can you assist me to find places in the centre part of town to go to ? 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 absolutely . what type of attraction are you interested in ? eos O O O O O O O O O O O O Attraction-Request+Type,general-greet +bos i am studying to be an architect so something having to do with that would be great . eos 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 in the centre area . would you like some information about that choice ? eos 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 O O O O O general-reqmore +bos i actually would like something in the south . eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos okay there is n't any in the south . eos O O O O O O O B-Restaurant-NoOffer+Area O O N/A +bos how about a cinema in the south ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos i 'd recommend cineworld cinema . would you like more information on it ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O general-reqmore +bos yes , can i get 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 they are located at cambridge leisure park , clifton way , postcode cb17dy , can i assist with anything else ? 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 O general-reqmore +bos yes , thanks . i also need a train ; 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 Train-Inform +bos where is your destination that your traveling to ? eos O O O O O O O O O O Train-Request+Dest +bos i will be traveling to cambridge from birmingham new street . 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 N/A +bos which day do you want to travel ? eos O O O O O O O O O Train-Request+Day +bos i would like to travel on monday , please . eos O O O O O O O B-Train-Inform+Day O O O N/A +bos okay , there are a lot of trains going to cambridge on monday . do you have a preferred departure or arrival time ? eos O O 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 O O O O O Train-Request+Leave,Train-Request+Arrive +bos it should arrive 09:45. get me the price eos O O O O B-Train-Inform+Arrive O O O O Train-Request+Price +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 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 great day . eos O O O O O O O O O O general-welcome,general-bye +bos i am in the market to book a hotel tonight . eos O O O O O O O O O O O O Hotel-Inform +bos okay i can help you with that . what area will you be staying 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 Hotel-Request+Area,Hotel-Request+Price,Booking-Inform +bos i 'll be on the north side and it should have free wifi . i 'd like a guesthouse please . eos O O O O O B-Hotel-Inform+Area O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos the avalon guest house is nice . it is at 62 gilbert road . do you need a reservation ? eos O O B-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 O O O O O O N/A +bos do they have free parking and can i get the phone number please ? eos O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Parking +bos they do not offer free parking at the avalon . their phone number is 01223353071. can i reserve a room for you or is there anything else you need ? eos O O O O O O O O O B-Hotel-Inform+Name 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,Hotel-Inform+Parking,general-reqmore +bos yes i need train tickets leaving cambridge on sunday eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos may i please know you destination , preferred time of departure and arrival so i filter the results i have . 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,Train-Request+Dest +bos i am leaving kings lynn anytime after 12:00 eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Leave N/A +bos the tr5507 train matches your description . the price is 7.84 pounds . how many tickets would you like ? eos O O B-Train-Inform+Id 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-Request+People +bos what is the arrival time for the tr5507 ? eos O O O O O O O O O O Train-Request+Arrive +bos the arrival time of the tr5507 is 12:58. eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Arrive N/A +bos thanks you 've been a great help . eos 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 can you help me find a train leaving after 9:15 going to ely ? thanks . eos O O O O O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos yes , there are many . where are you departing from ? eos O O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Depart +bos i am departing out of cambridge . i really do need to leave sometime after 21:15 for sure . eos O O O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Leave O O O O N/A +bos there are 14 trains available . what day will you be leaving ? eos O O O O B-Train-Inform+Choice O O O O O O O O O N/A +bos i 'm leaving on saturday . eos O O O O B-Train-Inform+Day O O N/A +bos i have two on saturday . would you like me to book one ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O Train-OfferBook +bos yes please . i need 6 tickets . eos O O O O O O B-Train-Inform+People O O N/A +bos i have booked 6 seats for you on saturday . would you like some restaurant suggestions in ely ? eos 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 . i also need a hotel . eos O O O O O O O O O O Hotel-Inform +bos where would you like to stay on your trip ? eos O O O O O O O O O O O Hotel-Request+Area +bos first , can you give me my reference number for the train ? eos O O O O O O O O O O O O O O Train-Request+Ref +bos yes , the train id is tr7738 . eos O O O O O O B-Train-Inform+Id O O N/A +bos thank you . i need a hotel with free parking and free wifi . eos O O O O O O O O O O O O O O O N/A +bos i 'd love to help you with that . there are so many hotel options in the area . can you help me narrow it down a bit ? area ? price range , etc. ? eos O 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 O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,general-greet +bos i would like a place like a guesthouse that has at least 4 stars . eos O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O N/A +bos we have 16 possible guesthouse matches with parking and internet . what price range are you interested in ? 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,Hotel-Inform+Parking,Hotel-Inform+Internet +bos sorry can we go back to the train for a moment ? i need the reference number , not the train id for my 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 O O Train-Request+Ref +bos your reference number is dala684j eos O O O O O O N/A +bos back to the guesthouse now ... what is the price range for your favorite one ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos the arbury lodge guesthouse is quite nice . it 's cheap too . eos O O B-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 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 you 're 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,general-greet +bos i need a train leaving from cambridge . eos O O O O O O O B-Train-Inform+Depart O N/A +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 will be traveling to broxbourne on thursday in the afternoon . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O N/A +bos the tr0071 arrives in broxbourne on thursday at 14:01. would you like a ticket ? eos O O B-Train-Inform+Id I-Train-Inform+Id 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 Train-OfferBook +bos that sounds good . please book a ticket for one person . eos O O O O O O O O O O O O O N/A +bos your train has been booked and its reference number is emccex26 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you so much . can you also help me find somewhere to stay ? eos O O O O O O O O O O O O O O O O general-thank +bos i 'm happy to ! there are 33 lodging options in cambridge . do you have any preferences for area , star rating , pricerange , parking or internet ? eos 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 O O O O Hotel-Request+Stars,Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet +bos i 'm interested in a 2 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 i have three 2 star hotels with free wi-fi . do you have a price range or part of town in mind ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet +bos do you have anything in the north area ? eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos the ashley hotel does meet your requirements in the north . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area O N/A +bos that would be great , can you book it on saturday for 1 person for 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 O B-Hotel-Inform+Stay O N/A +bos you are booked into the ashley hotel . your reference number is z22jv8vo . 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 B-Booking-Book+Ref 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 general-thank +bos have a nice stay , thank you and good bye . eos O O O O O O O O O O O O general-welcome,general-bye +bos hello i 'll be coming to cambridge and need a room to stay in . can you recommend 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 B-Hotel-Inform+Type O O O O O O O N/A +bos i have 21 guesthouses in cambridge . what price range and what area were you 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 Hotel-Request+Area,Hotel-Request+Price +bos i do n't have a price range in mind . but i would like a 4 star rating and somewhere that offers free parking . 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 N/A +bos ok , there are 16 hotels that meet that criteria . is there a particular area of town you 're interested 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 Hotel-Request+Area +bos no i do n't care which area it is in , just so it is a guesthouse with free parking and 4 stars . 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 B-Hotel-Inform+Stars O O O N/A +bos the alexander bed and breakfast is a popular choice . it 's inexpensive , but rated 4 stars , and offers both free parking and free wifi . 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 B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos can you book it for me ? eos O O O O O O O O N/A +bos which day would you like to book and for how long ? eos O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos i need to book it on friday for 2 nights for 8 people . could i please have the reference number ? 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 O O O O O O N/A +bos booking was successful , your reference number is : xv3jokgd . 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 yes , please . i need to go to birmingham new street on saturday , and i 'd like to get there at or shortly before 18:15. eos 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 O O O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos i think tr3735 would be acceptable . it leaves saturday at 15:01 and arrives in birmingham new street at 17:44. it 's 163 minutes of travel time . should i book it ? eos O O O O O O O O O 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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-OfferBook +bos that should work , yes please get me 8 tickets . eos O O O O O O O O O B-Train-Inform+People O O N/A +bos okay the booking was successful and total cost is 480.64 gbp payable at the station . reference number is : gscm7cwq . 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 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 , that 's all i need today . thanks for 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 nice day . eos O O O O O O O O O O O O general-bye +bos i sure hope so . a friend recommended the alexander bed and breakfast . what can you tell me about it ? 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 N/A +bos it is a wonderful guesthouse located in the centre of town . it has a 4 star rating and offers both free parking and free internet . would you like assistance booking ? eos O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area I-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 O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds like a great place ! what 's the address ? eos O O O O O O O O O O O O O N/A +bos the address is 56 saint barnabas road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 several for tuesday . did you have a particular departure and arrival times ? eos O O O B-Train-Inform+Choice O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need the train to depart from leicester and arrive in cambridge by 10:15. i am open on departure time . eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive 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 'm looking for a train that goes to cambridge on sunday . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day 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 'll be traveling from norwich , and i 'd really like to arrive in cambridge by 14:00 so i can be on time for my appointment . eos 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 O N/A +bos there is a 12:16 that will arrive at 13:35. there are also earlier trains if you want to arrive earlier . eos 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 N/A +bos that train would be find i need to get the train id and price please . 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 the train id is tr5225 and the price is 14.08 pounds per ticket . anything else i can help you with ? eos 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 O O O O O O O O O general-reqmore +bos i 'm also looking for a place to stay . eos O O O O O O O O O O O N/A +bos the apha-milton guesthouse is in the moderate price range . it does not have internet . would you like me 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 O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes and i need a confirmation number eos O O O O O O O O N/A +bos how many nights will you be staying , and for how many people ? eos O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People +bos 3 nights for 2 people , can you book it for me ? eos O O O O O O O O O O O O O O N/A +bos certainly if you supply me with your arrival day . eos O O O O O O O O O O O Booking-Request+Day +bos tuesday of next week in the pm eos O B-Hotel-Inform+Day O O O O O O N/A +bos booking was successful . your reference number is : 58px1m08 . is there anything you would like help 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 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 day . eos O O O O O O O O O O general-welcome,general-bye +bos is there such a train that leaves to cambridge , might i include on a tuesday ? eos O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O N/A +bos do you have a station you would prefer to depart from ? eos O O O O O O O O O O O O O Train-Request+Depart +bos yes . i want 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 O N/A +bos there are 10 trains that meet your needs . the earliest leaves at 05:17 and the latest leaves at 23:17. is there a time of day you prefer ? eos 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Request+Leave +bos i would like to leave on tuesday after 10:30. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos i have tr7850 that leaves at 11:17 and will arrive in cambridge at 12:08. would that suit your needs ? eos O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O 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 N/A +bos may i get the travel time for that train , please ? eos O O O O O O O O O O O O O Train-Request+Duration +bos absolutely ! the travel time is 51 minutes ! eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O general-greet +bos thank you , i 'm also looking for a place to stay . it should a hotel of 0 stars and in the cheap price range . it should include free wifi . eos 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 B-Hotel-Inform+Price O O O O O O O O O O O O N/A +bos is there a particular part of town that you would like to stay in ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area +bos any part of town is fine . eos O O O O O O O O N/A +bos i 'm afraid we do n't have any hotels that meet your needs , but we do have two guesthouses . one in the north and one in the city centre . eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O B-Hotel-Inform+Type B-Hotel-Inform+Choice I-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 N/A +bos not interested win a guesthouse . do you have a hotel with free parking and a 0-star rating ? eos 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 no , i 'm sorry , there are n't any hotels with those qualifications . can you expand your search parameters ? 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 general-reqmore +bos we will figure something out , thanks for your help today ! eos O O O O O O O O O O O O O general-thank +bos have a fantastic day , goodbye . eos O O O O O O O O general-bye +bos is there a train i can take from cambridge that leaves after 18:15 ? eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave O N/A +bos the tr1006 leaves at 19:00. would that work ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O N/A +bos i would like to leave on sunday and go leicester . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest N/A +bos sure . the tr9517 leaves at 18:21 on sunday for leicester . would you like me to book it ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Dest O O O O O O O O O O general-welcome,Train-OfferBook +bos no need for a booking , right now . could you tell me the arrival time ? eos O O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos the arrival time is 20:06 eos O O O O O B-Train-Inform+Arrive N/A +bos i also need a place to stay 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 do you have a specific area in mind ? eos O O O O O O O O O O Hotel-Request+Area +bos no , but i do need free parking and wifi . also , are there any 0-star places ? i 'm feeling adventurous . 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 N/A +bos cityroomz is a moderately priced 0 star , but they do n't provide parking . it 's in a totally sketchy area called sleeperz . want to give it a shot ? eos O B-Hotel-Inform+Name 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 B-Hotel-Inform+Addr O O O O O O O O O O O O Hotel-Inform+Parking +bos please give me the correct area of town . eos O O O O O O O O O O N/A +bos it is located in sleeperz hotel , station road eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos could you book it for 3 people and 4 nights starting wednesday ? eos O 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 starting wed. reference number is : n18du4nr . cityroomz , sleeperz hotel , station road , cb12tz . eos O O O O O B-Booking-Book+Day O O O O B-Booking-Book+Ref B-Booking-Book+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post 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 contacting the cambridge towninfo centre . goodbye eos O O O O O O O O O O O general-welcome,general-bye +bos yes , could you give me some information on a train ? eos O O O O O O O O O O O O O Train-Inform +bos yes , i need to know where you are leaving from and what city you will be going 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 i 'm leaving from bishops stortford and going to cambridge please . eos 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 great . 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 would like to leave on firday after 16:00. can you provide me with 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+Arrive +bos yes i have a train that leaves at 15:29 and arrives at 16:07. eos O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos great . now i am also looking for a place to stay . i would like a guesthouse with 4 stars . 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+Stars O O O N/A +bos i have several 4 star guesthouses available . do you have a preference for the part of town or price range ? eos 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 O Hotel-Request+Price,Hotel-Request+Area +bos yes the north part of town and the cheap price range eos O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O N/A +bos i have found the worth house in the north with a cheap price range and 4 stars . can i book this for you ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O Booking-Inform +bos no thank you , i will book myself at a later point . eos O O O O O O O O O O O O O O general-thank +bos i apologize , i gave you wrong information regarding the train . the first train to leave after 16:00 is at 17:29 , and arrives at 18:07. eos 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 O B-Train-Inform+Arrive O O O N/A +bos 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 . eos O O O O O O O O O O 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 the worth house does have free parking , yes . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Hotel-Inform+Parking +bos can you book that for me for friday . 2 nights , 1 person . eos O O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O N/A +bos your booking was successful . your reference number is wjn2kks0 . 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 for today . eos O 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-greet +bos thanks , bye now ! eos O O O O O O general-bye +bos thanks for letting us assist you ! enjoy your visit ! eos O O O O O O O O O O O O general-bye +bos i need information for a train leaving on friday after 15:15. eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos i 'll be happy to help with that . can you tell me your departure and destination cities 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+Depart,Train-Request+Dest +bos i am leaving from cambridge and going to bishops stortford . 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 there is a train leaving at 15:29. eos O O O O O O O B-Train-Inform+Leave N/A +bos perfect , can we book that for 2 people , and i 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 Train-Request+Ref +bos i have made those reservations and your reference number is 5evew0ae . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref N/A +bos where do i collect my ticket ? eos O O O O O O O O N/A +bos you will get that from the station . eos O O O O O O O O O N/A +bos great , thanks ! can you please also recommend an expensive place to stay with 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 sure , the lensfield hotel is within your price range and has free parking . the number is 01223355017 and post code is cb21en . have a great day . eos 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 B-Hotel-Recommend+Phone I-Hotel-Recommend+Phone O O O B-Hotel-Recommend+Post O O O O O O O O Hotel-Recommend+Parking,general-bye +bos i was n't done yet , but thanks i will have a great day . now , can you tell me if that hotel is 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos sorry . it is in the south . eos O O O O O O B-Hotel-Inform+Area O O N/A +bos okay . so how about one in the north 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 . 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 O O O O O O O O O O O O N/A +bos there are no hotels in the expensive range in the north . eos 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-NoOffer+Area O N/A +bos i would like to find an expensive hotel to stay at that also has free wifi . can you help ? 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 university arms hotel is an expensive hotel with free wifi . 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 Hotel-Inform+Internet +bos i also want to stay in a hotel with star rate of 3 that is in the south . does university arms fit that criteria ? eos O O O O 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 O O O N/A +bos no , but the lensfield hotel meets those requirements . would you like to book a room there ? 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 O O Booking-Inform +bos yes , that sounds great . can you book me a room for 4 people , 2 nights starting tuesday please ? eos 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 N/A +bos your booking was successful ! you reference number is xmcht677 . 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 could you look for a train leaving thursday to go to leicester ? 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 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 there are several trains leaving on thursday . what time would you like to depart ? eos 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 Train-Request+Leave +bos i do n't have a departure preference but would like to arrive by 10:15. eos O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos would you like to go to hogwarts ? eos O O O O O O O O O Train-Request+Dest +bos umm , no i am going to leicester from cambridge on thursday arriving by 10:15. eos O O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos train tr4859 arrives at 10:06. do you want me to book it ? 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 ! also , kindly provide the price , travel time , and train id if you can . maybe i will visit hogwarts next time haha eos O O O O O 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 tr4859 is a 105-minute trip , and the cost is 37.80 gbp per ticket . eos O B-Train-Inform+Id 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 N/A +bos thank you very much . eos O O O O O O general-thank +bos would you like for me to book a ticket for you ? eos O O O O O O O O O O O O O Train-OfferBook +bos no , thanks , that 's all i need , 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 O general-thank +bos will you be needing a taxi ? is there anything else that i can do for 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 's all i will be needing today . good-bye . eos O O O O O O O O O O O O O O general-bye +bos thank you for your call . please enjoy your trip ! goodbye . eos O O O O O O O O O O O O O O general-bye +bos i 'm looking for crossover food in the centre . eos 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 restaurants in that area that serve crossover food . can i help you find one in a different area ? eos 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 Restaurant-Request+Area +bos a moderate priced crossover located in the centre , nothing ? eos O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O N/A +bos no , i am so sorry but there are no restaurants that match that description . eos O O O O O O O O O O O O O O O O O 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 de luca cucina and bar is available would you like to try that ? 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 sounds wonderful ! may i have their postcode , address and phone number 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 yes , their postcode is cb21aw , address is 83 regent street , and phone number is 01223356666. can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Post O O O B-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 yes , actually , i need to find a train schedule . i 'll be traveling from cambridge to london liverpool street . 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 I-Train-Inform+Dest O O O O O N/A +bos there are many trains making that trip , do you have a day and time you would like to travel ? 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+Arrive,Train-Request+Day,Train-Request+Leave +bos yes , i 'm traveling on saturday , and i will need to arrive by 14:30. eos O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O O N/A +bos i do have train tr3312 that departs at 11:59 and arrives by 13:27. would that be something that would work for you ? 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 O O O O O O O O N/A +bos yes , that would work quote well . i wo n't be needing a ticket just yet , though . 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-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 i need . 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 okay great . glad i could help . eos O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for information about 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 O O N/A +bos okay ! there are 44 attractions in the centre part of town . what type of attraction would you like to visit ? eos O 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,general-greet +bos what do you recommend ? i will need the address and attraction type of what you recommend . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Addr +bos cambridge university botanic gardens is a park in the centre of town . their address is bateman street eos 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 B-Attraction-Recommend+Area O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos what type of attraction is that ? eos O O O O O O O O Attraction-Request+Type +bos it is a park , with emphasis on plants . there are many other types of attractions as well , such as museums . eos O 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos okay , great . i 'll also need a place to stay . i 'd like for it to have free parking and be expensive . 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 O N/A +bos we have a variety , in what area do u prefer ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area +bos i 'm not familiar with the areas of town , but i 'd really like a 3 star guesthouse . 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 N/A +bos we have three 3-star guesthouses with free parking , but they 're moderately priced and you wanted something a bit pricier . do you think one of these would work ? eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type 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 O O O Hotel-Select,Hotel-Inform+Parking +bos are there any hotels with 3 stars , free wifi , free parking , and expensive ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Price O O O O N/A +bos you might be interested in the gonville hotel in the centre of town . it 's address is gonville place . would you like me to reserve you a room ? eos 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 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 +bos yes , that will be fine . i 'll need it booked for wednesday . we will be staying 3 nights . it will be 7 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 O O B-Hotel-Inform+People O O O O O O N/A +bos booking was successful . reference number is : ff7zd6bz . may 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 general-reqmore +bos that is all . thanks so much ! eos 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 N/A +bos are there any restaurants on the west that serve turkish food ? i want some . eos 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 sorry , nothing in that area . a different location ? eos O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos same location but i want indian food now . yummy . eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i have 6 places that serve indian . 5 are expensive and one is moderate price range . do you have a preference ? eos O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Restaurant-Select +bos yeah , could you give me the address and phone number for the moderately priced restaurant ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos it is called meghna . their address is 205 victoria road , chesterton , cb43lf . eos O O O O B-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O N/A +bos yes i am looking for a train leaving cambridge after 19: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 a few options of trains that fit your criteria . would you like to narrow it down by destination , day of travel , or arrival time ? 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 O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Dest +bos i need to get to bishops stortford on friday . eos 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 found 3 trains available arriving at 20:07 and 24:07. when would you like to arrive ? eos O O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O Train-Request+Arrive +bos either one will do . what 's the price and train id . eos O O O O O O O O O O O O O O Train-Request+TrainID +bos train tr3547 will arrive at 24.07 the price is 10.10 pounds eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos thank you . that 's all i need right now . eos O 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 general-bye +bos i 'm all set . thanks for everything . 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 general-bye +bos i am looking for italian restaurants in cambridge in the cheap price range . eos 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 a few in the north , west , and centre . do you have a preferred location ? 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 Restaurant-Select +bos i 'm looking for something in the north , please ! eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos da vinci pizzeria is the only cheap italian restaurant in the north , located at 20 milton road chesterton . would you like to reserve a table ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Choice 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 O Booking-Inform +bos no thanks , i just need the phone number , 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+Phone,Restaurant-Request+Addr +bos the address is 20 milton road chesterton . the postcode is cb41jy and the phone number is 01223351707. 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 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 yes , please . i also need a train on monday , arriving at 17:45. eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O O O N/A +bos i 'll be happy to help with that . where 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 Train-Request+Dest,Train-Request+Depart +bos i would like to go to norwich . eos O O O O O O O B-Train-Inform+Dest O N/A +bos sure thing where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart +bos i will be leaving cambridge heading to norwich eos O O O O O B-Train-Inform+Depart O O O N/A +bos train tr9460 leaves cambridge at 15:36 and would get you to norwich by 16:55. would you like me to book for you ? eos O O O O B-Train-Inform+Depart 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 O O O Booking-Inform +bos no thanks . maths is n't my biggest strength so please tell me what the total 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 total travel time is 79 minutes . can i do anything else for you today ? 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 general-reqmore +bos i think that is all the info on the train that i needed . eos O O O O O O O O O O O O O O O Train-Inform +bos if there is anything else you might need please feel free to call back . 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-reqmore +bos can you help me find a train from cambridge ? eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos i have many trains available . what is your destination and 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 Train-Request+Dest,Train-Request+Day +bos i am travelling to london liverpool street on monday eos 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 do you have a particular time you would like to travel ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos london liverpool street and should leave after 17:00 , i need you to book it for 7 people and a reference number please 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 N/A +bos tr7092 leaves at 17:59 , will this be ok ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos that sounds great . please book it for me . eos O O O O O O O O O O O N/A +bos okay , your booking was successful . the total fee is 116.2 gbp . you can pay this at the station . your reference number is 2sdpsulr . 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 O B-Train-OfferBooked+Ref O O O O O N/A +bos thank you . i 'm also looking for a place to stay . i 'd like a guest house that 's expensive 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+Price O O O O O B-Hotel-Inform+Stars O O O O N/A +bos i 'm sorry there are n't any matches . would you like to try something 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 O O O N/A +bos how about a cheap place instead ? eos O O O O O B-Hotel-Inform+Price O O N/A +bos there are 7 choices in the cheap price range , are there any preferences ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O Hotel-Request+Internet,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Type,Hotel-Request+Stars +bos are there any guesthouses ? eos O O O O O O N/A +bos yes , there are several . do you have a certain area in mind ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area +bos the area is not an issue . i do want it to be an actual hotel . 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 there is one cheap hotel in the west . it is the cambridge belfry . would you like me to book it for you ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O O N/A +bos yes thank you . i need a room for 7 people and 5 nights starting from wednesday . 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 i will work on getting that booked for you . eos O O O O O O O O O O O Booking-Inform +bos what is the reference number ? eos O O O O O O O N/A +bos booking was successful , your reference number is : qjtixk8c . 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 fantastic . that is all i have to request . eos O O O O O O O O O O O N/A +bos i hope you enjoy staying around here eos O O O O O O O O general-bye +bos i 'm sure i will . thanks again . eos O O O O O O O O O O general-thank +bos it was a pleasure assisting you . have a great day . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos 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 moderate . eos O O O O O O 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 N/A +bos i have three hotels available . the ashley hotel , cityroomz , and lovell lodge . do you need parking ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type 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-Request+Parking +bos i need one in the centre and has free wifi . eos O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos then cityroomz is just for you ! it is located at sleeperz hotel , station road . do you need more information or do you want to book a room ? eos O O B-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 O O O O O O O Booking-Inform,general-reqmore +bos that is all that i need . 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 is it possible to get a morning train that arrives in cambridge by 9:15 or do you need to get there the night before ? 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 O O O O N/A +bos there are plenty of trains arriving that early . where are you coming from , and what day are you traveling ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i 'll be coming in from stansted airport on friday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos we have four early morning trains available that day , one every hour from 5:24 to 8:24. would you like to book one ? 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 I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-OfferBook +bos yes , please ! the one at 8:24 please . 1 person . give 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 O Train-Request+Ref +bos i was able to book it , the reference number is o6zsm73s . eos O 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 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 i have 17 locations . do you have an area 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 Hotel-Request+Area +bos the hotel should be in the north . eos O O O O O O O B-Hotel-Inform+Area O N/A +bos how about hamilton lodge ? i hear they 're great . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O N/A +bos sounds good . could you get me the postcode and the phone number ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos phone number is 01223365664 and postal code cb41da eos O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O B-Hotel-Inform+Post N/A +bos ok book that please eos O O O O O N/A +bos when would you like to arrive , and how many guests are in your party ? 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 actually , i do n't want to book yet . thanks for the information . i think that is all 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 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-welcome,general-reqmore +bos that is all i need . goodbye . eos O O O O O O O O O general-bye +bos ok. thank you and goodbye . eos O O O O O O O general-bye +bos i will be in cambridge and i need a place to go in the east eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area N/A +bos sure , what type of attraction are you interested in ? eos O O O O O O O O O O O O Attraction-Request+Type +bos anything in the east . eos O O O O B-Attraction-Inform+Area O N/A +bos can yo narrow that down eos O O O O O O N/A +bos i do n't care really . what is one of the most popular ones ? eos O O O O O O O O O O O O O O O O N/A +bos camboats is a nice place that i reccommend eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O N/A +bos can you give me the postcode , please ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb58sx . how else can i assist you ? eos O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos i want a cheap restaurant please in the same area as the attraction . eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A +bos how does the missing sock sound ? it meets your criteria , and i would be happy to book it for you . 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 Booking-Inform +bos i want a restaurant that serves international food eos O O O O O O O B-Restaurant-Inform+Food O N/A +bos ok the missing sock actually serves international food . would you like me to book for you ? 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 O O O O Booking-Inform +bos i do n't need a booking at the moment but could you provide me with their 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 certainly , the phone number for the missing sock is 01223812660. can i assist 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 B-Restaurant-Inform+Phone 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 O general-thank +bos okay , have a wonderful visit in cambridge ! eos O O O O O O O O O O general-bye +bos i would like a place to eat in the moderate price range located in the centre . eos 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 there are many moderately-priced restaurants in the center . galleria is one of my favorites ; they serve european cuisine . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Food O O O O N/A +bos great , could you send me the postcode to galleria ? eos O O O O O O O O O B-Restaurant-Inform+Name O O Restaurant-Request+Post +bos their postcode is cb21uw . 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 N/A +bos also i want to go see some architecture in town . eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos may i suggest visiting little saint mary 's church located at little saint mary 's lane . it 's free ! 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+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Fee O O O O O N/A +bos sounds lovely , what area is that located in ? eos O O O O O O O O O O O Attraction-Request+Area +bos it 's located in the centre by galleria . is there anything else you need help finding today ? eos 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 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 very welcome . i hope you enjoy yourself in our city ! eos O O O O O 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 what area in cambridge would you like to stay ? eos O O O O O O O O O O O Hotel-Request+Area +bos i 'm actually looking to book a specific hotel . it is called the alpha-milton guest house . 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 O O O N/A +bos okay , can you tell me how many people are staying , how many days you want to stay and when you begin 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 O O O O O O O O Booking-Request+Day,Booking-Request+People,Booking-Request+Stay +bos i 'd like to start my stay on wednesday , it will be for two nights , and it will be 6 people . eos O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O B-Hotel-Inform+People O O O O N/A +bos ok , so you are all booked . reference number is nm7iwboc . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thanks so much . i also need a train to arrive in peterborough by 16:45. eos O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos would you like to take the tr8327 on friday , it arrives at 16:24 ? eos O O O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id B-Train-OfferBook+Day O O O B-Train-OfferBook+Arrive O O N/A +bos i just want to verify that train leaves from cambridge correct ? if so , can you book it for 6 people and provide the reference number . eos O O O O 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 , that is correct . i have booked it for you , the reference number is ibm6bl8x and will be leaving at 15:34. 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-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Leave 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 alright , have a wonderful visit in cambridge ! eos O O O O O O O O O O general-bye +bos i am looking for a moderate priced restaurant while i am visiting . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos is location a concern ? eos O O O O O O Restaurant-Request+Area +bos yeah , i 'd like to stay in the centre of town . eos O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos there are over 20 results . would you like a certain type of food ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food +bos thank you ! i do n't care what kind of cuisine they serve . eos O O O O O O O O O O O O O O O general-thank +bos there 's a fantastic british restaurant , restaurant one seven . or if you 're interested in chinese food , jingling noodle bar also has wonderful reviews . do either of those interest you ? eos O O O O O O O O O O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food 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 general-reqmore +bos sure could i get the phone number to jingling noodle bar ? eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223566188. i can book that for you if you 'd like . eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +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 do you have a specific kind of attraction in mind ? eos O O O O O O O O O O O O Attraction-Request+Type +bos an entertainment venue , i think . near the restaurant , if possible . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos how about museum of archaelogy and anthropology ? it 's located in the centre as well . 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+Area I-Attraction-Inform+Area O O O O N/A +bos no , let 's try a college instead . what do you recommend ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos corpus christi is very popular . the phone number is 01223334900 and the entrance fee is free . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee O O N/A +bos thanks , i also need a taxi between the two places and arrive to the retaurant at 14:45. 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 the taxi is booked . the car type is blue volkswagen . the contact number is 07313427234. 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 okay , great . thank you for your help ! eos O O O O O O O O O O O general-thank +bos would you like me to reserve it for you ? eos O O O O O O O O O O O general-reqmore +bos uh , you already did . that was all i needed today . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos enjoy your trip ! eos O O O O O general-greet +bos what good attractions are there in the city centre ? eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are over 40 of them , many of which are free ; did you have anything more specific in mind ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O Attraction-Request+Type +bos no , just pick something . eos O O O O O O O N/A +bos the cambridge contemporary art museum is a good attraction that is free . would you like the address or directions ? 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 O O B-Attraction-Recommend+Fee O O O O O O O O O general-reqmore +bos actually , can i get the 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 sure , it is located at 6 trinity street . the phone number is 01223324222. can i help you further ? eos 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 O O O O general-reqmore +bos yes . i need to find a train to travel from stevenage to cambridge . eos 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 okay , what day and what time would you like to leave ? the ride is about 49 minutes and the train comes every two hours . eos 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 B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O Train-Request+Day,Train-Request+Leave +bos i need to leave saturday and must arrive by 20:00. i do n't care what time the train leaves as long as i arrive on time . eos O O 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 O O O N/A +bos i have train tr2442 leaving stevenage at 17:54 and arriving in cambridge at 18:43. would you like to book this ? 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 O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , please . i need 4 tickets . eos O O O O O O B-Train-Inform+People O O O N/A +bos great ! that was successful and your booking reference number is nxsaev12 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos that should do it . thank you ! eos 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 want to go visit a college in the east part 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 O N/A +bos i was unable to find any colleges in the east part of town . 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 O O O N/A +bos okay , what about an attraction that is in the type of entertainment ? eos O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos yes , i recommend the funky fun house . with a name like that , how can you go wrong ? 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 O O O O O O O N/A +bos sounds awesome ! is there an entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos unfortunately i do n't have any information about the entrance fee . is there any other information you need 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 general-reqmore +bos sure , just the address and phone number will be fine . eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos alright , here you are , the address is 8 mercers row , mercers row industrial estate and the phone number is 01223304705. can i find any other information for you ? eos 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 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 all i need . thanks and bye . eos O O O O O O O O O O O O O general-bye +bos thank you . have a nice day , goodbye . eos O O O O O O O O O O O general-bye +bos im looking for a restaurant called sitar tandoori , can you help ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A +bos yes the sitar tandoori is an expensive indian restaurant in the east . would you like me to book it for you ? eos 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 O O O O O Booking-Inform +bos just the phone number please . eos O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223249955. eos O O O O O B-Restaurant-Inform+Phone N/A +bos i also need to find a train going to ely on friday . eos O O O O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O N/A +bos there are 10 trains traveling to ely on friday and are all departing from cambridge . is there a particular time you are wanting to leave ? 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 B-Train-Inform+Depart O O O O O O O O O O O O N/A +bos well , let 's see . i need to sleep in a little , so can you see if there 's one that departs cambridge some time after 08:00 ? 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 O O O B-Train-Inform+Leave O O O O O O N/A +bos sure , the train tr8792 leaves at 09:50. will that work ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O general-reqmore +bos yes , can you make a booking for 4 people please . eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos i have your four seats reserved . the reference number is dgdl8o65 . can i assist you in any other ways ? eos 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 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 have a great day ! eos O O O O O O general-bye +bos i need a restaurant in the east part of town that serves world food . eos 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 i found no matching records for your requests . 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 general-reqmore +bos how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos yu garden is a great chinese restaraunt on the east side of town . should i get you their phone number ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 general-reqmore +bos yes , please , and the address and postcode also . eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 529 newmarket road fen ditton , the postcode is cb58pa , and the phone number is 01223 248882. 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 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 goodbye , and thank you for using the cambridge restaurant system . eos O O O O O O O O O O O O O general-bye +bos hi ! can you help me find an attraction to visit 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 O N/A +bos i have quite a few options . did you have an idea what type of attraction you were looking to visit ? eos 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 Attraction-Request+Type +bos surprise me . i just need the attraction type , 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+Type,Attraction-Request+Addr +bos castle galleries is one of my favorite museums . it is at unit su43 , grande arcade , saint andrews street , post code cb23bj . does that sound good ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Type O O 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+Post O O O O 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 i can help you with ? eos O O O O O O O O O O O general-reqmore +bos no thanks . you 've been a great help . have a nice 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 . have a great day , goodbye . eos O O O O O O O O O O O general-bye +bos i 'd like to find out more about the queen 's college . eos O O O O O O O O O O O O O O N/A +bos queens ' college is located on silver street in the west . their phone number is 01223335511 and the entrance fee is 2.50 pounds . do you need anything else ? 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 O 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 general-reqmore +bos no , that will do it . thanks ! eos O O O O O O O O O O general-thank +bos thank you for using cambridge towninfo centre . let us know if you need our services at anytime . 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 please find me a train that leaves on friday and arrives by 08:00 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 will you be departing from ? eos O O O O O O O O Train-Request+Depart +bos i am departing from stevenage . eos O O O O O B-Train-Inform+Depart O N/A +bos there is a 05:54 that will arrive at 06:43 that morning . eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O N/A +bos book it for four people . give me the reference number . eos O O O O 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 : 8nfjv4j6 . will there be 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 no , that will be all today . thank you . eos O O O O O O O O O O O O general-thank +bos have a splendid visit ! eos O O O O O O general-bye +bos can i get a train 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 sure , what is your departure station ? eos O O O O O O O O O Train-Request+Depart +bos i will leave birminggam new street . eos O O O O O O O O N/A +bos what time would you like to leave or arrive on saturday ? 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 15:30. eos O O O O O O O B-Train-Inform+Arrive N/A +bos i have train tr8259 that leaves at 7:40 and arrives at 10:23. would you like to make reservations ? 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 and i will also need the reference number . eos O O O O O O O O O O O Train-Request+Ref +bos i have booked one ticket on tr8259 for 60.08 , payable at the station . your reference number is nwk50krx . can i assist you with anything else ? eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id 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 was also interested in finding a museum to visit while i 'm in town . 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 there is a free museum , located at 98 king street . it 's called the broughton house gallery . it 's located in the city centre . would that work ? eos O O O O B-Attraction-Inform+Fee B-Attraction-Inform+Type O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O general-reqmore +bos yes that will be perfect how much is it to get in ? eos O O O O O O O O O O O O O O N/A +bos it 's free . would you like their phone number ? eos O O B-Attraction-Inform+Fee 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 ok , that phone number is 01223314960. eos O O O O O O B-Attraction-Inform+Phone O N/A +bos thank you for all your help ! that is all the information i need today . eos O O 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-bye +bos hi , can you give me some information on train schedules ? eos O O O O O O O O O O O O O Train-Inform +bos absolutely ! do you have any particular train stations in mind ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos yes , the cambridge station . i would like to leave on sunday after 10:00 for the stansted airport . eos O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos tr2110 leaves at 10:40 sunday to stansted airport . will that work ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Dest I-Train-Inform+Dest O O O O O N/A +bos that is fine . book for me for 1 person and give 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 Train-Request+Ref +bos booking was successful , the total fee is 8.08 gbp payable at the station . reference number is : hhoft8zu . 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 i am also looking for something called cambridge museum of technology . 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 cambridge museum of technology is located on the east side at the old pumping station , cheddars lane . their phone number is 01223368650 and they charge an entrance fee of 5 pounds . 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 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 O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos thank you for the information . eos O O O O O O O general-thank +bos you are welcome . anything else i can do for you . eos O O O O O O O O O O O O O general-welcome,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 you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos i am looking for things to do in cambridge . can you tell me if there are any nightclubs ? 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 N/A +bos ballare is a nightclub in the centre of town , would you like more details ? eos O B-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 O O O O O N/A +bos how much is it to get in to ballare ? and which area is it in ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos ballare 's entrance fee is 5 pounds and they 're located in the centre of town . is there anything else i can help you with today ? eos O B-Attraction-Inform+Name O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 O general-reqmore +bos no , that 's it . thanks a bunch ! bye ! eos O O O O O O O O O O O O O general-bye +bos you 're welcome , have fun ! eos O O O O O O O O general-bye +bos i 'm looking to play a variety of sports . are there facilities that cater to that ? 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 is one such facility , the cherry hinton village centre , located at colville road , cherry hinton in the east side of town . eos O 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 O O O O O O B-Attraction-Inform+Area O O O O O O O O N/A +bos do you have anything like that in the centre ? eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos unfortunately , we do not . eos O O O O O O O Restaurant-NoOffer +bos what about a museum in the center ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos i have listings for 5 , can i recommend one ? eos O O O O O O B-Attraction-Inform+Choice O O O O O N/A +bos yes please , and i 'm going to need the address . eos O O O O O O O O O O O O O Attraction-Request+Addr +bos you may want to try castle galleries . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos what is their address ? eos O O O O O O Attraction-Request+Addr +bos the castle galleries is located at unit su43 , grande arcade , saint andrews street . it 's in the city centre . eos O O B-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 O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O N/A +bos okay , that sounds great . i also need a train that leaves on sunday after 17:30 from cambridge going to stevenage . eos O O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O N/A +bos i have train tr8726 that would leave at 19:21 and get you to stevenage at 20:10. 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 O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A +bos yeah , can you book 4 tickets for me ? 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 40.96 gbp payable at the station .reference number is : mvfn99uc . 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 a bunch ! i could n't have done it without you . bye . eos 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 +bos i need a one bed hotel room near cambridge on friday . can you assist ? eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos you chose attraction and the hotels will not come up . i can assist with attractions . eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos i would like a recommend for an attraction to visit in the centre please . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos it depends on what you like - do you like museums ? colleges ? music ? let me know so i can recommend something eos 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 O O O O N/A +bos i 'm not particular . i 'm just looking for something to do . is there something that you could recommend as a you do n't want to miss while your in town thing ? eos O O O O O O O O O O O O O O O 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 a great cinema here in town . it is called vue cinema . it 's in the centre of town . would that sound like something you would be interested in ? 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+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O O O O Attraction-Select +bos yes , can i get the address and phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos sure ! they are located at the grafton centre , east road , and their phone number is 08712240240. can i help you 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 O O O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos i am also interested in finding a train to cambridge from norwich on thursday . 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 we have 19 trains that meet your criteria . would you like to narrow it down by 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 Train-Request+Arrive,Train-Request+Leave +bos i need the train to leave after 15:30. eos O O O O O O O O B-Train-Inform+Leave N/A +bos i have a total of nine entries . would you like to narrow it down ? or i have a train at 15:36 , or 16:36 as well ? 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O N/A +bos 15 36 is good . book for 5 please eos O O B-Train-Inform+People O O O O O O O N/A +bos i 've got your tickets booked . need a place to stay ? eos O O O O O O O O O O O O O O Train-OfferBooked,Booking-Inform +bos may i have the reference number ? eos O O O O O O O O Train-Request+Ref +bos i will get that reference number for you . eos O O O O O O O O O O Train-OfferBooked +bos okay ... do you have the reference number yet ? eos O O O O O O O O O O O Train-Request+Ref +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 planning a trip and need to book a train to birmingham . eos O O O O O O O O O O O O O O O Train-Inform +bos when would you like to leave ? eos O O O O O O O O Train-Request+Leave +bos i would like it to leave after 11:45. eos O O O O O O O O B-Train-Inform+Leave N/A +bos what day will you be travelling on ? eos O O O O O O O O O Train-Request+Day +bos i need to leave on sunday and depart from cambridge . what will my arrival time be ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O O O O O O O Train-Request+Arrive +bos i have train tr0686 leaving sunday at 12:01 and arriving at 14:44. would you like to book that ? eos O O O 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+Arrive O O O O O O O Train-OfferBook +bos that might work but i 'll have to think about it . in the meantime , what details can you give me about scudamores punting co ? 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+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A +bos its a lovely boat in the center . would you like me to get you the address and phone number ? eos 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 N/A +bos that 's okay . 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 O O general-bye +bos good bye , enjoy your stay at cambridge . eos O O O O O O O O O O general-bye +bos i need a train to cambridge on monday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos we have many trains heading to cambridge on monday . what is your point of departure for that day ? 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 O O O Train-Request+Depart +bos i want to go to ely and arrive by 11:15. eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive N/A +bos i 'm sorry for the confusion , just to verify-are you departing from cambridge with ely as your destination ? eos O O O O O O O O O O O O B-Train-Select+Depart O O B-Train-Select+Dest O O O O O N/A +bos no , sorry , i am traveling to cambridge from ely . eos O O O O O O O O O O O O O N/A +bos i have train tr2013 leaving at 5:50 and arriving at 6:07. would you like to make reservations for that ? 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 Train-Select,Train-OfferBook +bos yes please . make a booking for 6 people and send me the 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 and ready to go . your reference number is 9qjphzut . 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 yes i need a place to go in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos in the centre , we have more than 40 attractions . everything from museums , colleges , nightclubs , boating , theatres , etc . is there something you have in mind ? eos O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Choice I-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 O Attraction-Select +bos what are the theatres options ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there are four theatre options all in the centre . would you like to try the mumford theatre ? eos O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos sure . what 's the postcode ? eos O O O O O O O O Attraction-Request+Post +bos postcode is cb11pt . eos O O O B-Attraction-Inform+Post 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 your very welcome ! eos O O O O O general-welcome +bos hi , i 'm looking for an expensive restaurant that serves kosher food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O N/A +bos in which area would you like to find a kosher restaurant in the expensive price range ? 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-Request+Price +bos i do not care about the location . eos O O O O O O O O O N/A +bos there are no kosher restaurant in the expensive price range . is there another food type or price range 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 Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-NoOffer +bos how about korean food in the expensive price range ? eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A +bos there is a korean restaurant in the expensive price range in the centre area of town . would you like their information ? eos 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O general-reqmore +bos yes , i would like their address please . eos O O O O O O O O O O Restaurant-Request+Addr +bos the address of little seoul korean restaurant is 108 regent street city centre , postcode c.b 2 , 1 d.p 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 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 . that is all of the info that i needed . good 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 . good bye . eos O O O O O O O O general-bye +bos i want a train leaving after 09:00. eos O O O O O O O O N/A +bos where is your destination ? eos O O O O O O Train-Request+Dest +bos i need to get from peterborough to cambridge on friday , please . eos 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 i have the tr1393 that leaves peterborough for cambridge at 09:19 on friday , arriving at 10:09 for 16.50 pounds . would you like to book this ? 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+Dest I-Train-Inform+Dest B-Train-Inform+Leave O B-Train-Inform+Day O 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 , book me one ticket for that . eos O O O O O O O O O O N/A +bos i have completed your request . would you like your reference number ? eos O O O O O O O O O O O O O O Train-OfferBooked +bos yes please and also find me an entertainment venue in the south eos O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area N/A +bos your reference number is 2vrqedht . there are 2 entertainment venues in the south . nusha and tenpin . eos O O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos could i have the address and phone number for both of those ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos nusha : unit g6 , cambridge leisure park , clifton road and phone number is 01223902158 tenpin cambridge leisure park , clifton way 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 that is it for now . thanks for helping . eos 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 O general-bye +bos i need help finding a train . can you help ? eos O O O O O O O O O O O O Train-Inform +bos 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 ? eos O O O 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 +bos cambridge and should go to stevenage . at arrive at 9:15 , please eos O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O O O O O O O N/A +bos great i just need day of week that you are planning on leaving ? eos O O O O O O 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 tr4376 will depart at 7:21 and arrive at 8:10. would you like 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 yes please and can you speed it up i am in a hurry today eos O O O O O O O O O O O O O O O N/A +bos my system can only go so fast . i will work on booking this and be right back 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 Booking-Inform +bos i 'm also looking for a college in town to visit , can you suggest a good one ? i 'm thinking in the centre 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 O B-Attraction-Inform+Area O O O O O O N/A +bos there is christ 's college it 's in the centre . it is on saint andrew 's street and it 's free . eos O 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 I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee 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 contacting the cambridge towninfo centre . goodbye eos O O O O O O O O O O O general-bye +bos i 'm looking for information on trains from broxbourne to cambridge . eos 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 departing throughout the day , which day were you looking 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+Day +bos tursday , leaving after 17:00 , please . eos O O O O B-Train-Inform+Leave O O O O N/A +bos the tr1828 departs broxbourne at 17:32 , arrives in cambridge at 18:32. would you like to book 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 O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos yes please . i would like a booking for 5 people and the reference number once the booking has been confirmed . 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 reference number is : vrsu89vk . at the price of 89.5 gbp eos O O O O O B-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket N/A +bos i 'm also looking for a college to see in the centre area . can you give me some matches to this criteria ? 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 O O O N/A +bos i have 13 colleges listed in the centre . christ 's college and downing college both have free admission . eos O O O O B-Attraction-Inform+Choice O O O O O 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 O N/A +bos christ 's college sounds perfect . can 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 yes . the phone number is 01223334900 and the postcode is cb23bu . eos O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O N/A +bos that 's all i need . 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 need to find a restaurant in the north side of town eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos ok. did you have a certain price range of cuisine in mind ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i do n't have a price range . i 'm looking for a restaurant that serves catalan food . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 restaurants listed serving catalan food in the north part of town . 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 Restaurant-NoOffer,general-reqmore +bos how about french type food ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos restaurant two two is in the north area and serving french food , can 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+Area O O O B-Restaurant-Inform+Food O O O O O O O O O O general-reqmore +bos yes . can i get the name and phone number of one of those restaurants ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos yes , restaurant two two can be reached at 01223 351880. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos what is the area again sorry ? eos 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 for your help . have a great evening . 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 hi i am looking for a college to go to in town . eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are 18 different colleges , did you have an area in mind ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Area +bos yes , the centre area . eos O O O O O O O Attraction-Request+Area +bos christ 's college is in town centre located at saint andrew 's street and has free entrance . would you like their phone number as well ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O 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 O O O O O general-reqmore +bos yes , and can you find me an italian 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 Attraction-Request+Area +bos the address for christ 's college is saint andrew 's street and the phone number is 01223334900. there are 9 italian restaurants in the center . is there are price range you need ? eos O O O O B-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+Phone 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 'm looking for something expensive . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are four in the area . statizione restaurant and coffee bar , clowns cafe , don pasquale pizzeria , and caffe uno . can i make reservations for any of these ? eos 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 O O O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos i think i 'll try the caffe uno . can i get a table for 5 at 12:15 on sunday ? 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 N/A +bos i have reserved your table at caffe uno for 5 on sunday at 12:15. 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 O O B-Booking-Book+People B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O O general-reqmore +bos yes could i have my booking reference number please ? eos O O O O O O O O O O O Restaurant-Request+Ref +bos sure . your reference number is d5jm6ne7 . eos O O O O O O B-Booking-Book+Ref O O N/A +bos thank you very much . that is all i needed . 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 you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos i 've heard a of a place called the junction . can you tell me about it ? eos 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 N/A +bos sure . the junction is a theatre to the south of town . i 'm not sure what it costs to get in , but people really seem to like it . eos O O O B-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 O O O O O O O O O O O O O O N/A +bos may i have their phone number please ? eos O O O O O O O O O Attraction-Request+Phone +bos of course ! their phone number is 01223511511. how else may i assist you ? eos O O O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos i need an expensive restaurant that serves thai food . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos one is sala thong in the west , postcode cb39ey and the other is bangkok city in the centre , postcode c23jx . would you like me to book one ? 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 B-Restaurant-Inform+Area O B-Restaurant-Inform+Post O O O O O O O O O O O N/A +bos yes please book bangkok city for 8 people at 18:00 for this saturday . 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 O B-Restaurant-Inform+Day O N/A +bos i have completed your booking . the table is held for 15 minutes and your reference number is tt8j62kr . can i assist you with anything else today ? 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 general-reqmore +bos i also need a taxi to commute between the the junction and the sala thong . i need to make sure it arrives before my reservations at bangkok city . 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 O O O O O O O O O O O N/A +bos alright , 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 yes , i need that taxi booked , please . eos O O O O O O O O O O O Taxi-Inform +bos your taxi is booked , if you give me a time you would prefer to leave by i can add that information to 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 Taxi-Request+Leave,Taxi-Inform +bos i need it to arrive by 18:00 saturday for our dinner reservations . can you confirm the booked time ? 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 N/A +bos yes it is confirmed with reference number tt8j62kr . the time is 18:00 for 8 people . eos O O O O O O O O B-Booking-Book+People O O O O B-Booking-Book+Time O O O O N/A +bos but that 's the reference number for my restaurant reservation . please confirm my taxi booking ! i 'll need a contact number and car type so i can make sure it was absolutely completed ! eos O O O O O O O O O O O O O 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,Restaurant-Request+Ref +bos sorry about that . your taxi will be a gray volvo . the contact number is 07220734220. is there anything else i can do for you today ? 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 N/A +bos no , that 's everything , thank you . eos 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-greet +bos i am looking for a restaurant serving turkish 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 anatolia is a turkish restaurant , it is in the moderate price range , and it is in the centre part of town . would you like the phone number ? 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+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 O O O O O O N/A +bos i do n't care . eos O O O O O O N/A +bos is there anything else you want ? eos O O O O O O O O general-reqmore +bos yes , i would like a different selection please . what other places serve turkish food ? eos O O O O O O O O O O O O O O O O O O N/A +bos there is efes restaurant in the moderate price range and meze bar restaurant in the expensive range . both of them in the centre . do you like their information ? 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area 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 . eos O O O O O O O general-bye +bos i am looking for a restaurant called the cote . eos O O O O O O O O O B-Restaurant-Inform+Name O N/A +bos we do have one result for cote . it 's located on bridge street city centre . eos O O O O 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 O O O N/A +bos what type of food do they serve , please ? eos O O O O O O O O O O O Restaurant-Request+Food +bos they serve french cuisine . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i need the phone number and postcode for cote and i am looking for an attraction called clare hall . 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 O Restaurant-Request+Post,Restaurant-Request+Phone +bos certainly , you 're looking for phone number 01223311053 , postcode cb21uf . will you be needing me to make a reservation there as well ? eos O O O O O O O B-Restaurant-Inform+Phone O B-Restaurant-Inform+Post O O O O O O O O O O O O O O O O O Booking-Inform +bos no thank you , not at this time . can you tell me where clare hall is located ? 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 N/A +bos clare hall is located in the west end . would you need transportation to get there ? 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 no thank you , what area is clare hall in ? eos O O O O O O O O O O O O Attraction-Request+Area +bos clare hall is located on the west side of town . do you need anything else ? 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 I-Attraction-Inform+Area O O O O O O O general-reqmore +bos i also need the postcode , please . eos O O O O O O O O O Attraction-Request+Post +bos the postcode is cb39al . 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 no , i think that will do it . thanks so much 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 thank you for contacting us . if you should need anything else , please let us know . eos 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 see some general information for king 's college please . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos king 's college is a college and is located in the centre of town . there is no entrance fee . eos O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O 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 N/A +bos could you please send me the phone number ? eos O O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223331100. is there anything else i can do for you ? eos O 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 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 sure , i can help you with that . are you in the mood for a certain 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 Restaurant-Request+Food +bos yes something creative and unusual . eos O O O O O B-Restaurant-Inform+Food O N/A +bos i did not find any creative restaurants . give me a moment and i will search for unusual ones . 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 N/A +bos thank you . eos O O O O general-thank +bos well , i hesitate to call it unusual , but perhaps you have n't had turkish cuisine before ? the meze bar restaurant is delicious . eos O O O O 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 I-Restaurant-Recommend+Name O O O O O O N/A +bos if you are n't able to find creative food , how about an indian one instead ? 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 there are 6 indian restaurants located in the centre area . would you like more information on one ? i 've heard the golden curry is good . 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 B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O N/A +bos please book golden curry for 2 eos O O O O O O O N/A +bos what day and time would you like to book your reservation ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i actually need the reservation for 7 people please , at 14:15 on tuesday . eos 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 sorry that is not available , perhaps at another time ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos how about for 13:15 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos i was able to book your table . your reference number is au4bertg . anything else ? eos O O O O O O O O O O O O O B-Booking-Book+Ref 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 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 place to eat . do you know any places in the centre of town with a moderate price ? 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 B-Restaurant-Inform+Price O O O N/A +bos i can help you with that . what type of cuisine would you be interested in ? eos 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 like the restaurant to serve international food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 2 restaurants serving international food . one is the varsity restaurant , the other is bloomsbury restaurant . would you like a reservation at one of these ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food 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 Booking-Inform +bos i would like to book a table for 2 at 11:45 on thursday at bloomsbury . 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 N/A +bos sure , i have made the reservation , and your reference number is w6a0b2qe . eos O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thank you . can you also find me an entertainment attraction near bloomsbury ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i 'm sorry , there are n't any entertainment attractions in the centre of town . would you be interested in a different kind of attraction , or perhaps somewhere in another part of town ? 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 I-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 O Attraction-Request+Area,Attraction-Request+Type +bos are there any nightclubs 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 5 results for nightclubs in the centre area . the cheapest entrance fee is 4 pounds and that 's at soul tree nightclub . do you need more information ? eos O O 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O general-reqmore +bos yes could i have their address please ? eos O O O O O O O O O Attraction-Request+Addr +bos the soul tree is located at 1-6 corn exchange street . 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 I-Attraction-Inform+Addr N/A +bos thank you . can i also book a taxi from the restaurant to the club ? 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 or arrive ? eos O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i need to arrive before our reservation time . eos O O O O O O O O O O N/A +bos i have booked a taxi for you . it is a red ford and the contact number is 07592537181. 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 general-reqmore +bos that was everything , thanks ! eos 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,general-bye +bos would you be able to suggest a steakhouse restaurant in cambridge ? eos O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O N/A +bos there are currently zero steakhouses listed for this area . would you like for me to look elsewhere ? eos O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O O O N/A +bos is there any european moderate restaurants ? eos O O O O B-Restaurant-Inform+Food B-Restaurant-Inform+Price O O N/A +bos there are 5 moderately priced european restaurants . would you like to specify a preferred area ? 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 Restaurant-Request+Area +bos no preference in area . would you be able to recommend one ? eos O O O O O O O O O O O O O O N/A +bos do you have an area preference ? if not , i could recommend restaurant alimentum . it is moderately priced , popular and in the south . eos O O O O O O O O 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 O Restaurant-Request+Area +bos that 's fine . book me a table for 2 on thursday at 16:30 , if that does n't work try 15:30. i need a reference number . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O Restaurant-Request+Ref +bos i was able to book a table for two at 15:30 , your reference number is 8zm15rz8 . can i assist you with anything else ? 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 O O O O O O O O O general-reqmore +bos yes could you also help me find a nightclub to visit in the city center ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are 5 nightclubs located in the centre . i recommend the ballare , which has a 5 pound entrance fee . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area 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 N/A +bos awesome ... what is the postcode for the ballare ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode for ballare is cb23na . how else may i assist you today ? eos O O O O B-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos that is all thanks eos O O O O O general-thank +bos you 're welcome ! 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 general-welcome,general-bye +bos i am looking for a restaurant that servers modern european food . eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there are 5 restaurants that serve modern european food , all located in the centre area . did you have a particular 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 O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Price +bos the restaurant should be in the moderate price range . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos the riverside brasserie and de luca cucina and bar are both in the moderate price range . do you have a preference ? 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+Price O O O O O O O O O Restaurant-Select +bos can you give me the contact information for the riverside brasserie ? eos O O O O O O O O O O O O O N/A +bos certainly . they are located at doubletree by hilton cambridge granta place mill lane , phone number 01223259988. 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 I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone O O N/A +bos great , thank you . are there any 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 , actually ! is there a certain area you 'd like to check ? 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 check the centre , can i get the phone number , entrance fee , and postcode of 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,Attraction-Request+Fee +bos christ 's college is free . the phone number is 01223334900 and the postcode is cb23u . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O N/A +bos thank you . i would also 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 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 . eos O O O O O O O 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 will be departing from christ 's college and need to leave by 06:15 please . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Leave O O O N/A +bos thank you ! your car is a grey lexus and the contact number is 07248267753. 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 hi , i 'm looking for something to do in the centre of cambridge that would be entertainment based . eos O 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 O N/A +bos i 'm sorry , i have no entertainment listings in the city centre . would you like to try another area ? eos O O O O O O B-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O Attraction-Request+Area +bos could you find some interesting architecture then ? eos O O O O O O B-Attraction-Inform+Type O O N/A +bos there are five options . great saint mary 's church is a great option . 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 N/A +bos sounds great , can i have the phone number , entrance fee , and the postcode 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+Fee +bos great st mary 's church entrance fee is 2 pounds , their phone number is 01223350914 , and the post code is cb23pq . eos O O O O 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 also looking for a place to eat in the same area . eos O O O O O O O O O O O O O O O N/A +bos there are 69 restaurants in the city centre . is there a type of food or price range you would prefer ? 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 O O Restaurant-Request+Price,Restaurant-Request+Food +bos could you find me something moderately priced , please ? i 'm not picky about what it is . eos 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 the yipppee noodle bar serves asian food in the city centre and is moderately priced . would you like the address and phone number ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price O O O O O O O O O O O general-reqmore +bos that 's not necessary . i want to book a table for 1 person at 15:45 on saturday . 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 unfortunately that 's already been booked . would you like to try 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 how about 14:45 ? eos O O O B-Restaurant-Inform+Time O N/A +bos yes 14:45 works ! you table will be reserved for 15 minutes . your reference number is dg9tsiva . 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 O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos no that 's it , you 've been great , thank you ! eos O O O O O O O O O O O O O O general-thank +bos i 'm glad i was able to help . please call back if you have any more questions ! 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 am looking for a restaurant that serves mediterranean food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 3 choices do you want cheap or expensive ? i can book one for you if you 'd like . eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O O O O O O O O Booking-Inform +bos any in the town centre ? eos O O O O O O O N/A +bos yes , all 3 are in the town center . would the gardenia work for you ? eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Name O O O O O O N/A +bos i definitely want someplace expensive . does the gardenia fit that description ? eos O O O O O O O O O O O O O O N/A +bos no that 's the cheaper choice , la mimosa and shiraz restaurant are both in the expensive price range . 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+Choice O O B-Restaurant-Inform+Price O O O O O N/A +bos can you book a table for seven people on thursday at 15:00 ? eos O O O O O O O O O O B-Restaurant-Inform+Day O O O N/A +bos would you like a table at la mimosa or shiraz ? eos O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name N/A +bos i 'll try shiraz . eos O O O O O O N/A +bos i am sorry that was unsuccessful . would you like book another day or time ? eos 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 14:00 on the same day ? eos O O O B-Restaurant-Inform+Time O O O O O N/A +bos i can check on that for you . yes , i was able to get your reservation set up for 14:00 for 7 on thursday . your reference number is o8ha0msf . eos 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 B-Booking-Book+People B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O N/A +bos thanks . i 'd also like to find an interesting attraction in the same area as our 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 would you be interested in checking out some neat architecture ? there are lots of church 's in town , many of them are free to visit . 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 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 N/A +bos yes , one of those would be fun . can you get me their 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 Attraction-Request+Post,Attraction-Request+Phone +bos alright , the address to the holy trinity church is market street , postcode cb23nz , phone number 01223355397 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+Post O O B-Attraction-Inform+Phone O O O N/A +bos that sounds like a great suggestion . thank you for your help today . bye . eos O O O O O O O O O O O O O O O O O general-bye +bos can i assist you with anything else or will that be all for you today ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos do you know of any places in the south that serve italian 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 we have pizza hut cherry hinton which is moderately priced or frankie and bennys which is expensive . would you like me to book one of those ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform,Restaurant-Select +bos sure , lets go with frankie and bennys . eos O O O O O O O O O O N/A +bos alright , i will need to know how many people are in your party , and what time/day you would like to book 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+Day,Booking-Request+Time,Booking-Request+People +bos i need a table for eight at 15:30 on sunday . eos O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos alright , i have a table for 8 booked at 15:30 on saturday . your reference number is 12263fx1 . eos 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 N/A +bos can you also give me the name of a theatre that is also in the south part 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 N/A +bos the junction theatre is in the south area . would you like the phone number ? eos O O B-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 general-reqmore +bos no , but the address would be nice . eos O O O O O O O O O O Attraction-Request+Addr +bos sure , the junction theatre is on clifton way . eos 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 N/A +bos great , thank you . could you help with booking a taxi ? eos O O O O O O O O O O O O O O Taxi-Inform +bos i certainly can when and where will you be leaving 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 Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest +bos i 'd like a taxi from junction theatre to our restaurant . please make sure it will arrive in time for our reservations . 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 N/A +bos i have booked you a taxi that will pick you up at 15:00. the car type booked is a grey skoda and the contact number is 07952875900. eos O O O O 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 B-Taxi-Inform+Phone N/A +bos i think that 's all i need for 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 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 'm looking to go to 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 O N/A +bos i have about 13 different options . most offer free entrance but there are a few that charge . do you prefer one 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 O O O O O N/A +bos if you could give me the postcode , phone number and entrance fee of the first one on the list that 'll work . 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos christ 's college on st. andrew 's street is free , the postcode is cb23bu and their phone number is 01223334900. can i help with anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Fee 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 general-reqmore +bos that 's all the information that i needed . thank you ! eos O 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-bye +bos can you set up a taxi to loch fyne from hakka for me ? eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Depart 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 actually need to leave after 23:00 eos O O O O O O O B-Taxi-Inform+Leave N/A +bos i 've just booked a taxi for you , 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 Taxi-Inform,general-reqmore +bos yes i need the car type and contact number . eos O O O O O O O O O O O Taxi-Request+Car +bos ok it 's a white volvo and the contact number is 07915907755. eos 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 got it , thanks . goodbye . eos O O O O O O O O general-bye +bos thanks for using the cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye +bos can i find a train to peterborough departing from cambridge eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart N/A +bos are you interested in train tr9859 which leaves friday by 5:06 and arrives by 5:56 ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O N/A +bos the train should leave on thursday and should arrive by 15:15. so thyat one may not help me eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos tr5146 will arrive by 14:56 in peterborough on thursday , would you like to book a seat ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O Train-OfferBook +bos no that wo n't be necessary , could you just let me know what the departure time is 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 Train-Request+Leave +bos it departs at 14:06. eos O O O O B-Train-Inform+Leave N/A +bos that 's very helpful . thanks ! that is all i need . eos O O O O O O O O O O O O O O general-thank +bos thanks for contacting us . please let us know if we can help you 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 'm looking for a park 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 i have 2 parks to choose from . both are free to get in . there is sheep 's green and lammas land park and wandlebury country park . which do you prefer ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Fee 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 Attraction-Select +bos what 's the address for wandlebury ? may i have their phone number , too ? 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 Attraction-Request+Phone,Attraction-Request+Addr +bos wandlebury country park is located on the wandlebury ring , gog magog hills , in babraham . their phone number is 01223243830. is there anything else i can assist you with today ? eos O B-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 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 , you 've answered all of my questions . 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 . enjoy your time at wandlebury ! eos O O O O O O O O O O O general-bye +bos yes , i 'm looking for an expensive hotel to stay at , can you help me ? eos 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 is there a specific side of town you 'd like to be on ? eos 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 city centre . also , i would need free parking . eos O B-Hotel-Inform+Parking 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 you have the gonville hotel or the university arms to choose from . the gonville is a 3 star hotel while the university arms is 4 star . 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 O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O N/A +bos are both hotels or are they guest houses ? eos O O O B-Hotel-Inform+Type O O O O O O N/A +bos they are both hotels . would you like for me to book one of these hotels for you ? eos O O O B-Hotel-Inform+Choice B-Hotel-Select+Type O O O O O O O O O O O O O O O Booking-Inform +bos yes . i would like to stay at university arms for 2 people , for 2 nights , starting from friday . 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 O O O 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 that 's too bad . would you be able to find me a different hotel in the same 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 N/A +bos i 'm sorry , i was unable to find a different hotel that matches your criteria and the availability that you wanted . eos 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 thats disappointing , thank you andgoodbye . eos O O O O O O O O general-bye +bos hold on , i forgot about the gonville hotel i mentioned earlier . i got you a room . your reference number is : b01g0b4w . can i do 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-Recommend+Name 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 good day , thank you for using us , if you need anything else let is know . 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 a particular restaurant . its name is called royal standard 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 royal standard is located at 290 mill road city centre . would you like to know more about the restaurant ? 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 general-reqmore +bos i 'd like to book for 1 person at 1145 on thursday please eos O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O N/A +bos sorry , looks like there 's no availability . want 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 Booking-NoBook,Booking-Inform +bos what about we try booking for friday ? eos O O O O O O O B-Restaurant-Inform+Day O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : pj7x1nhs . 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 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 . eos O O O O O O O O general-bye +bos i am looking for a particular hotel . its name is 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 city centre north b and b is a guesthouse in the north and is in the cheap price range . would you like me to make you a reservation ? 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 I-Hotel-Inform+Name 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 O O O O Booking-Inform +bos yes please . i need reservations for eight people starting this wednesday and we need it for three nights . eos 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 'm sorry . the booking was unsuccessful . do you want to change the number of nights or the starting 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+Day,Booking-Request+Stay +bos could you start the booking on saturday ? eos O O O O O O O B-Hotel-Inform+Day O N/A +bos booking was successful.reference number is : ka34quwb . eos O O O O O O O B-Booking-Book+Ref 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 thank you goodbye eos O O O O general-bye +bos i am wanting to book a taxi . i am going to sitar tandoori and want to leave after 19:30. eos 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 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 going to sitar tandoori . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos i 'm sorry . i meant to ask where are you departing from ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i am departing from la tasca . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos i 've booked a grey bmw , the contact number is 07618837066. eos 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 thanks so much 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 find a hospital here in town . eos O O O O O O O O O O O Hospital-Inform +bos i have the addenbrookes hospital on hills road in cambridge . does that work ? eos O O O O O O O O O O O O O O O O N/A +bos it does may i please have the postcode and phone number ? eos O O O O O O O O O O O O O Hospital-Request+Post +bos of course ! the postcode is cb20qq and you can reach the main hospital at 01223245151. was there a specific department 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 O O O O O N/A +bos no , thanks , just the general info is fine . eos O O O O O O O O O O O O general-thank +bos the postcode is cb20qq and you can reach the main hospital at 01223245151. do 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 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 . please call us again if you have further needs . goodbye . eos 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 hospital in town eos O O O O O O O O O Hospital-Inform +bos i have the addenbrookes hospital on hills road in cambridge . their phone number is 01223245151. eos O O O O O O O O O O O O O O O O O N/A +bos thank you , can i also get the postcode ? eos O O O O O O O O O O O Hospital-Request+Post +bos the postcode cb20qq . eos 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 general-thank +bos thank you for using our services . eos O O O O O O O O general-welcome +bos i am injured and are looking for a hospital nearby eos O O O O O O O O O O O Hospital-Inform +bos the addenbrookes hospital is nearby on hills rd . can i call the emergency department for you at 01223217118 ? 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 that hospital will be fine , do you have the address and postcode for that hospital ? eos 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 addenbrookes hospital is located at hills rd , cambridge , postcode cb20qq . 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 O O O O N/A +bos no . that 's all the information i was looking for today . thanks . eos 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 would be all . good bye . eos O O O O O O O O O O O general-bye +bos have a wonderful day , good bye . eos O O O O O O O O O general-bye +bos can you book a taxi for 13:45 from the royal spice . eos O O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos okay , what is your destination ? eos O O O O O O O O Taxi-Request+Dest +bos i 'm going to kirkwood house . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos your car is a grey volvo , contact number is 07541606356. 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 very much ! eos O O O O O O general-thank +bos of course . i 'm glad we could help . eos O O O O O O O O O O O general-welcome,general-bye +bos hi there . i want to come into the cambridge area and thought of an airplane but its is extremely costly . i am wondering about a train instead . 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 O O O O O O O O O O N/A +bos we have dozens of trains into cambridge every day . where will you be coming from , 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 Train-Request+Depart,Train-Request+Day +bos i 'll be coming in from broxbourne on sunday . i want to arrive by 19:30. can you help me ? 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 O N/A +bos i have 5 trains leaving broxbourne heading towards cambridge . do you have an arrival time ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O Train-Request+Arrive +bos yes , 19:30 like i said previously . i will need 2 tickets . eos O O B-Train-Inform+Arrive O O O O O O O O B-Train-Inform+People 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 i want to leave at 19:30 and need two tickets . please send me the reference number and telephone number to the train company . 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 Train-Request+Ref,Hotel-Request+Phone +bos is there a certain time you need to arrive by . i have several options . eos 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 19:30. eos O O O O O O B-Train-Inform+Arrive N/A +bos i 'm sorry but just to clarify . are you hoping to leave or arrive by 19:30 ? 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 +bos i would like to arrive in broxbourne from cambridge by 19:30. eos O O O O O O O O O O O O N/A +bos i havea train that arrives at 18:32 should i book this for you ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , please . can you book me for 2 tickets ? eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos done ! your reference number is 7vr15fz8 . the tickets come to 28.64 pounds , payable at the station . can i help you with anything else ? 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 yes please . i need to find a hotel on the north end of town . an expensive hotel . eos 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 N/A +bos unfortunately , there are no expensive hotels in the north . do you want another area or a different price range ? eos O 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 O O Hotel-Request+Price,Hotel-Request+Area +bos yeah , moderate would be okay as well . eos O O B-Hotel-Inform+Price O O O O O O O N/A +bos do you have a star preference ? eos O O O O O O O O Hotel-Request+Stars +bos yes , it should have four stars . eos O O O O O O O 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 that will be fine . eos 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 just need you to get 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 ok , phone number is 01223353888 , postal is cb41da , can i assist with anything else ? eos O O O O O B-Hotel-Inform+Phone O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore +bos no thats all thanks eos O O O O O general-thank +bos no problem , have a great day . eos O O O O O O O O O general-bye +bos what trains leave friday from bishops stortford ? eos O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos i have ten train departures fitting this criteria . each leaves on friday on the :29 of the hour from 05:29 to 23:29. would you like me to book one of these ? eos O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Day I-Train-Inform+Day 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-OfferBook +bos i need to arrive in cambridge by 11:15 which one would work best ? eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A +bos the tr3450 leaves at 07:29 from bishops stortford and arrives in cambridge by 08:07. is that okay ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Leave O B-Train-OfferBook+Depart I-Train-OfferBook+Depart O O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest B-Train-OfferBook+Arrive O O O O N/A +bos how much is the ticket ? eos O O O O O O O N/A +bos tickets on this train are 10.10 gbp each . eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos great . can i also get a restaurant in the centre of town in the moderate price range ? eos 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 Train-Request+Price +bos there are twenty-one moderately-priced restaurants located in the centre of town . would you like me to make you reservations at one of them ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price 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 O O Booking-Inform +bos yes please . i will need a table for 6 at 18:15 on friday . 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 to dine at the cow pizza kitchen and bar . the table will be reserved for 15 minutes . your reference number is 3v4cilv4 . is there anything else needed ? 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 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 very much for your help . eos O O O O O O O O O O O general-thank +bos you 're quite welcome . have a great day ! eos O O O O O O O O O O O general-welcome,general-bye +bos hello , what places to go could you recommend 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 were you interested in any type of place like a museum or architecture ? eos O O O O O O O O O O O O O O O Attraction-Request+Type +bos i am interested in the cinema . what are my choices ? i 'll need phone number and entrance fee information . 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 Attraction-Request+Phone,Attraction-Request+Fee +bos okay , vue cinema is in the centre and their phone number is 08712240240. i do not have the entrance fee available . 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 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 N/A +bos thank you . can you find out some information on the oak bistro for me as well ? 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 N/A +bos oak bistro is a british restaurant in the centre of town . it 's not too expensive , and is fairly close to the cinema . would you like me to book a table ? 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 B-Restaurant-Inform+Price I-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 O O O O O Booking-Inform +bos sounds perfect . can you please book a table for 8 on sunday at 16:15 ? 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 N/A +bos i have booked your table of 8 for sunday at 16:15. your reference number is : qa3c5jw0 . can i assist you with anything else ? 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 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 this service goodbye eos O O O O O O O O general-bye +bos i 've got a hankering for some spanish food - is there anywhere good in the centre of town ? eos 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 N/A +bos there are two - la tasca is moderately priced and la raza is on the cheap side . do either of those meet your needs ? 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Restaurant-Select +bos i do n't have a preference really . can you book me a table for 8 at one of them ? we would like to eat there 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 N/A +bos i would be happy to . do you have a specific time in mind ? eos O O O O O O O O O O O O O O O O Booking-Request+Time +bos 11:15 would be perfect . eos O B-Restaurant-Inform+Time O O O O N/A +bos sorry , they were both booked . 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos how about 10:15 instead ? eos O O O B-Restaurant-Inform+Time O O N/A +bos i was able to get you a table at 10:15. ref # lpydmtdi . can i help with anything else today ? eos O O O O O O O O O O B-Booking-Book+Time O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos can you find a train arriving by 10:00 tuesday from cambridge to norwich ? eos O O O O O O O O B-Train-Inform+Arrive B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos sure ! tr0627 seems to fit your needs . it arrives at 09:55 , but there are a few options that are earlier , too . eos O O O B-Train-Inform+Id O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O N/A +bos that would work for me . can you book me 8 tickets please ? 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 book 8 seats for you . the total fee is 140.8 pounds and the reference number is hyprvmoq . 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 N/A +bos thanks alot . thanks for all your help . bye . eos O O O O O O O O O O O O general-bye +bos your welcome . goodbye . eos O O O O O O general-welcome,general-bye +bos can you help me find information on the gonville hotel ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos that is a great 3 star hotel . it is expensive , but beautiful . what would you like to know ? eos O O O O 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 O O O general-reqmore +bos i want to book it for 5 nights eos O O O O O O O O B-Hotel-Inform+Stay N/A +bos okay , what day would you like me to make the reservation for 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+Day,Booking-Request+People +bos book it starting from friday and it will be for 4 people and i 'll also need the reference number . we also need to find a place to eat . eos 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 O O O O O O O O O O O N/A +bos thee booking was successful and your reference number is wzjw5hia . eos O O O O O O O O O O O B-Booking-Book+Ref N/A +bos something classy nearby for dinner , preferably italian or indian cuisine ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are many indian restaurants . were you wanting something expensive ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Request+Price +bos yes i 'd like one in the expensive range . if there 's more than one whichever you recommend will be fine . eos 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 N/A +bos i would recommend panahar , it is an expensive indian restaurant at 8 norfolk street . eos O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A +bos okay i need a reservation for friday , 4 people at 14:15. can you please include the reference number ? eos O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O O O O O N/A +bos i have managed to book your table for 4 on friday . your reference number is : vhqupaxi . 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+Day 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 very much eos O O O O O general-thank +bos it was my pleasure . feel free 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 'm in search of a place to stay . a hotel , please , with 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 N/A +bos yes there are many , can i get the area and price range you are looking for in the hotel ? 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 it would be great if it included wifi and was in the north . eos O O O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos i show 2 hotels that meet that criteria . would you like more details on them ? 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 yes please , parking and wifi and car rental . eos O O B-Hotel-Inform+Internet O O O O O O O O N/A +bos both hotels have parking and wifi , would you like to book one ? 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes . i need the reference number too eos O O O O O O O O O Hotel-Request+Ref +bos please tell me the day you will be checking in , how many people and how many nights ? 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+Stay,Booking-Request+Day +bos friday , 5 nights , beginning this friday . eos O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O O O O O N/A +bos i also need to know the number of people staying please . eos O O O O O O O O O O O O O Booking-Request+People +bos there will be 3 people . eos O O O O O B-Hotel-Inform+People O N/A +bos the ashley hotel 's book was unsuccessful . would you like me to try lovell lodge ? eos O O B-Booking-NoBook+Name I-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O N/A +bos yes , as long as it 's in the same price range . eos O O O O O O O O O O O O O O N/A +bos the lovell lodge is in the same price range , and i was able to book that for you . ref # t03205pr . can i help you with anything else today ? 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 I-Hotel-Inform+Price 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 that is everything , thank you . eos O O O O O O O O general-thank +bos sure . enjoy your stay , goodbye ! eos O O O O O O O O O general-bye +bos i need a train to peterborough from cambridge on sunday . eos 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 many trains , beginning at 05:19 , do you have a time preference ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Request+Leave +bos i would like to leave after 18:15 please . eos O O O O O O O B-Train-Inform+Leave 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 , thank you . i just need the train id and price of the ticket . 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 train tr6662 leaves at 18:19 and the price is 13.20 pounds . is there anything else i can do for you today ? eos O O B-Train-Inform+Id 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 O O general-reqmore +bos no thanks that is all i need . thanks for the assistance . eos O O O O O O O O O O O O O O general-thank +bos thanks too for choosing us eos O O O O O O general-greet +bos thank you and goodbye . eos O O O O O O general-bye +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 are there any expensive restaurants in the north ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos i have 5 expensive restaurants in the north . would you like french , european , chinese or asian oriental 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 O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos could i get the phone number and postcode for the european one ? 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 sure , it 's city stop restaurant . their postcode is cb41uy , and their phone number is 01223363270. did you want to make a reservation ? eos O O O B-Restaurant-Inform+Name I-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 O O Booking-Inform +bos no thank you . i 'm also looking for a swimming pool , can you recommend one ? eos O O O O O O O O O O O O O O O O O O O general-thank +bos sure let 's have you go to the jesus green outdoor pool , it 's in the north and they 're between victoria road and the river . 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 O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O N/A +bos okay , thank you ! what is their phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223302579 and they are located between victoria road and the river . is there anything else i can help you with today ? eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone 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 O O O O O O O general-reqmore +bos no , that 'll be it , thank you ! eos O O O O O O O O O O O general-thank +bos thank yopu for usding this service eos O O O O O O O general-bye +bos can you help me find a guesthouse that has 4 stars ? eos O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O N/A +bos of course i would be pleased to help you with that . i have several options available , are you looking for a specific price range or location ? 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 O O O O O O O O general-welcome,Hotel-Request+Area,Hotel-Request+Price +bos somewhere in cambridge , but i do n't have a particular price range at this time . 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 aylesbray lodge guest house ? it 's in the south and has free wifi and free parking . great deal ! 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+Area O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,general-welcome +bos that would be fine . i 'll need to book it on saturday for 5 nights and 3 people . eos O O 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 N/A +bos i 've booked the lodge for you on saturday for five nights and three people . your reference is n7xg665b . anything else ? eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Stay O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i could use some train information on a trip to birmingham new 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 N/A +bos sure , what is your departure information ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Depart +bos i 'm departing from cambridge . i do need to arrive by 17:45 though . eos 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 no thank you . i just need the departure time . eos O O O O O O O O O O O O Train-Request+Leave +bos what day were you looking to travel ? eos O O O O O O O O O Train-Request+Day +bos oh , silly me . thursday , please . eos O O O O B-Train-Inform+Day O O O O O N/A +bos tr8126 would leave at 15:01 and arrive at 17:44. eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive 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 thank you for using our service ! eos O O O O O O O O general-bye +bos i am looking for a restaurant that is moderately priced and served british food . eos 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 what part of area would you like to visit ? eos O O O O O O O O O O O Restaurant-Request+Area +bos how about the center ? i need a reservation for 8 people at 14:15 on a friday . eos 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 is one of several restaurants that match your description . would you like me to book a table there for that time ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Booking-Inform +bos yes , that would be fine . is there a table for 8 available ? eos O O O O O O O O O O O O O B-Restaurant-Inform+People O O N/A +bos i 'd be happy to make your reservation . what time and day would you like that for ? 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+Day +bos friday at 14:15. eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos they do not have a table for 8 available at 14:15 friday . would you like to try for 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 O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos can you try to book it for 13:15 ? eos O O O O O O O O B-Restaurant-Inform+Time O N/A +bos that time worked , your reservation was successful and your reference number is x4u272ec . 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 no , that 's all i needed . thanks for your help ! eos O O O O O O O O O O O O O O general-thank +bos excellent . have a good one ! eos O O O O O O O O general-bye +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 O B-Train-Inform+Day O O O O B-Train-Inform+Depart O N/A +bos where are you traveling to ? eos O O O O O O O Train-Request+Dest +bos i am going to kings lynn eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A +bos do you need to arrive or depart by a specific time ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos it should arrive by 09:45. eos O O O O O B-Train-Inform+Arrive N/A +bos tr4689 is your best bet . it will arrive at 8:58. would you like me to book some tickets for you ? 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 O O Train-OfferBook +bos what time does it depart ? eos O O O O O O O N/A +bos it departs at 8:11. eos O O O O B-Train-Inform+Depart 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 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 looking for some info on india house eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos india house is a restaurant located at 31 newnham road newnham on the west side of town . is this the place you are referring to ? eos O B-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 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 N/A +bos that sounds right . could you reserve a table for 6 at 18:00 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 N/A +bos i apologize but the booking was unsuccessful . 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos can you try for 17:00 instead ? eos O O O O O B-Restaurant-Inform+Time O O N/A +bos booking was successful for that time ! your table will be reserved for 15 minutes . here is your reference number : 6bci3xf8 . 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 N/A +bos great ! thanks for your help , that 's all i need . eos O O 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-bye +bos know any good bites around here ? eos O O O O O O O O N/A +bos i have a wide range of places i can recommend . first , why do n't i ask if there is an area in the city that you prefer to dine in ? eos O O O O B-Restaurant-Recommend+Choice I-Restaurant-Recommend+Choice I-Restaurant-Recommend+Choice I-Restaurant-Recommend+Choice I-Restaurant-Recommend+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 Restaurant-Request+Area +bos i would like to dine in the south , preferably chinese and expensive . eos O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O N/A +bos we have two in that area . there is `` peking restaurant '' and `` the good luck chinese food takeaway '' . would you like to book a table at one of these options ? 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 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,Restaurant-Select +bos can i just get the address for the peking restaurant ? eos O O O O O O O O O O O O Restaurant-Request+Addr +bos absolutely - the peking restaurant is located at 10 homerton street city centre , cb28nx . can i help with anything else today ? 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore +bos nope , that 'll do it . i 'm going to go eat ! 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 N/A +bos great . enjoy your meal ! goodbye . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for a train that leaves on saturday 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 where are you departing from ? eos O O O O O O O Train-Request+Depart +bos i am leaving broxbourne and need to be in cambridge by 10:30. eos O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive N/A +bos we have 4 such entries . do you have a time you 'd like to arrive by more specifically ? 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 +bos 10:30 is the time i want to arrive by . no later than that , please . i have prior obligations i need to meet . eos O O O O O O 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 on tr9384 , leaving broxbourne at 8:32 and arriving in cambridge at 9:32. how many people will you need tickets for ? eos O O O O O O B-Train-OfferBook+Id O 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 O O O O O Train-Request+People +bos oh , that 's all right . no need to reserve my ticket . but i do need 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 Train-Request+Duration +bos your travel time is 60 minutes . is there anything else that 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 O general-reqmore +bos i 'm also looking for a particular hotel - hobsons house . can you help me with this ? 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 O O N/A +bos is there a particular room that you would be interested in staying ? we currently have 1 guesthouse available . 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 what is the rate for that ? eos O O O O O O O O N/A +bos unfortunately , i do not have that information , would you like the phone number for hobsons house to check the rates ? eos 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 , i 'm sure it 's just fine . could you book a stay for eight , starting that same 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 N/A +bos are you wanting a stay for 8 days or 8 people ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos 8 people for 5 nights please . eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A +bos the reference number is thf8s490 eos O O O O O B-Booking-Book+Ref N/A +bos thank you for all of your help . that is all i need right now . bye . eos 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 . have a wonderful 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 dine . the restaurant should serve japanese food and should be in the centre . eos 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 O O N/A +bos there is one restaurant called wagamama that fits your needs . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos i 'd like somewhere expensive , is it ? eos O O O O B-Restaurant-Inform+Price O O O O O N/A +bos yes it is . eos O O O O O N/A +bos then that will be good . i need a reservation for 4 on friday night please . eos 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 what time would you like to dine ? eos O O O O O O O O O Booking-Request+Time +bos i 'd like to eat at 17:30 eos 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 : ffaib546 . can i be of any other assistance 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 that is it , thank you . eos O O O O O O O O general-thank +bos we appreciate you using our services . eos O O O O O O O O general-bye +bos i am looking for a restaurant called galleria . eos O O O O O O O O B-Restaurant-Inform+Name O N/A +bos i 've found galleria , it is located at 33 bridge street in town centre . would you like to make a reservation ? eos O O O B-Restaurant-Inform+Name O O O O O B-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 yes ! i 'd like a reservation for this sunday at 16:45 for three people . eos 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 'm sorry , but that time and day is unavailable . would you like to try another day and/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+Day,Booking-Request+Time +bos would it be possible to book the same restaurant at 15:45 ? eos O O O O O O O O O O O B-Restaurant-Inform+Time O N/A +bos i have made the reservation for 3 for sunday at 15:45 at galleria . your reference number is duy4h6wy . 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+Day O B-Booking-Book+Time O B-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 yes . i would also like to take a train on sunday arriving by 09:45. can you help me with that ? eos O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O O O O O O O O N/A +bos where are you traveling to and from ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos departure is peterborough and arrival is cambridge . eos O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos there are 8 trains . the latest one that would get you there on time leaves at 8:48 and arrives 9:38. would you like me to book 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 B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook +bos please give me travel time and the price , please . eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos the travel time is 50 minutes and it costs 13.20 pounds . 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 N/A +bos thank you very much for all of your help . eos O O O O O O O O O O O general-thank +bos okay you are welcome ! thank you for calling . eos O O O O O O O O O O O general-welcome +bos i am looking for a moderately priced hotel that has free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos no problem . we have 17 such candidates . do you want to specify further ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O general-greet +bos i am looking for a hotel in the west and it does n't need to have free parking . eos 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 no hotels in the west , moderately priced with internet . would you like to braoden your search ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O O O O Hotel-NoOffer+Internet +bos let 's try for one in the north area instead . eos O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos the only thing available in the north is a guesthouse with the internet moderately priced with 4 stars . eos O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Stars O Hotel-Inform+Internet +bos that 's fine . i would like to book it for 3 people for 5 nights starting on tuesday . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O B-Train-Inform+Day O O O N/A +bos i appreciate your help . thank you eos O O O O O O O O N/A +bos what was the name of the hotel please ? eos O O O O O O O O O O Hotel-Inform +bos there actually is a moderately priced place in the west with free wi-fi . it is a guesthouse called hobson 's house . would you like me to make a booking for you ? eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Area 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 O O Booking-Inform,Hotel-Inform+Internet +bos yes please . can i get the reference number too ? eos O O O O O O O O O O O O N/A +bos the booking was unsuccessful . may i book you 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+Day,Booking-Request+Stay +bos how about for 3 days ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos yes , indeed ! i can make a booking for three people for three days . the reference number for that booking is 463s05xe . eos O O O O O O O O O B-Booking-Book+People O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos thank you very much ! can you also help me find a train ? i am looking for one that leaves from cambridge after 11:00 and goes to kings lynn on friday . 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 B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O N/A +bos there are 13 possibilities . every ride is 47 minutes and the cost is the same . is there a certain time you 'd like to arrive ? eos O O O O B-Train-Inform+Choice 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 O O O Train-Request+Arrive +bos i 'll take the train that is closet to 11:00 please . eos O O O O O O O O O B-Train-Inform+Leave O O O N/A +bos there is one leaving at 11:11. how many tickets do you need ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Leave O O O O O O O Train-Request+People +bos i need tickets for 3 people . eos O O O O O O B-Train-Inform+People O N/A +bos booking was successful , the total fee is 29.4 gbp payable at the station . reference number is : rq12eqa0 . 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 ! that 's everything 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 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 train to cambridge on friday that departs after 14:30. eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos i 'm sorry , but can you please restate your requirements for the train ? eos O O O O O O O O O O O O O O O O N/A +bos yes , i need a train from cambridge to kings lynn on friday . i 'll be traveling after 14:30. eos 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 O B-Train-Inform+Leave O O O N/A +bos tr3057 will be departing cambridge at 15:11 on friday , arriving kings lynn by 15:58. would you like to reserve a seat for this train ? eos O B-Train-Inform+Id O O O B-Train-Inform+Depart O B-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Day O B-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 i would like to book it for 6 people please . eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos that is 6 tickets at 9.80 pounds each for a total of 58.8 gbp . your reference number is q1ulpr62 . can i help you with anything else today eos O O O O O B-Train-OfferBooked+People 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 O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos yes , i am also looking for information on a restaurant called tang chinese . 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 yes that is a expensive chinese place located in the centre . did you need the address or phone number ? eos 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 Restaurant-Request+Area +bos can you book me a table for 6 on friday at 11: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 your table for six on friday is reserved , and your confirmation number is fz5b6dz5 . eos O O O O O B-Booking-Book+People B-Booking-Book+Day O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you so much for all of your help . that is 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 glad to be of service . thank you for using cambridge towninfo centre today ! eos 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 train departing 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 absolutely . what day do you need to get to cambridge , and at what time ? eos O O O O O O O O O O B-Train-Inform+Dest O O O O O O O Train-Request+Arrive,Train-Request+Day +bos train should arrive by 21:00 and should leave on tuesday eos O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day N/A +bos there are trains that meet those requirements leaving once an hour starting at 05:40. eos O O O O O O O O O O O O O O B-Train-Inform+Leave N/A +bos can you assist me with booking one ? eos O O O O O O O O O N/A +bos lets narrow down the time a little , the tr 3802 leaves at 17.40 and arrives at 20.23 so that gives you a little extra time , would you like me to book you ? eos O O O O O 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 O O O O O O O Train-OfferBook +bos that would be great . i also would like to book a guesthouse for my stay . 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 okay , great . you have a lot of options . would you like to narrow it down by area , price range , or stars ? eos O O O O 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 +bos yes . it should have 2 stars and include free wifi . eos O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos i do not have any in that star range . shall 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 maybe a star rating of 3 would be good . is there anything available ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos yes when were you planning your stay and for how many people ? eos O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos i need the reservation to be for 2 people and 2 nights please . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos okay ! starting when ? eos O O O O O O Booking-Request+Day +bos on tuesday please . eos O O B-Hotel-Inform+Day O O N/A +bos i 've booked your room for two at hamilton lodge . you 'll be staying for 2 nights beginning tuesday . your reference number is 3nt2b4sp . can i help you find anything else today ? eos O O O O O O O B-Booking-Book+People B-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 O O O general-reqmore +bos thanks , that is all i 'll need today . 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 hi , i 'd like to find a moderately priced steakhouse . eos O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos sorry , i ca n't find any steakhouses . would you be interested in moderately priced british cuisine instead ? eos O O O O O O B-Restaurant-NoOffer+Food O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O N/A +bos how about in the centre ? eos O O O O O B-Restaurant-Inform+Area O N/A +bos i apologize , i ca n't find any in the centre either . eos O O O O O O O O O O O O O O N/A +bos how about spanish food then ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos la tasca meets your standards . would you like to book this restaurant ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform +bos no thank you . can i have the phone number for it though ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number for la tasca is 01223464630. anything else ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone O O O general-reqmore +bos that 's all the information i needed today , thank you . eos O O O O O O O O O O O O O general-thank +bos you 're welcome . it was a pleasure to help . have a nice 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 'd like to find a train that will arrive in cambridge by 19:30. eos 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 found several trains for you ! where would you be departing from ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Depart +bos norwich on tuesday . eos O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr2175 will arrive in cambridge at 18:35. would you like tickets on that train ? 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 i 'd like to book that train for 8 people and also need the 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 Train-Request+Ref +bos booking was successful ! your reference number is plbfmns9 . eos O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos could you tell me some of the places to go in town ? college-like eos O O O O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos there are 18 of them both free and with fees . is there a specific area you 'd prefer ? eos O O O O B-Attraction-Inform+Choice 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 Attraction-Request+Area +bos no preference . would you recommend one ? eos O O O O O O O O O N/A +bos i can , but to narrow it down more ... were you looking to pay fees 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 Attraction-Request+Price +bos yes . please let me know the area and the entrance fees . thanks for your help ! 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 +bos i would recommend clare college , the entrance fee is 2.50 pounds . is there anything else that i can help you with ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 general-reqmore +bos what part of town is it located ? eos O O O O O O O O O N/A +bos it is located in the west . is there anything else i can do for you ? 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 thank you , but that is all . eos O O O O O O O O O general-thank +bos you are 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 am looking for a restaurant in the centre serving modern european food . eos O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i found 4 that you might be interested in . what type of price are you 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 Restaurant-Request+Price +bos i do n't have a preference on price , but how about expensive ? eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there is one restaurant that is considered expensive and it is darrys cookhouse and wine shop . would you like to book a table there ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price 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 Booking-Inform +bos no that wo n't be necessary . i just need the phone number 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+Phone +bos the phone number for darrys cookhouse and wine shop is 01223505015 and their postcode is cb11ln . is there anything else i can help you with today ? 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+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 no thanks . that did it . i appreciate the help . goodbye ! eos O O O O O O O O O O O O O O O N/A +bos happy to help . goodbye . eos 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 when would you like to leave ? eos O O O O O O O O Taxi-Request+Leave +bos i need to arrive by 13:00. it does n't matter what time i leave . eos O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O N/A +bos okay , and where are your departure and destination locations ? eos O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i want to go to the lensfield hotel and depart from the fez club . could you please give me the contact number and car type of the driver ? eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 Taxi-Request+Car +bos you are scheduled for a yellow toyota . contact number : 07205440226. 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos no , that will be all . thank you very much for your time . 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 good time ! eos O O O O O O O O O O O O O O general-bye +bos yes , i need a place to stay that is expensive , and is a hotel please . eos O O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Type O O O O N/A +bos i have 5 different hotels that meet your needs . is there a certain area you prefer 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 Hotel-Request+Area +bos not really . do all of them include free parking ? eos O O O O O O O O O O O O N/A +bos yes , all of these hotels include parking . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O Hotel-Inform+Parking +bos can you please book one for me ? i would also like the star of the hotel , the postcode , and the phone number please . 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 Hotel-Request+Post,Hotel-Request+Phone +bos i would be happy to book a room for you . i need to know when you plan to arrive , 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 O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People,Booking-Inform +bos my mistake , no booking needed . i just require the hotel 's name , the star of the hotel , its postcode , and also its 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 O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos the gonville hotel is located at gonville place . the phone number is 01223366611 and the postcode is cb11ly . it is a 3 star hotel . 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 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 N/A +bos thank you . i also need a train from broxbourne to cambridge on monday . i need to arrive in cambridge by 16:30. 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 O B-Train-Inform+Arrive N/A +bos i have a train that arrives in cambridge at 13:32. all other trains arrive after 14:30. 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 O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos what was the departure time ? eos O O O O O O O Train-Request+Leave +bos the departure time for the tr0354 train is 12:32 , it then arrives at 13:32. eos O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive 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 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 would like to leave cambridge on sunday . can you check on trains for me ? 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 sure , i can check on 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 O O Train-Request+Dest +bos i would like to go to bishops stortford . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos and at what time 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 would like to arrive by 18:15. eos O O O O O O O B-Train-Inform+Arrive N/A +bos there are 7 trains leaving cambridge that can have you there by 18:15. they leave bishops stortford starting at 05:29 and leave every 2 hours after that . eos O O O O B-Train-Inform+Choice O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O N/A +bos i 'd like the earliest and need the train id and travel time please . i 'm also looking for an expensive indian restaurant , what options are there ? eos 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 O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos tr6572 is the earliest train leaving at 05:29. i found many indian restaurants . is there a specific area you would like to be in ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O B-Train-Inform+Leave 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 Restaurant-Request+Area +bos not a specific area , just enough for the restaurant to hold 7 people . eos O O O O O O O O O O O O O B-Restaurant-Inform+People O O N/A +bos curry garden is very nice . they 're an expensive indian restaurant in the city centre . can i make you a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O 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 O O O O O O Booking-Inform +bos yes , that would be great . can you book me a table for 7 people on sunday at 13:00 ? 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 N/A +bos your table at curry garden has been reserved and will be held for 15 minutes past the reservation time . the reference number is 6x4b5f77 . need anything else 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 O O O O O O B-Booking-Book+Ref 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 you are so welcome . have a great day and enjoy cambridge ! eos O O O O O O O O O O O O O O general-welcome +bos i need a place to stay in the north of town . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos okay , we can help you with that . do you have a price range ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos moderate would work best for my budget , thanks for asking . eos O B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos i can book you a room at acorn guest house . eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O N/A +bos do they have free wifi ? eos O O O O O O O N/A +bos yes most of them do eos O O O O O O Hotel-Inform+Internet +bos can you give me the address and post code ? eos O O O O O O O O O O O Hotel-Request+Post +bos it is situated in 154 chesterton road , cb41da eos O O O O O O O O B-Hotel-Inform+Addr O N/A +bos thank you . can you also find a an attraction called cineworld cinema ? eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos cineworld is a cinema on cambridge leisure park , clifton way . what would you like to know about it ? eos O B-Attraction-Inform+Name O O B-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 O O general-reqmore +bos what 's their phone number ? eos O O O O O O O Attraction-Request+Phone +bos their phone number is 00872208000. can i hlep 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 . thanks for your help . bye . eos O O O O O O O O O O O O general-bye +bos you 're welcome , have a great day . farewell eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a moderately priced resturant in the centre 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 i found 21 restaurants available , do you have a type of food you would 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+Food +bos i would like lebanese food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos how does ali baba ? i recommend it . would you like for 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 O O O Booking-Inform +bos yes , i want to book a table for 3 people at 20:00 on thursday . eos O O O O O O O O O O B-Restaurant-Inform+People O O O O O O N/A +bos great , i have booked your table for ali baba thursday at 20:00 for 3. your reference number is 5ly9wsf1 . may i help with anything else ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Booking-Book+Time 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 no , i think that 's all i need . thank you ! 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 service , and have a wonderful 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 hotel to stay at in cambridge , at least a 4 star place please eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i 've found 3 total entries for what you 're searching for . the hotels are all 4 stars and ranges from cheap to expensive . it can be filtered down more to include prices . eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars 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 N/A +bos are any of them on the north side of town ? eos O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos no , sorry . would you like me to try searching for something else ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos can you check the north side for other hotels ? eos O O O O O B-Hotel-Inform+Area O O O O O N/A +bos yes i can search for other hotels , do you want to change the star from 4 ? eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O Hotel-Request+Stars +bos i 'd prefer a 4 star in the north eos O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O N/A +bos i 'm sorry there are still no matching results . i can try a different part of town if 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 Hotel-NoOffer,Hotel-Request+Area +bos is there possibly a guest house ? i need free parking also . eos O O O O O O O O O O O O O O N/A +bos there are a number of guesthouses in that area with 4 stars . do you have a price preference ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Request+Price +bos no , no price preference . what do you recommend ? eos O O O O O O O O O O O O N/A +bos i 'd suggest acorn guest house . it is a moderate priced guesthouse in the north with 4 stars . would you like me to book any rooms ? eos 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 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 Booking-Inform +bos yes for 7 for 2 nights starting sunday , need the ref # too please eos O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O O O O Hotel-Request+Ref +bos your booking for 7 people at acorn guest house this sunday for 3 days 2 nights was successful . your reference number is : j5zlg2wn . will you need anything further today ? eos 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 O B-Booking-Book+Stay 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 . are there any park attractions in the same area as the acorn guest house ? 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 yes , milton country park . it is located at milton country park , milton , postcode cb46az . 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 B-Attraction-Inform+Post O O O O N/A +bos can i have their phone number , please ? eos O O O O O O O O O O Attraction-Request+Phone +bos sure ! their phone number is 01223420060. is there anything else i can do for you ? 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 that is all i needed . thanks a bunch . bye . eos O O O O O O O O O O O O O general-bye +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-bye +bos can i get the next train ? eos O O O O O O O O Train-Inform +bos i 'm afraid our train system seems to be down at the moment . can i help you find a hotel until it is back up and running ? eos O O O O O O 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,general-greet +bos no , but i am looking for a nightclub to go to . what ones are there ? eos 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 quite a few in the centre . i suggest either club salsa or soul tree nightclub . 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos club salsa sounds good . can i get their phone number , address and postcode 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+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos you sure may . the address is 1 station road , cb12jb . the phone number is 07782218745. is there anything else i may help you 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 O general-reqmore +bos thanks . i would like some information on rosa 's bed and breakfast , please . eos O O O O O O O O O O O O O O O O O general-thank +bos what information are you looking for ? eos O O O O O O O O general-reqmore +bos does such a place exist ? if so , i would like some information on it , like 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 Hotel-Request+Post +bos sure the address is 53 roseford road and the postcode is cb22ha . anything else ? 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 O O general-reqmore +bos that is everything , thank you very much . eos O 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 a place to see , can you help ? eos O O O O O O O O O O O O O O N/A +bos i certainly can . is there a type of attraction that interests you ? eos O O O O O O O O O O O O O O O Attraction-Request+Type,general-greet +bos i 'm interested in the mumford theatre . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos it 's located at anglia ruskin enterprise , east road in the centre of town . the phone number is 08451962320 and the postcode is cb11pt . do you need more help ? eos 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 I-Attraction-Inform+Area 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 general-reqmore +bos i am also looking for a hotel called the aylesbray lodge guest house near by . 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 N/A +bos the aylesbray lodge is on 5 mowbray road . would you like me to make you a reservation ? 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 O O O O O O O Booking-Inform +bos what type of hotel is it ? eos O O O O O O O O Hotel-Request+Type +bos it is a guest house eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type N/A +bos do they have internet ? eos O O O O O O Hotel-Request+Internet +bos yes they have free internet . eos O O O O O O O Hotel-Inform+Internet +bos great . thank you for all the information . i appreciate it . i think that 's it for today . thanks and 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-bye +bos glad to have helped . eos O O O O O O general-welcome +bos i need a hotel with free wifi . i 'm broke , though , so find me a 0-star hole in the wall . 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 N/A +bos there are three 0 star hotels , both city centre north b and b , and el shaddai are cheap , and cityroomz is moderate . which would you like ? eos 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 B-Hotel-Inform+Price O O O O O O O O O Hotel-Select +bos i would prefer a guest house if any 0 stars are available . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos we have 2 of those . would you like a guesthouse in the north or centre ? eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O Hotel-Select +bos i would like a guesthouse in the north please . can you check if it has 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+Parking +bos our cheap zero star guesthouse in the north has both free wifi and free parking . would you like to book ? eos O O B-Hotel-Inform+Price B-Hotel-Inform+Stars I-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 O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos not right now . thank you . i am also looking for a train that leaves on monday and arrives by 1830. 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 N/A +bos 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 Train-Request+Dest,Train-Request+Depart +bos leaving cambridge and headed to stevenage , please . eos O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O N/A +bos i have a 15:21 or a 17:21 train , arriving 49 minutes later at 16:10 or 18:10 , respectively . would you like me to book one for you ? eos O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O Train-OfferBook +bos yes . the 17:21 would be perfect . please book it 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 your booking was successful , the total fee is 51.2gbp , payable at the station . reference number is ysj6zwyt . anything else i can help you with today ? eos 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 O O O O O O O O O O N/A +bos no , 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 very welcome ! have a great day ! eos O O O O O O O O O O O general-welcome +bos can you help me find an attraction in the west 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 what type of attraction are you looking for ? eos O O O O O O O O O O Attraction-Request+Type +bos a park for kids or a mini mall ? eos O O O O O O O O O O N/A +bos in the west there are no parks . but there are colleges , museums , and an entertainment place called whale of a time if you are interested . eos O O O B-Attraction-NoOffer+Area O O O B-Attraction-NoOffer+Type O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type 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 please get me the postcode . i am also 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 O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O O O O O O O Attraction-Request+Post +bos the post code for whale of a time is cb238el . the cambridge belfry fits your needs perfectly . would you like me to make a reservation ? 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 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 is that a four star hotel ? eos O O O O O O O O N/A +bos yes , the cambridge belfy is a 4 star hotel in the west area . eos O O 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 O O N/A +bos what is their address and phone number ? eos O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos the phone number is 01954714600 and the address is back lane cambourne . eos O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos perfect , that is all i need to today ! thank you . 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 general-welcome,general-bye +bos is it true cambridge has the best attractions ? we are looking for something unusual to do 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 N/A +bos there is teh museum of archeology and anthropology in the centre that is free of charge eos O O O O O O O O O O O O O O O O O N/A +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 '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 yes can you help me find a place to eat too ? eos 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 , what area and what type of cuisine 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 Restaurant-Request+Area,Restaurant-Request+Food +bos i would like chinese . eos O O O O O O N/A +bos i 'm afraid our restaurant system is currently down . can i help you with something else at this time ? 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 i would like to go site seeing eos O O O O O O O O N/A +bos other than the museum previously mentioned , i also suggest checking out the cambridge university botanic gardens on bateman street . eos O O O O B-Attraction-Inform+Type 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O N/A +bos ok , i think we 've already established the attraction in the town centre . the next thing i need is a hotel in the centre that includes free parking . eos O O O O O O O O O O O O B-Attraction-Inform+Area 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 the bold letters tells me no interest in a guesthouse huh ? i ran a search there are two hotels , gonville and university arms . any preference ? eos O 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+Type O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Hotel-Select +bos i 'd like the gonville please . make a reservation if you can for thursday for 1 person , 3 nights . 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 B-Hotel-Inform+Stay O O O O N/A +bos booking was successful . reference number is w0p1sd78 . 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 general-reqmore +bos no . that is all for now . eos 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-bye +bos i 'm visiting the area and want to stay at rosa 's 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 O O N/A +bos sure thing ! if you can tell me the day you 're arriving , the number of nights you 're staying , and the number in your party , i 'd be happy to book 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 O O O O O O O O O Booking-Request+Stay,Booking-Request+People,Booking-Request+Day,Booking-Inform +bos i 'm still working out the details for all of that . can you tell me the star rating 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 Hotel-Inform +bos rosa 's bed and breakfast is a 4 star guesthouse located in the south . can i help you further today ? 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 B-Hotel-Inform+Area O O O O O O O O O general-reqmore +bos yes . i would like to visit a museum while i am there . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos the bryard art museum is also in the south and has no entrance fee . will that do ? 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 O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O Attraction-Select +bos what is the postcode , phone number and address of this place ? eos 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 'd be happy to provide the information . the address is 14 kings 's parade , cb21sj . you can reach the museum at 01223464646. is there anything else i can help with ? eos O O O 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 B-Attraction-Inform+Phone O O O O O O O O O O O O O O general-reqmore +bos i also need a taxi that will take me there . i want to leave the hotel by 18:30. i need the contact number and car type of the taxi . 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 O O O O O O O O O Taxi-Request+Car +bos ok , a red toyota will pick you up at rosa 's b & b at 18:30. the contact number is 07584591119. eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 N/A +bos thanks so much , bye eos O O O O O O general-bye +bos thank you for contacting us . goodbye . eos O O O O O O O O O general-bye +bos hello , i 'm looking for places to go in cambridge . ideally it should be located in the centre and it should include 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 general-greet +bos there is n't anything like that in the centre , but the cherry hinton village centre is located in the east part of town . does that interest 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 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 O O O Attraction-NoOffer +bos no , i really need to stay in the town centre . are there any colleges perhaps ? 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 O N/A +bos there are many colleges to visit in centre and most of them are free . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Fee O N/A +bos give me the address of the one closest to the train station then , and it 's really free ? 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 'm not sure how close it is to the train station but christ 's college has free admission . 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 B-Attraction-Inform+Fee O O O O N/A +bos thank you , i 'm also looking for a place to stay in the moderate price range with 0 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+Stars O O O N/A +bos there is the cityroomz in the centre . it has a moderate price and 0 stars . it offers free internet . can i book this for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area 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 O Booking-Inform,Hotel-Inform+Internet +bos yes , that 's fine for me . eos O B-Hotel-Inform+Internet O O O O O O O N/A +bos i just need one more bit of information from you in order to make your reservations . how many people will we booking this hotel 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 Booking-Request+People,general-greet +bos no . i still need christ 's college 's address . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O Attraction-Request+Addr +bos oh , i 'm sorry . let me get that for you . christ 's college is located at saint andrew 's street . eos 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 O O O O O O O general-greet +bos ok , thank you . i do n't need the hotel to be booked . i just need the hotel type and address 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 Hotel-Request+Type,Hotel-Request+Addr +bos cityroomz is on station road . there is internet and it 's moderately priced . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O Hotel-Inform+Internet +bos can i have the address and the hotel type of cityroomz ? eos O O O O O O O O O O O O O Hotel-Request+Type,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 I-Hotel-Inform+Addr N/A +bos i 'm sorry . did you say the hotel is cityroomz or sleeperz ? what type of hotel is it ? 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 the hotel 's name is cityroomz . the address is sleeperz hotel , station road . it is a hotel . do you need any additional 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 O N/A +bos no , i think 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 O O general-thank +bos thanks for using our service today ! eos O O O O O O O O general-welcome +bos no problem . bye bye and have a good day . eos O O O O O O O O O O O O general-bye +bos glad to be of service . eos O O O O O O O general-bye +bos i need a taxi at peking restaurant to take me to royal standard . eos 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 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 16:15. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos okay . a red lexus will pick you up . they can be reached at 07101377388. did you need 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 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 are more than welcome ! eos O O O O O O O general-welcome +bos please help me book a taxi eos O O O O O O O Taxi-Inform +bos okay , where would you like to depart from ? eos O O O O O O O O O O O Taxi-Request+Depart +bos i am leaving from kohinoor . eos O O O O O B-Taxi-Inform+Depart O N/A +bos where are you going ? eos O O O O O O Taxi-Request+Dest +bos i need to get to saint barnabas press gallery please , but i ca n't leave until after 11:00. 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 O O O O O B-Taxi-Inform+Leave O O N/A +bos okay i have a grey honda . you 're contact number is 07736905918. is there anything else you need ? eos 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 needed today . thanks for your help . bye ! 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 i 've been hurt and need the nearest hospital . eos O O O O O O O O O O O Hospital-Inform +bos the nearest hospital is addenbrookes hospital in hills rd , cambridge , postcode cb20qq . do you need to contact the police ? how bad is the injury ? eos O O O O O O O O O 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 . 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 please show me where the nearest hospital is eos O O O O O O O O O Hospital-Inform +bos the nearest hospital is the addenbrookes hospital located at hills rd , cambridge postcode cb20qq . eos O O O O O O O O O O O O O O O O O N/A +bos thank you . can you book a taxi to take me there ? eos O O O O O O O O O O O O O O Taxi-Inform +bos yes , what time 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 Taxi-Request+Leave +bos nevermind , i do n't need a taxi . thanks for your help . eos O O O O O O O O O O O O O O O Taxi-Inform +bos what can i help you with ? eos O O O O O O O O general-reqmore +bos that 's all . thank you , good bye . eos O O O O O O O O O O O general-bye +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 am looking to book a train . i need to leave cambridge and go to london liverpool street . eos 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 no problem , i have many options for you . do you have a particular day of the week you would like to travel , or 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 Train-Request+Leave,Train-Request+Day +bos yes . i should leave after 13:45 and should leave on thursday eos O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day N/A +bos i have a train leaving thursday at 13:59 , would you like me to book it for you ? eos O O O O O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook +bos could you tell me when the train arrives in london liverpool street ? eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O Train-Request+Arrive +bos that train arrives at 15:27. would you like me to book it for you ? eos O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos yes pliz.may i also get the arrival time eos O O O O O O O O O Train-Request+Arrive +bos the arrival time is by 15:27 , do you want to book a seat ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos not yet . i just needed to get the details . thanks 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 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 help me get a taxi to the oak bistro ? 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 sure ! when do you need to leave by ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i do n't care about that , i just need to arrive by 06:00 please . eos O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O N/A +bos what is your departure site ? eos O O O O O O O Taxi-Request+Depart +bos pizza hut city centre and i need car type and contact number 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 O Taxi-Request+Car +bos booking completed ! booked car type : grey skodacontact number : 07695539890 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 . eos O O O O O O O O general-thank +bos i 'm happy we could help ! please call us again if we can help you 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 general-bye +bos looking for a train going to cambridge . eos O O O O O O O B-Train-Inform+Depart 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+Arrive,Train-Request+Leave,Train-Request+Day +bos i am leaving on sunday and need to arrive by 13:00 eos O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A +bos how about tr3350 that leaves at 05:17 ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O N/A +bos you can book it . get me the reference number too eos O O O O O O O O O O O O Train-Request+Ref +bos w8yhjksv is the reference number eos O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O 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 thank you for using our services . eos O O O O O O O O general-bye +bos hi , i 'm looking for a restaurant with modern european food . it should be in the moderate price range . eos 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 O O N/A +bos what area are you wanting to be in ? eos O O O O O O O O O O Restaurant-Request+Area +bos does n't really matter . is there one in the centre ? eos O O O O O O O O O O O O O N/A +bos yes , there are 2 : de luca cucina and bar & riverside brasserie . would you like further information ? 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 general-reqmore +bos can i book de luca cucina and bar for 6 people at 19:15 on saturday 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 N/A +bos your tabled has been reserved for 6 people on saturday at 19:15. the reference number is 9eb2im2s . eos 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 N/A +bos thank you so much . that is all i need for now . 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 . goodbye . eos O O O O O O general-welcome,general-bye +bos i am looking for a restaurant that serves canapes in the east . eos O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O N/A +bos unfortunately there are no restaurants serving canapes in the east . eos O O O O O O O B-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O N/A +bos ah , well , too bad . in that case i think that 'll be everything that i needed . thanks 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 O O O general-thank +bos are you sure ? i can find other options in other parts of town ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos how about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there is the pizza hut fen ditton in the east serving italian food . 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+Area O B-Restaurant-Inform+Food O O N/A +bos great ! please book a table for 6 at 16:15 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 N/A +bos sorry , but no tables are available for that time slot . would you like to change the time ? eos O O 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+Time +bos how about 15:15 then ? eos O O O B-Restaurant-Inform+Time O O N/A +bos your table is booked . your reference number is qw8jzwzk . 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 general-reqmore +bos great . thank you for your help today . that is all . 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-bye +bos hi , i 'm looking for restaurants in the area . could you recommend any moderately-priced establishments that are located near the town 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 O O N/A +bos yippee noodle bar is available if you would like to book that . eos 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 is that a gastropub restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos it is not , but the cow pizza kitchen and bar is a gastropub in the center of town , and it is a moderate price range . would you like to book 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 B-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 O O O O O O O O O O O O Booking-Inform +bos yes , please . for 6 people at 17:15 on tuesday . eos 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 've booked that for you . your confirmation number is ugfbz3hb . they 'll hold the table 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 thanks you very much that 's all i need . eos O O O O O O O O O O O general-thank +bos great , i hope you enjoy your dinner ! eos O O O O O O O O O O general-bye +bos i want a taxi to saint barnabas press gallery eos 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 ! 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 02:15 please eos O O O O O O B-Taxi-Inform+Arrive O N/A +bos and where shall the taxi pick you up from ? eos O O O O O O O O O O O Taxi-Request+Depart +bos i 'll be leaving from the gardenia . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos i was able to book a white honda to come pick 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 do you have a contact number ? eos O O O O O O O O N/A +bos i do . the contact number is 07565551226. eos O O O O O O O B-Taxi-Inform+Phone O N/A +bos that 's all i need thanks eos O O O O O O O general-thank +bos thank you for contacting cambridge towninfo centre . eos O O O O O O O O O general-bye +bos i 've been a victim of a robbery . can you help me ? eos 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 which department is this ? eos O O O O O O N/A +bos the police department eos O O O O N/A +bos thank you very much . eos 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 need to get a taxi to take me to efes restaurant please . 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 certainly - what time would you like to leave and/or arrive ? eos 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 21:30 please . eos O O O O O O B-Taxi-Inform+Arrive O O O N/A +bos tell me where you are leaving from , please . eos O O O O O O O O O O O Taxi-Request+Depart +bos i will be leaving from avalon . eos O O O O O O B-Taxi-Inform+Depart O N/A +bos alright , i have you booked , you can expect a grey audi , contact number 07395990234. is there 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 B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos no , but thank you , 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 . do n't hesitate to contact again if you are in further need of 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 'd like help with a taxi , please . i need to be picked up at museum of classical archaeology and should arrive by 9:00. can you help ? 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 O O O O O O O O O N/A +bos yes i can book that for you , first i 'll need to know your destination . eos O O O O O O O O O O O O O O O O O O Taxi-Request+Dest +bos my destination will be ugly duckling eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos booking is complete , a blue skoda will pick you up . eos 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 is the contact number ? eos O O O O O O O O O O general-thank +bos the contact number is 07499145428. can i be of further assistance ? eos O O O O O B-Taxi-Inform+Phone 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 wonderful time ! 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 west and should be in the expensive price range eos 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 N/A +bos yes , i have nine possibilities fitting those parameters . is there a specific type of food 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 O O O O O Restaurant-Request+Food +bos i do n't care , i want to book a table for 5 people at 13:00 on saturday . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 3ayrgabe . 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 . 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 +bos thank you for your help eos O O O O O O general-thank +bos you 're welcome ! bye now ! eos O O O O O O O O general-welcome,general-bye +bos i 'd like to find an expensive place to dine that specifically serves italian food . eos O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food O O O N/A +bos okay . would you like to go to the centre or south part of town ? eos O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O O N/A +bos i would like the south part of town please . eos O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos frankie and bennys meets you criteria , would you like me to make a reservation for you ? 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 O O O O O O O Booking-Inform +bos yes , please . there are 4 of us for this friday at 16:00. eos O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos booking was unsuccessful . perhaps another day or time ? eos O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos how about 15:00 instead ? eos O O O B-Restaurant-Inform+Time O O N/A +bos okay , that worked , and i 've successfully booked your table . i can give you the reference number , if 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 O O O O O O Booking-Book +bos yes , i will need the reference number . eos O O O O O O O O O O Restaurant-Request+Ref +bos your reference number is : vru8vsg0 . do you need any further assistance ? eos O O O O O O B-Booking-Book+Ref 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 general-thank +bos you 're very welcome . have a good meal ! eos O O O O O O O O O O O general-bye +bos i 'd like to find an expensive place to dine 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 do you have a food type preference ? the choices are chinese , indian , italian , and mexican . 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 Restaurant-Request+Food +bos is there any morrocan food ? eos O O O O O O O N/A +bos no , sorry . there are no morrocan restaurants in the south . would you like to expand to another area ? 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 Restaurant-Request+Area +bos i would be interested in indian food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos taj tandoori is an expensive indian restaurant in the south . would you like any other info ? or to book it ? 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 O O O O O O Booking-Inform +bos that place sounds great . can i get the phone number please ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos sure ! the phone number to the taj tandoori is 01223412299. can i help you with anything else ? 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 O general-reqmore +bos no , that is all i need . thanks so much . bye . eos O O O O O O O O O O O O O O O general-bye +bos you 're welcome . thanks for using our services . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos hello , i 'm looking for a college to go to . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i can certainly help with that . we have 18 colleges around the city . is there a certain area you prefer to visit ? eos O O O O 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 Attraction-Request+Area,general-greet +bos what 's the most popular ? may i have the postcode , entrance fee , and 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 O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Fee +bos christ 's college is popular . it is in the centre and does not have an entrance fee . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O 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 I-Attraction-Inform+Fee O O N/A +bos yes , thank you that will be fine . eos O O O O O O O O O O general-thank +bos christ 's college is located at saint andrew 's street in the centre and their postcode is cb23bu . 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O O N/A +bos wonderful . i am also looking for a moderately priced place to stay with a 4 star rating . i would like for it to have free wifi and in the west . eos 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 O O O O O B-Hotel-Inform+Area O O O N/A +bos there are no establishments matching your criteria . would you like to try another part of the city ? eos 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 can you then search for one that is in the south ? eos O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos yes . i would recommend aylesbray lodge guest house in the south . 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 B-Hotel-Recommend+Area general-greet +bos great . can i book it for 2 people for 3 nights starting 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 O N/A +bos absolutely , i was able to book you , and your reference number is wq2kjece . is there anything else i can do for you 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 general-reqmore +bos i also need to look for a taxi to get between both places . eos O O O O O O O O O O O O O O O Taxi-Inform +bos please tell me which place will be your departure site and what time you need to leave . 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 i would like to leave the college by 18:30. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos the booking is completed . i have booked car type : black skoda , contact number : 07214711864 eos O 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+Phone O N/A +bos that 's excellent , than you so much for your assistance . eos O O O O O O O O O O O O O N/A +bos no problem , have a great time . eos O O O O O O O O O general-welcome,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 O N/A +bos there are 70 trains departing , what is your destination ? eos O O O O B-Train-Inform+Choice O O O O O O O Train-Request+Dest +bos i would like to arrive in cambridge on tuesday by 17:00. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Arrive N/A +bos of course . when would you like to leave ? eos O O O O O O O O O O O Train-Request+Leave +bos it does not matter as long as i am in cambridge by 17:00. eos O O O O O O O O O O O O O O N/A +bos sure , train tr0269 arrives by 16:08. that is the last train to arrive by 17:00. would you like to book it ? eos O 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 Train-OfferBook +bos yes , please book the train for 4 people . eos O O O O O O O O B-Train-Inform+People O O N/A +bos that booking reference will be f6jidi3m . is there anything else i can help you with today ? 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 no , that 's all i needed . thank you . eos O O O O O O O O O O O O general-thank +bos okay . glad we could help . eos O O O O O O O O general-bye +bos i need to find a place to stay in the east side eos O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos i have 7 such places to stay . is there a specific price point you would like to stay in or do you need parking and/or wifi ? 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+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos i need a room in the expensive price range . eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos i think you would enjoy express by holiday inn cambridge . 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 O N/A +bos i 'd also like it to have a 4 star rating . eos O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos unfortunately , i do not happen to have anything 4-star rated that is expensive and in the east . would you like me to try a different price range or area ? eos O O O O O O O O O B-Hotel-NoOffer+Stars O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price 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 yes , can you try a moderately priced place instead ? eos O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i would recommend a and b guest house . it fits your criteria except it is in a moderate price range . 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 O O O O O O O O B-Hotel-Recommend+Price O O O N/A +bos that sounds great ! may i have their address , please ? 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 Hotel-Request+Addr +bos a and b guest house is on 124 tenison road , cb12dp . can i help you with anything else ? 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+Addr I-Hotel-Inform+Addr O O O O O O O O O general-reqmore +bos thank you . also i am looking for the address of a place called williams art and antiques . 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 Attraction-Request+Addr +bos i found that for you . it is located at gwydir street , no . 5 dale 's brewery and their phone number is 01223311687. eos 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 O O O O B-Attraction-Inform+Phone O O O N/A +bos thanks . i would 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 Taxi-Inform +bos certainly . would time would you like to leave and arrive at your destination . eos O O O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i just need to leave the hotel by 03:45. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos your ride has been booked , it will be a white bmw . call 07514195379 if you have any further questions . 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 N/A +bos ok , thanks . that 's all i need today ! 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-bye +bos i am looking for a train . the train should arrive by 14:45 and should leave on saturday . eos O O O 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 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 would like to leave cambridge and go to london liver pool . 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 5 trains running on saturday that will meet your needs . would you care to book tickets for one ? 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 O O O O Train-OfferBook +bos i actually just need to know the price of a ticket please eos O O O O O O O O O O O O O Train-Request+Price +bos the price of one ticket is 13.28 pounds . may i assist further in any way ? 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 no thanks , that was all i was hoping to find out ! 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 okay , great , i hope you have a nice day too ! eos O O O O O O O O O O O O O O general-bye +bos hi , i 'm looking for some information about the cambridge corn exchange . 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 hello , the cambridge corn exchange is a theatre located on wheeler street , in the centre area . is there anything else that i can help you with ? eos O 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+Area O O O O O O O O O O O O O O O general-reqmore +bos yes , can i get the attraction type , the phone number , and the address please ? this sounds like it would be a great 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 Attraction-Request+Phone,Attraction-Request+Type,Attraction-Request+Addr +bos it 's a theatre on wheeler street ; their phone number is 01223357851. eos O O O B-Attraction-Inform+Type O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O N/A +bos thank you ! i 'm also looking for information on the gonville 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 the gonville hotel is a 3 start hotel in the centre of town in the expensive price range . would you like more information ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars 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 general-reqmore +bos yes please , do they offer free wifi and parking ? eos O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos yes , they offer free internet and parking . eos O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos thank you . that is all the information i need at this time . eos O 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 hi , i 'm looking for a place to stay while i 'm in town . can you assist me ? 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 kind of place are you looking for ? area ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type +bos i would like a hotel in the north that has free parking . it does n't need to have 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 O O N/A +bos okay , i recommend the acorn guest house . would you like to book a room ? 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 yes , please book the room and can i have the reference number eos O O O O O O O O O O O O O O N/A +bos booking for 1 night for 1 person from monday was successful . your reference number is d3myg9r0 . can i assist with anything else , restaurant , attractions ? eos O O O O B-Booking-Book+Stay O O O O B-Booking-Book+Day 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 wednesday train to cambridge . eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O N/A +bos i have found several trains to cambridge . where will you be departing from ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Dest O O O O O O O O Train-Request+Depart +bos actually i am departing from cambridge and going to leicester . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos is there a certain time you are wanting to leave ? eos O O O O O O O O O O O O Train-Request+Leave +bos i need it to arrive by 21:00. eos O O O O O O O B-Train-Inform+Arrive N/A +bos 15 trains match your needs . do you want to complete a booking ? eos 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 first available train and book it for 6 people . then give 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 N/A +bos i was able to book train tr0677 and you reference number is 6vaa5f0p . 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 N/A +bos thank you . that is all i need for now . eos O O O O O O O O O O O O general-thank +bos have a wonderful trip . eos O O O O O O general-bye +bos i want to find an expensive hotel with a star of 4. eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars N/A +bos i show two hotels meeting your criteria . the huntingdon marriott hotel and university arms hotel . shall i book one of these for you ? 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 O O O O O O O O O Booking-Inform +bos are either of those located in the west and include free parking ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos the huntingdon marriott hotel is in the west and does indeed have free parking . eos 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 Hotel-Inform+Parking +bos could you book that for me ? i 'll need it friday for 2 nights . eos O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O N/A +bos your booking was unsuccessful . would you like to book for a shorter stay ? eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay +bos try just 1 night , then . eos O O O O B-Hotel-Inform+Stay O O O N/A +bos i was able to book one night , reference number is phx8bz7n . eos O O O O O O O B-Booking-Book+Stay O O O B-Booking-Book+Ref O O N/A +bos i am also looking for a place to go in the same area . eos O O O O O O O O O O O O O O O N/A +bos sure ! if you like museums , i would recommend people 's portraits exhibition at girton college . does this sound good or are you thinking of something else ? eos O O O O O O B-Attraction-Recommend+Type 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 O O O O O O O O O Attraction-Inform,general-reqmore +bos i think that 's good , give me 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 it 's located on girton college , huntingdon road and the phone number is 01223338901 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 N/A +bos alright then , i 'm going to need a taxi to get the two places . can you hook me up with 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 Taxi-Inform +bos yes , i can help . can you tell me where your departure location is and a time frame you were considering ? eos 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 leave girton college by 06:00 and arrive at the huntingdon marriott hotel . eos O O O O O O B-Taxi-Inform+Depart O O B-Taxi-Inform+Arrive 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 : white skodacontact number : 07702130811 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 restaurant in the centre that serves african 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 bedouin serves african food at 100 mill road city centre . would you like to make a booking ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-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 O O O O O O O O Booking-Inform +bos i would like a restaurant in the expensive price range please . eos O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos bedouin is expensive . would you like to book there ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O O O O O Booking-Inform +bos yes . i want to book a table for 3 people on tuesday at 19: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 N/A +bos that time slot is unavailable . is there another time slot you want to book ? eos 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 18:45 instead ? eos O O O O B-Restaurant-Inform+Time O O N/A +bos your table has been reserved at for 3 at 18:45 on tuesday . the reference number is ie3wwfdn . 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 O B-Booking-Book+Ref O N/A +bos thank you very much . have a great day . eos 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 looking for information in cambridge a restaurant in the expensive price range and should be in the east eos 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 sure , do you have a food preference ? eos O O O O O O O O O O Restaurant-Request+Food +bos just something expensive in the east part of town please . eos O O O O O O O O O O O O N/A +bos there are a few options . does idian sound good ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Select+Name O O O N/A +bos sure . what is the postcode ? eos O O O O O O O O Restaurant-Request+Post +bos the postcode is cb58pa . eos O O O O B-Restaurant-Inform+Post O N/A +bos i also need a train that departs cambridge , wednesday , after 9:30 and arrives in birmingham new street . eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos tr3836 leaves at 10:01. does that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-Select +bos that is fine . book for 2 people and get me 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 tickets have been booked . the total fee for the tickets is 150.19 gbp payable at the station and your reference number is 5b8wz9f7 . need any more help today ? eos O 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 B-Train-Inform+Ref O O O O O O O O Train-OfferBooked,general-reqmore +bos great that was all i needed today , thank you ! 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 i need a place to stay that includes parking eos O O O O O O O O O O N/A +bos would you have a preference for an area or price ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos a hotel on the east side with free internet and parking if thats doable . eos O O O O O B-Hotel-Inform+Area O O O O O O O O O O N/A +bos i have one hotel on the east that offers both free wifi and parking . it is the express by holiday inn cambridge . it is expensive and has a 2-star rating . eos O O O O B-Hotel-Inform+Type 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 I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i need the postcode too . eos O O O O O O O Hotel-Request+Post +bos the postcode for that is cb13lh . do you want me to book a room now ? eos O O O O O O B-Hotel-Inform+Post O O O O O O O O O O O Booking-Inform +bos no thanks , but i 'd like some information on a train next . eos O O O O O O O O O O O O O O O Train-Inform +bos i can certainly help with that . 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 need to arrive by 12:00. eos O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive N/A +bos we have over 400 trains that meet that criteria , what destination did you want to go 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 O O O Train-Request+Dest +bos this will be on a friday and i 'm going to leicester . eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O N/A +bos is there a time you want to leave by ? eos O O O O O O O O O O O Train-Request+Leave +bos i would like to arrive by 12:00 , which ever one is closest to that . eos O O O O O O O O O O O O O O O O O N/A +bos i have the tr7505 that will arrive by 11:06. would you like me to book that for you ? eos 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 O Train-OfferBook +bos yes ! please book for me and three friends . i need 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 Train-Request+Ref +bos booking was successful , the total fee is 151.19 gbp payable at the station . reference number is : a6z2u9vn . 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 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 , and have a great day . eos O O O O O O O O O O O general-welcome,general-bye +bos i have n't had eritrean in forever and would like to have some . please find me a moderately priced restaurant that serves it eos O O O O B-Restaurant-Inform+Food 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 'm sorry , there are no restaurants like that in cambridge . eos O O O O O O O O O O O O O O Restaurant-NoOffer +bos how about something in the centre of town ? eos O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are 21 restaurants in the centre of town . do you have another cuisine type ? 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 Restaurant-Request+Food +bos i would really prefer european food if you can find that for me . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos there are 4 moderately priced options . i recommend galleria . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O B-Restaurant-Recommend+Name O O N/A +bos galleria sounds great ! can you book a table for 8 people at 19:00 on wednesday ? eos O B-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 N/A +bos it was booked successfully . the reference number is x1x28mmn . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos okay , great . thank you for your help ! eos O O O O O O O O O O O general-thank +bos do you need me to book or look up anymore info ? eos O O O O O O O O O O O O O general-reqmore +bos yes . i am also looking for a train to go to stevenage eos O O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos where will your departure station be ? eos O O O O O O O O Train-Request+Depart +bos i need to depart cambridge on thursday after 19:30. i 'll be going to stevenage . eos 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 N/A +bos tr2380 departs at 21:21 and arrives by 22:10. can i help with anything else ? 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 general-reqmore +bos that is enough for today . thanks for helping eos O O O O O O O O O O general-thank +bos i am glad i have been of help eos O O O O O O O O O general-welcome +bos have a great day eos O O O O O N/A +bos thank you , you do the same . good bye ! eos 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 and should be the type of boat . 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 N/A +bos i found two boats for you : scudamores punti co and the cambridge punter . do you want more information about one or both of these ? eos O O O O B-Attraction-Inform+Choice 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 N/A +bos can you please provide me with the phone number , address and postcode for each of those ? 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 scudamores punting co is at granta place , mill lane , postcode cb21rs , and phone 01223359750. the cambridge punter is at 251a chesterton road. , postcode cb41as , and phone 07807718591. 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post I-Attraction-Inform+Post O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O N/A +bos i also am looking for a place to stay in the center with a star rating 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 N/A +bos we have two place , one a guesthouse and one a hotel , what would you like ? eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O Hotel-Select +bos do either of them have free wifi ? eos O O O O O O O O O N/A +bos both have free wifi ! the alexander bed and breakfast is a guesthouse and the university arms hotel is a hotel . 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 O O Hotel-Inform+Internet +bos allrighty , can i book a room for 3 people at the university arms hotel , for 4 nights starting on saturday ? eos 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 booking was successful . your reference number is : wsow3x5u . what else can i 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 general-reqmore +bos nope that 's it thanks for your help eos O O O O O O O O O general-thank +bos of course have a great day ! eos O O O O O O O O general-welcome,general-bye +bos i am looking for information on theatres in the center part of 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 four theatres to pick from . i recommend the cambridge arts theatre , would you like more information ? 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 O O O O O general-reqmore +bos my husband is into the arts so that might actually work out perfect . can i get 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 absolutely . their number is 01223503333. they do n't have an entrance fee listed , so be sure to ask them about it . is there anything else you need ? 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 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 , i need to find a train to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O O N/A +bos where will you be traveling 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 Train-Request+Depart,Train-Request+Leave,Train-Request+Day +bos i need to leave from london liverpool street on saturday . i need to arrive by 16:00. 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 O O B-Train-Inform+Arrive O N/A +bos okay how about the tr4078 it arrives by 15:07. eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive N/A +bos perfect . i will need tickets for 6 people . please provide 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 no problem ! your reference # is bbj1jtxu . the total fee is 79.67 gbp , payable at the station . can i help you with anything else ? eos 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 general-reqmore +bos great thank you that 's all i needed today . eos O O O 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 +bos would you help me book a train for thursday , please ? eos O O O O O O O O O B-Train-Inform+Day O O O N/A +bos yes , where would you like to go to ? eos O O O 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 N/A +bos there are over 200 trains going to cambridge on thursday . where will you be departing from ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O 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 from kings lynn . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos that narrows us down to about 19 trains . do you have a time you would like to leave after or arrive by ? eos O O 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 Train-Request+Leave,Train-Request+Arrive +bos i would like to leave after 15:45. eos O O O O O O O B-Train-Inform+Leave N/A +bos then in that case , i recommend the tr0209 which departs from kings lynn at 16:11 and gets into cambridge at 16:58. would you like me to book it for you ? eos O O O O O O O O B-Train-Select+Id O O O B-Train-Select+Depart I-Train-Select+Depart O B-Train-Select+Leave O O O B-Train-Select+Dest I-Train-Select+Dest B-Train-Select+Arrive O O O O O O O O O O O Train-OfferBook +bos yes , please . i am also looking for a place to stay , ideally a hotel with a 4 star rating in the moderate price range . eos 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 B-Hotel-Inform+Price O O O O O O N/A +bos there is nothing in the price range you mentioned . would you be willing to stay at a cheap hotel or 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 N/A +bos i would like a cheaper hotel . eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type N/A +bos ok i am going to book a cheaper hotel for you , have a good day , thank 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 can i get the reference number for that booking ? eos O O O O O O O O O O O Hotel-Request+Ref +bos your booking was successful . your reference number is z3naopsy . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos is that for 2 people ? and i need it for 5 nights starting thursday . eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos i 'm sorry , let 's get your hotel choice fixed first . there is one cheap hotel - the cambridge belfry . it has free internet and parking . can i book this 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 O O O O O O O O N/A +bos i prefer a moderate price one . eos O O O O B-Hotel-Inform+Price O O O N/A +bos is there an area you 'd prefer to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos in the east . with free wifi , please . eos O O O B-Hotel-Inform+Area O O O O O O O N/A +bos do you need free parking ? eos O O O O O O O Hotel-Request+Parking +bos no free parking is not necessary . eos O O O O O O O O N/A +bos i found 3 guesthouses matching that criteria , i would recommend the carolina bed and breakfast . located in the east , 4 stars , and has free wifi . will this one work ? 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 O O O B-Hotel-Recommend+Area O B-Hotel-Recommend+Stars O O O O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform +bos yes , book that one please . eos O O O O O O O O N/A +bos your room is reserved , ref # ucvh6qpu . 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 not that 's it . thank you so much ! eos O O O O O O O O O O O general-thank +bos ok. thank you for choosing cambridge towninfo centre . we hope you enjoy your stay . 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 i 'm looking for a hotel that includes free wifi and free parking . eos O O O O O O O O O O O O O O O N/A +bos there are definitely lots of places that provide complimentary parking and wifi . do you prefer any particular part of town , or are you looking for a certain price range ? 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 O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like a hotel in the centre and it should be in the cheap price range . eos 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 Train-Request+Price +bos i do n't have any hotels that meet your criteria but i do have two guesthouses available ? would that be okay ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Booking-Inform +bos yes , that would be fine . what are the names of the two guesthouses ? eos O O O O O O O O O O O O O O O O O N/A +bos one id alexander bed and breakfast and the other is 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 what star ratings are they ? eos O O O O O O O N/A +bos alexander bed and breakfast is 4 stars and el shaddai is 0 stars . eos 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+Stars I-Hotel-Inform+Stars N/A +bos hi , i 'm looking for a theatre in town . eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i have several theatres in town ; most are in the center and there 's one on the south side . do you have a preference ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Area,Attraction-Select +bos 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 . eos O O O O O O O O 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 there is a nice theatre in the centre called mumford theatre at anglia ruskin enterprise , east road . there are no entrance fee 's listed . would you like the phone number ? eos 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 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 O general-reqmore +bos that 's all , i also need some info on the aylesbray lodge 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 O O O N/A +bos what would you like to know ? eos O O O O O O O O N/A +bos i just need to book it for 5 people for 3 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 N/A +bos booking was unsuccessful . can i book it 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 Booking-Request+Stay,Booking-Request+Day +bos how about trying the booking for 2 nights instead ? eos O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos the booking was successful . your reference number is vekfoww6 . may 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 i also need a taxi that will get me from the hotel to the mumford theatre . 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 certainly . when do you want to leave by ? thanks . eos O O O O O O O O O O O O O Taxi-Request+Leave +bos i want to leave the hotel by 23:45 , please . i will need the contact number and car type as well . 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 O O Taxi-Request+Car +bos look for a red skoda at 23:45. contact number is 07203451236 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Depart O O O B-Taxi-Inform+Phone 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 contacting cambridge towninfo centre . enjoy your trip ! eos O O O O O O O O O O O O O general-bye +bos i 'm looking for places to go in the centre area of town . eos O O O O O O O O O B-Attraction-Inform+Area O O O O O Hotel-Request+Area +bos we have 44 places to visit in the centre , any specific preferences in mind ? eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos what would you recommend ? eos O O O O O O N/A +bos i 'd recommend a nightclub if you do n't mind paying or a museum if you 're looking to do something free . eos O O O O O O O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O B-Attraction-Recommend+Fee O O O O N/A +bos a museum sounds good . do you have the poscode and phone number ? i also need a place to stay that is moderately priced with free parking . eos 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+Phone +bos my favorite is the cambridge contemporary art museum and their phone number is 01223324222 and the post code is cb21su . admission is free . when would you like a hotel ? 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 B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee O O O O O O O O O Booking-Request+Day +bos i would just like to know what is available . oh 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 well , there are 12 guesthouses and 2 hotels in town that fit your criteria , they all offer free wifi . do you have a price range in mind or a star rating ? 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 O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price,Hotel-Inform+Internet +bos i would like a hotel in the moderate price range and it should include free parking . 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 found 14 for you . do you have a specific area you 'd like ? 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 do n't care about any particular area to be honest . eos O O O O O O O O O O O O O Hotel-Request+Area +bos do you have a preference of type of lodging , star rating , or internet ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Type,Hotel-Request+Stars +bos i 'll repeat this : the hotel should be in the moderate price range and it should include free wifi and free parking . i do n't care about the area . 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 O O O O O O O O Hotel-Request+Area +bos how about the acorn guest house ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos as long as it has everything i 've been asking for , i 'm good . eos O O O O O O O O O O O O O O O O O N/A +bos most definitely . would you like to go ahead and book a reservation ? eos O O O O O O O O O O O O O O O Booking-Inform +bos yes , i would . can i get the address , area , and phone number ? 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+Addr +bos it 's located at 154 chesterton road , the postcode is cb41da , and you can reach them by phone at 01223353888. eos O O O O 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 B-Hotel-Inform+Phone 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 'm sorry , the acorn guest house is a guesthouse . is that acceptable or did you want a hotel specifically ? i apologize for the confusion . eos O O O O B-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 B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O O O O N/A +bos hello , i 'd like to book a train on friday that arrives by 17:30. eos 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 's your to and from location ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i am leaving from london kings cross station and traveling to cambridge . eos 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 N/A +bos there are 6 that arrive by 17:30 , the closest being tr8842 , which arrives at 16:08. is that to your liking ? eos O 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 N/A +bos yes , please ! what 's the reference number ? eos O O O O O O O O O O O N/A +bos can you please tell me how many tickets you will need for this trip ? eos O O O O O O O O O O O O O O O O Train-Request+People +bos i will need 2 tickets eos O O O O O B-Train-Inform+People N/A +bos ok , i 've booked you for 2 tickets with reference number ercazmga . the fee will be 47.20 gbp , payable at the station . can i help you with anything else ? eos O O O O O O O B-Train-OfferBooked+People 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 general-reqmore +bos yes , i 'm wondering if there are any expensive modern european restaurants in town . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A +bos yes , darrys cookhouse and wine shop . 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 N/A +bos i would like to book a table for 2 people at 20:00 on friday 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 i have successfully booked that for you . your reference number is zcma7gfp . 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 will be all . eos 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 O general-welcome,general-bye +bos i need to find a place to stay . i prefer a guesthouse and i 'll need free parking for my car . 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 N/A +bos i recommend the acorn guesthouse on the north side . does that suit your needs ? 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 does it also have free wifi ? eos O O O O O O O O N/A +bos acorn guest house has internet . want to book a room ? 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,Hotel-Inform+Internet +bos yes , can i get the address postcode and the number of stars it has ? eos 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 it 's a 4 star hotel , the postcode is cb41da and the address is 154 chesterton road/ eos O O O O B-Hotel-Inform+Stars 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 O N/A +bos great thank you i am also looking to get some info on the broughton house gallery 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 N/A +bos the broughton house gallery is a museum found in the center of town . entrance is free . do you need their contact details ? eos O O B-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 B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O O O O O O general-reqmore +bos yes i need the post code as well , thanks . eos O O O O O O O O O O O O Attraction-Request+Post +bos their address is 98 king street , the post code is cb11in , and their number is 01223314960. anything 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+Post O O O O B-Attraction-Inform+Phone O O O O O general-reqmore +bos nope . thanks so much for your help . eos 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 hi , i 'm looking for information on cinemas in cambridge . could you tell what my options are in the northern part ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos sorry ! i do n't see any results for your query of cinemas in the northern area . do you want me to expand the search to neighboring areas ? eos O 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 O O O N/A +bos is there a park in the north area ? eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos yes , there is the milton county park in the north end . 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+Area O O O N/A +bos excellent , may i have the address for that park ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos the address is : milton country park , milton . the postcode is : cb46az . 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 O B-Attraction-Inform+Post O O O O O O O O O O O O O O O O general-reqmore +bos yes please , can i also look for a cheap guesthouse ? eos O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos certainly . i have several options for you . do you need wifi or parking ? is there a part of town you prefer 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,Hotel-Request+Parking,Hotel-Request+Internet +bos it should include free wifi and should be in the east . eos O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos there seems to be an opening at allenbell . would you like me to book you a room ? eos O 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 yes , please . 5 people for 5 nights starting thursday eos 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 : ludy2bh2 . eos 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 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 no thank you . i appreciate all of your help . eos O O O O O O O O O O O O general-thank +bos thank you i 'm glad i could help . eos O O O O O O O O O O general-welcome +bos i need information on a hotel that includes free parking please . eos O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos there are 29 hotels that meet your needs . would you like to narrow your search by area and/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 i also need free wifi , and it needs to be a hotel , not a guesthouse or anything like that . 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 N/A +bos the ashley hotel is in the north area of town in the moderate price range with internet and parking . would you like to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please , for 5 people and 4 nights on friday . eos 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 for ashley hotel was successful.reference number is : 0m3jw724 . 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 . can i find a place to eat , i 'm looking for a place serving christmas food in the centre . 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 B-Restaurant-Inform+Area O O O O N/A +bos i 'm very sorry but there are no restaurants serving christmas food in the centre . is there another area i could look in for you , or another type of cuisine ? eos 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 O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos no , i really wanted christmas food in town centre , can you look for an expensive one ? 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 N/A +bos i am very sorry , but there are are no restaurants that serve expensive christmas food in the centre . are you sure you do n't want me to look in another area ? eos O O O O O O 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 O O Restaurant-Request+Area +bos how about an indian restaurant in the centre ? in the expensive range . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A +bos there are several indian options in the expensive price range in the town centre . how about the golden curry ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos yes , please give me their phone number . eos O O O O O O O O O O Restaurant-Request+Phone +bos of course ! the golden curry can be reached at 01223329432. may i help you with anything else ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos i also need a taxi from the restaurant to the hotel . i 'd like to leave the restaurant by 5:00. 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 sure ! look for a white volvo to pick you up . in case you need it , the contact number is 07979170593. 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 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 needed . thank you ! eos O O O O O O O O O O general-thank +bos thank you . enjoy your visit . eos O O O O O O O O general-bye +bos could you help me find a guesthouse on the west side ? eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos there are two guesthouses on the west side , one cheap and one moderately priced . eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos does either of those offer free parking ? eos O O O O O O O O O N/A +bos actually , they both offer free wifi and free parking . finches b & b is cheaper , and the hobsons house is more moderately priced . which do you prefer ? eos O O O B-Hotel-Inform+Choice 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+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos let 's go with finches . can you book me a room for 2 people on saturday ? we 'd like to stat for 4 nights . eos 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 i 've booked your stay . do you need anything else ? eos O O O O O O O O O O O O O Booking-Book,general-reqmore +bos just the reference number thanks eos O O O O O O Hotel-Request+Ref +bos sure thing , your reference number is e7r5knp0 . would you like me to help you find 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 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 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 am looking for a particular restaurant . its name is called caffe uno . 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 caffe uno ? excellent choice ! would you like to make a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform +bos yes please ! there will be 7 of us dining on sunday eos O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O N/A +bos at what time would you like the reservation ? eos O O O O O O O O O O Booking-Request+Time +bos 16:15 seems like a good time . eos O B-Restaurant-Inform+Time O O O O O O N/A +bos i have booked the table for sunday , the reference number is 1xgv4vgp . is there anything else i can help you with today ? eos 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 that 's all i needed help with . thanks a lot ! eos O O O O O O O O O O O O O general-thank +bos awesome , thank you for using cambridge towninfo centre . enjoy the restaurant ! eos O O O O O O O O O O O O O O O general-bye,general-greet +bos i am looking for a train to stevenage . eos O O O O O O O O B-Train-Inform+Dest O N/A +bos ok. where are you leaving out of ? eos O O O O O O O O O Train-Request+Depart +bos i 'm leaving out of cambridge . eos O O O O O B-Train-Inform+Depart O O N/A +bos great there are 70 trains , do you have a day or time ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i need to arrive by 9:30 on thursday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos tr2016 leaves at 05:21 and arrives by 06:10. would you like to book this 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 Train-OfferBook +bos yes for 4 people please . i will 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 4 tickets to arrive by 9:30 ! eos O O O O O O B-Train-Inform+Arrive O N/A +bos can i have the reference number for the train booking please ? eos O O O O O O O O O O O O O Train-Request+Ref +bos i have another train that leaves at 07:21 and arrives at 08:10 if that would be better ? 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 that is not better . i would like a reference number for the 4 tickets already booked , 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 Train-Request+Ref +bos sure thing . the reference number is l130xfn9 . how else may i help ? eos 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 . have a good day . eos O O O O 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 i need a train to cambridge . get me one that arrives by 13:00 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 there are over 500 results . where are you leaving from ? and what day ? 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+Depart,Train-Request+Day +bos i will be going to ely on thursday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos too many options to choose from , can you please help narrow them down ? eos 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,general-reqmore +bos i am leaving peterborough eos O O O O B-Train-Inform+Depart N/A +bos are you going to cambridge or ely ? you 've said both . eos O O O O O O O O O O O O O O Train-Request+Dest +bos i am going to cambridge and should arrive by 13:00. can you book for 3 people leaving wednesday from peterborough ? also need information on clare 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 O O O O N/A +bos i still have 14 trains . arriving at :09 and :38 every hour starting at 06:09 and the last is at 12:38. which one do you want ? 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 O O O Train-Select +bos i 'd like one that arrives by 13:00 on wednesday . eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A +bos they all do . which train would you like ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O Train-Select +bos well pick pick the one that leaves the latest but arrives by 13:00 and book for 3 people . eos 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 all set ! reference # is eh4icthp . anything else today ? eos O O O O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore +bos yes , i need information on clare college . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos clare college is a college located in the west eos O B-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area N/A +bos can i also have the address and entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos clare college is on trinity lane . the entrance fee is 2.50 pounds . 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+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 general-reqmore +bos no , that is all for today . eos O O 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 find me a train on thursday that should arrive by 15:30. eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A +bos i 've got the system ready for you , where will you be leaving from and arriving to ? 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 'll be departing from kings lynn and going to cambridge eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos the tr2162 departs from kings lynn at 14:11 and arrives at cambridge at 14:58. shall i book that for you ? eos O O O O 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 O O Train-OfferBook +bos yes ! make a booking for 2 people.make sure you get the 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 has been successfully made . the reference number is 1r3j6v88 and 19.60 gbp will be payable at the station . can i help you with anything else ? eos O O O O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref 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 O O general-reqmore +bos yes , i would like an expensive restaurant in the south . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos there are 5 expensive restaurants in the south . would you prefer chinese , indian , italian or mexican ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos i 'd like an italian place , thanks . eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos frankie and bennys fits your description . can i book ? eos 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 book a table for 2 at frankie and benny 's at 19:30 and provide the reference number . eos O O O O O O O O B-Restaurant-Inform+People O O O O B-Restaurant-Inform+Time O O O O O O O O N/A +bos what day do you want me to make it on ? eos O O O O O O O O O O O O Booking-Request+Day +bos thursday please the same day for 2 at 19:30 and i need the reference number too after the booking please eos O B-Restaurant-Inform+Day 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 table will be reserved for 15 minutes . reference number is : yg9tc7h7 . 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 O general-reqmore +bos thank you , that will be all . eos O O O O O O O O O general-thank +bos may i book you a taxi or anything else ? eos O O O O O O O O O O O general-reqmore +bos that was all that i needed , thanks eos O O O O O O O O O general-thank +bos have a nice stay in town . let us know if you need help again . eos O O O O O O O O O O O O O O O O O general-bye +bos hi there , i 'm hungry . please help me find a cheap place that serves the americas food eos O 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 N/A +bos oh no ! we do n't have anywhere that matches that description . 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 O O O O Restaurant-NoOffer,general-reqmore +bos what kind of food is offered in the centre ? eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos there is asian oriental , chinese , indian , italian , mediterranean , modern european , portuguese , and spanish . which would would you like ? eos 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 ooh , mediterranean , please . eos O O B-Restaurant-Inform+Food O O O O N/A +bos you 'll love the gardenia . can i book you a table ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform +bos yes please book a table for 4 at 19:15 on wednesday eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos your reservation is all set ! your reference number is rd7bjgh1 . 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 am also looking for a train to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos what location will you be departing from ? eos O O O O O O O O O Train-Request+Depart +bos which location is best ? eos O O O O O O N/A +bos any location is great there are many trains . also what day and time do you need the train ? eos O O O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos actually , i need to depart from bishops stortford . i need to arrive by 12:30 on wednesday , please . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O N/A +bos okay ! the latest train you can take leaves at 11:29. would you like to take that one ? eos O O O O O O O O O O B-Train-Inform+Leave O O O O O O O O O Train-Select,Train-OfferBook +bos it depends on what the travel time is . do you have the 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 +bos the train will take 38 minutes between the two places . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O N/A +bos ok great that will work . can you book it for me ? eos O O O O O O O O O O O O O O N/A +bos how many people will be taking the train ? eos O O 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 N/A +bos booking was successful , the total fee is 40.4 gbp payable at the station .reference number is : rq2etgpc . 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 's all i need today . eos 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 do you have information about attractions in the west ? eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos i have 13 entries for attractions in the west . do you have a type of attraction you 're interested in ? eos O 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 Attraction-Request+Type +bos i do n't care as long as it is in the west . eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos i recommend queens ' college that is located in the west . their address is silver street . eos 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 O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O N/A +bos what attraction type is that ? i am also interested in finding a restaurant in the west as well . 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 Attraction-Request+Type +bos it is a college , the admission fee is 2.50 pounds . what type of cuisine would you like to dine on in the west ? eos O O O O B-Attraction-Inform+Type 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 O O Restaurant-Request+Food +bos i would love indian food , preferable in the expensive price range . eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O N/A +bos i have many in that price range . would you like me to choose for you ? 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 general-reqmore +bos yes reserve a table for 1 at 19:30 on sunday please 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 i booked you at the tandoori palace and your reference is lp0o0n8l . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O N/A +bos that 's everything i need . thank you for helping me . 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 am looking for information . can you help me find a place to stay ? i want a hotel , not a guestroom . 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 N/A +bos what area and/or price range would you like ? if neither of those matter , i recommend the gonville , in the center of town . eos O O O O O O O O O O O O O O O O O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O Hotel-Request+Area,Hotel-Request+Price +bos moderate would be a perfect price range . eos O B-Hotel-Inform+Price O O O O O O O N/A +bos do you have any other criteria ? eos O O O O O O O O general-reqmore +bos yes , a 2 star rating would be great . eos O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos we have two at the note , do i recommend one ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O general-reqmore +bos yes please do and book it for 5 people for 4 nights from monday . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos ashley hotel is a great hotel located in the north with free wifi and parking . if that sounds good to you , then i will go ahead and book it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-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 O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please . eos O O O O N/A +bos great ! for how many people , which day , and for how long ? eos 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 5 people for 4 nights starting from monday . eos 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 for the ashley hotel . your reference number is fx8l2kid . is there anything else i can assist you with ? 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 general-reqmore +bos i also need 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 okay , where are you departing from ? eos O O O O O O O O O Taxi-Request+Depart +bos actually i am looking for the corn cambridge exchange first . 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 the cambridge corn exchange is a theater in the center of the city . it 's located at wheeler street , 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 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore +bos yes , and i would also like to book a taxi to leave by 07:15. eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos what is your destination ? eos O O O O O O Taxi-Request+Dest +bos 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 ? eos O O O O O O 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 the phone number is 01223350059. 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 i believe you also asked for the address and area . the address is wheeler street and it is in the centre . is there anything else you needed ? eos 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 O O O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos that 's all i need thanks eos O O O O O O O general-thank +bos sorry , just to clarify , did you actually not need a taxi after all then ? eos O O O O O O O O O O O O O O O O O O general-reqmore +bos sorry , yes please book a taxi . departing from the cambridge corn exchange back to the hotel by 7:15. i will be needing the car type and contact number . 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 O B-Hotel-Inform+Type O O O O O O O O O O O O O O O Taxi-Request+Car +bos a black lexus will be waiting for you at 7:15 in front , contact number 07495116373. can i help with anything else ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O 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 N/A +bos that is all i need tonight . thanks ! eos O O O O O O O O O O general-thank +bos if you need further assistance , please let us know . it was 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 general-greet +bos hello , i am looking for a train to cambridge that arrives by 17:15. 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 we 'll find you something . where are you departing from ? eos O O O O O O O O O O O O O Train-Request+Depart +bos i am departing from london kings cross on monday . eos 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 train tr9114 that leaves at 15:17 and will get you into cambridge by 16:08. 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 O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A +bos that is fine . get me the travel time eos O O O O O O O O O O Train-Request+Duration +bos the travel time for the tr9114 is 51 minutes . is there anything else i can help you with ? 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 general-reqmore +bos yes , i 'm also looking for 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 O O N/A +bos i have 33 expensive restaurants in the centre of town . what type of food 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 the type of food is not important , but i need one that can seat 8 people at 21:00. can you make a suggestion ? 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 O O O O O O N/A +bos i would recommend the cambridge chop house . it serves british food . would you like me to try to make a reservation ? 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-Recommend+Food O O O O O O O O O O O O O Booking-Inform +bos yes please . i need it to be for 8 people at 21:00 on monday . 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 booking was successful . the table will be reserved for 15 minutes . your reference number is : 4dh6bkjo . 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 B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos thank you so much for all of your help you have been great ! eos O O O O O O O O O O O O O O O general-thank +bos my pleasure ! enjoy your trip . eos O O O O O O O O general-bye +bos hi , you can help me find a cheap restaurant on the east eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos the missing sock is a cheap restaurant . they serve international cuisine . does that sound good ? eos 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+Food I-Restaurant-Inform+Food O O O O O O O general-reqmore +bos sounds great ! please book it for 2 people at 18 : ! 5 on monday eos O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O O O N/A +bos your reservation the the missing sock was successfully booked for monday at 18/15 for 2. your reference number is : iopd5nu7 . eos 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 B-Booking-Book+Time O O B-Booking-Book+People O O O O B-Booking-Book+Ref O N/A +bos i also need a train on tuesday . eos O O O O O O O B-Train-Inform+Day O N/A +bos i can help with that , too . where are you departing from and where are you going , 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+Depart,Train-Request+Dest +bos i will be departing cambridge and going 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 N/A +bos i have 19 trains . do you have a preferred arrival or 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,Train-Request+Arrive +bos i want the train to leave after 08:30 eos O O O O O O O O B-Train-Inform+Leave N/A +bos there is a train that leaves at 8:40. eos O O O O O O O O B-Train-Inform+Leave N/A +bos that should be perfect . can i get reservations for 2 ? eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos yes , i booked the tickets and your reference number is 1tarw3rs eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos perfect ! ! thank you so much . eos O O O O O O O O O general-thank +bos thanks you for visiting us in cambridge and enjoy your trip ! eos O O O O O O O O O O O O O general-greet +bos i am planning a trip in cambridge . eos O O O O O O O O O N/A +bos i can help you with travel , restaurants , attractions and places to stay . eos O O O O O O O O O O O O O O O O general-reqmore +bos i 'm looking for a train on thursday that need to arrive by 19:15. i 'll be leaving cambridge and heading to kings lynn . can you help ? eos O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive 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 the latest a train reaches your station is 05:58. can i 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 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 booking was successful , the total fee is 68.6 gbp payable at the station .reference number is : 7e54pfpz . 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 recommended attraction in the centre . i do n't care what type it is . 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 there 's holy trinity church on market street in the centre , the architecture is amazing and entrance is free . is there anything else you 'd like to know about it ? eos 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 B-Attraction-Recommend+Area I-Attraction-Recommend+Area B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O B-Attraction-Recommend+Fee O O O O O O O O O O O O O O O general-reqmore +bos i only needed the train . eos O O O O O O O Train-Inform +bos all right then . thanks so much for calling . if you think of anything else , please do n't hesitate to call us back . eos O O O 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 enjoy your stay in cambridge eos O O O O O O general-bye +bos i am hoping to find some entertainment while i am in the east area of town . 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 N/A +bos okay ! you can choose cherry hinton hall and grounds or funky fun house . do either of these appeal to you ? 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 O O O O O O O O O N/A +bos let 's try the funky fun house . do you have the entrance fee , address and postcode , please ? 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 O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos 8 mercers row , mercers row industrial estate is their address , and their postcode is cb58hy . i do n't have their entrance fee , unfortunately . 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 B-Attraction-Inform+Post O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O N/A +bos ok thank you . i am also looking for information on la tasca restaurant . could 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 O O N/A +bos definitely ! la tasca is a spanish restaurant in the centre of town in the moderate price range . eos O 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 B-Restaurant-Inform+Price O O O O N/A +bos can i get their post code ? eos O O O O O O O O Restaurant-Request+Post +bos absolutely ! the postcode is cb21uf . would you like to book a reservation ? eos O O O O O B-Restaurant-Inform+Post 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 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 am looking for a place to dine . the restaurant should be in the south and should serve gastropod food . 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 'm sorry , there are n't any gastropubs in the south part of town . if you 're open to other areas there are three in the centre and one in the east ? eos O O 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 I-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O Restaurant-NoOffer +bos how about a cheap chinese one in the south ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i have one place that would be good for you , would you like me to start booking ? 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 Booking-Inform +bos yes that would be great , thanks ! it 'll be 7 people dining on friday at 11:30. and can i have a reference number for it ? eos O O 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 O O O O O O O O O O O Restaurant-Request+Ref +bos you are booked at the lucky star . the table will be reserved for 15 minutes , reference number is : exu13zfq . can i help further ? eos 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 B-Booking-Book+Ref O O O O O O O general-reqmore +bos no , thank you so much ! eos O O O O O O O O general-thank +bos thanks so much for using cambridge towninfo centre . have a great time ! 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 city centre that serves italian 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 there are nine listings available . what price range were you interested in ? eos O O O O O O O O O O O O O O O Restaurant-Request+Price +bos i am interested in a restaurant that is in the expensive price range . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos clowns cafe is a restaurant in the city centre with that price range . would you like to make a reservation ? 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 O O Booking-Inform +bos sure ! how close is the cafe from my current location ? eos O O O O O O O O O O O O O N/A +bos the clowns cafe is in the centre area . would you like me to book you a reservation ? 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 O Booking-Inform +bos yes , please . i 'd like a table for 6 at 18:45 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 booking was successful . the table will be reserved for 15 minutes . reference number is : f29amxp7 . 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 also need to hotel to stay at in the centre . eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O N/A +bos there are 3 hotels in that area . would you prefer a moderately priced or expensive hotel ? eos O O O O B-Hotel-Select+Type O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O N/A +bos no price range , it does n't have to have internet though . eos O O O O O O O O O O O O O O N/A +bos cityroomz is moderate with 0 stars , gonville hotel has 3 stars and is expensive , university arms is also expensive and has 4 stars ? will any of these do ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O Booking-Inform,Hotel-Select +bos are they all hotels or guesthouses ? eos O O O O B-Hotel-Inform+Type O O O N/A +bos they are all hotels . is this acceptable ? eos O O O O B-Hotel-Inform+Type O O O O O Hotel-Select +bos sure can i get one with free wifi please ? eos O O O O O O O O O O O N/A +bos they all have free wifi . is there a star rating you prefer ? eos O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Inform+Internet +bos no just book me rooms for six people for two nights . eos O O O O O O O O O O O O O N/A +bos non of the hotels were available for 2 nights starting on friday . would you prefer another date 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 Booking-NoBook,Hotel-Request+Area,Booking-Request+Day +bos can you book me a room for 1 night instead ? eos O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos your booking at cityroomz was successful , reference number is seih4hyo eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i would also like a taxi to commute between the hotel and restaurant . 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 would you be departing from the restaurant or the hotel ? 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 Taxi-Request+Depart,Taxi-Request+Leave +bos i will be departing from the hotel and going to the restaurant . i need to be there in time for my reservation . 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 N/A +bos wonderful , your taxi is booked . it will be a yellow ford and the contact number is 07822741112. is there 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 O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos that 's it thanks ! eos O O O O O O general-thank +bos you 're welcome . have a wonderful time ! eos O O O O O O O O O O general-welcome +bos yes , i 'm looking for a cuban restaurant in the centre . 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 do n't see any cuban restaurants in the centre . would you like to look for cuban restaurants in another location ? eos O O O O O B-Restaurant-Inform+Food I-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 O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos hmm okay can you search for chinese food instead then please ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are 10 entries here . i recommend charlie chan . eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos that sounds great . can i have their phone number and address ? eos 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 01223361763. is there anything else i can do for you ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , can i please get their postcode and address ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos it is regent street city centre , cb21db eos O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O N/A +bos thank you very much , that 's all the information that i need . eos O O O 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 check back with us . enjoy 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 general-welcome,general-bye +bos thanks again for the help . have a great day . goodbye . eos O O O O O O O O O O O O O O general-bye +bos please let us know if we can help any further . 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 hello , i 'm coming to cambridge soon to try some local restaurants , and i need a train . i need to leave on tuesday and arrive by 16:45. 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+Day O O O B-Train-Inform+Arrive O O O O N/A +bos i have 117 results for trains going to cambridge on tuesday , where will you be departing from ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O Train-Request+Depart +bos i 'm departing 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 is a train that arrives by 16:08 would you like me to book it ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos could you give me the price of the ticket ? eos O O O O O O O O O O O Train-Request+Price +bos the price of the ticket is 23.60 pounds . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos could i get the train id and time i would leave in case i want to book later . 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 the train id is tr3456 . eos O O O O O B-Train-Inform+Id O N/A +bos thanks , and what time does that train depart ? eos O O O O O O O O O O O Train-Inform +bos i apologize , the train that arrives by 16:08 is actually the tr0269 , and it leaves at 15:17. is there anything else i can help with today ? eos O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O O O O O O O O O general-reqmore +bos i need a place to dine on the west side . could you give recommend an indian restaurant , please ? eos 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 O N/A +bos how does tandoori palace sound ? it 's indian on the west side and expensive . eos O O O O O O O B-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price O O O N/A +bos that sounds great ! can i get the postcode ? eos O O O O O O O O O O O Restaurant-Request+Post +bos the postcode for tandoori palace is cb43le . would you like to make a reservation there ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O O O O O O O O O O Booking-Inform +bos no thanks . i 'll take it from here . eos O 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 +bos thank you for your help . eos O O O O O O O general-thank +bos you 're welcome . let us know if you need further assistance . 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 . i want it to go to stevenage and leave from cambridge . eos O O O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart O O O N/A +bos there are many trains available . what day and time do 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+Leave,Train-Request+Day +bos it should leave after 18:30 on saturday . eos O O O O O O O B-Train-Inform+Day O N/A +bos i have a train leaving at 19:21 , is that okay ? eos O O O O O O O B-Train-Inform+Leave O O O O O Train-Select +bos how long is the trip and when will i arrive ? also need to know 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,Train-Request+Arrive +bos the trip lasts 49 minutes and is 12.8 gbp . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos okay , thank you for that information . i also need to find a cheap restaurant . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos we have many available . do you have a certain type of food you would 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 anything cheap in the centre of town please . eos O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are several places what type 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 Restaurant-Request+Food +bos can you help me find a place to go in the west part of town ? eos O O O O O O O O O O O O O O O O O N/A +bos did you have a specific place in mind ? eos O O O O O O O O O O Attraction-Request+Name +bos not really - what 's your favorite ? eos O O O O O O O O O N/A +bos whale of a time is a great place if you are into entertainment . 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 B-Attraction-Recommend+Type O N/A +bos what kind of attraction is that ? eos O O O O O O O O N/A +bos it 's an softplace area with an aquatic theme . great for the whole family , especially the younger ones ! eos O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type I-Attraction-Recommend+Type I-Attraction-Recommend+Type I-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O O O O O O O O O N/A +bos that will be good . i also want information about pizza express eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos pizza express is italian and loated in the centre with moderate pricing telephone # is 01223324033 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Phone N/A +bos wonderful . thank you for your help today . eos O O O O O O O O O O general-thank +bos thank you and have a wonderful time ! eos O O O O O O O O O general-bye +bos i need help finding a restaurant in cambridge . eos O O O O O O O O O O Restaurant-Inform +bos what type of food do you want ? i have asian and african cuisine eos O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food Restaurant-Request+Food +bos i would actually like to find something that 's serving modern european food , preferably in the centre . 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 N/A +bos i have four options . do you want cheap , moderate , or expensively priced ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos moderate please . eos O B-Restaurant-Inform+Price O O N/A +bos we have two options - de luca cucina and bar or riverside brasserie . would you like me to book a reservation at either one ? 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 O O O Booking-Inform +bos either one would be fine . can you book it for 3 people at 19:00 on saturday ? 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 booking was unsuccessful . would another date or time work ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos can you try to book me at 18:00 ? eos O O O O O O O O B-Restaurant-Inform+Time O N/A +bos i was able to successfully book you for 18:00. your reference number is caohgds4 . eos O O O O O O O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A +bos thanks ! i also need a train to stevenage on sunday . i need to get there by 10:45 , if possible . 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+Arrive O O O O O O N/A +bos tr6488 leave at 09:21 and arrives 49 minutes later at 10:10 , the cost is 10.24 pounds , 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 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 , can i get 3 tickets on that train , with a reference number , please ? eos 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 the train booking was successful . the total fee is 30.72 gbp and you pay that at the station . your reference number is opfjg9nc . 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 O B-Train-OfferBooked+Ref O O O N/A +bos thank you very much , that will be all . eos O O O O O O O O O O O general-thank +bos welcome . have a lovely day . eos O O O O O O O O general-welcome +bos i 'm looking for an indonesian restaurant that 's moderate in price . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O N/A +bos there are no indonesian restaurants in the moderate price range would you like me to search for something else ? 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 O O O O O O O O N/A +bos are you sure ? i thought there was one located 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 unfortunately i do not see any indonesian restaurants . maybe you would like asain instead ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos asian oriental food sounds good . what options do you have available ? eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O N/A +bos i have a few , what price range do you prefer ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Price +bos i 'm not really worried about price . which do you suggest that is located 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 th kymmoy is expensive but very nice . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price O O O O N/A +bos i think i would like to be in the moderate price range please . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos the yippee noddle bar is in the moderate price range . would you like to book a table ? eos O 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 O O O O O Booking-Inform +bos actually , can you give me the phone number for yippee noodle bar instead ? 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 Restaurant-Request+Phone +bos absolutely . their phone number is 01223518111. is there anything else i can help you with ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos i am also looking for a train . the train should arrive by 16:15 and should leave on friday . eos O O 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 N/A +bos i 'm sure we can find your perfect train for you . 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 Train-Request+Depart,Train-Request+Dest +bos i want 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 the first train from cambridge to norwich leaves at 05:36 , and there are trains every hour thereafter . the duration of the trip is 79 minutes . which departure time works best for you ? eos O O O O O B-Train-Inform+Depart O B-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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-Select +bos can you suggest one ? i would like to arrive in norwich about 4:15 pm . eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos i would recommend tr8314 , which will get you there at 15:55. would you like me to book your 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 yes , one ticket please . eos O O O O O O O N/A +bos booking was successful , the total fee is 17.6 gbp payable at the station . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O N/A +bos when does the tr8314 leave ? eos O O O O O O O Train-Request+Leave +bos it will leave at 14:36 eos O O O O O B-Train-Inform+Leave N/A +bos great ! thanks 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 no , that is all . 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 i need to take a train from cambridge to peterborough . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos there are hundreds of options , i can narrow it down if you have a day , arrival time 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 Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos i want to leave on sunday and arrive at 16:00 eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos i have plenty of options for you . would you like to leave first thing in the morning or in the afternoon ? 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+Leave +bos earlier is better , since i need to be there by 16:00. eos O O O O O O O O O O O O O N/A +bos tr3577 will arrive at 15:24 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 Train-Select +bos yes , how long is the travel and what is the price ? eos O O O O O O O O O O O O O O Train-Request+Price +bos the train ride is 50 minutes and will cost 13.20 pounds . would you like me to book that for you ? 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 O O Train-OfferBook +bos not just yet . what time does that train leave cambridge ? eos O O O O O O O O O O B-Train-Inform+Depart O O Train-Request+Leave +bos that train leaves cambridge at 14:34. eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave N/A +bos thank you , i appreciate it . i also need some help finding an african restaurant . 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 there is a great african restaurant called bedouin located in the centre . price range is considered expensive but you get a great experience . would you like me to make reservations for you ? eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area 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 O Booking-Inform +bos that would be great , thank you . eos O O O O O O O O O general-thank +bos for how many people do you need your reservation for ? eos O O O O O O O O O O O O Booking-Request+People +bos actually i really do prefer something in the cheap price range . if there is no african restaurants , how about something italian ? 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 B-Restaurant-Inform+Food O O O Train-Request+Price +bos i recommend ask . it is in the center and is in the cheap price range . can i get you a reservation there ? eos O O O B-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform +bos actually , can you give me the postcode and phone number ? no booking necessary . 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 phone is 01223364917 , post code cb21uf . anything else you need ? eos O O O B-Restaurant-Inform+Phone O O B-Restaurant-Inform+Post O O O O O O O general-reqmore +bos no , that took care of all my needs . thanks . have a good one . 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 're welcome . you as well . bye ! eos O O O O O O O O O O O general-welcome +bos i 'm currently planning my trip to cambridge , but need some help finding a certain restaurant . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos sure , i can help you with that . what type of cuisine are 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 actually , i 'm looking for some info on kymmoy restaurant . can you tell me about them ? eos O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O O N/A +bos absolutely ! they are a great asian oriental restaurant in the centre of town . they are on the expensive side . would you like help in reserving a table ? eos O O 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 O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O Booking-Inform +bos i need their address , and postcode . eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos they are at 52 mill road city centre , postcode cb12as 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 B-Restaurant-Inform+Post O N/A +bos thanks . can you also help me find a train to bishops stortford ? eos O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos there are more than 70 trains to bishops stratford , could you tell me what day you would like to leave , where you would like to leave from , and the times . eos O O O B-Train-Inform+Choice I-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 O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart +bos i am leaving cambridge on sunday , can you please tell me the travel time on that ride ? eos 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 O Train-Request+Duration +bos sure , it is a 38 minute trip . would you like a ticket ? 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 i need to leave after 14:45 also . eos O O O O O O B-Train-Inform+Leave O O N/A +bos the tr3600 departs cambridge at 15:29 , would that suit you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O N/A +bos no that 's all i needed . thanks for your help . eos O O O O O O O O O O O O O general-thank +bos you 're very welcome ! thank you ! eos O O O O O O O O O general-welcome +bos i need to find a place to eat in the centre of cambridge . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are dozens of places to eat in the north . what kind of food are you interested in ? eos 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 Restaurant-Request+Food +bos i 'd like something that serves modern european . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there are four choices available that range from cheap to expensive , what is your preference with price ? eos 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 Restaurant-Request+Price +bos great can you book one for 2 people at 16:00 on monday 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 N/A +bos ok , i have a reservation for 2 at de luca cucina and bar on monday at 16:00. the reference number is : hc9l602o . eos O O O O O O O O B-Booking-Book+People O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-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 N/A +bos i am also looking for a train for monday departing birmingham new street . eos 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 N/A +bos it looks like there are trains running hourly from 5:40. did you have a time of day in mind ? eos 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 O Train-Request+Leave +bos i 'm looking to arrive in cambridge by 10:15. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos the tr7853 gets you to cambridge about 09:23. would you like that one ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A +bos possibly . can you give me the departure time , travel time and a price ? eos 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 that one departs at 06:40 , and arrives at cambridge on monday at 09:23. it 's duration is 163 minutes . the price is 75.10 pounds . eos O O O O 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 B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O N/A +bos sounds good . is there a ticket available on that train ? eos O O O O O O O O O O O O O Train-Inform +bos yes , i was able to book you for the train , the train number is tr7583 , the reference number is lw0w57mp , the ticket is 75.09 payable at the station eos 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+Ref O O O B-Train-OfferBooked+Ticket O O O O O O O O N/A +bos okay . thank you for all your help . eos O O O O O O O O O O general-thank +bos you 're welcome . will you be needing anything else today ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos i wo n't be needing anything else , thank you . eos O O O O O O O O O O O O general-thank +bos you 're very welcome . i 'm glad to have helped . enjoy your trip . 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 'd like to dine at an expensive restaurant in the centre . any suggestions ? 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 we have an expensive restaurant in the centre of town that serves african food , called bedouin . would that be of interest ? eos 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 B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name O O O O O O O O general-reqmore +bos that sounds wonderful . can you book me a table for 5 ? eos O O O O O O O O O O O B-Restaurant-Inform+People O O N/A +bos certainly . what day and time would you like to dine ? eos O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos tuesday at 16:00. eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos i have your booked for the bedouin tuesday at 1600 for 5 people . your reference number is pet3gu9h . thank you for allowing me to assist you . eos O O O O O O O O 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 N/A +bos i 'm also looking for a train on tuesday as well . can you assist me with this please ? 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 okay , no problem . there are many trains available . i just need to know where you are departing from and going to , as well as the preferred time . 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 O O Train-Request+Leave,Train-Request+Dest,Train-Request+Depart +bos should be on the same day as the restaurant booking and should depart from leicester to cambridge . arriving at 13.30. train id , price and departure time please 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 O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave +bos tr6224 would be your perfect fit . eos O B-Train-Inform+Id O O O O O O N/A +bos okay , what time does it depart and how much is it ? eos O O O O O O O O O O O O O O N/A +bos tr6224 leaves at 11:09 , arrives at 12:54 ( 105 minutes ) , and is 37.80 pounds per person . eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Arrive 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 N/A +bos great , that is everything 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 hello , i 'm looking for information about restaurants in cambridge . they should be located in the centre and ser gastropub food . eos 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 O O O O O N/A +bos would you like an expensive place ? or moderate ? eos O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O N/A +bos just a gastropub located in the center for 8 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 N/A +bos sorry , none of the restaurants are available for that time and date . perhaps pick 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,Booking-Request+Time +bos how about at 11:00 instead ? eos O O O O B-Restaurant-Inform+Time O O N/A +bos good news ! i was able to book a table for you at backstreet bistro on wednesday at 11:00 for 8 people . your reference number is 75f4s49d . eos O O 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 B-Booking-Book+Time O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O N/A +bos excellent . i 'm also looking to book a train too . eos O O O O O O O O O O O O O Train-Inform +bos i can do that for you , where do you need to go ? eos O O O O O O O O O O O O O O O Train-Request+Dest +bos i 'll be coming to cambridge from broxbourne , on the same day as the restaurant booking please . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O O O O O N/A +bos i have 5 options that will have you arrive before your restaurant reservation . the train leaves every hour beginning at 5:32. would you like me to book a ticket ? 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 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 book 8 tickets on the last train to arrive before 8:30. 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 143.19 gbp payable at the station . reference number is : ejjgoj29 . 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 N/A +bos okay 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 dinner and a lovely train ride ! eos O O O O O O O O O O O general-bye +bos i am looking for a restaurant that serves indian food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos in what area of town would you like to eat ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos in the centre of town please . i am looking to stay in the expensive price range . eos O O O B-Restaurant-Inform+Area O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos great , there are 6 restaurants that meet your criteria . i would suggest curry garden . can i book it for you ? 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 O O O O O O O O Booking-Inform +bos yes , could you please book it for 6 people at 14:30 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 your table is reserved , ref # uqony6cj . 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 that would be all thank you very much . eos O O O O O O O O O O general-thank +bos okay , you are welcome . have a nice day ! eos O O O O O O O O O O O O general-welcome,general-bye +bos is there anywhere that serves british fish and chips around here ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there are a lot of restaurants that serve british food . do you have a specific area or price range in mind ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 i 'd like something downtown and moderately priced eos O O O O O O B-Restaurant-Inform+Price O O N/A +bos we do not have any restaurant downtown , would you like me search in a different area ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos any area is fine , really . it should be moderately priced however . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O Restaurant-Request+Area +bos i found four british restaurants in centre and one in east . which area would be more convenient ? eos O O O O B-Restaurant-Inform+Food 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 east , please . eos O B-Restaurant-Inform+Area O O O N/A +bos i found cotto , a moderate british restaurant in the east . do you like the address and phone number ? eos 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 general-reqmore +bos yes , i would like the address and phone number , please . 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 183 east road city centre and the phone number is 01223302010. 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+Phone N/A +bos thank you . goodbye . eos 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 need help finding williams art and antiques in cambridge . 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 sure , they are at gwydir st , no . 5 dale 's brewery . phone number is : 01223311687 & postcode is cb12lj . it is a museum and entrance fee is free ! 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 B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Fee O O O O O O O O N/A +bos that 's great ! may i also have the area that williams art and antiques is in ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos it is in the centre of town . is there anything else i can help you with today ? eos 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 general-reqmore +bos i need a train to broxbourne on thursday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos alright , i have nineteen different trains going to broxbourne on thursday . is there any specific time you want to leave or arrive by ? eos O O O O B-Train-Inform+Choice 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 O Train-Request+Leave,Train-Request+Arrive +bos it needs to be anytime after 15:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos i have a train leaving at 16:01 and arriving by 17: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 B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos yes please i need that for 4 people and 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 booking was successful for tr9531 , the total fee is 71.59 gbp payable at the station . your reference number is 6x1c0pql . can i assist you 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 B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos great that 's all that i should need , thank you ! eos 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,general-bye +bos i am looking for information in cambridge . i need a train ticket . can you help ? eos 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 certainly . what is your departure location and your arrival location ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i would like to depart from london liverpool street and arrive in cambridge . i would like to leave sunday and arrive by 16:45 ? eos 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 O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O N/A +bos there are 6 days that arrive before 16:45 on this day . did you have any other preferences ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive O B-Train-Inform+Day I-Train-Inform+Day O O O O O O O O N/A +bos the train that arrives closest to 16:45 is best . i just need to know what time it leaves and arrives . oh and of course it 's id . 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 O O O O O Train-Request+TrainID +bos of course ! that will be tr6578 leaving at 13:39 and arriving at 15:07. the price is 13.28 pounds and it 's an 88 minute duration . may i help with anything else ? eos O 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 B-Train-Inform+Ticket I-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 general-reqmore +bos yes . i am looking for a place to go in the west part of town . with preference to college . eos O 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 N/A +bos in the west part of town clare college . the entrance fee is 2.50 pounds . eos O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos great that 's all the information i need ! eos O O O O O O O O O O N/A +bos alright . enjoy your stay in cambridge ! eos 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 it has been my pleasure . feel free to contact us with any other questions you may have 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-welcome,general-bye +bos greetings , i am planning a trip in cambridge and am looking for entertainment venues 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 B-Attraction-Inform+Area O O O O N/A +bos there are 5 different entertainment venues in cambridge , however known are located in the centre . did you want to visit on in a different part of town ? maybe the east ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O Attraction-Request+Area +bos no i prefer the centre area . eos O O O O O O O O N/A +bos we do n't have anything listed under entertainment for the centre area , but there are a variety of other things to do . are you interested in the theater or perhaps the cinema ? 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 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 B-Attraction-Select+Type O O O O N/A +bos what about a museum in the center of town -- is there anything like that ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A +bos the museum of archaelogy and anthropology is located in the center 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 O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos thank you can i have the entrance fee , postcode , 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 , there is n't an entrance fee , that 's nice . the phone number is 01223333516 and the postcode is cb23dz . 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 B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O N/A +bos i also need a train . eos O O O O O O O Train-Inform +bos there are several trains , where is your departure and when ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Leave,Train-Request+Depart +bos i need to depart from cambridge and arrive at stevenage . i need to leave after 12:30 on saturday . eos O 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 B-Train-Inform+Day O O N/A +bos it appears that tr6998 will be your best bet . it leaves at 13:21. eos O O O O B-Train-Inform+Id O O O O O O O O B-Train-Inform+Leave O N/A +bos okay , sounds good . will you book that for 4 people and get me 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 O Train-Request+Ref +bos i have a 13:21 train departing cambridge and arriving in stevenage at 14:10 on saturday . would that work for you ? eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart 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 yes , that 's perfect ! eos O O O O O O O N/A +bos alright , your train tickets have been booked and your reference number is zewg9o60 . 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 O O O O O O O O general-reqmore +bos no that was all , i got the reference number . have a great day . eos O O O O O O O O O O O O O O O O O Train-Request+Ref +bos it has been my pleasure . feel free to contact us with any questions that may arise . 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 taxi from nusha to thanh binh at 6:15 , please . eos O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O N/A +bos a blue volkswagen will pick you up , and the contact number is 07337359188. can i help with anything else ? 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 general-reqmore +bos that is all i needed , thanks . 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 general-welcome,general-bye +bos thank you , you too . eos O O O O O O O general-thank +bos do n't hesitate to call if you need anything else . goodbye . eos 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 type multiple sports . 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 unfortunately , there is not attraction type with multiple sports in the centre areat . 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 N/A +bos is there a nightclub located in the centre instead then ? eos 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 in the centre . would you like me to send you a list with their address and price information ? 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 general-reqmore +bos no , i just need the phone number and entrance fee for each of them . eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos ballare 5 pounds , phone 01223364222. club salsa 5 pounds , phone 07782218745. kambar 5 pounds , phone 01223842725. soul tree nightclub 4 pounds , phone 01223477900. the fez club 5 pounds , phone 01223519224 eos 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 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+Phone I-Attraction-Inform+Phone O O O O N/A +bos thank you i also need a train going to cambridge leaving after 17:00 eos O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave N/A +bos there are a lot of trains then , can you tell me where you are departing from and how many tickets you need ? 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+People,Train-Request+Depart +bos i will be departing from bishops stortford on sunday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr5298 leaves at 17:29 and arrives by 18:07. can i book you for this train ? 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 , 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 , enjoy your visit ! eos O O O O O O O O general-greet +bos i need train reservations from norwich to cambridge eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest N/A +bos i have 133 trains matching your request . is there a specific 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 'd like to leave on monday and arrive by 18:00. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos there are 12 trains for the day and time you request . would you like to book it now ? 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-OfferBook +bos before booking , i would also like to know the travel time , price , 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 Train-Request+Duration,Train-Request+Price,Train-Request+Leave +bos there are 12 trains meeting your needs with the first leaving at 05:16 and the last one leaving at 16:16. do you want to book one of these ? 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+Leave I-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos no hold off on booking for now . can you help me find an attraction called cineworld cinema ? 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 O N/A +bos yes it is a cinema located in the south part of town what information would you like on it ? 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 O O general-reqmore +bos yes , that was all i needed . 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 using our system . eos O O O O O O O O general-bye +bos i am looking for a place to eat . i want to eat modern european food in the expensive price range please . eos O O O 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 O O O N/A +bos we have just the place . darrys cookhouse and wine shop serves this type of food in the centre and is within the expensive range . 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 B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A +bos that sounds great ! could you give me the address ? eos O O O O O O O O O O O O Restaurant-Request+Addr +bos of course , the address is 40270 king street city centre . would you like me to try and book you a reservation ? 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 O O O O O Booking-Inform +bos not now , but i do need a train to cambridge that leaves after 19:45. 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 would be happy to look that up . where would you like to depart 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 want to depart from stevenage on wednesday please . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i found 10 trains , do you have a particular time you 'd 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 +bos the only time specification is that the train leaves stevenage after 19:45. eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos i have the tr4015 that leaves at 19:54. will that work ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O N/A +bos yes , that will work . can you please book 4 tickets for that train . and can i get the 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 O O Train-Request+Ref +bos booking was successful for tr4015 , the total fee is 51.2 gbp payable at the station . your reference number is : jzcohgh8 . 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 no thank you . that was all the information that i needed , i appreciate everything you have done 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 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 places in the centre of town to go to . eos O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A +bos we have 44 listings for the centre of town . do prefer a particular attraction type ? 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 Attraction-Request+Type +bos i 'm not really sure , can you tell me about some of them ? and can you let me know their postcodes 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 O Attraction-Request+Post +bos there is the cambridge punter which is boats and the poast code is cb41as and there is the vue cinema , postcode cb11ps . do either work for you ? eos O O O O 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+Post I-Attraction-Inform+Post O O O O O O O general-reqmore +bos i am not sure at the moment but i will keep them both in mind . i also need to book a train leaving 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 B-Train-Inform+Day O O N/A +bos i would be happy to help with your request , but i will need more information first . what is your destination and day of 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+Dest,Train-Request+Day,Train-OfferBook +bos i 'm going from cambridge to bishops stortford monday and need to arrive by 14:00. eos O O O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Arrive O N/A +bos we have several trains matching that criteria , do you have a departure 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 i do n't mind departure time so much . but i would like to arrive as close to 14:00 as possible . so whatever departure time that is . eos 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 O O O O Train-Request+Leave +bos how many people will be travelling with you ? eos O O O O O O O O O O Train-Request+People +bos it 'll only be me . can i get the price , train id , and 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+Price,Train-Request+TrainID,Train-Request+Leave +bos train tr6110 leaves at 13:00 and arrives at 13:51. it is 23.60 pounds . would you like me to book it for you ? eos O O B-Train-Inform+Id 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 Train-OfferBook +bos yes that would be fine . eos O O O O O O O N/A +bos okay , i have booked one ticket on tr6110 , leaving at 13:00. the reference number is i0akm39a . can i help with anything else ? eos O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos that is all i needed for today . 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 very welcome . enjoy your trip ! eos O O O O O O O O O O general-welcome,general-bye +bos what trains are available from cambridge on monday eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos the first train departs at 05:00 and every 2 hours . the last one leaves at 13:00. can i book you some tickets ? eos 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 Train-OfferBook +bos i wanted to leave after 13:00. when is the last train to kings lynn ? eos O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos there is one leaving at 13:11 , and they run every hour after that . that last one on monday leaves at 23:11 and arrives at 23:58. 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 B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O N/A +bos great . how much is the ticket for the train leaving at 13:11 ? what time does it arrive and what is the travel 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+Duration,Train-Request+Arrive +bos sure , tr0793 leaves at 13:11 , arrives at 13:58 and costs 9.80 pounds travel time 47 minutes . eos O O B-Train-Inform+Id O O B-Train-Inform+Leave 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 O N/A +bos sounds good . get me a ticket for tr0793 . thank you in advance . eos O O O O O O O O O O O O O O O O general-thank +bos the booking was successful , you will pay 9.8 gbp at the station . your reference number is hif2wmpy . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos i also would like to find an entertainment area in town . any suggestions ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O Attraction-Request+Area +bos you could try out funky fun house on the east side . does that sound good or would you like to hear other options ? eos 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 O O O O O O O O O O N/A +bos yeah that 'd be good can you please give me the address and postcode 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 funky fun house is located at 8 mercers row , mercers row industrial estate , cb58hy . can i help you with anything else today ? eos O B-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 B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore +bos great that 's all the info i need ! eos O O O O O O O O O O N/A +bos bon voyage ! eos O O O O general-bye +bos what restaurants in the centre are cheap ? eos O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O N/A +bos i have 15 possible ones to choose from . could i ask what type of food you are 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 O O Restaurant-Request+Food +bos sure . i 'd like modern eclectic food please . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A +bos unfortunately , no results came from your search . would you like to broaden it ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos ok , how about indian food then ? eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos i found three cheap indian places in the centre . would you like to book at the gandhi ? 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 O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name N/A +bos yes please . can i also get the phone number and the postcode of the gandhi ? 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 +bos sure no problem . the gandhi phone number is : 01223353942 and the postcode is cb12as . would you like me to book that for you ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O Booking-Inform +bos i do n't know , but i am also looking for a train from kings lynn to cambridge . eos 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 N/A +bos i 'm sorry , there seems to be an error in my system . can you please restate your train 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 train to take me from cambridge to kings lynn . i need the train to leave on thursday and arrive by 20:45 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 O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos booking was successful , the total fee is 9.8 gbp payable at the station . reference number is : is961rcu . is there anything else i can help 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos yes , please make sure the booking is for 3 people . eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos great i have booked three people on that train . your reference number is k6c628qh . eos O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks . that 's all i needed . 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 need an expensive restaurant in the west of town . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A +bos there are 9 different restaurants that fit your requests , can you narrow it down to a type of cuisine you would be 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 O O O O O O O O Restaurant-Request+Food +bos really interested in bistro type food if possible . eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i could not find any meeting this criteria . do you have another preference on food 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 the tandoori palace is a wonderful indian restaurant . 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+Food O O O O O O O O O Booking-Inform +bos yes , please . i 'd like a table for 7 on wednesday at 11:15. and i 'll need 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 O Restaurant-Request+Ref +bos ok your table for 7 is booked on wednesday at 11:15. the reservation will be held for 15 minutes . your reference number is vcupcwda . enjoy your meal ! eos O 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 N/A +bos can you also help me with a train ? i 'm looking for one to cambridge arriving by 8:45. eos O O O O O O O O O O O O O O B-Train-Inform+Dest O O O O O N/A +bos the tr9933 departs norwich at 7:16 and arrives in cambridge at 8:35. 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 N/A +bos i need a train that departs from kings lynn going to cambridge by 08:45. eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos the tr5831 arrives at 7:58 , and it leaves at 7:11. this is the closest train to your requested arrival time . it costs 9.80 pounds per ticket . want to book it ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O B-Train-Inform+Leave 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 O Train-OfferBook +bos no , no need to book it for me . that will do , thank you . eos 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 could you confirm the departure time , travel time and price of 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,Train-Request+Leave +bos certainly . the tr5831 leaves out of king 's lynn at 7:11. your ride will take 47 minutes , and costs 9.80 pounds . eos O O O B-Train-Inform+Id O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart 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 N/A +bos thank you - that 's all i need right now . 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 your welcome . have a nice day ! eos O O O O O O O O O general-bye +bos hello , i am planning a visit to cambridge and would like to find out about bloomsbury 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 bloomsbury restaurant serves international cuisine , is located in the centre part of town , and is in the moderate price range . would you like the address and/or phone number ? 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 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 general-reqmore +bos actually , are you able to book me a table ? i 'd like it to be for saturday . the table should be for 8 people , at 19:15 , and please provide a reference number . eos 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 O B-Restaurant-Inform+People O B-Restaurant-Inform+Time 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 : hsiinnn4 . did you need 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 general-reqmore +bos i would like a train , arriving by 1500 and departing from birmingham new street . 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 N/A +bos there are 63 different trains that leave birmingham new street and arrive by 15:00 , where did you want to go ? eos O O O O B-Train-Inform+Choice O O O O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+Dest +bos cambridge , of course ! i need the make it to the restaurant booking ! eos O B-Train-Inform+Dest O O O O O O O O O O O O O O N/A +bos certainly , leaving birmingham new street on saturday would you rather leave at 10:40 to arrive by 13:23 , or leave at 11:40 to arrive by 14:23 ? eos 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 B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O N/A +bos i would like to leave at 11:40 please eos O O O O O O O O O N/A +bos train tr4553 departs at 11:40 and arrives at 14:23. would you like assistance booking 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 Train-OfferBook +bos can you confirm that the train booing is for 8 people , please ? eos O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos yes , i was able to book 8 tickets on that train for you . the total fee due , payable at the station , is 480.64 gbp . your reference number is g99gk4jt . eos O O O O O O O O B-Train-OfferBooked+People 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 B-Train-OfferBooked+Ref O O O O O O N/A +bos wonderful ! you have been incredibly helpful . that will be all i need today . eos O O O O O O O O O O O O O O O O O N/A +bos okay ! glad i could be of help . eos O O O O O O O O O O general-bye +bos i am looking for information about the parkside police station . eos O O O O O O O O O O O O Police-Inform +bos sure , parkside police station telephone 01223358966 , address 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 O O O O O N/A +bos no , that 's everything i needed , thanks . eos 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 O O general-bye +bos help , i need to find the nearest police station . eos O O O O O O O O O O O O Police-Inform +bos the nearest police station : parkside police station , telephone is 01223358966 , address is parkside , cambridge , and postcode is cb11jg . 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 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 O general-thank +bos you 're welcome . please contact us again if you need any additional help . eos O O O O O O O O O O O O O O O O general-welcome +bos do you have any information on a restaurant called the golden wok ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos yes i do ! it is located in the north and is at a moderate price range level . it serves chinese food . 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 O O B-Restaurant-Inform+Food O O O O N/A +bos can you please book that for friday at 13:15 for 3 people and give me the reference number ? 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 Restaurant-Request+Ref +bos it appears that time is unavailable at this restaurant . would you like to book the restaurant at a different time , or possibly book at a different 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 Booking-NoBook,Booking-Request+Time,general-reqmore +bos how about 12:15 on friday ? eos O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos booking was successful ! your table will be reserved for 15 minutes . your reference number is el18b6ux . 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 . can you help me find a train to london liverpool street now ? 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 N/A +bos what day and time would you like to leave for london liverpool street ? eos 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 leave after 17:15 on saturday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos the first train after 17:15 is tr8824 which leaves at 17:59. there are two later trains that day . would you like to book one now ? eos O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O Train-OfferBook +bos not just yet , could you provide me with the travel time for tr8824 ? eos O O O O O O O O O O O O O O O O Train-Request+Duration +bos tr8824 is to arrive by 19:27 , making the duration of the travel time total to 88 minutes . eos O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos perfect , 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 no , that 's all for today . thank you again ! eos 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 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 . eos O O O O O O O O O O O N/A +bos what is the address ? eos O O O O O O N/A +bos the address is parkside , cambridge , postcode cb11jg . eos O O O O O O O O O O O N/A +bos do you have the phone number there ? eos O O O O O O O O O Police-Request+Phone +bos yes , the phone number is 01223358966.anything else you need ? eos O O O O O O O O O O O O N/A +bos no , that 's all . thank you for your help . eos O O O O O O O O O O O O O general-thank +bos it 's been my pleasure to help . have a great day . eos 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 cambridge after 20:30 eos O O O O O O O O B-Train-Inform+Depart O O O N/A +bos where would you like the train to take you ? eos O O O O O 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 tr3466 leaves at 22:21 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 yes , that will work fine . will you please book it for 3 people and also provide 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 your reservation is confirmed for 3 people on train id tr3466 . your reference number is tb112vjl . total fee is 113.4 gbp payable at the station . eos O O 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 B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O N/A +bos i 'm also looking for a cheap place to dine that serves venetian 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 'm afraid we do n't have any venetian restaurants in town . is there something else that would work for you ? 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 O N/A +bos can you recommend a place that services spanish food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos la raza is located in ctre and serves spanish food . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Food O O N/A +bos great . thanks for all your help . eos O O O O O O O O O general-thank +bos i hope you enjoy your train trip . eos O O O O O O O O O general-bye +bos i need to leave bishops stortford . do you have a train going out ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O N/A +bos i am sure i do , where would you like to go ? eos 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 would be leaving on thursday after 16:30. what is available then ? eos O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O N/A +bos there 's a train that leaves at 17:29 and arrives by 18:07. does that sound okay ? 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 , that would work . what is the price of a ticket ? eos O O O O O O O O O O O O O O O Train-Request+Price +bos they are 10.10 pounds each eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i 'm also looking for a restaurant in the centre of town that serves chinese 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 N/A +bos there are several chinese restaurants in the centre of town . what price rnge are you looking for ? eos O O O B-Restaurant-Inform+Choice 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-Request+Price +bos i prefer something expensive . eos O O O O B-Restaurant-Inform+Price O N/A +bos i have 4 choice for you . the ugly duckling , tang chinese , hk fusion , and the sesame restaurant and bar . does one of these sound like something you would like to try ? 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 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 Restaurant-Select +bos the ugly duckling sounds interesting ! what 's their address ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Restaurant-Request+Addr +bos the ugly duckling is located at 12 st. johns street city centre . their postcode is cb21tw . is there anything more i can help 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 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 general-reqmore +bos no thank you . that is all . eos O O 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 hello , i need to book a ticket on a train from broxbourne on friday . 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 there is a train every hour from 05:32 from broxbourne to cambridge . it costs 17.90 pounds and is 60 minutes travel time . eos O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A +bos i would need to leave after 09:15. what 's the first train after that time ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O N/A +bos i 'd recommend tr2145 which leaves at 09:32 and arrives by 10:32. would that work for you ? eos 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 Train-OfferBook +bos yes , that would be good for me . that is tr2145 and leaving at 09:32 arriving by 10:32. 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 will cost 17.90 pounds . do you need me to book some tickets for you ? 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 O Train-OfferBook +bos one ticket , please . eos O O O O O O N/A +bos the train has been booked the reference number is 8z33fxbr eos O O O O O O O O O O B-Train-OfferBooked+Ref N/A +bos great can i also find a place to dine in the centre of town with halal 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 N/A +bos i 'm afraid we do n't have any restaurants that serve halal food in the centre of town , or in town at all for that matter . would something else work for you ? eos O O O O O O O O O O B-Restaurant-NoOffer+Food O O O 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 O O O O O O O O O O O O general-reqmore +bos can you check for one with british food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have about 7 different options in british food . do you have a price range you prefer ? eos 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 Restaurant-Request+Price +bos no preference , give me an option . eos O O O O O O O O O N/A +bos there 's the oak bistro and the copper kettle , which are moderately priced , and fitzbillies and the cambridge chop house are expensive . do any of those sound appealing ? 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 I-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 Restaurant-Select +bos yes i would like to book the copper kettle for 2 people on friday for 18:15. 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+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos wonderful ! i 've made your reservation and your reference number is amntuin5 . 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-greet,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 welcome , i hope that you enjoy your time here ! feel free to reach out to us at the cambridge towninfo centre 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 O O O O O O O O O O O O general-welcome,general-greet +bos yes i am looking for a restaurant in east cambidge that serves indian food eos O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O N/A +bos curry prince is one that fits your needs eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Choice O O O N/A +bos i will want it for five , on thrusday , 15:15 eos O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos i have it booked for you . the reference number is lk03fyo8 . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you ! i also need info on a train . it should leave on friday after 12:45. eos 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 okay , i can help you find a train . what is your destination ? eos O O O O O O O O O O O O O O O O Train-Request+Dest +bos i 'm going to peterborough . eos O O O O B-Train-Inform+Dest O O N/A +bos i have a train leaving at 13:06 and arrives in peterborough at 13:56. 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+Dest O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes , and please let me know the expense and travel time . eos O O O O O O O O O O O O O O Train-Request+Duration +bos it is 16.50 pounds and the travel time is 50 minutes . how many will the booking be for ? eos 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 Train-Request+People +bos actually , i do n't need tickets just yet . i 'm all set here . thanks for all 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 O general-bye +bos goodbye , i hope you enjoy your trip ! eos O O O O O O O O O O general-bye +bos i 'm looking to go to cambridge and need an indian restaurant in the east . 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 i have several . i have two options that are moderately priced and two that are expensive . did you have a preference on price range ? eos O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O Restaurant-Select +bos price does n't matter . what is your favorite ? eos O O O O O O O O O O O N/A +bos i like curry prince , its on 451 newmarket road fen ditton . 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 N/A +bos thanks ! please make a reservation for 5 at 12: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 it was all booked , reference number is 44ht5tvb . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos great , thanks ! can you help me with train schedules too ? i need to travel on the same day from bishops stortford . 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 O O O N/A +bos there are a few trains that day depending on when you 'd like to depart . how 's 9:29 and arriving at 10:07 ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 N/A +bos does that train head to cambridge ? eos O O O O O O B-Train-Inform+Dest O N/A +bos yes , it is 38 minutes of travel and costs 8.08 pounds ; would you like to book a ticket ? eos O O O O O B-Train-OfferBook+Time I-Train-OfferBook+Time O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O O O N/A +bos yes please . book it for saturday for 5 people as well . 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 40.4 gbp payable at the station . reference number is : jfge7rpd . 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 that is all you done a great job thank you . eos O O O O O O O O O O O O O general-thank +bos thank you for contacting us and you have a great day . eos O O O O O O O O O O O O O general-bye +bos hello , i 'm trying to take a train on wednesday that leaves from broxbourne . can you help me book a ticket ? eos O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O O O O O O O O O O N/A +bos sure i can help you with that . i have train tr0788 leaving at 05:32 and will arrive to cambridge at 06:32. eos O O O O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O general-greet +bos i really need one that leaves after 11:00. eos O O O O O O O O B-Train-Inform+Leave N/A +bos i have 13 , is there a time youd like to arrive by ? 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 , as long as i can book it for 6 people . i will need the reference number please . 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 N/A +bos success ! tr5953 departs at 11:32 and arrives 12:32. your reference number is eqclfb3q . eos O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks , i 'm also looking for an expensive restaurant . eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos sure , which part of town are you interested in eating at ? eos O O O O O O O O O O O O O O Restaurant-Request+Area +bos i 'd like to eat in the city centre , if possible . got any reco on chinese places ? eos 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 O N/A +bos we have four : hk fusion , sesame restaurant and bar , ugly duckling , and tang chinese . 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 O O O O N/A +bos pick one for me . book it for the same group of people at 18:45 on the same day . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O N/A +bos i am sorry but i was unable to book you at any of those restaurants . 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 O O O Booking-NoBook,Booking-Request+Time +bos are any of those expensive ? eos O O O O O B-Restaurant-Inform+Price O N/A +bos they are all expensive . would you like to try an early time ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O Booking-Request+Time +bos try it for 18:45 on the same day wednesday , and please give me the reference number . it will be 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-Restaurant-Inform+People O O O N/A +bos i have booked a reservation at hk fusion . your reference number is xo4s9cl7 . do you need anything else ? 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 general-reqmore +bos that should be it . thanks for your help ! eos 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-welcome +bos i need to find a train from norwich on saturday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos sure , what time will you need to arrive in cambridge ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos it does n't matter what time i arrive , but i would like to make sure i leave norwich at or after 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-Train-Inform+Leave O O Train-Request+Arrive +bos the earliest train leaves norwich for cambridge at 13:16. the price is 14.08 pounds and the duration will be 79 minutes . would you like me to book ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Leave 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 Train-OfferBook +bos when does it arrive and what is the train id ? eos O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID +bos the train would arrive at 14:35. the train id is tr8724 . is there anything else i can do for you ? eos O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Id O O O O O O O O O O general-reqmore +bos i am also looking for polish 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 O N/A +bos i 'm sorry , but there are no polish restaurants in the centre . would you like to change your search ? eos O O O 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 general-reqmore +bos how about a restaurant that serves mediterranean food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos the gardenia located at 2 rose crescent city centre . would you like to make reservations ? eos 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 i would like to book a saturday reservation for 2 people at 19:00 please . eos O O O O O O O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O N/A +bos i have booked it for you at 19:00 and the reference number is y5gu93ik . is there anything else i can help with ? eos 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 general-reqmore +bos yeah , i 'd like a place to eat , mediterranean cuisine please . eos O O O O O O O O O O O O O O O N/A +bos yes , that was what i went ahead and booked for you already . your reservation is set for saturday at 19:00 for 2 people . 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 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 O O O O O O O O general-reqmore +bos do you have a reference number for that ? eos O O O O O O O O O O Restaurant-Request+Ref +bos my apologies for not providing it . your reference number for the restaurant booking is y5gu93ik . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O general-greet +bos okay fantastic , that 's all i need today . eos O O O 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-welcome +bos hi , i need an expensive restaurant please . eos O O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are quite a few expensive restaurants in the city ! can you help me specify by telling me what kind of food you 'd like to try ? 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 O O O O O O O O O O O O Restaurant-Request+Food +bos i do not care the kind . please pick one and book it for 5 people at 15:30 on sunday . 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 N/A +bos booking was unsuccessful . do you have a different time or day ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos yes , lets try 14:30 please . eos O O O O B-Restaurant-Inform+Time O O O N/A +bos you have a table at saigon city at 14:30. dgmg8rf8 is your reference number . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time B-Booking-Book+Ref I-Booking-Book+Ref O O O O N/A +bos thanks ! could you also give me info on trains leaving after 16:45 from cambridge . eos O O O O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O N/A +bos sure . are you looking for a train on sunday as well ? and , what is your destination ? eos O O O O O O O O O O B-Train-Select+Day O O O O O O O O O O Train-Request+Dest +bos i need one for monday to 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 O N/A +bos i would suggest train id tr7728 which departs cambridge at 17:01 and arrives at birmingham new street at 19:44. eos O O 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 I-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos that would be good , can i get tickets for 5 people ? eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos yes , i 've booked 5 tickets for you . your reference number is lu2suow2 . eos O O O O O B-Train-OfferBooked+People O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos thank you very much , lovely day to you . 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 no , i think that is all . bye . eos O O 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 is there a restaurant called cocum ? eos O O O O O O B-Restaurant-Inform+Name O N/A +bos yes , it is an indian restaurant in the west . would you like to book 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 O O O O O O O Booking-Inform +bos yes , i would like to book a table for 7 people at 18:00 on monday . can you please be sure to give me 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 O O O O O O O O O N/A +bos your booking is successful . the reference number is tod8xyzb . 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 i also need to find a train departing from cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O N/A +bos i have multiple trains leaving from cambridge . what would you like the destination to be so i can narrow it down ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Depart O O O O O O O O O O O O O O O O Train-Request+Dest +bos we would like to go to leicester on tuesday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos of course . what time would you like to travel ? eos O O O O O O O O O O O O Train-Request+Leave,general-greet +bos we would need the train to leaver after 11:45. eos O O O O O O O O O B-Train-Inform+Leave N/A +bos i have train tr7692 leaving at 12:21 and arriving at 14:06. 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 seven and i would like a reference number , please . eos O O O O O O O O O O O O O O O O O N/A +bos you 're all booked . the total fee is 264.59 gbp and your reference number is hc7oj4li 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 N/A +bos thank you that was all eos O O O O O O general-thank +bos you 're welcome , have a lovely trip ! eos O O O O O O O O O O general-welcome,general-bye +bos hi , i 'd like to book a train to stansted airport from cambridge . can you help ? 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 O O N/A +bos absolutely . where will you departing from ? eos O O O O O O O O O Train-Request+Depart +bos from cambridge , which is why i asked the cambridge towninfo centre . eos O O B-Train-Inform+Depart O O O O O O O O O O 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 on saturday . is there a train that will arrive by 15:15 ? eos O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Arrive O N/A +bos there is ! tr7213 leaves at 05:40 and arrive at 06:08 it is 10.10 pounds . can i book that 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook +bos no need to book it . thanks . but can you help me find a cheap restaurant in the south ? 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 O O N/A +bos sure - the lucky star serves chinese food and nandos serves portuguese food . do either of those sound good ? 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 O O O O O Restaurant-Select +bos the lucky star sounds good . that 's all i need . eos O O O O O O O O O O O O O N/A +bos would you like to book a table ? eos O O O O O O O O O Booking-Inform +bos can you also tell me the postcode ? eos O O O O O O O O O Restaurant-Request+Post +bos sure . the post code is cb17dy . eos O O O O O O O B-Restaurant-Inform+Post O N/A +bos thanks for your help . good bye . eos O O O O O O O O O general-bye +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 +bos hello , i 'd like to dine at a cheap restaurant in the centre . what do you suggest ? 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 O O N/A +bos there are several what kind of food do you want ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos how about chinese food ? eos O O O O O O N/A +bos try dojo noodle bar located at 40210 millers yard city centre eos 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 N/A +bos thank you . i am also looking to book a train which leaves on sunday after 21:15. 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 i can definitely help with that . where will you be traveling from/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 'll be going to broxbourne from cambridge . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos the tr3697 leaves at 22:01 and arrives by 23:01. would you like me to book this train ? 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 Train-OfferBook +bos yes can you book that for 6 people and give me the 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 booking was successful , the total fee is 85.92 gbp payable at the station . reference number is : s9dhm1kg . 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 great that was 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 are welcome . have a lovely day . eos O O O O O O O O O O general-welcome,general-bye +bos i would like to find an expensive place to eat please . eos O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos we have 57 options available , do you have a preference on cuisine or location ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos yes , i would like some chinese food , please . eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are 9 options . 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 O O B-Restaurant-Inform+Choice 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 O O O O O O O O O O O O O Booking-Inform +bos i am not familiar with cherry hinton road . is that in the centre of town ? 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos no , actually they are located in the south . did you want me to check for what is available in the centre instead ? 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 Restaurant-Request+Area +bos yes please . i would like something in the expensive price range . eos O O O O O O O O O O O O O O Train-Request+Price +bos we have 4 expensive chinese restauarants in the city centre . would you like reservations ? eos O 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 Booking-Inform +bos no thank you , can you just give me the address and phone number 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos my favorite is the ugly duckling , located at 12 st. johns street city centre . they do n't seem to have a phone number , so would you like a different restaurant ? eos 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 B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O O O O O O O O O O O O O O O general-reqmore +bos 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 . eos O O O O O 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 the ugly duckling 's phone number is not available but their postcode is cb21tw . where will you be departing from ? eos 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 O O O O O O O Train-Request+Depart +bos i will be departing from peterborough after 8:30. eos O O 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 be in cambridge on saturday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are 31 trains available , what departure time would be best for you ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Leave +bos any time after 08:30 would work . eos O O O O B-Train-Inform+Leave O O O N/A +bos there are 31 available trains , do you have a more specific time in mind to help narrow them 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 N/A +bos the first train that leaves after 8:30 would be nice . eos O O O O O O O O O O O O Train-Inform +bos ok. that train is tr1616 which leaves at 08:48. would you like for me to book your seats ? 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 Train-OfferBook +bos no , but if you could give me the price of a ticket ? eos O O O O O O O O O O O O O O O Train-Request+Price +bos it is 13.20 pounds . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos great . that 's all the information i need now . thanks ! 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 hi , i am looking for restaurant in the west , somewhere that serves northern european food . eos 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 O O N/A +bos there are no restaurants that serve northern european food in that area , would you like to try another type of cuisine or look in a different 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 O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos let 's try mexican , anything for mexican ? eos O O O O O O O O O O N/A +bos i ca n't find anything for mexican either . is there another location you 'd like to look in ? 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 how about an indian restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos sure , i have tandoori palace , cocum , rice boat , maharajah tandoori restaurant , meghna . can i book a table for you at one of these ? 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 O O O O O O O Booking-Inform +bos no thank you , but can i have their address , phone number , 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+Addr +bos certainly , i can provide that info , which restaurant would you like the info for ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Name +bos the maharajah tandoon sounds perfect . can i get the information for them ? eos O O O O O O O O O O O O O O O N/A +bos the maharajah tandoori restaurant serves expensive indian food . their address is 41518 castle street city centre . their contact number is 01223358399. would you like me to make a reservation ? 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 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 Booking-Inform +bos yes can give me info on the hamilton lodge ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos sure the hamilton lodge is a guesthouse on the north side of town . it 's moderately priced and has full amenities . does that suit your needs ? eos O 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O N/A +bos yes . that sounds great . i 'm also going to need a taxi to get from the hotel 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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos what time would you like to leave your hotel ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i need to leave by 4:15. i would like to know what car type would pick me up and get a contact number for the driver . eos 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 O O Taxi-Request+Car +bos the car is a red bmw . the contact number is : 07608942055. eos O 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 great . thank you very much for you 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 general-thank +bos thanks for contacting the 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 i am looking for a moderately price british restaurant . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos i found 5 moderately priced british restaurants . would you prefer the center or west part of town ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 N/A +bos the restaurant should be in the centre . eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos i have found the oak bistro . it is located at 6 lensfield road . eos 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 O N/A +bos sounds good . can you book it for 4 people at 14:30 on saturday ? i 'll 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 N/A +bos i have booked the table for you ; it will be reserved for 15 minutes . the reference number is wau3qqkf . 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 N/A +bos can you hold the reservation for 30 minutes instead ? eos O O O O O O O O O O O N/A +bos i 'm sorry our system does n't offer that choice , 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 N/A +bos no that 's okay but i am looking for a hotel in the same area as the restaurant can you please help ? 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 five hotels in the center of town that range from cheap to expensive . what kind of place are you looking for ? eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-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 Hotel-Request+Type +bos i am looking for an expensive hotel . eos O O O O O O O B-Hotel-Inform+Type O N/A +bos there are two expensive hotels in the centre of town . the gonville and university arms . which would you prefer ? 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 I-Hotel-Inform+Area 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 am actually looking for a moderately priced hotel and i will need free wifi . eos O 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 cityroomz is the only hotel that fits that description , would this work 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 Booking-Inform +bos yes , that works . i 'd like to book for 4 people for 5 nights , starting on saturday , please . 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 N/A +bos ok , all booked , your reference number is m6owa41b . eos O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thank you . i will also need a taxi to to from the hotel to the restaurant . 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 ok , i 've booked you a taxi from your hotel to your restaurant . it will get you there before your reservation time . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest O O O O O O O O O O O O O N/A +bos one last thing . may i have their contact number and car type please ? eos O O O O O O O O O O O O O O O O Taxi-Request+Car +bos the contact number is 07171167823 and it is a yellow ford . is there anything else i can help you with today ? eos 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 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 welcome . enjoy your visit . eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a cheap restaurant that serves modern european food . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos the river bar steakhouse and grill offers modern european food and their prices are cheap . eos O 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+Food I-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Price O N/A +bos that sounds good , could i please have their phone number and postcode ? eos 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 : 01223307030 and their postcode is cb58aq . is there anything else i can 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 general-reqmore +bos i also need to find information on university arms hotel , can you help me find it ? 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 N/A +bos sure ! it 's a 4-star , expensive hotel in the centre . it offers free internet and parking . address : regent street cb21ad . phone number 01223351241. would you like me to book it for you ? eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O B-Hotel-Inform+Phone 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-greet +bos no thank you , that 's all the info i need , thanks ! 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 general-welcome,general-bye +bos thank you very much for the assistance , take care ! 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 wonderful day . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i would like to stay at a hotel in the east , please . eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos express by holiday inn cambridge meets your criteria . eos 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 does it have 4 stars ? eos O O O O O B-Hotel-Inform+Stars O N/A +bos i am sorry , but that hotel does not have a 4 star rating , would you like another option ? eos O O O O O O O O O O O O B-Hotel-NoOffer+Stars O O O O O O O O O N/A +bos is there a 4 star guesthouse in the east ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos there are 5 four star guesthouses in the east eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area N/A +bos can i book one of them for 8 people for 4 nights starting tuesday and get 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 N/A +bos great , you 're booked with reference number y5z7gn2r . 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 general-reqmore +bos yes , i am looking for a gastropub near the hotel . eos O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos how about royal standard ? it 's a gastropub located at 290 mill road city centre eos O 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+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A +bos excellent . one more thing : is that in the expensive price range ? eos O O O O O O O O O O O O O O O N/A +bos yes , royal standard is an expensive gastropub . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos terrific . can you book a table for the same group of people at 11:45 on the same day and provide me with the reference number ? 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 O N/A +bos booking was successful for the royal standard . the table will be reserved for 15 minutes . your reference number is : 4w94x4ge . 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 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 taxi between the two places please to get to the restaurant by 11: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 N/A +bos i 've booked you a taxi from `` a and b guest house '' to `` royal standard . '' the car is a blue audi and the contact number is 07009978153. 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 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 B-Taxi-Inform+Phone O O O O O O N/A +bos great ! i think that 's all i need today . thank you for you help ! 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 . please contact us again 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 O O general-bye +bos help me find a place to eat expensive russian food . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are no russian restaurants in this area . is there another type of food i can help you find ? eos 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,general-reqmore +bos are there any russian restaurants in the west at all , forget it being expensive . eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O N/A +bos there are none available . would you like to try searching with different criteria ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos are there any expensive restaurants that serve indian food in that area ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O N/A +bos yes , there are 5 different expensive indian restaurants in that area . might i suggest maharajah tandoor restaurant ? eos O O 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 I-Restaurant-Recommend+Name O O O N/A +bos that can work . can you get the address and postcode please ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 41518 castle street city centre and the postcode is cb30ah . 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+Post O N/A +bos thank you . i also need a hotel in the same price range , but it must include 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 N/A +bos i found 5 hotels , would you like huntingdon marriott hotel , it has the highest ratings . 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 N/A +bos the hotel must have free wifi too , sorry . eos O O B-Hotel-Inform+Type O O O O O O O O N/A +bos the huntingdon marriott has free wifi as well . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Hotel-Inform+Internet +bos i need a booking starting on monday for 3 nights for 8 people please . 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 you room reservation is all set . reference number is : hjq7za48 . can i help 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 thank you that 's all ! eos O O O O O O O general-thank +bos you 're welcome ! let me know if you need anything else . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i need a taxi . eos O O O O O O Taxi-Inform +bos ok. where are you going ? eos O O O O O O O Taxi-Request+Dest +bos i guess first i 'd better find a place to stay . i 'm looking for a moderately priced guesthouse and it should include free wi-fi and parking . eos O O O 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 O O O O O O O O N/A +bos i have several places that meet your needs . is there a specific part of town you 'd 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 O O O Hotel-Request+Area +bos not really , but which of these have the best rating ? eos O O O O O O O O O O O O O N/A +bos the acorn guest house is the highest recommended guesthouse with 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+Type O O B-Hotel-Inform+Stars O N/A +bos ok , 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 Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr +bos certainly , acorn guest house is located at 154 chesterton road , postcode cb41da , and their phone is 01223353888. 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 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 O O O O O O O O O O general-reqmore +bos yes i 'm looking for somewhere to eat that does barbecue ? is there anywhere like this in the city center ? if there 's no barbecue , what about japanese ? eos O O 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 N/A +bos i did n't happen to have any barbeque restaurants but i did find a japanese restaurant in the centre of town . it 's called wagamama . can i book that for you ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food 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 O O B-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform +bos yes , that will work . can i get the restaurant address please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos yes their address is 36 saint andrews street . will there be 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 O O O O O O general-reqmore +bos no , that is all i need at this time . thanks for 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 O O general-thank +bos you 're very welcome . thanks for contacting us here at the cambridge towninfo centre and 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 general-welcome,general-bye +bos i want to find a place to stay on the south side . i want free wifi too . 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 there are a handful of locations in the area that suit your needs . i would recommend rosa 's bed and breakfast , a four star hotel with free wifi at an affordable price . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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+Stars I-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O Hotel-Recommend+Internet +bos that sounds great , as long as it has free parking and is a guesthouse type of hotel . eos 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 it fills both of those criteria . do you want me to book it ? eos O O O O O O O O O O O O O O O O N/A +bos can you tell me the price range ? i also need the address . eos O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Addr +bos there at three different price ranges . do you prefer cheap , moderate , or expensive ? eos 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 it does not matter . but do tell me the address and price range of the place you book 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 Hotel-Request+Price,Hotel-Request+Addr +bos what day would you like to book ? eos O O O O O O O O O Booking-Request+Day +bos please book it for 4 people at 11:45 on monday . eos O O O O O O O O O O O O N/A +bos before i can book it , i would need some more information . 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,general-greet +bos what is the address and price range of rosa 's bed and breakfast ? eos O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Addr +bos rosa 's bed and breakfast is a cheap hotel . their phone number is 122 351 2596. 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 O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone I-Hotel-Inform+Phone O N/A +bos i would like to book it for seven days , four people , 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 N/A +bos i would be happy to book that for you , but first i want to confirm you want to start your stay on monday is that 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 B-Booking-Inform+Day O O O O O N/A +bos that is correct . i 'll need a restaurant booked as well , in the same area and serving italian cuisine . 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 N/A +bos i have 2 italian restaurants for you . i have pizza hut cherry hinton and frankie and benny 's . can i make you a reservation 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 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 i 'll take pizza hut cherry hinton . i 'd like a table for 4 at 11:45 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 i am sorry but there is not an availability meeting your criteria . would you like to change your day or time so i can 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 O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about 10:45 ? eos O O O B-Restaurant-Inform+Time O N/A +bos i was able to reserve a table for you . the reference number is 8hb1j70l . 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 i also need a taxi to take us from the hotel to the restaurant that will arrive by 10:45. 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 B-Taxi-Inform+Arrive O O O O O O O N/A +bos i was able to book a taxi for you . it is a grey toyota and the contact number is 07075458208. is there anything else i can 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos thank you that 's all the info i needed today eos O O O O O O O O O O O general-thank +bos you 're very welcome , glad i could help ! have a good day . eos O O O O O O O O O O O O O O O O general-welcome,general-bye +bos could you help me find a restaurant in the cambridge area 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 Hotel-Request+Area +bos yes , i can help with that , la margherita is in the west of cambridge , located at 15 magdalene street city centre , would you like me to make a reservation for you ? 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 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 Booking-Inform +bos yes , can you make a reservation on thursday at 19:30 for 4 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 i 'm sorry that time and and day is not available at la margherita , would you like to try an alternative day or time ? eos 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 Booking-Request+Day,Booking-Request+Time +bos how about 18:30 then ? eos O O O B-Restaurant-Inform+Time O O N/A +bos your table has been booked for 18:30 and your reference number is : 5kn7wd73 . is there anything else i can help you with ? eos 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 O general-reqmore +bos i also need a very expensive hotel with 3 stars can you help me find one ? eos O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos there is 1 in the center and 1 in the south . which do you prefer ? eos 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 O O O Hotel-Select +bos i would prefer one with free wifi included . do either of the hotels offer free wifi ? eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos the gonville hotel is an expensive 3 star hotel and offers internet . 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 B-Hotel-Inform+Stars O O O O O Hotel-Inform+Internet +bos 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 . eos O O O O O 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,Hotel-Request+Type +bos of course , the gonville hotel is a hotel in the centre area and the phone number is 01223366611 , would you like any more information or to book a room ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos does the hotel have a restaurant attached to it ? eos O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos i do not have that information available . would you like me to call them and ask ? eos 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 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 is there any restaurant close to the gonville hotel ? eos O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos the gonville is in the centre and la margherita is in the west . are you wanting to dine somewhere else ? eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Area +bos what kind of hotel is it ? can i have their number ? eos O O O O O O O O O O O O O O Hotel-Inform +bos the gonville is a standard hotel . their contact number is 01223366611. eos O O B-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O B-Hotel-Inform+Phone O N/A +bos that 's all i need for now . eos O O O O O O O O O N/A +bos ok , great , i 'm glad i was able to help you out ! eos 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 that serves malaysian food . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos there are no expensive malaysian restaurants . would you like to try a different type of food ? eos 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 N/A +bos no , i was really hoping for malaysian . eos O O O O O O O O O O N/A +bos i am very sorry , there are no malaysian restaurant results at all . would you like help finding a hotel or attraction ? 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 maybe later . what about a restaurant that serves indian food with the same specifications ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos there are many different indian options . i can narrow it down for you if you tell me what area you would prefer . eos 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 O O O O Restaurant-Request+Area +bos west side would be great . eos O B-Restaurant-Inform+Area O O O O O N/A +bos the 5 indian restaurants are : tandoori palace , cocum , rice boat , maharajah tandoori restaurant and india house . would you like to book a table at one of these places ? eos O O O B-Restaurant-Inform+Food 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 O O O O O O O Booking-Inform +bos go ahead and book rice boat . please also give me the postcode and phone number 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 +bos great , i 'll book a table at rice boat , how many people will be dining and do you have a date and time 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 O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People,Booking-Inform +bos i just need the phone number and postcode . eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos no problem . the postcode is cb39ey and the phone number is 01223302800. eos O O O O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O N/A +bos i 'll also need a place to stay . a hotel , please , 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 O O N/A +bos i have two four star hotels that meet your criteria , huntingdon marriott hotel and the cambridge belfry . woul you like me to book a room at the huntingdon marriott hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name 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 N/A +bos yes , can i get the address ? oh , and do they have internet ? 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 the address is kingfisher way , hinchinbrook business park , huntingdo and they do have internet . eos O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O Hotel-Inform+Internet +bos excellent . i 'd better also book a taxi . eos O O O O O O O O O O O Taxi-Inform +bos what is the departure site for the taxi and what is your destination ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i 'll just need a taxi from the restaurant at 9:00 to the hotel . can you provide their contact number and the car type ? 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 Taxi-Request+Car +bos yes ! they 'll pick you up in a black skoda . their contact number is 07619432519. how else may i assist 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 general-reqmore +bos that was everything . thank you very much ! eos 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 i 'm looking for a cheap restaurant that serves modern european food . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos the river bar steakhouse and grill meets your preferences . they are located in centre at quayside off bridge street . 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 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 N/A +bos thank you very much . eos 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 wait , i need a reservation , please . can i get a table on wednesday at 18:45 for 2 people ? i 'll need the 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 B-Restaurant-Inform+People O O O O O O O O O O O Restaurant-Request+Ref +bos your reservation is all set , reference number is u4uft1iy eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos i need a cheap place to stay , too . can you find me something in the centre ? eos O O O O B-Hotel-Inform+Price O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos the alexander bed and breakfast guesthouse is 4 stars and the el shaddai is 0 stars . would you like me to book one of these options for you ? eos O O O 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+Choice I-Hotel-Inform+Stars O O O O O O O O O O O O O Booking-Inform +bos the alexander bed and breakfast guesthouse will be fine , thanks . eos O O O O O O O O O O O O O general-thank +bos thank you . 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 i need more information about the guesthouse , do they have free parking ? what is 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 Hotel-Request+Phone,Hotel-Request+Parking,Hotel-Request+Addr +bos parking is free , the phone number is 01223525725 and the address is 56 saint barnabas road . eos O O O 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 I-Hotel-Inform+Addr O Hotel-Inform+Parking +bos could you book a taxi for me ? i am looking for one to take me between the restaurant and hotel and i 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 O O O O O O O O O O O O O N/A +bos i have booked the taxi , the contact number is 07846881745. the car type is a grey ford . anything else i can help you with today ? eos 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 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 . thank you for using our services . eos O O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a cheap restaurant that serves cuban food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos i am sorry there are no cuban restaurants in the cheap price range . is there anywhere else you will like 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 O Restaurant-NoOffer,general-reqmore +bos could you look for chinese restaurants instead ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 3 in the centre and one in the south . charlie chan is one of the cheap chinese restaurants 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 N/A +bos can i get the address and phone number of charlie chan , please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos charlie chan 's phone number is 01223 361763 and the address is regent street city centre . may 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 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 thank you , that is all i need . goodbye ! eos 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 what is that european food place 's address ? eos O O O O B-Restaurant-Inform+Food O O O O O Restaurant-Request+Addr +bos i found several places serving european food . do you have a preference as to the location ? eos 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 O O O O O Restaurant-Request+Area +bos no , any part of town is fine . eos O O O O O O O O O O N/A +bos cambridge lodge restaurant serves european food and is located at 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+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 , goodbye . eos 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 can you find me something cheap in the south part of town ? eos O O O O O O B-Restaurant-Inform+Price 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 not care about the type of food . eos O O O O O O O O O O O N/A +bos nandos is a cheap restaurant in the south part of town , serving portuguese food . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O N/A +bos is there anything else ? eos O O O O O O N/A +bos the lucky star is a cheap price range , south area chinese restaurant eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos the lucky star is located at cambridge leisure park clifton way cherry hinton . 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+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 general-reqmore +bos thanks , good bye eos 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 hello , i am looking for a restaurant that serves african food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there is an african restaurant in the centre area called bedouin . eos 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+Name O N/A +bos what are the address and postcode , please ? eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos bedouin is located at 100 mill road city centre and the postcode is cb12bd . is there anything else i can help 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 I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post 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 thank you for using our system . goodbye . eos O O O O O O O O O O general-bye +bos i 'd like an expensive restaurant in the south part of town . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A +bos do you have any particular food type in mind ? eos O O O O O O O O O O O Restaurant-Request+Food +bos mexican eos O B-Restaurant-Inform+Food N/A +bos chiquito restaurant bar is an expensive mexican restaurant in the south area . 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 O 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 postcode is c b 1 7 d y and the phone number is 01223 400170. eos O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos thank you ! that is all i needed to know . good night . eos O O O O O O O O O O O O O O O general-thank +bos goodbye . eos O O O general-bye +bos hello , i am looking for a moderately priced restaurant that serves european food . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos would the centre part of town be convenient for you ? eos O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area O O O O O N/A +bos i do n't care . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos may i suggest the hotel du vin and bistro ? 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 N/A +bos can you please give 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 their address is 15 - 19 trumpington street and phone number is 01223 227330. 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 I-Restaurant-Inform+Phone 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 please find me a corsica restaurant . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are no corsica restaurants . would you like something else ? eos O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos are there any gastropub restaurants ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos there are multiple gastropub restaurants . what area are you looking for ? eos O O O B-Restaurant-Inform+Choice 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 eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos there are three expensive gastropub restaurants and one moderately priced gastropub . do you have a preference ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Restaurant-Select +bos could i have the area , address , and phone number of the moderately priced one please ? eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the cow pizza kitchen and bar is located in the city centre on corn exchange street and the number there is 01223 308871. how else may i help you ? 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+Area I-Restaurant-Inform+Area 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 general-reqmore +bos thank you goodbye . eos O O O O O general-bye +bos good day ! eos O O O O general-bye +bos i am looking for a restaurant in the south part of town that serves portuguese 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 nandos is a portuguese restaurant in the south part of town . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A +bos what is the phone number and address ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos their phone number is 01223 327908 and address is cambridge leisure park clifton way . will that be all ? 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 O O O O O O general-reqmore +bos bye . eos O O O general-bye +bos goodbye . eos O O O general-bye +bos i would like a cheap restaurant in the west 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 two cheap restaurants in the west part of town . one is italian and one is vietnamese . which one 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 O O O O O O O O N/A +bos can you give me the telephone number of the vietnamese restaurant ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Phone +bos the vietnamese restaurant 's name is thanh binh , the phone number is 01223 362456. can i help you with anything else ? eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O 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 O O O O O O general-reqmore +bos can you give me the address for thanh binh as well please ? eos O O O O O O O O O O O O O O Restaurant-Request+Addr +bos thanh binh is at 17 magdalene 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 I-Restaurant-Inform+Addr N/A +bos thank you . goodbye . eos O O O O O O general-bye +bos thank you for calling us today . goodbye . eos O O O O O O O O O O general-bye +bos i am looking for a restaurant in the south part of town that serves jamaican 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 i 'm sorry but i can not find any jamaican restaurant located in the south . eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos are there ant jamaican restaurants in any part of town ? eos O O O O O O O O O O O O Restaurant-Inform +bos unfortunately there are not . would you be interested in a different cuisine ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos how about portuguese food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos nandos is located on the south side at cambridge leisure park clifton way and the phone number is 01223 327908. eos O B-Restaurant-Inform+Name O O 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 O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos awesome , thank you ! eos O O O O O O general-thank +bos thank you , goodbye . eos O O O O O O general-bye +bos i 'm looking for some places to go in town . can you help me find a swimmingpool in the west . 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 N/A +bos sorry , i did n't pull up any results . would you like me to check surrounding areas ? 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 no . instead of swimming i think i will go to college . any of those around here ? 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 i have found five . would you like info for the 3 free or the 2 that cost 2.50 pounds ? 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+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos it does n't matter . can you just recommend one for me ? eos O O O O O O O O O O O O O O N/A +bos the magdalene college is nice . it is free to enter . would you like more information on it ? 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 N/A +bos yes , may i please get magdalene college 's phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos yes , their phone number is 01223332138. can i help you with anything else 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 i also need a train going to peterborough . eos O O O O O O O O B-Train-Inform+Dest O N/A +bos from what location ? eos O O O O O Train-Request+Depart +bos cambridge will be the departure place . i 'd like to leave after 10:45 on sunday . i 'll need the travel time , arrival time , and train id please . eos O B-Train-Inform+Depart 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 O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID +bos ok i will book it for you eos O O O O O O O O Train-OfferBook +bos i 'm going to be in town and am looking to book my departing train out of cambridge . can you let me know the times of trains on sunday ? 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 O O O 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 stansted airport i need to be there by 13:15. eos O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive N/A +bos i have train tr5985 arriving at 13:08 is that okay ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O N/A +bos that would be great - can you give me 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 the departure time is 12:40. do you just need 1 ticket booked ? eos O O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos no i still need the price . eos O O O O O O O O Train-Request+Price +bos the price is 8.08 pounds . would you like to me 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 Train-OfferBook +bos no , i 'll do that tomorrow . could you help me with some places i could visit 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 B-Attraction-Inform+Area O O O N/A +bos we have many attractions in the town centre . do you have a specific 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 O O Attraction-Request+Type +bos i just want somewhere to spend some quality time with family . do you have a recommendation ? eos O O O O O O O O O O O O O O O O O O O N/A +bos yeah , 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 which one would you suggest ? eos O O O O O O O N/A +bos i said old school . its entrance is free . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos can i have the postcode ? eos O O O O O O O Attraction-Request+Post +bos you got it . the postcode for old schools is cb21tt eos O O O O O O O O O O B-Attraction-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 you are welcome . thank you for contacting cambridge towninfo centre regarding trains and attractions . 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 'd love to visit a museum - can you help me find one , please ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A +bos sure . there are 23 museums in cambridge . is there a particular area or type of museum you are interested in ? eos O 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 Attraction-Request+Area,Attraction-Request+Type +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 how about the byard art museum located at 14 king 's parade ? eos 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 O N/A +bos that sounds intriguing . what area is that in ? 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+Area,Attraction-Request+Fee +bos it is in the south and admission is free eos O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee N/A +bos are there any in the centre you can tell me about as well ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O N/A +bos yes . there are 11 in the centre . would you like to know more about one ? eos O O O O O B-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 general-reqmore +bos can you suggestion one ? eos O O O O O O N/A +bos the broughton house gallery is very nice eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos how much does it cost to get in ? my funds are very limited eos O O O O O O O O O O O O O O O N/A +bos no entrance fee charged eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos grand . can i also get your help with train ? i need to get to stansted airport by 16:45 on wednesday . 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+Leave O B-Train-Inform+Day O O N/A +bos and where are you leaving from ? eos O O O O O O O O Train-Request+Depart +bos cambridge is where i will be leaving eos O B-Train-Inform+Depart O O O O O O N/A +bos train tr0678 will arrive by 16:08. is that ok 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 no . the train needs to leave after 16:45. eos O O O O O O O O O B-Train-Inform+Leave N/A +bos i have gotten two different responses . you said you need to arrive by 16:45 and leave by 16:45. it can only be one or the other . eos O O O O O O O O O O O O O O B-Train-Select+Arrive O O O O O O O O O O O O O O N/A +bos i need to leave after 16:45 please . eos O O O O O O O O O N/A +bos ok great , the tr8893 will fit your needs . how many tickets do you need ? eos O O O O B-Train-Inform+Id O O O O O O O O O O O O O Train-Request+People +bos no tickets , just the arrival time and i am all set . eos O O O O O O O O O O O O O O Train-Request+Arrive +bos the arrival time is 18:08. eos O O O O O B-Train-Inform+Arrive N/A +bos have a nice day . eos O O O O O O N/A +bos can i help you with anything else today ? eos 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 have a nice day . eos O O O O O O general-bye +bos hi , i 'd like to visit a museum in the center 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 do you have a particular museum in mind or would you like suggestions ? eos O O O O O O O O O O O O O O O Attraction-Request+Type +bos i would be open to suggestions please . eos O O O O O O O O O N/A +bos great ! the broughton house gallery at 98 king street would be a good choice ; and there is no entrance fee . would you like the phone number and postcode ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O 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 general-reqmore +bos yes , i do need the information . eos O O O O O O O O O N/A +bos the phone number is 01223314960 and the postcode is cb11ln . 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 thanks . please help me find information about a train to cambridge . it should get there by 18:15 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 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 kings lynn . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos the tr3677 will get you in at 17:58. will that work for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O O N/A +bos i need a train that will leave on saturday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos tr1499 will get you in at 17:58. will that work for 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 N/A +bos that should work . can you give me the price ? eos O O O O O O O O O O O O Train-Request+Price +bos yes , the price is 7.84 pounds per person , shall i book you ? 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 O Train-OfferBook +bos not right now , i am also looking for an expensive italian restaurant in the same area as the attraction . 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,Attraction-Inform +bos i 'm not finding any expensive italian restaurants in centre . do you have a second choice ? eos O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area O O O O O O O O O N/A +bos actually i do n't need a restaurant after all . i have all i needed , thanks . goodbye . 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 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-bye +bos hello ! what time does the next train to stevenage depart ? eos O O O O O O O O O B-Train-Inform+Depart O O O N/A +bos there are 70 trains departing for stevenage , where would you be 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 Train-Request+Depart +bos that is wrong i am leaving from stevenage and going to cambridge . eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos i 'd be happy to help with your request , what day will you be leaving and do you have a time 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 Train-Request+Leave,Train-Request+Day,Train-Request+Arrive +bos i will be leaving friday after 9:45. eos O O O O O B-Train-Inform+Day O O N/A +bos there is a train leaving stevenage at 9:54 on friday and arriving at 10:43 to cambridge . the train id is tr2860 . would you like to book it ? eos O O O O O O 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 O O O O B-Train-Inform+Id O O O O O O O O O Train-OfferBook +bos yes . i would like to book it for 5 people . eos O O O O O O O O O O O B-Train-Inform+People O N/A +bos i have your tickets booked , the total fee is 64 gbp payable at the station , your reference number is 2tan5yz3 . 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 N/A +bos thanks ! i 'm also looking for places to go in the town centre . are there any multiple sports attractions ? 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 i 'm sorry but i have not found any matches . eos O O O O O O O O O O O O Attraction-NoOffer +bos ok , how about a college in the centre ? eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos christ 's college is in the centre of town . eos 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 O N/A +bos can you provide me with 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 it 's free , and the postcode is cb23bu . is there anything else i can help you with ? eos O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore +bos awesome no 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 O general-welcome,general-bye +bos hello , can you help me find a train that leaves after 16:00 ? the train should also leave kings lynn too . thankyou . eos O O O O O O O O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O N/A +bos absolutely , what day would you like to leave ? eos O 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 i 'm going to need your destination preference also , please . eos O O O O O 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 tr0864 is closest to when you want to leave . would you like me to book it ? eos 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 Train-OfferBook +bos 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 . eos O O O O O O O O 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 how many tickets do you need me to book for you ? eos O O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos just one ticket eos O O O O N/A +bos your reference number is 4qinitrf and you 'll owe 9.8 gbp when you arrive at the station . i 'll search for a college for you to visit . eos 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 O O O O O O O N/A +bos thanks , can i have the address and postcode for the college you find . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O Attraction-Request+Post,Attraction-Request+Addr +bos sure , there are actually a number of options . is there a specific area of town you would like to visit a 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 O Attraction-Request+Area +bos yes , the college should be in the west . eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos yes i have many . how about churchill college or magdalene ? eos 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 O N/A +bos churchill college will be fine . i 'll need the postcode and address , please ? 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 the postcode is cb30ds and the phone number is 01223336233. eos O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone N/A +bos thank you very much . eos 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 still need the address for churchill college , please . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O Attraction-Request+Addr +bos they are on storey 's way , postcode is cb30ds , any further questions ? 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 general-reqmore +bos no , thank you . that 's it . eos O O O O O O O O O O general-thank +bos thanks for letting us assist you today ! enjoy your stay ! eos O O O O O O O O O O O O O general-bye +bos hello , i am looking for a train that is leaving after 14:00 on friday . eos 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 what is your destination ? i have 210 departures listed after 14:00 on friday . eos O O O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O B-Train-Inform+Day O O Train-Request+Dest +bos i 'll be going from cambridge to birmingham new street . eos 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 there is a train every hour , tr8928 leaves at 14:01 and arrives at 16:44. it costs 75.10 pounds . will that work for you ? eos O O O O O O O B-Train-Inform+Id 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 N/A +bos yes , that 's perfect . thanks ! eos 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-Request+People +bos i actually do n't need any tickets right now , but can you give me the total travel 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+Duration +bos the total travel time is 163 minutes . is there anything else you need today ? 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 i also want to find places to go to in the center area . eos O O O O O O O O O O O O O O O N/A +bos ok. there are many attractions in the centre of town . what type are you interested in getting information about ? eos 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 Attraction-Request+Type +bos can you make a suggestion ? eos O O O O O O O N/A +bos i would recommend the scott polar museum , would you like more info on them ? 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 N/A +bos yes . please can i have their address and post code . 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 O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos it is the best price of all , free of charge . they are on lensfield road , postal is cb21er , can i assist with anything else ? eos O O O O O O 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 O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos no that is everything , thank you for your help ! eos O O O O O O O O O O O O general-thank +bos glad to be able to help . 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 O O O general-welcome,general-bye +bos i want a train leaving after 09:00. eos O O O O O O O B-Train-Inform+Leave N/A +bos there are several at that time . do you have a destination in mind or a 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 O O O O O O Train-Request+Dest,Train-Request+Day +bos i 'd like to depart from london kings cross going to cambridge after 09:30 eos 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 O O N/A +bos yes i have many trains but i need the day you want to travel . 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 would like the train to leave after 9:30 on saturday , can i also have the price , arrival time , and train id , please ? eos O 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 Train-Request+Price,Train-Request+Arrive,Train-Request+TrainID +bos train tr7195 leaves at 11:17 will this time work for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O general-reqmore +bos yes , that will work . can you tell me what the arrival time is and the price 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+Price,Train-Request+Arrive +bos it will arrived by 12:08 and cost 23.60 pounds . is there anything else i can help you with ? eos 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 general-reqmore +bos yes i am also looking for information on the cambridge arts theatre . 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 sue it is the center of town and the phone number is 01223503333 and the address is 6 saint edward 's passage . eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area 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 thank you what about a restaurant ? eos O O O O O O O O Restaurant-Inform +bos do you have a particular type in mind such as chinese , italian or indian ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos no , i wo n't need the restaurant . we 'll be eating at a friends house . can you get the postcode for cambridge arts theatre ? 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 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 Attraction-Request+Post,Attraction-Request+Type +bos cambridge arts theatre attraction type is a theatre eos O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O N/A +bos thanks . may i have the postcode 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 the phone number is 01223503333 and the post code is cb23pj . can i help you with anythine else today ? 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 O O general-reqmore +bos no that is all eos 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 'd like to find a train from cambridge that leaves thursday . eos O O O O O O O O B-Train-Inform+Depart O 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 would like to travel to cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A +bos okay . where are you departing from ? and , do you have any particular time frame in mind ? 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 yes . the departure should be from stansted airport and arrive in cambridge no later than 20:30 please . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O O O N/A +bos i have 15 trains that arrive in cambridge from stansted airport before 20:30. the tr2286 leaves at 19:24 and arrives at 19:52. would you like to book it ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart 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 Train-OfferBook +bos yes , that would be great . please make a booking for 4 people and send me a copy of 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 O O O O O Train-Request+Ref +bos booking was successful , the total fee is 40.4 gbp payable at the station . your reference number is h3f9sezn . do you need 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 thank you , i am also looking for some places to go while i am there . i 'd like to check out some colleges 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 B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O N/A +bos there are 5 colleges in that part of town . 3 are free . would you like to hear them ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Select+Choice B-Attraction-Select+Fee O O O O O O O O O N/A +bos what is the phone number , and address for a free college that you recommend ? 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 magdalene college is located on magdalene street . the phone number is 01223332138. do you need anything else ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Phone O O O O O O O general-reqmore +bos no , that covers everything i needed today ! thanks again ! eos O O O O O O O O O O O O O general-thank +bos great . thank you and have a great day . goodbye . eos O O O O O O O O O O O O O general-bye +bos i am looking for a restaurant called the slug and lettuce . 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 i found a listing for the slug and lettuce . the address is 34 - 35 green street in the center of town . it serves gastropub food . 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O N/A +bos that sounds great . could you make a reservation at 16:00 for 2 people this saturday ? eos O O O O O O O O O O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O N/A +bos unfortunately the booking was unsuccessful , would you like to try a different restaurant or different day and 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,general-reqmore +bos yes , is there anything else in the same vicinity and the same general 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 have backstreet bistro and the cow pizza kitchen bar . they both serve gastropub food . which one do you prefer ? 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+Food O O O O O O O O O Restaurant-Select +bos nah , either one is fine . i need a reference number though . eos O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos ok , i have booked you at the backstreet bistro . reference number 42vfs0sm . 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 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 for your help ! eos O O O O O O O O O O O O general-thank +bos okay . glad i could help . eos O O O O O O O O general-welcome +bos i am looking for a place to dine at that serves afternoon tea and that is moderately priced . please help . eos O O 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 O O O N/A +bos i did n't find any results matching your criteria . would you like me to find another 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,general-reqmore +bos how about an indian restaurant , then ? eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos great news ! i have four restaurants . do you have a certain area that 's more convenient ? eos O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Area,general-greet +bos no area does not matter . eos O O O O O O O N/A +bos well i have moderately priced restaurants in the east , north and west . would you lie me to choose for you ? eos 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 O O O O O O O O O O N/A +bos that would be great . there will be 7 of us . eos O O O O O O O O O O O O O N/A +bos i would choose curry prince . when would you like to dine ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Request+Time +bos i need a table reserved for friday eos O O O O O O O O N/A +bos how many people and at what time ? eos O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos i would like a booking at 13:00 for 7 people for friday . eos O O O O O O O B-Restaurant-Inform+Time 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 : l6v4vv8q . 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 general-reqmore +bos yes , please . i need a place to stay . eos O O O O O O O O O O O O N/A +bos we have plenty to choose from , what preferences do you have ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O general-reqmore +bos it should be a guest house in the north eos O O O O O O O O O B-Hotel-Inform+Area N/A +bos okay ! what price range would you like ? eos O O O O O O O O O O Hotel-Request+Price,general-greet +bos i would like expensive . eos O O O O B-Hotel-Inform+Price O N/A +bos sorry , i do n't have anything matching that description . would you like me to check for a hotel instead ? or change the 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 O O O O O O O O Hotel-Request+Name,Restaurant-Request+Area,Restaurant-Request+Price,Restaurant-NoOffer +bos i would accept one with moderate price range . i also need free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O Hotel-Request+Parking +bos i have 7 guesthouses that meet your criteria . i recommend the home from home . would you like me to book it for you ? 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 O O O O O O O O O O O Booking-Inform +bos no thank you . i just need to know if they have free parking and the 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+Parking +bos well the acorn guest house has free internet and parking , postcode is cb41da eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O B-Hotel-Recommend+Post O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos i need a taxi also for the commute between both places eos O O O O O O O O O O O O Taxi-Inform +bos ok great , and what time do you prefer ? eos O O O O O O O O O O O Taxi-Request+Leave +bos 18:00 pm and can you book it for me ? eos O O O O O O 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 Train-OfferBook +bos i 'm looking for a restaurant in the south serving christmas food . can you help me ? eos O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O O O O O N/A +bos sorry , i could n't find any christmas restaurants in the south . want to try a different kind of food ? eos O O 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 N/A +bos no , i 'd really like cheap christmas food . how about in a different area ? 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 i do n't have anything that serves christmas food and is cheap . eos O O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Price O O N/A +bos what about a place serving portuguese food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos nandos is a cheap portuguese restaurant in the south , would like more information about it ? eos O B-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 general-reqmore +bos yes , could i get the postcode ? eos O O O O O O O O O Restaurant-Request+Post +bos postcode cb17dy . their phone and address is 01223327908 , cambridge leisure park clifton way . can i help you with anything else ? eos O O B-Restaurant-Inform+Post O O O O O O B-Restaurant-Inform+Phone 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 , can you help me with a cheap guesthouse in the south of town ? eos 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 N/A +bos i have one option for you . it is rosa 's bed and breakfast . would you like a reservation ? 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 O O O Booking-Inform +bos yes , please book the reservation and provide a reference number . eos O O O O O O O O O O O O O Hotel-Request+Ref +bos sure , i can help you with the booking ? on what day will you be coming in ? eos 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 to book for friday for 5 nights . eos O O O O O O B-Hotel-Inform+Day 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 7 of us . eos O O O O O B-Hotel-Inform+People O O N/A +bos okay , you are booked , with reference number 58hyuwpb eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos i also want to book a taxi to leave rosa 's bed and breakfast by 15:45. i would like the contact number and car type . 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+Leave O O O O O O O O O O O Taxi-Request+Car +bos i have booked a red volkswagen for you . the contact number is 07404379938. 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 thanks you have been great ! eos O O O O O O O general-thank +bos thank you and enjoy your stay here in our lovely city ! eos O O O O O O O O O O O O O general-bye +bos i am looking for a restaurant in the city 's center that is in th cheap 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 i have several restaurants matching that criteria . what type of food would 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 Restaurant-Request+Food +bos i would like mediterranean food please . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos the gardenia fits that criteria would you like a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform +bos yes , could you please reserve a table for 6 at 18:00 on saturday ? 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 sure thing here is the ref number qb8lcy5r . eos O O O O O O O O B-Booking-Book+Ref O N/A +bos i 'm also looking for a guesthouse that includes free parking . can you help me ? 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 definitely . are you interested in a particular area or price range ? eos O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos no , any area or price range will do . i just need free parking and wifi . eos O O O O O O O O O O O O O O O O O O O N/A +bos acorn guesthouse is nice do you want their info ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O N/A +bos actually , could you book it for me for the same group of people 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 N/A +bos will you be arriving at the hotel before saturday ? eos O O O O O O O O O O O Booking-Request+Day +bos please make the reservation for 3 nights starting saturday , for 6 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 your 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 +bos well yes obviously i need the reference number ! eos O O O O O O O O O O Hotel-Request+Ref +bos ok. your reference number is : nvcvmfhf . is there anything else i can help you with today ? eos O O O O O O O B-Hotel-Inform+Ref O O O O O O O O O O O O general-reqmore +bos no that is all for today . goodbye eos 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 i need to find a moderately priced condo style hotel in cambridge that includes free parking . eos O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Type O O O O O O O N/A +bos there is the ashley hotel and lovell lodge . both are 2 stars . which do you prefer ? eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Choice I-Hotel-Recommend+Choice O B-Hotel-Recommend+Stars O O O O O O Hotel-Select +bos which one is in the centre part of town ? eos O O O O O O B-Hotel-Inform+Area O O O O N/A +bos both are in the north . are you looking for something in the centre ? eos 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 Hotel-Request+Area +bos yes i need centre of town . eos O O O O B-Hotel-Inform+Area O O O N/A +bos sorry to disappoint but we dont have any eos O O O O O O O O O Hotel-NoOffer +bos how about a hotel then in the cheap price range ? eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos sorry , no results were found . eos O O O O O O O O Hotel-NoOffer +bos can you try a cheap hotel ? eos O O O O O B-Hotel-Inform+Price O O N/A +bos sorry , there were no results found . eos O O O O O O O O O Hotel-NoOffer +bos there has got to be at least one hotel in cambridge ! try for 3 nights . eos 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 cheap hotels in cambridge . eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O N/A +bos no thank you that will be all eos O O O O O O O O general-thank +bos we actually do have 10 cheap places to stay in cambridge . 9 are guesthouses and 1 is a hotel . eos O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O N/A +bos i need the hotel reserved for 3 people for 4 nights starting on 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 N/A +bos out of the 10 , there was one that was a hotel and not a guesthouse , the cambridge belfry , i booked you , the reference number is dk6k73qs . anything else today ? eos 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 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 good day 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 general-bye +bos hi , i 'm looking for information on the autumn house . it 's a hotel . 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 N/A +bos when would you be staying there ? eos O O O O O O O O Booking-Request+Day +bos on sunday . i want to make sure it 's the place i 'm thinking of first . can you provide me with information about the hotel ? eos 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 N/A +bos it is a guesthouse in the east and is cheap and has a 4 star rating . eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 N/A +bos that 's the one ! could you make a reservation for me ? there are two of us coming in on sunday and we 'd like to stay for 4 nights . 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 O O O O B-Hotel-Inform+Stay O O O O O N/A +bos i have successfully booked your hotel . the reference number is qgzke117 . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos can you please help me find an expensive restaurant in the south ? eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos taj tandoori is a great indian place in the south . would you like to know more ? eos 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 O O O N/A +bos sure , could you tell me 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the number to call them is 01223412299. their postcode is cb17aa . their address is 64 cherry hinton road cherry hinton . anything else for you today ? eos O O O 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 enjoy your stay ! good bye ! eos O O O O O O O O general-welcome,general-bye +bos hi , could you give me the location of the saint johns chop house ? 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 O N/A +bos saint johns chop house is located at 21 - 24 northampton street , cb30ad , on the west side of town . 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Area O O O O O O N/A +bos great . how about the phone number ? eos O O O O O O O O O Restaurant-Request+Phone +bos their phone number is 01223353110 eos O O O O O B-Restaurant-Inform+Phone N/A +bos could you tell me what their price range is ? eos O O O O O O O O O O O Restaurant-Request+Price +bos this restaurant is in the moderate price range . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i am also looking for a particular hotel named leverton house . eos O O 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 ? eos O O O O O O O O general-reqmore +bos the address please . eos O O O O O N/A +bos they are located at 732-734 newmarket road , postcode cb58rs . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O N/A +bos thank you for the information on that . eos 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 yes , i am looking to book a room at the leverton house for 3 people and 5 nights starting 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 N/A +bos your booking was successful . your reference number is py098gt4 . how else can i help 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 no , thank you . that 's all for now . 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 'm looking for a place to eat in the centre in the moderate price range . eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A +bos we have 21 options using those requirements . do you have a preference for any 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 really like british cuisine that is in the center of town . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos one of my favorites that fits your preferences is the oak bistro . there food is wonderful . is this a restaurant that you may be interested in ? eos 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 O O O O O O O O O O O O O O general-reqmore +bos yes . are you able to make reservations for 4 people at 20:00 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 N/A +bos i 've made your booking . your reference number is l6stcuza . is there anything else i can help 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 i also need a place to stay eos O O O O O O O O N/A +bos sure , what are you looking for ? eos O O O O O O O O O N/A +bos i 'm looking for a 4 star guesthouse . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos great ! do you have a price range you 'd like to stay in or a location that 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 Hotel-Request+Area,Hotel-Request+Price +bos i 'm looking for a place in the moderate price range and i need 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 acorn guesthouse is nice , when will you planning your stay ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Request+Day +bos do they have free wifi ? and i need their phone # eos O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Internet +bos they do have free wifi and their phone number is 01223353888. is there anything else you need to know ? eos O O O O O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos what area are they located in ? eos O O O O O O O O Hotel-Request+Area +bos they 're in the north end of town . would you like to book a reservation ? eos O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform +bos no i 'll take care of that later . but can you arrange a taxi for me ? going from the hotel to the oak bistro . 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+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos i 'll need to know when you want to leave or arrive . eos O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i just need to get to the restaurant for my dinner reservation on saturday . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Day O N/A +bos i have you booked in a white audi to be at the oak bistro by 20:00. the cab contact number is 07934977306. eos O O 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 B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Phone N/A +bos ok , i think that 's it . thanks for your help . eos O O O O 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 hi . i 'm looking for a particular hotel if you could help me with that ? eos O O O O O O O O O O O O O O O O O O Hotel-Inform +bos sure . do you know the name of it ? eos O O O O O O O O O O O Hotel-Request+Name,general-greet +bos it 's called the a and b guesthouse . i 'd like a 5 night stay for 4 starting on monday . can i get a reference # ? thanks ! 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+Stay O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O O O O O O O O N/A +bos i was able to book your party of four into a and b guest house starting on monday for 5 nights . reference : cerep94p . can i assist further today ? 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 O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos yes i would also like a place to dine in the north that serves asian oriental food . 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 a few options in the area . do you have a price range in mind ? 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 Restaurant-Request+Area +bos no , just needs to be in the north and serve that food . eos O O O O O O O O O O O O O O O N/A +bos saigon city will fit your needs do you need to book a table ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O Booking-Inform +bos yes . i would like to book a table for four on monday 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : y7gc1vd7 . 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 N/A +bos that was all i needed today , thank you . eos O O O O O O O O O O O general-thank +bos thanks , please remember us for your future travel needs . eos O O O O O O O O O O O O general-welcome,general-bye +bos please help me locate a restaurant in the centre that serves south indian food . thanks . eos 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 N/A +bos i 'm sorry but there are no south indian restaurants in the center . can i interest you in something else ? eos 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 O O O O O O O general-reqmore +bos is there one that serves seafood ? eos O O O O O O B-Restaurant-Inform+Food O N/A +bos the loch fyne serves seafood . would you like for me to make you a reservation ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food O O O O O O O O O O O O Booking-Inform +bos no . may i have the phone number ? eos O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223362433. 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 yes , i also need to find a cheap hotel . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos all right . do you have an area you prefer or a type of hotel ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Area,general-greet +bos something with free parking , 2 star , and is in the moderate price range . eos O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O O N/A +bos i see two choices for moderately priced 2 star hotels . they are both hotels located in the north with free parking and internet . i recommend ashley 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 N/A +bos that is great . can you book me for 3 people for 3 nights beginning 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 N/A +bos you got it , your reference number is qbh121bl . anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos yes , i am going to 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 O O Taxi-Inform +bos what time would you like to arrive or depart from the hotel ? eos 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 restaurant by 12:45. please give me car type and contact number . eos O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O Taxi-Request+Car +bos sure thing ! a white skoda will be picking you up to get you to the restaurant by 12:45 contact is 07643618907 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+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O B-Taxi-Inform+Phone O general-greet +bos thank you for your help you 've been great ! eos O O O O O O O O O O O general-thank +bos it is my pleasure ! 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 . can you help me out ? eos O O O O O O O O O O O O O O O O N/A +bos sure . are you looking for anything in particular ? eos O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Name,Hotel-Request+Type,Hotel-Request+Internet +bos in the east and must be a hotel eos O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Type N/A +bos i have one listing for express by holiday inn cambridge , will that be okay ? 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 O O O O O O Booking-Inform +bos that would be fine . eos O O O O O O N/A +bos would you like me to book a room for you ? eos O O O O O O O O O O O O Booking-Inform +bos yes please for 2 people for 4 nights starting from friday . 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 sure thing , your all set . confirmation # is zsdflxsj . 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 yes , i 'm also looking for a moderate priced restaurant near the hotel . can you find one ? eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos there are 2 moderately price indian restaurants and one italian place in the area . which type of cuisine do you prefer ? eos O O 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 Restaurant-Select +bos definitely italian , curry gives me gas . eos O O B-Restaurant-Inform+Food O O O O O O N/A +bos i can suggest pizza hut in fen ditton located in cambridge retail park newmarket . 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 I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A +bos that sounds great . thanks . eos O O O O O O O general-thank +bos sweet ! do you need a reservation ? eos O O O O O O O O O Booking-Inform +bos i do not need a reservation right now . eos O O O O O O O O O O N/A +bos okay , how else can i help then ? eos O O O O O O O O O O general-reqmore +bos that 's all i needed tonight . thanks for the help . eos O O O O O O O O O O O O O general-thank +bos i am glad to be of service , enjoy your stay in cambridge . eos O O O O O O O O O O O O O O O general-welcome +bos hi . i 'm trying to find a restaurant that serves danish 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 afraid there are no danish restaurants in the city . is there another cuisine you 'd like ? 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about thai ? eos O O O B-Restaurant-Inform+Food O N/A +bos there are two restaurants serving thai food . is the expensive price range okay for you ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O B-Restaurant-Recommend+Price O O O O O O O N/A +bos i do n't care . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos bangkok city is a nice thai restaurant in the expensive price range . would you like their location ? 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 O O O O O O O general-reqmore +bos centre please eos O B-Restaurant-Inform+Area O N/A +bos correct , bangkok city is located in the centre part of town . would you like the specific contact information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 will need 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 the address is 24 green street city centre , and the phone number is 01223 354382. 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+Phone I-Restaurant-Inform+Phone O N/A +bos thank you very much ! eos O O O O O O general-thank +bos you are welcome ! eos O O O O O general-welcome +bos thank you goodbye . eos O O O O O general-bye +bos you are welcome , goodbye eos O O O O O O general-welcome,general-bye +bos i need a taxi to take me to the hotel from the airport now , can you give me the number 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 Taxi-Inform,Hotel-Inform +bos what specific time do you want to leave ? eos O O O O O O O O O O Taxi-Request+Leave +bos never mind . i 'm looking for a guesthouse to stay at . it must be in the north and 4 stars . eos 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 B-Hotel-Inform+Stars O O O O N/A +bos the acorn guest house is in the north and is rated 4 stars . eos 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 N/A +bos okay great . could i have their postcode and phone number ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos the phone number for acorn guest house is 01223353888. the postal code is cb41da . is there anything else i may help you with ? 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 B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore +bos yes i am looking for information on the sesame restaurant and bar . 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 N/A +bos the sesame restaurant and bar serves chinese food , located in the centre area at hills road city centre , postal code cb21nw17 . you can contact them at this phone number , 01223358899. eos O 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 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+Post O O O O O O O O B-Restaurant-Inform+Phone O O O O N/A +bos i need a taxi to commute between the two places . i want to leave the restaurant at 15:45. can i get the phone number and type of car ? 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 O O O O O O O O Taxi-Request+Phone +bos a red volkswagen will take you from the acorn guest house to the sesame restaurant and bar . the contact number is 07193707133 eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 B-Taxi-Inform+Phone O N/A +bos ok , great . thank you very much for your help . eos O O O O O O O O O O O O O general-thank +bos do you need any further assistance today ? eos 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 outstanding . have a good rest of your day ! eos O O O O O O O O O O O general-bye +bos can you recommend a restaurant to me in the south part of town ? i do n't want to spend a lot of money . 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 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 the type of food does n't matter to me . eos O O O O O O O O O O O N/A +bos two results with cheap price range in the south area of town . one is nandos which is portuguese food . the other is the lucky star , which is chinese food . eos O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-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 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 I-Restaurant-Inform+Food O O O N/A +bos is there anything else ? eos O O O O O O N/A +bos the lucky star is a chinese restaurant that is cheap and on the south side 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 B-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 N/A +bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone +bos the phone number of the lucky star is 01223 244277. 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 that will be good . 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 i would like a restaurant in the east part of town that serves gastropub 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 that would be the royal standard at 280 mill road city centre . they can be reached at 01223247877. 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 O O O O B-Restaurant-Inform+Phone O N/A +bos thank you goodbye . eos O O O O O general-bye +bos goodbye ! eos O O O general-bye +bos hello , i am looking for a restaurant that serves moroccan food . eos 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 restaurants serving moroccan food . would you like something else ? eos O 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 can i have the asian oriental type of food then ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A +bos dojo noodle bar serves asian oriental 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 do you have an address ? eos O O O O O O O Restaurant-Request+Addr +bos dojo noodle bar is located at 40210 millers yard 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 N/A +bos may i have the postcode please ? eos O O O O O O O O Restaurant-Request+Post +bos dojo noodle bar 's postcode is c.b 2 , 1 r.q . is there anything else i can help you with today ? eos O 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 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 am looking for a moderately priced restaurant in the south 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 two moderately priced restaurants in the south . would you prefer italian or modern european ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos may i have the address and phone number of the italian restaurant ? 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 that would be the pizza hut cherry hinton at g4 cambridge leisure park clifton way cherry hinton , and they can be reached at 01223 323737. can i help you with anything else today ? eos 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+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+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 thank you , goodbye ! eos O O O O O O general-bye +bos i 'm looking for a restaurant that serves belgian food eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are n't any belgian restaurants in the area . 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 O O Restaurant-NoOffer,general-reqmore +bos portuguese , please . eos O B-Restaurant-Inform+Food O O O N/A +bos for portuguese food , there is nandos in the south part of town or nandos city centre . would you like the contact information for either of those ? eos O 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 B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O general-reqmore +bos yes , please . i will take the phone number and address for nandos in the south area . eos O O 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 absolutely , nandos is located at cambridge leisure park clifton way . its phone number is 01223327908. would you like anything else ? 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 O B-Restaurant-Inform+Phone O O O O O O O O N/A +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 +bos i am looking for a cheap restaurant with chinese food . eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O Restaurant-Request+Food +bos there are several cheap chinese restaurants . would you prefer any certain area of town ? 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 south part of town . eos O B-Restaurant-Inform+Area O O O O N/A +bos the lucky star is the only cheap chinese restaurant in the south part of town . would you like any contact information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 general-reqmore +bos yes , what is their phone number and address ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the lucky star restaurant is on cambridge leisure park clifton way cherry hinton and can be reached by phone at 01223 244277. 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos excellent . thanks a lot . i think that 's everything i need . eos O O O O O O O O O O O O O O O general-thank +bos thank you for choosing our system . good bye eos O O O O O O O O O O general-bye +bos caribbean food in the east part of town . if no such place , indian . eos O 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 could n't find any caribbean restaurants in the east part of town . i will search for indian restaurants next . 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 Restaurant-NoOffer +bos great ! did you find any indian restaurants 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 N/A +bos yes , there are four options . two are moderately priced and two are expensive . do you have a preferred price range ? eos O O O 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 Restaurant-Request+Price +bos no . eos O O O N/A +bos the curry prince is in the east part of town and is in the moderate price range . would you like more information for them ? 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 O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O 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 the address is 451 newmarket road fen ditton . the phone number is 01223 566388. 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 I-Restaurant-Inform+Phone O N/A +bos thank you goodbye . eos 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 cheap restaurant in the west part of town . i 'd also like the restaurant 's phone number . 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 O O O O O O Restaurant-Request+Phone +bos there are two cheap restaurants in the west part of town . la margherita is an italian restaurant and thanh binh is a vietnamese restaurant . would you like the phone number for one or both of those ? eos O 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 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 O O O O O O O O general-reqmore +bos vietnamese sounds good . could i have the phone number for tanh binh ? eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223 362456. 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 goodbye , have a nice day . eos O O O O O O O O general-bye +bos looking for a place to go to in the centre area that has interesting architecture . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Type O N/A +bos the holy trinity church is located in centre and has interesting architecture its located on market street and its postcode and phone number is cb23nz and 01223355397 eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O B-Attraction-Recommend+Post N/A +bos that sounds like just what i was looking for . eos O O O O O O O O O O O N/A +bos excellent ! have a great day ! eos O O O O O O O O general-bye +bos one more thing , could you help me find a train from cambridge ? eos O O O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos i 'd be happy to ! can you tell me more about your trip , such as your destination and when 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 Train-Request+Dest,Train-Request+Leave +bos i 'm heading to bishops stortford , and i need to arrive by 14:00 on friday . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O N/A +bos i would recommend the tr3847 train that arrives at 06:07. will that work ? eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O Train-OfferBook +bos is there anything a little later in the day ? 6 am is rather early . eos O O O O O O O O O O O O O O O O O N/A +bos how about train tr8078 ? it leaves at 11:29 and arrives by 12:07. eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O N/A +bos thats perfect , can you book it for me ? eos O O O O O O O O O O O N/A +bos yes , how many tickets would you like ? eos O O O O O O O O O O Train-Request+People +bos actually i want to book it myself . can i just get the price and travel time on that ? 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 price is 10.10 pounds . the travel time is 38 minutes . may 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 N/A +bos thank you so much ! i appreciate all your help . eos O O O O O O O O O O O O general-thank +bos no problem . just want to make sure you have all of the information you need ? eos O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos that is all i needed . thank you and goodbye ! eos O O O O O O O O O O O O general-bye +bos that will be all . you 're welcome , goodbye ! eos O O O O O O O O O O O O general-welcome,general-bye +bos goodbye ! have a great day ! eos O O O O O O O O general-bye +bos feel free to call in case you need something . eos O O O O O O O O O O O general-reqmore +bos can you direct me towards a moderately priced restaurant serving fusion food ? eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos sorry , but there are no fusion restaurants in the area , did you want 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 Restaurant-Request+Food,Restaurant-NoOffer +bos european , then . eos O B-Restaurant-Inform+Food O O O N/A +bos what area are you looking for ? eos O O O O O O O O Restaurant-Request+Area +bos moderately priced european food . i will also need the address and postcode . eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos i have found five restaurants serving european food , four in the centre area and one in the south . do you have a preference of area ? eos O O O O O O O B-Restaurant-Inform+Food 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 N/A +bos if they are all moderately priced , i do not care . price is more important than location . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O N/A +bos galleria serves moderately priced european food . their address is 33 bridge street and the postcode is c.b 2 , 1 u.w eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-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 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 i am looking for a korean restaurant in the centre . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos little seoul is located at 108 regent street city centre . 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 N/A +bos can i get the phone number and price range ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price +bos the phone number for little seoul is 01223 308681 and is located at 108 regent street city centre eos O 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 N/A +bos thank you , goodbye eos 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 what are some expensive british restaurants to dine at ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos sure , are you looking in a certain area ? eos O O O O O O O O O O O Restaurant-Request+Area +bos yeah , i 'm looking in the north . eos O O O O O O B-Restaurant-Inform+Area O O O N/A +bos unfortunately , there are no british restaurants in the north that are expensive . would you like mt o look in another are or try a different cuisine ? 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 B-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+Area +bos how about expensive french restaurants in the north ? eos O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos sure , there 's one there called restaurant two two . 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 N/A +bos can you make me a reservation please and send the reference number ? eos O O O O O O O O O O O O O O N/A +bos sure , when would you like the reservation for ? eos O O O O O O O O O O O Booking-Request+Time +bos what times do they have available . eos O O O O O O O O N/A +bos it would be easiest if you would pick a time . eos O O O O O O O O O O O O Booking-Request+Time +bos actually , i do n't need to book a time right now , i just need the postcode and phone number 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 O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos okay , the post code is cb43ax and the phone number is 01223351880. eos O O O O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O N/A +bos thank you . i am also looking for places to visit in town . i think a college would be nice . could you recommend one ? 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 O N/A +bos sure , christ 's college would be a good choice . it 's in the centre of town and does not have an entrance fee . would you like more information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O 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 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 can i also have their phone number and address ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos of course . the phone number is 01223334900 and the postcode is cb23bu . can i help you with anything else today ? 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 general-reqmore +bos that 's all i needed today . thanks ! eos O O O O O O O O O O general-thank +bos i hope you have a great stay in town . goodbye . eos O O O O O O O O O O O O O general-bye,general-greet +bos i need to go out tonight - what 's the hottest nightclub on the west side ? 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 there are no nightclubs on the west side 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 N/A +bos that sucks . how about museums in the west ? eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos we have 7 different museums in the west part of town . do you want me to give you a recommendation ? 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 I-Attraction-Inform+Area O O O O O O O O O O O general-reqmore +bos yes , please . i would appreciate that . eos O O O O O O O O O O N/A +bos i would suggest kettles yard . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos thanks , what is the postcode and entrance fee for kettles yard ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos the postcode is cb30aq and it is free . eos O O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O N/A +bos i also need to book a table at the royal spice restaurant . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos 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 . eos O O O O O O O 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 it will be for one , wednesday . eos O O O O O O B-Restaurant-Inform+Day O O N/A +bos what time did you want to make the reservation for ? eos O O O O O O O O O O O O Booking-Request+Time +bos 18 45 on weds eos O O O O O N/A +bos how many people ? eos O O O O O Booking-Request+People +bos it will just be me eos O O O O O O N/A +bos ok , booking was successful . reference number is : svjx0qe7 . 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 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 most welcome ! good bye . eos O O O O O O O O O general-welcome,general-bye +bos hi , can you please give me information on a restaurant called midsummer house restaurant located in cambridge ? 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 O O O N/A +bos this is a british restaurant found in the center of town that is in the expensive price range . what other information do you need ? 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 O O O O B-Restaurant-Inform+Price O O O O O O O O O O general-reqmore +bos can you book this restaurant for 3 people on wednesday at 15: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 N/A +bos i booked it for you- the reference number is 5cwu2u98 . 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 i would like to do a little site seeing . do you have any good attractions in the east ? 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 N/A +bos there are many in the east , what type are you most interested in ? eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Type +bos are there museums ? eos O O O B-Attraction-Inform+Type O N/A +bos may i suggest cambridge artworks ? it sounds like just what you are looking for and is free to visit . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 N/A +bos okay , that sounds great . can you also help me with a taxi in order to get 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 Restaurant-Inform,Taxi-Inform +bos i booked a taxi from cambridge artworks to the restaurant that will get you there in time for your reservation . car is a black tesla and the contact number is 07036386739 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 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 . you have been so helpful . i think that was all i needed . thanks and 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-bye +bos you 're welcome , enjoy your time in cambridge ! eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a museum on the west side 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 there are 7 museums in the west . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos which one is the cheapest ? eos O O O O O O O N/A +bos i would go with kettle 's yard since it is free . would you like more information ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee O O O O O O O O general-reqmore +bos what is the address ? eos O O O O O O Attraction-Request+Addr +bos their address is castle street , cb30aq . will there be anything else i can assist you with today ? eos 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 O general-reqmore +bos i am also wanting to find out some info on a restaurant called the gardenia . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos that is a great mediterranean place . what would you like to know about it ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O general-reqmore +bos i would like to make a reservation there for wednesday . there will be 6 people . eos O O O O O O O O O O O O O O O O O O N/A +bos alright i will connect you so you will get tickets for the event . eos O O O O O O O O O O O O O O O general-reqmore +bos event ? i want to book a table at a restaurant please . eos O O O O O O O O O O O O O O Restaurant-Inform +bos what time would you like your reservation ? eos O O O O O O O O O Booking-Request+Time +bos let 's shoot for 16:45 please . eos 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 : kf2wigas . 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 yes , i will need a taxi to commute between the to places . eos O O O O O O O O O O O O O O O Taxi-Inform +bos i have you leaving at 16:15 and arriving at 16:45. it 'll be a white volvo and the number is 07193127325 eos O O O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Car 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 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 that will be all eos O O O O O O O O general-thank +bos thank you for contacting cambridge towninfo centre . i enjoyed helping you . goodbye . eos O O O O O O O O O O O O O O O O general-bye,general-greet +bos i need some information about churchill college . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos churchill college is in the west area , the address is storey 's way and has free entrance . would you like the phone number also ? eos O B-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 O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos yes , that would be great . can you also 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 Attraction-Request+Post +bos the postcode on that attraction is cb30ds . do you need further help with anything today ? eos O O O O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos i would like to find and italian 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 N/A +bos there are a number of them . did you have a price range 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 Restaurant-Request+Price +bos i 'm thinking the expensive price range . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are 4 restaurants that are in the expensive range , caffe uno comes highly recommended . shall i book a table ? eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Price 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 . there are 6 of us . make it for 17:00 on thursday . eos O O O O O O O B-Restaurant-Inform+People O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos your reservation for a table of 6 at caffe uno this thursday at 17:00 was successful . the table will be reserved for 15 minutes . your reference number is : bz87z5cs . eos O O O O O O O O B-Booking-Book+People 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 O O O O O B-Booking-Book+Ref O O O N/A +bos can you hemp book a taxi , too ? eos O O O O O O O O O O Taxi-Inform +bos i would be happy to assist you with booking a taxi . what are your departure and destination points ? 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 +bos i would like to leave churchill college and get to caffe uno by 17:00 eos 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 O B-Taxi-Inform+Arrive N/A +bos i 've booked your taxi , you 'll be riding in a white bmw and their phone number is 07823215445. what else can i 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , thank you . that 's everything i need today . goodbye . eos 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 a high scale chinese restaurant . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos we have 9 expensive chinese restaurants across town . do you prefer a specfic part of town ? 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 Restaurant-Request+Area +bos yes , i do . i would like it to be in the north . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos may i suggest hakka , a very nice chinese restaurant in the north part of town . shall i provide you with more information ? eos O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food O 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 general-reqmore +bos no but can i make a booking for 8 people at 18:30 on sunday . 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 have made those reservations your reference number is 61ktqseo . eos O O O O O O O O O O O B-Booking-Book+Ref N/A +bos thank you so much for your help eos 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 general-welcome,general-reqmore +bos yes , get me some more information on magdalene college please eos O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos yes their address is magdalene street and their telephone number is 01223332138. 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 what is their postcode ? eos O O O O O O Attraction-Request+Post +bos the post code is cb41jy . can i help with anything else ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos can i get a taxi from magdalene to hakka , please ? i need to make sure i get there for that reservation . eos 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 N/A +bos your taxi is a blue volkswagen . the contact number is 07121936050 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 great ! thanks for all your help today ! 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 can you help me find an expensive restaurant to eat at in east 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 i have 4 different food types available : british , chinese , gastropub and indian . does one of those appeal to you ? eos O O O O B-Restaurant-Inform+Choice 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 i was wanting korean . do you see any korean restaurants anywhere else in the city ? eos 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 is one expensive korean restaurant in the centre called little seoul . 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 N/A +bos can you book me a table there ? eos O O O O O O O O O N/A +bos how many people will be in your party and when would you like the reservation ? eos 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 there will be 8 people , and i want to book it for 20:00 on wednesday . eos 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : ty97w8sl . 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 O general-thank +bos is there anything else that i could help you with ? eos O O O O O O O O O O O O general-reqmore +bos yes i was wondering if you could help me find a nightclub in the same area . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos okay , there are 5 options . i recommend club salsa . eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos great , could i get the address there please ? eos O O O O O O O O O O O Attraction-Request+Addr +bos the address is 1 station road eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos could i also have the postcode and phone number ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos their phone number is 07782218745 and their postcode is cb12jb . eos O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O N/A +bos did you book it for me ? eos O O O O O O O O N/A +bos reservations are n't necessary for the club salsa , but the entrance fee is five pounds . 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-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore +bos could i book a taxi to take me to the restaurant ? i 'll need to arrive by 20: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 please look for a blue bmw . contact number : 07757635795. what else can i help you with today ? eos 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-reqmore +bos that was everything . eos O O O O O N/A +bos thank you for using the cambridge towninfo centre . we 're here 24/7 . 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-bye +bos i 'm looking for a nice place to eat . eos O O O O O O O O O O O N/A +bos there are many fine places to eat . what type of cuisine would you prefer ? 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 i do n't care about the cuisine type , but i want it to be somewhere expensive and in the centre please . 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 there are a number of expensive eateries in the centre . how about one of my favorites - midsummer house restaurant ? they serve british food and it 's delicious ! eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O N/A +bos okay . can you book me a table for 3 people for 16:15 on a thursday ? i will need the reference number . 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 O O O O O O O O Restaurant-Request+Ref +bos i have made those reservations your reference number is plgquxc8 . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos great , ca n't wait . i am also 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 O O O O O O O N/A +bos i have more than 40 attractions in the centre of town . what type of attraction did you have in mind ? eos 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 O O Attraction-Request+Type +bos what would you recommend ? eos O O O O O O N/A +bos personally , i would go to a museum , but there are plenty of other types of attractions from nightclubs to colleges as well . eos O O O O O O O B-Attraction-Recommend+Type 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 N/A +bos okay , well , what 's a good museum to try ? eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i suggest the castle galleries . it 's free and in the centre of town . do you want an address ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O O N/A +bos yes and i need the postcode and phone number as well . eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223307402 , postcode cb23bj , and their address is unit su43 , grande arcade , saint andrews street . is there anything else i can assist you with ? eos O O O O O B-Attraction-Inform+Phone 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 I-Attraction-Inform+Addr O O O O O O O O O O O O O O general-reqmore +bos that is all i needed and i thank you for your time . eos O O O 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-welcome,general-bye +bos i would like an expensive restaurant that serves irish 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 matches for that search eos O O O O O O O O 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 's darrys cookhouse and wine shop , located in the centre of town . would you like their information ? 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O N/A +bos yes please , i would like the address and the phone number . eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos darrys cookhouse and wine shop is located at 40270 king street city centre . their phone number is 01223 505015. 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 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 thank you . goodbye ! eos O O O O O O general-bye +bos you are 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 general-welcome,general-reqmore +bos no , thank you . goodbye . eos 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 to visit a museum in town . what can you suggest ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos what area would you like to go to ? eos O O O O O O O O O O Attraction-Request+Area +bos i have no preferences for area , can you just suggest a couple ? eos O O O O O O O O O O O O O O O Attraction-Request+Area +bos the cambridge contemporary art museum , and the scott polar museum are both free and in the centre . 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 B-Attraction-Inform+Choice B-Attraction-Inform+Fee O O O B-Attraction-Inform+Area O O N/A +bos can you give me the address for the scott polar museum ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Addr +bos sure ! the address is lensfield road . will that be all ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O general-reqmore +bos that 's all the help i need today . 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 , 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 i need to find a train from ely to cambridge towninfo centre . eos O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O N/A +bos train tr8519 will depart ely for cambridge at 05:36 is that time okay with you ? 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 general-reqmore +bos i would need to leave after 09:00 on tuesday . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos the tr4669 departs ely at 09:35 and arrives in cambridge at 09:52. would you like to book a ticket ? eos O O B-Train-Inform+Id O O B-Train-Inform+Depart 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 , that 's not needed . can i get 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 Train-Request+Duration,Train-Request+Price +bos the price is 4.40 pounds per ticket and the travel time is 17 minutes . 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-OfferBook +bos that 's not necessary . you can help me locate a concert hall in the west end , however . 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 unfortunately there are no concert halls in the west end . 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 N/A +bos could you check for a college instead ? eos O O O O O O B-Attraction-Inform+Type O O N/A +bos churchill college is on the west end . would you like the address ? eos 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 general-reqmore +bos yes please , i need the address for the college . eos O O O O O O O O O O O O Attraction-Request+Addr +bos churchill college is located at storey 's way , cb30ds . their phone number is 01223336233. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O 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 are very welcome , i hope you enjoy your time here . thank you for contacting the 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 '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 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 does the acorn guest house include free parking and is it located in the north ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos it is indeed in the north , and includes complimentary parking . they 're moderately priced and have a 4 star rating . eos O O 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 B-Hotel-Inform+Stars O O O O O Hotel-Inform+Parking +bos what is the postcode ? eos O O O O O O Hotel-Request+Post +bos the postcode for acorn guesthouse is cb41da . would you like my help booking a room there ? 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 O Booking-Inform +bos no , thank you . i do need information about a train leaving after 18:00 on saturday . eos O O O O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A +bos where are you leaving from ? eos O O O O O O O Train-Request+Depart +bos departing from kings lynn . eos O O O O O O N/A +bos what 's 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 tr9408 leaves kings lynn at 18:11. does that work for you or would you prefer the next train , which leaves at 19:11 ? eos O B-Train-Inform+Id 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 O B-Train-Inform+Leave I-Train-Inform+Leave general-reqmore +bos could you tell 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 total travel time is 47 minutes and it 's 7.84 pounds per ticket . would you like me to book a ticket for you ? eos 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 O O O O O O Train-OfferBook +bos no , thanks , just the information is enough . eos O O O O O O O O O O O general-thank +bos okay . can i help you with anything else ? eos O O 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 welcome , have a great day . eos O O O O O O O O O O general-welcome +bos i am looking for a train that leaves on wednesday , going to bishops stortford . eos 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 tr4404 departs cambridge at 05:29 and arrives at 06:07 in bishops stortford . would you like me to book it ? eos 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 B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O Train-OfferBook +bos that 's pretty early . would there be a later train that arrives by 15:00 ? eos O O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos tr3844 departs cambridge wednesday at 13:29 and arrives in bishops stortford by 14:07. would you like to reserve a seat ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart 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 O O Train-OfferBook +bos no . how long will the train take ? eos O O O O O O O O O O Train-Inform +bos that train ride will take approximately 38 minutes . eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thanks . i also need a particular hotel . its name is ashley hotel 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 do you need me to book this for you ? eos O O O O O O O O O O O Booking-Inform +bos yes . book for 5 people , 5 nights starting on friday . eos O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O N/A +bos i was able to book the room for you , your reference number is a6wu1hrs . 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 B-Booking-Book+Ref 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 O general-thank +bos glad i could help ! eos O O O O O O general-bye +bos i 'm looking for a cheap hotel in the east . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O N/A +bos there are three cheap guesthouses in the east , each with 4 star ratings . would you like me to book one ? 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 B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform +bos no , but do any of them have free parking ? eos O O O O O O O O O O O O N/A +bos yes all of them . would you like to book one ? eos O O O O O O O O O O O O O Booking-Inform +bos yes , please recommend one that can accommodate 8 people for 2 nights starting on thursday 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 would recommend the allenbell . would you like me to make a booking 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 yes i need reservations for 8 people for 2 nights starting from thursday . eos O O B-Hotel-Inform+Parking 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. booking was successful.reference number is : yxtpy48p . is there anything else you want ? 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 thank you that will be all eos 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 can you help me find a train going to cambridge that arrives by 18:30 ? 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 okay , i think i can help you . where will be coming 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 kings lynn . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos the tr3677 arrives at 17:58. would you like to book it ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes for 2 people on a tuesday please . and i would like the reference number . eos O O O O B-Train-Inform+People O O B-Train-Inform+Day O O O O O O O O O O N/A +bos i 'm going with tr5793 since you are travelling on tuesday arriving at the same time . the total fee is 19.6 gbp payable at the station .reference number is : 4nlgw7wm . eos O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Day 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 thanks so much . can you also help me look for the carolina 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 N/A +bos carolina bed and breakfast is in the east , it is a guesthouse in the moderate price 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 B-Hotel-Inform+Area 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 Booking-Inform +bos yes please . two nights from tuesday for two people . eos O O O O O O B-Hotel-Inform+Day O O O O O N/A +bos i got your room booked at the carolina bed and breakfast . your reference is fyldizuf . is there anything else i can help you with today ? 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 B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos i need a room for the same group of people for 1 night on the same day . and i need the reference number then 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 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 a place to stay with a star rating of 0. eos O O O O O O O O O O O O O N/A +bos okay we have three options in that category . would you like to stay in the north or the centre of cambridge ? 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 B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O N/A +bos that does n't matter as long as the hotel is expensive . eos O O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos i have none in that price range , can i check in another realistic 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 how about something cheap ? eos O O O O B-Hotel-Inform+Price O N/A +bos i ave 2 listings one for city centre north b and b and another for el shaddai . 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 O N/A +bos does the city centre north b and b offer free wifi ? if so , can you please book it for saturday with 8 guests , 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+Day O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O N/A +bos booking was successful . reference number is wdvi9xct . 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 general-reqmore +bos that is all i needed . thank you eos 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 oh , we need a train departing from norwich going to cambridge . can you give me some departure times and how long is the travel ? eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O N/A +bos trains leave every hour and the travel time is 79 minutes . can i book a certain day and time for you ? eos O O 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 O O O Train-Request+Day,Train-Request+Leave,Train-OfferBook +bos i would like a train leaving after 18:15 on the same day as my hotel booking . eos O O O O O O O O B-Train-Inform+Leave O O O O O O O O O N/A +bos i have train tr8600 leaving at 18:16 and arriving at 19: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 thank you . can you book it for me ? eos O O O O O O O O O O O general-thank +bos how many seats will you need ? eos O O O O O O O O Train-Request+People +bos i wo n't need a ticket . can i just have the price , please ? eos O O O O O O O O O O O O O O O O O Train-Request+Price +bos the price is 14.08 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 thanks . i 'm done . have a nice day . bye . eos O O O O O O O O O O O O O O O general-bye +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-bye +bos i am leaving tuesday and need to take a train from cambridge to ely eos O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest N/A +bos certainly . it looks like the trip is 17 minutes long . when would you like to leave ? eos O O O O O O O O O B-Train-OfferBook+Time I-Train-OfferBook+Time O O O O O O O O O Train-Request+Leave +bos i need the train to arrive by 11:15. eos O O O O O O O O B-Train-Inform+Arrive N/A +bos the tr3246 arrives at 10:07 , would you like to book that train ? eos O O B-Train-OfferBook+Id O O B-Train-OfferBook+Arrive O O O O O O O O O N/A +bos when does that train depart ? eos O O O O O O O Train-Inform +bos the train departs at 09:50. eos O O O O O B-Train-Inform+Leave N/A +bos great . i 'm not ready to book today though . i am 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 O O O N/A +bos where are you staying and for how long and how many rooms please eos O O O O O O O O O O O O O O Booking-Request+Stay,Hotel-Request+Name +bos i do n't know where i am staying . i 'm looking for a guesthouse and i thought you could help . 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 N/A +bos there is a variety of guesthouses to choose from . how much would you like to spend ? we have cheap , moderate , and expensive . eos O 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 O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O Hotel-Request+Price +bos i would like the expensive price range . eos O O O O O O O O O N/A +bos i do n't have anything in the expensive range that fits that criteria . eos O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O N/A +bos if you ca n't find a guesthouse , could you look for 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 there are 5 available hotels . what area were you looking to stay ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Area +bos i would prefer the south . are there any in that area ? eos O O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos there is one expensive hotel in the south -- the lensfield hotel . it is a 3-star hotel . would you like to book a room ? 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 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 Booking-Inform +bos please book it for 3 people and 5 nights starting from thursday.make sure you get the reference number 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 O O O Hotel-Request+Ref +bos the lensfield hotel will be expecting the 3 of you to arrive on thursday and to stay for 5 nights . your reference number is : vogvc4ry . eos O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+People O O O O B-Booking-Book+Day O O O O O B-Booking-Book+Stay 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 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 'm looking to book a train that will depart out of cambridge . can you give me information about trains that leave cambridge and arrive in norwich ? 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 B-Train-Inform+Dest O O N/A +bos of course . there is a train leaving friday at 5:36. would you like me to book it for you ? eos O O O 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 Train-OfferBook +bos what time does it arrive ? eos O O O O O O O N/A +bos it arrives by 06:55 would that be okay to book for you ? eos O O O O B-Train-OfferBook+Arrive O O O O O O O O O N/A +bos no i need one that arrives at 16:15. eos O O O O O O O O O N/A +bos i 'm afraid 06:55 is the earliest i could find . eos O O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O N/A +bos what ? 16:15 is later that 6:55. are you saying you have nothing arriving in almost 10 hours after 6:55 ? 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 N/A +bos tr2534 arrives that time . can i book for you ? eos O B-Train-Inform+Id O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos tr2534 arrives at what time ? eos O O O O O O O N/A +bos sorry , there was a miscommunication earlier . tr8314 is your best bet . it will arrive in norwich at 15:55 on friday . eos O O O O O O O B-Train-Inform+Id 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 O N/A +bos yes i would like this train booked . i need ticket for 4 people . i also need the reference number please . 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 N/A +bos okay , your booking was successful . the total fee due at the station is 70.4 gbp . the reference number is 8ru6mz5j . 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 B-Train-OfferBooked+Ref O O O O N/A +bos okay thanks . can you also help me find somewhere to stay ? i 'd like a guesthouse in the north preferably with a 3 star rating . 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 B-Hotel-Inform+Stars O O O O O N/A +bos i have 3 star guesthouses in the north . one has free wifi and parking while the other has neither . which one would you prefer ? 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 O O O O O O O O Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet +bos the one with wifi will work . i need to book it for friday , 5 nights , 4 people . eos O O O O O O O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O N/A +bos no problem . i have the rooms booked for you . what else can i do ? eos O O O O O O O O O O O O O O O O O O Booking-Book,general-reqmore +bos 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 ? eos O O O O O O O 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 apologize . you 're booked at the hamilton lodge and your reference number is : uc7w5efu . can i assist you with anything else ? eos O O 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 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 have a nice day . eos O O O O O O O O O O O general-bye +bos hi , i 'd like information on a particular hotel called the kirkwood house . eos O 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 's a guesthouse in the north . it 's moderately priced . do you want me to book it ? eos O O O B-Hotel-Inform+Type 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 Booking-Inform +bos yes , please . i 'll be traveling alone , arriving on monday , and i need to stay for 5 nights . 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 N/A +bos okay , so you would like the reservation for 6 days and five nights ? eos O O O O O O O O O O B-Booking-Inform+Day O O O O O N/A +bos yes , 5 nights starting monday . eos O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos okay i have booked you for 5 nights and your reservation number is 3a42d73d . eos O O O O O O O O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O N/A +bos i also need a train that arrives by 17:45 on monday . departing from stevenage and arriving in cambridge eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos ok , the tr5825 arrives at 16:43. would you like a ticket ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , i need 1 ticket and can you give me a 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 sure . your booking was successful . the total fee is 12.8 gbp and your reference number is wdeybn55 . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos no , that 's all i needed help with . eos O O O O O O O O O O O N/A +bos enjoy your trip ! bye ! eos O O O O O O O general-bye +bos i need a place to stay . it needs to have free parking . eos O O O O O O O O O O O O O O O N/A +bos the acorn guest house is a guesthouse located in the north in the moderate price range , interested in that one ? eos O O B-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 B-Hotel-Inform+Price O O O O O O O O Hotel-Select +bos is there any 4 star hotels in the east ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos there are 3 : huntington marriott hotel , the cambridge belfry , and university arms 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 O N/A +bos it does n't have to be a hotel . i just need something with a 4 star rating with free parking . 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 N/A +bos may i recommend the acorn guesthouse ? it 's in the north and moderately priced . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O N/A +bos i suppose that works , i need to book it for 2 nights starting from thursday , for 4 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 it looks like i ca n't book that at this time , would you like to change your day , or try a different length ? eos O O O 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 actually , can you look for a guesthouse with the same specifications ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i could book for you arbury lodge guesthouse eos O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name N/A +bos 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 . eos O O O O O O 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 you narrow down your choices . did you have a type of attraction you were 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 Attraction-Request+Type,general-greet +bos yes , i 'm interested in museums . can you suggest one for me ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos in what area would you prefer it to be ? eos O O O O O O O O O O O Attraction-Request+Area +bos i am looking for a museum 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 there are 11 in the center of town . how about contemporary art ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos yeah , that sounds good . can you give me the postcode ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos sure thing the postcode for cambridge contemporary art museum is cb21su . is there anything more today ? eos 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+Post O O O O O O O general-reqmore +bos i 'm also looking for a place to stay in the centre that is moderate in price . eos 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 cityroomz is available . would you like to book this hotel ? eos O B-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform +bos i need the hotel to be 4 stars with free parking . does cityroomz have these ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos actually cityroomz is 0 stars and does n't have parking . would you like to try a different area ? eos O O B-Hotel-Inform+Name 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-Inform+Parking +bos how about one like that in the north ? get the postcode , address , and phone number eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos there are none with 0 stars in the north eos O O O O O O B-Hotel-NoOffer+Stars O O B-Hotel-NoOffer+Area N/A +bos the one in the north did not need to be 0 stars . just one in the north . eos O O O O O O O O O O O O O O O O O O O O N/A +bos lovell lodge is in the north and is moderate priced . postcode is cb41sr , phone is 01223425478 , and address is 365 milton road . does that work ? eos 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 B-Hotel-Inform+Post O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O N/A +bos that sounds good . does it have 4 stars ? eos O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos lovell lodge is 2 stars eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars N/A +bos i 'd really like a 4 star . is there a 4 star hotel in the north with parking ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos 4-star accommodations in the north are all guesthouses . the acorn guest house is highly recommended , and has free internet and parking . would you like more information or to book ? eos O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Type 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 O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos no , but can you give me the postcode , address , and phone number for the acorn ? 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 address of the acorn is 154 chesterton road , postcode cb41da . telephone number 01223353888 , 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 B-Hotel-Inform+Post O O B-Hotel-Inform+Phone O O N/A +bos can you help me find a guesthouse that includes free wifi ? eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i have 23 guesthouses that would meet that criteria . would you like to narrow it down by area , stars , 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 O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Price +bos sure . i need something in the north , and i 'd like a 4 star establishment . eos 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 N/A +bos acorn guest house is a great place eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos that would be great . can i have the postcode , phone number , and 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 Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Parking +bos they do have parking available . i 'm sure you 'll love it . they 're at 154 chesterton road , cb41da and their phone number is 01223353888. want to book a room ? eos 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 B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos no thank you . i 'm looking for a train that is departing from birmingham new street heading to cambridge . 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 O B-Train-Inform+Dest O O O N/A +bos what day are you wanting to travel on ? eos O O O O O O O O O O Train-Request+Day +bos i 'm looking to travel on thursday eos O O O O O O B-Train-Inform+Day O N/A +bos there are many leaving that day . 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 leave on thursday and should leave after 20:00. eos O O O O O O B-Train-Inform+Day O O O O O N/A +bos great . i have a train that leaves at 20:40. 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 O O O O O O O O Train-OfferBook +bos no thank you , i just need the arrival and travel time . eos O O O O O O O O O O O O O O Train-Request+Duration +bos the tr5106 arrives in cambridge at 23:23. the travel time is 163 minutes . can i help you with anything else today ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest O 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 O general-reqmore +bos that is all i needed ! thank you so much . 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 are there any restaurants serving middle eastern food ? eos O 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 middle eastern restaurants . is there another type of food you 'd like to try ? 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 Restaurant-Request+Food +bos can you try the search again looking for portugeuese food instead ? eos O O O O O O O O O O O O O N/A +bos sure ! i actually have two restaurants listed in both the southern and center points of town that serve portuguese food . are you interested in one of these ? eos O O 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 B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Select +bos i would like the one that is in the centre of town . can you book me a table there for thursday at 11:30 ? there will be 6 of us . 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 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 'm sorry , but the restaurant is n't available for that time . is there another time or day 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 O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos can you try 10:30 instead ? eos O O O O B-Restaurant-Inform+Time O O N/A +bos you 're all set . i have book a table for 6 at 10:30. reference # 2801gmop . can i help with anything else ? eos O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O O B-Booking-Book+Ref O 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 you 're welcome . enjoy your day . eos 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 great ! we have lots of great restaurants . let 's narrow down your search . 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 O O O O O O O O Restaurant-Request+Food,general-greet +bos i want to find an expensive restaurant serving expensive thai food eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A +bos do you have a preference for the area ? eos O O O O O O O O O O Restaurant-Request+Area +bos i 'd like a place in the centre . eos O O O O O O O B-Restaurant-Inform+Area O O N/A +bos bangkok city will fit your preferences perfectly . would you like me to reserve 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 O O O Booking-Inform +bos yes , that would be great . it will need to be on friday at 14:30. i 'd like a table for 4 , please ? eos 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 N/A +bos your table is all set , reference # j0u97vpd . 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 O O general-reqmore +bos thank you ! are there any trains leaving that same day from london liverpool street ? 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 N/A +bos yes , there are several trains leaving that same day from london liverpool street . eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos i 'm looking for a theatre in the centre . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos we have four theatres to choose from , i personal recommend the mumford theatre , would you like more information ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 general-reqmore +bos yes , can you send me the address ? eos O O O O O O O O O O N/A +bos the address is anglia ruskin enterprise , east road . do you need 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 O O O O general-reqmore +bos can i also get the entrance fee , postcode , and phone number ? i also need a train . 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+Fee +bos the entrance fee is not listed . their phone number is 08451962320 and postcode is cb11pt . where will your train be departing from and arriving to ? 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 B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i 'm going to broxbourne and departing from cambridge . eos O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart O O N/A +bos there are hourly trains on that route every day from 5:01. do you know what day and time you 'd like to travel ? 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,Train-Request+Leave +bos oh , i need to leave on tuesday and need to arrive in broxbourne by 18:30. i need to book for 5 , with a reference number please . eos O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref +bos the reference number is olh83lvt eos O O O O O B-Train-OfferBooked+Ref N/A +bos thank you so much ! goodbye . eos 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 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-reqmore +bos my best friend told me about a great place they stayed at . it was called finches bed and breakfast . can you tell me a little about that place ? 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 I-Hotel-Inform+Name O O O O O O O O O O O O N/A +bos i would be happy to get you that information . it 's a guest house located in the west area of town . what else would you like to know ? eos O O O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O general-reqmore +bos i think i am ready to book . can you get me a booking for 8 people for 4 nights , starting from sunday ? 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 O B-Hotel-Inform+Day O O O N/A +bos booking was successful . your reference number is pea9mnu6 . will that be all for today ? eos O O O O O O O O B-Booking-Inform+Ref O O O O O O O O O general-reqmore +bos actually , i need some information on a train heading into cambridge . eos O O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos where will you be traveling from ? eos O O O O O O O O Train-Request+Depart +bos i want to leave bishops stortford and arrive in cambridge by 12:00 , please . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O O N/A +bos tr2061 arrives by 06:07. will that do ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O N/A +bos yes please book that for 8 people and provide me with 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 okay , you 're all set . i 've booked your trip on train tr2061 . the total cost is 80.8 gbp , payable at the station , and the reference number is hi5qn7n7 . 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 O B-Train-OfferBooked+Ref O O O O O O O O N/A +bos thank you so much ! you 're very helpful and i appreciate all your work . i 'm looking forward to this 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-thank +bos do you need a taxi to or from anywhere ? eos O O O O O O O O O O O general-reqmore +bos nope , leave me alone now please eos O O O O O O O O N/A +bos okay , well have a great day . eos O O O O O O O O O general-bye +bos thank you ! bye ! eos O O O O O O general-bye +bos i 'm glad i could help you today . good bye . eos O O O O O O O O O O O O O general-bye +bos hi ! i 'm planning a trip in cambridge and i 'm looking for a restaurant in the west part 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 O O N/A +bos there are fourteen restaurants in the west . is there any kind of food you 're looking for ? eos 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 how about you suggest one a book a table for 4 on tuesday at 15:45 and i need the reference number too please 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 Restaurant-Request+Ref +bos i was able to book saint johns chop house , reference number is g579w1k0 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 B-Booking-Book+Ref O N/A +bos can you please book a train to cambridge that arrives by 11:30 ? eos 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 many ! what is your departure station , and what day are you traveling ? 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+Day +bos the same day as the booking , and i 'm coming from birmingham new street . 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 N/A +bos tr0254 would leave at 05:40 and arrive by 08:23. is this too early 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 general-reqmore +bos is there a train that arrives closer to 11:30 ? if so i just need the id , price , and travel 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 O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos yes , tr2761 will arrive by 11:23. the travel time is 163 minutes and it will cost 75.10 pounds . would you like for me to book it for you ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O B-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 O O O Train-OfferBook +bos yes , please . thanks . eos O O O O O O O general-thank +bos booked for 1 ticket . reference number is : s4jy176m . eos O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O N/A +bos i 'm also looking for a train going to cambridge by 11:30 eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos booked . the total fee is 75.09 gbp payable at the station reference number s4jy176m . is there anything else i can do for you today ? eos 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 that will be all , thanks for your help . eos O O O O O O O O O O O general-thank +bos you are very welcome . it has been a pleasure assisting you today . have a wonderful 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 can you help me find somewhere to stay in the south ? i want it to be moderately priced please . eos 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 O N/A +bos there are 2. one with 4 star another with 3. which one do you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O Hotel-Request+Stars +bos either is fine but i would need to have wifi included , this is a business trip . 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 that offer free wifi . one is rated 3 stars , the other is 4. 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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O Hotel-Select,Hotel-Inform+Internet +bos how about the 4 stars one . eos O O O O O O O O Hotel-Request+Stars +bos that would be the aylesbray lodge guest house . would you like to make a booking ? 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 Booking-Inform +bos not right now . i 'm also looking for a restaurant in the same price range that serves indian food . 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 B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos i have many to choose from . can you specify the area ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area +bos i would like it in the south . eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos it looks like there are n't any in the south . would you like to try a different area ? eos O O O O O O O O O B-Attraction-NoOffer+Area O O O O O O O O O O O Attraction-Request+Area +bos no , how about indian food ? eos O O O O O O O O N/A +bos rajmahal is in the west and moderately priced , shall i book you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Booking-Inform +bos yes , please . i would also like a taxi to leave the hotel by 21:00. eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos alright , and what is your destination ? eos O O O O O O O O O Taxi-Request+Dest +bos first , may i have the address for the rajmahal restaurant ? then , i want to get from the hotel to the restaurant , please . eos 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 Restaurant-Request+Addr +bos rajmahal is located at 7 barnwell road , fen ditton in the east side . i 've also booked your taxi , departing by 21:00. you 'll be taking a yellow vw , the number is 07875116115. eos 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 O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 B-Taxi-Inform+Phone O O O O O O N/A +bos thank you that will be all eos O O O O O O O general-thank +bos i 'm glad i could assist you today . have a good rest of the 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 'm looking for a swimming pool in town . eos O O O O O O O O O O O N/A +bos there are four swimming pools in cambridge . did you want one in a particular part of town ? 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 Attraction-Request+Area +bos no , actually it does n't matter . can you suggest one and provide me the postcode ? eos 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 jesus green outdoor pool get the most consistently positive feedback , their postal code is cb43px , can i help with anything else ? 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 B-Attraction-Recommend+Post O O O O O O O O O O general-reqmore +bos i would also like to find a korean restaurant eos O O O O O O O O B-Restaurant-Inform+Food O N/A +bos little seoul is found in the center of town and is in the expensive price range . could you like a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-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 Booking-Inform +bos yes , a table for 6 , please . eos O O O O O O O O O O N/A +bos i will reserve that for you now . eos O O O O O O O O O Booking-Inform +bos hello , are you still there ? you said that you would reserve it but never did anything , it has been 55 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 general-greet +bos oh , i 'm sorry about that . please excuse me . what day would you like for the reservation to be made ? eos O 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 +bos that 's alright . i need my table to be booked on sunday . eos O O O O O O O O O O O B-Restaurant-Inform+Day O O O N/A +bos i need more information on the time for the booking . eos O O O O O O O O O O O O Booking-Request+Time +bos we would like 18:45 on sunday for 6 people . i 'll need a taxi to go between the two places by the booked time . please provide contact number and car type . eos O O O 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 O O O Taxi-Request+Car +bos booking was successful . the table will be reserved for 15 minutes.reference number is : u9wfnbhe . which direction will you need the taxi for ? 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 Taxi-Request+Dest +bos i 'll need to go between the swimming pool and the restaurant . eos O O O O O O O O O O O O O O N/A +bos booking was successful . the car will be a white toyota and the contact number is 07225283033. is there 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 O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos no , thank you . that was all i needed . thanks . bye . eos O O O O O O O O O O O O O O O O general-bye +bos if you are sure you do not need anything ? eos O O O O O O O O O O O general-reqmore +bos i need a place to stay eos O O O O O O O N/A +bos i can help with that . do you have a preference in location ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos i would prefer it to be in the north . eos O O O O O O O O O B-Hotel-Inform+Area O N/A +bos do you have a price range or star level in mind ? eos O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars +bos i do n't care about price but i 'd like a 4 star place . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos i have 8 different four star guesthouses . they all include internet , would you like to make a reservation ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos can you select one and make a reservation for me for thursday please ? eos O O O O B-Hotel-Inform+Day O O O O O O O O O O N/A +bos i can book you into the acorn guest house . how many nights do you want to stay ? 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 O O Booking-Request+Stay +bos does that have free parking ? eos O O O O O O O N/A +bos yes , the acorn guest house has parking eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Inform+Parking +bos can you book that for me for 2 nights beginning thursday ? eos 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 will be staying at the acorn , please ? is the booking for you only ? eos 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 5 of us eos O O O O O B-Hotel-Inform+People O N/A +bos booking was successful . reference number is : 7flywy4j . i would love to 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 O O general-reqmore +bos i also need a cinema to visit ? eos O O O O O B-Attraction-Inform+Type O O O N/A +bos do you have a particular part of town in mind ? eos O O O O O O O O O O O O Attraction-Request+Area +bos in the same area as the hotel eos O O O O O O O O Hotel-Inform +bos sorry , i did n't find any cinemas in the north . eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O N/A +bos hmm , how about a park , then ? eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos i do n't have that either . eos O O O O O O O O Attraction-NoOffer +bos will you please try again ? there 's got ta be a park somewhere . eos O O O O O O O O O O O O O O O O N/A +bos i have 5 other parks in the centre , east , north , and south . eos O O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A +bos i just want a park in the same area as my hotel eos O O O O O O O O O O O O O N/A +bos oh okay , looks like there is one park . it is milton country park in the north . their phone number is 01223420060. the address is milton country park , milton . eos O O O O O O O O O O O O O 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 need a taxi to get between the two places . eos 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 need to get there by 09:15 eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos okay i have booked a yellow toyota for you . the contact number will be 07196305390 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 O N/A +bos great . can you also book a place for dinner on thursday night ? eos O O O O O O O O O O O O O O O N/A +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 need a do n't care restaurant . thank you eos O O O O O O O O O O O Restaurant-Inform +bos i 'm sorry , there was an error in our system . could you please rephrase your question ? 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 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.. eos O O O O O O O O O O O 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 booked a yellow toyota for you leaving milton country park at 09:15 and going to the acron guest house . is that correct ? eos O O O O 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 B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O general-reqmore +bos i would like to take a train from cambridge to leicester . i have to get there for a dinner by 19:15. 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 B-Train-Inform+Arrive N/A +bos i can help with that . what day is your dinner ? eos O O O O O O O O O O O O O Train-Request+Day +bos it is on tuesday . eos O O O O B-Train-Inform+Day O N/A +bos i have train tr4506 that leaves at 17:21 and arrives in leicester at 19:06. would this 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 that 's perfect . that 's all i need for now . eos O O O O O O O O O O O O O N/A +bos okay , your trip has been booked . train # tr4506 . leaving at 17:21 , arriving at 17:06. total cost is 37.79 gbp payable at the station . your reference number is 244dg7uo eos O O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave 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 O B-Train-OfferBooked+Ref O O O O O N/A +bos can you possibly find me a swimming pool in the west ? eos O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are no swimming pools in the west . eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O N/A +bos how about one that is in the type of college ? eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos yes those we have quite a few of , how can i help you ? 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 O general-reqmore +bos any you suggest will be fine . i 'll just need the postcode , phone number , 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 O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos do you need free admission or pay to get in ? eos O O O O O O O O O O O O Attraction-Request+Price +bos it does n't matter , just pick the one you think is best ! eos O O O O O O O O O O O O O O O N/A +bos clare college is a nice place and phone is 01223336233 eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Phone N/A +bos i 'm looking for a restaurant recommendation . eos O O O O O O O O O Restaurant-Inform +bos i would love to assist . 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 general-welcome,Restaurant-Request+Price +bos yes , i am looking for a expensive scottish restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos sorry there are no records matching your request . would you like to change your request ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos okay , let 's try for an expensive italian restaurant instead . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos i have 5 different ones . 4 are in the centre of town and 1 is in the south . do you have a preference ? eos 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 O O O O O Restaurant-Select +bos no , i just need a resrvation for 7 people at 17: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 O N/A +bos okay . your booking was successful . your reference number is 42ww4454 . 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 O N/A +bos thank you . could you help me find a museum that is in the east ? eos O 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 yes , you might want to try the gallery at twelve a high street in fulbourn . 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 I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos thank you so much . do you know if there is an admission charge ? eos O O O O O O O O O O O O O O O O general-thank +bos great news , admission is free for that museum . anything else i can help you with today ? eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Type O O O O O O O O O O O general-reqmore +bos can you also tell me the phone number and postcode ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos their phone number is 01223295264 , and postcode is cb15dh . eos O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post 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 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 you too ! thanks . eos O O O O O O general-thank +bos you are very welcome . eos O O O O O O general-welcome +bos hi , i need to take a train from cambridge , leaving any time after 09:15. eos O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave O O N/A +bos alright the first train leave by 11:00. eos O O O O O O O B-Train-Inform+Leave N/A +bos i 'll be going to liverpool street in london on wednesday . can i get the information on the earliest train after 09:15 ? 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 B-Train-Inform+Leave O O N/A +bos tr4757 is just fine for you . it takes 88 minutes . can i book eos O B-Train-Inform+Id O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O Train-OfferBook +bos what specific time does tr4757 arrive to liverpool street ? eos O O O O O O O O O O O N/A +bos tr4757 is much later than you want . tr5874 is better - it will leave at 09:59 and arrive at 11:27. eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave B-Train-Select+Id I-Train-Select+Id O O O O O O B-Train-Select+Leave O O O B-Train-Select+Arrive O N/A +bos you can book this . can you tell me about entertainment type places in the centre of town ? eos 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 O N/A +bos there 's nothing in that area , do you want me to check other areas ? eos 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 a college in the centre of town ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are 13 colleges located in the center of cambridge . would you like a recommendation ? eos O O 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 N/A +bos yes with an entrance fee please . eos O O O O O O O O Attraction-Request+Fee +bos sure , i would recommend corpus christi college , their admission fee is 2 pounds . would you like a reservation ? eos 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 I-Attraction-Recommend+Fee O O O O O O O O Booking-Inform +bos no , thank you . that is all i need . 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 okay you too eos O O O O N/A +bos thank you . please contact us again if you need anything else . eos O O O O O O O O O O O O O O general-bye +bos i am looking for a guesthouse in the south of town . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos aylesbray lodge guest house is a cheap guesthouse located in the south . eos O B-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 O B-Hotel-Inform+Area O N/A +bos i 'd prefer an expensive place , i 'm trying to impress my in-laws . eos O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos there are no expensive guesthouses in the south area in the expensive price range . eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O 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 there is one with 4 star and one with 3 star . which do you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O Hotel-Select +bos let 's go with the 4 star . i 'd like to book it for 8 people , 2 nights starting friday . 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 O N/A +bos okay that went well and i have your reservation number which is xiangg9f . eos O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i 'm also looking for a train . going to cambridge , same day as the hotel booking . eos O O O O O O O O O O B-Train-Inform+Dest 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 need to depart from leicester and need to arrive by 21:15. eos O O O O O O B-Train-Inform+Depart O O O O O O N/A +bos i have a few options departing from leicester to cambridge . the earliest train leaves at 05:09 , the latest will leave at 10:09 and arrive at 11:54 , would you like to book ? eos O O O O B-Train-Inform+Choice I-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 B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos can i have the travel time and id of the latter . eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos the travel time is 105 minutes and the i.d . is tr8659 . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Id O O N/A +bos that 's perfect . 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 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 an expensive sri lankan restaurant . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there are no sri lankan restaurants available . would you like to try searching for a different type of 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 Restaurant-Request+Food +bos how about british food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos which side of town would you prefer ? eos O O O O O O O O O Restaurant-Request+Area +bos the side of town is n't important to me , as long as it is on the pricey side . 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 oak bistro is a nice place would you like to try that one ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O N/A +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 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 ? eos O O O O O O O O O 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 , what is your price range and in what area would you like to stay ? 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 do n't care where it is . i just want a cheap guesthouse . eos O O O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos the allenbell is in the east . their number is 01223210353. can i book that for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Phone O O O O O O O O Booking-Inform +bos as long as it has free parking and internet that will be fine . eos O O O O O O O O O O O O O O O N/A +bos yes it does have both free internet and parking . can i help you 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 sure . would you book that starting friday for 3 nights for 7 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 unfortunately , i could n't secure a room at a cheap guesthouse for those nights . 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 O O O Booking-NoBook,Hotel-Request+Price +bos can you make the same reservation but for 2 nights instead of 3 ? eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos i was able to successfully book that room for 2 nights . your reference number is k7tsormc . is there something 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 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 departing cambridge that arrives by 17:30. eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos sure , where will you be traveling to and what day ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest +bos i will be travelling to leicester and it should leave 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 i can get you on the tr2-25 , leaving at 5:21 and arriving at 07:06. 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 O N/A +bos that sounds good , please book that for 7 people . eos O O O O O O O O O B-Train-Inform+People O O N/A +bos thank you , i booked you 7 seats on tr2025 departing 05:21 and arriving 07:06. the cost is 211.67 gbp and your reference number is 5gwiph95 . eos O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Arrive 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 . that will be all . eos O O O O O O O O O general-thank +bos terrific , thanks for calling cambridge towninfo centre and 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 train going to birmingham new street . eos 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 i can help ! what day are you looking to travel ? eos O O O O O O O O O O O O O Train-Request+Day +bos i need to leave on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos we 've got about 19 trains for that route . do you have a certain time you want to leave after 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 O Train-Request+Leave,Train-Request+Arrive +bos i want to leave on saturday and leave after 10:45. could you give me the travel time ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O O O O O O O O Train-Request+Duration +bos the duration is 163 mins.do i need to book something for you ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-OfferBook +bos yes i 'd also like parks i can go to . eos O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos we have 5 great parks in town . my favorite is the botanic gardens in the center . it 's well worth the 4-pound entrance fee . 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+Area O O O O B-Attraction-Recommend+Fee O O O O O O N/A +bos okay could i have their telephone number please ? eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223336265. eos O O O O O B-Attraction-Inform+Phone N/A +bos thanks for the park info . in review , i do n't see a train id departing from cambridge after 10:45. do you have it ? 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+Leave O O O O O O O O N/A +bos tr5669 leaves cambridge at 11:01 and arrives at birmingham new street at 13:44. may i help with anything else ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart 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 general-reqmore +bos i am looking for a park , can you help me with that ? eos O O O O O O O O O O O O O O O N/A +bos is there an area you prefer ? eos O O O O O O O O Attraction-Request+Area +bos i do not have a preference on a side of town . eos O O O O O O O O O O O O O N/A +bos i would recommend the cherry hinton water play on the east . it is also free admission . 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 B-Attraction-Recommend+Area O O O B-Attraction-Recommend+Fee O O O N/A +bos sorry , how long is the travel time on the train ? eos O O O O O O O O O O O O O Train-Request+Duration +bos it is 163 minutes eos O O O O B-Train-Inform+Time N/A +bos can you also tell me about some parks that i could visit ? eos O O O O O O O O O O O O O O N/A +bos may i suggest cherry hinton water play , since it will be warm out . it 's located in the east . 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 O O O O B-Attraction-Recommend+Area O O O O N/A +bos thanks . can you please give me its address ? eos O O O O O O O O O O O general-thank +bos their address is cherry hinton hall , cherry hinton road . is there anything else i can help you with today ? 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 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 your 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 . good day . eos O O O O O O O O O general-welcome +bos i need information on a restaurant called curry garden . eos 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 indian restaurant located in the centre . would you like me to book a table for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Booking-Inform +bos i would like to find a restaurant called curry garden . eos 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 indian restaurant in the center . their postcode is cb21dp 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 B-Restaurant-Inform+Post O N/A +bos could you please book me a table for 8 people at 14:30 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 absolutely no problem . i 've got you booked for 8 people on thursday at 14:30. your reference number is 7ui8wccp . the table will be held for you for 15 minutes . 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 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 town . the attraction should be in the south and should be in the type of college . 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 O N/A +bos i 'm sorry . there are no colleges in the south . would you like me to try another area ? eos 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 O O O N/A +bos how about a park then , i need the postcode and address . eos O O O O B-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos wandlebury country park 's address is wandlebury ring , gog magog hills , babraham . the postcode is cb223ae . is there 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 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 O O O O O O O O general-reqmore +bos is there somewhere nearby to stay that is nice ? eos O O O O O O O O O O O N/A +bos would you like a guest house or a hotel ? eos O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos nevermind , i do n't need a place to stay but i do need a taxi to get between the two places 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 ok , when do you want to travel ? eos O O O O O O O O O O Taxi-Request+Leave +bos i want to make it to curry garden by 14:30. eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive N/A +bos i have booked at taxi for you . it 's a yellow tesla . it will get you to curry garden by 14:30. the contact number is 07433043168. 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+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O O O N/A +bos that will do it for me . 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 . enjoy your stay in cambridge . bye . eos 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 a train going to peterborough that leaves after 08:45 ? thanks ! eos O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O N/A +bos i can absolutely help you with that , what day will you be planning to travel 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 O O Train-Request+Depart,Train-Request+Day +bos i am leaving from cambridge on sunday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr3211 leaves cambridge at 09:06 and arrives in peterborough at 09:56. would you like me to book you a ticket ? 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 B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos i actually need 3 tickets . please provide a reference number . eos O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos i booked you 3 seats on the tr3211 train departing cambridge at 09:06. your reference is yu1awa94 and 39.59 gbp is due at the station . will that be all today ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave 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 general-reqmore +bos i am also looking for the hotel 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 what would you like to know ? eos O O O O O O O O general-reqmore +bos do they include wifi , and can i get the 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+Internet +bos the a & b guesthouse does offer free wifi ! and the phone number is : 01223315702. the postcode is : cb12dp . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O O O O Hotel-Inform+Internet +bos i 'm looking for lodgings on the east side , in the expensive 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 O N/A +bos the express by holiday inn is located at 15-17 norman way int he coldhams business park which is located in the east . 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 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+Area O N/A +bos it does n't need a free parking . can you book a room for me ? eos O O O O O O O O O O O O O O O O O N/A +bos yes , how many people and what day would you like to book ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos i do not need to book . eos O O O O O O O O N/A +bos is there anything else i may help you with today ? eos O O O O O O O O O O O O general-reqmore +bos i just need to know the how many stars it has , the phone number there , and if they have 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 Hotel-Request+Stars,Hotel-Request+Phone,Hotel-Request+Internet +bos sure , it has two stars , includes wifi , and the phone number is 01223866800. can i help you with any thing else today ? eos O O O O O B-Hotel-Inform+Stars O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos i am also trying to find a venetian restaurant . are there any in town ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos yes , we have thanh binh on the west side . would you like a reservation ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O O O Booking-Inform +bos please book it for me . eos O O 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 +bos can you make a reservation for monday at 19:30 for 8 people ? eos O O O O O O O O O O O O O O N/A +bos absolutely . anything else i can assist you with ? eos O O O O O O O O O O O Booking-Inform,general-reqmore +bos 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 ... . eos O O O O O 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 unfortunately i ca n't get that booking 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 O O O Booking-NoBook,general-reqmore +bos oh ... alright ... well i guess not then . you were n't very helpful but whatever bye 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 sorry for the delay . also , there are no venetian restaurants . did you want a vietnamese restaurant instead ? eos O O O O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O B-Restaurant-Select+Food O O O O O O N/A +bos hi there . i have heard lots of family members rave over the warkworth house hotel . can you tell me anything about 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 moderately priced 4 star hotel in the east with wifi and parking . what else do you want to know ? 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 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-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos do you have the phone number ? eos O O O O O O O O Hotel-Request+Phone +bos yes , their phone number is 01223363682. i can help you make a booking if you 'd like , or i can help you with anything else . 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 O O O O O O O Booking-Inform,general-reqmore +bos i do n't need to book right now . but , i also need train-schedule information about departing from cambridge on tuesday . can you help me ? eos 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+Day O O O O O O O O O N/A +bos let me narrow it down . what is your destination ? what time would you like 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 Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive +bos i would like to leave after 13:00 and should arrive at birmingham new street 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 N/A +bos tr6168 runs from cambridge to birmingham new street that day and leaves at 14:01. does that work for you ? eos O B-Train-Inform+Id O 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 O O O O O O N/A +bos yes , that works . can you place the booking for me , it will have to be for 8 people and i 'll need the booking number . 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 N/A +bos ok , i 've booked you on the tr6168 leaving at 14:03 with reference number bqfehigk . the fee will be 600.79 at the station . can i help you with anything else ? eos O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave 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 no , 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 thank you for using help desk . have a great day ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i 'd like to find a 4 star hotel with free wifi , please . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos sure , 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 want something in the east part of town . eos O O O O O O B-Hotel-Inform+Area O O O O N/A +bos did you have a price range in mind ? eos O O O O O O O O O O Hotel-Request+Price +bos i am flexible about cost , i would prefer free wifi and a 4 star rating though . eos 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 unfortunately there are n't any hotels that match that description , would be willing to change your specifications ? 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 i 'm looking for a hotel that has wifi and a rating of 4 stars in the east part of the city . eos O O 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 N/A +bos there are no hotels that meet that critera , would you be interested in a guesthouse perhaps ? we have several of those that fit that critera . eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O N/A +bos sure , what do you have available for a guesthouse with that criteria ? eos O O O O O O O O O O O O O O O N/A +bos there are 6 guesthouses in the east that have 4 stars and free wifi . 3 are moderate in price and 3 are cheap . all but 1 have free parking . eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos please book one for me in the moderate price range . eos O O O O O O O O O O O O N/A +bos sure , i just need some more information . when will you be arriving 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 Booking-Request+Day,Booking-Request+Stay +bos i will be arriving on friday for 4 nights . there will be 6 of us . eos O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+People O O N/A +bos i booked it for a and b guest house . your reference number is 8k0i474m . is there anything else i could help you with 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 yes , i need a train on tuesday to leicester . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O N/A +bos where do you want to leave from ? also do you have a preference for an arrival or 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 Train-Request+Depart,Train-Request+Leave,Train-Request+Arrive +bos it should depart from cambridge and arrive by 21:00. eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos there is a train that arrives at leichester by 20:06. it is tr0776 , shall i book this for you ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-OfferBook+Id O O O O O O O N/A +bos yes , please i need tickets for all 6 of us and i need 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 N/A +bos booking was successful , the reference number is 7bb9b19a. , the total cost will be 37.80 payable at the station , can i help with anything else . eos O O O O O O O O B-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket O O O O O O O O O O O O O O general-reqmore +bos i got the reference number of 7bb9b19a thank you ! 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 was all . 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 . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos i need to go to london kings cross by train eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos okay ! do you know where you want to depart from or the day of the trip ? 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,general-greet +bos yeah . cambridge to london kings cross.the train should leave after 15:30 on friday eos O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos tr6626 leaves cambridge on friday at 17:00. would 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+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O Train-OfferBook +bos anything leaving a little bit earlier but after 15:30 ? eos O O O O O O O O O O O N/A +bos actually , that is the earliest train available that leaves after 15:30. the next train before that departs at 15:00 which would n't fit your criteria . would you like to book any tickets ? 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 O O O O O O O O Train-OfferBook +bos i guess that will have to do . go ahead and book it . eos O O O O O O O O O O O O O O O N/A +bos the booking was successful . your reference number is 23elorqb . eos O O O O O O O O O B-Train-OfferBooked+Ref 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 can help you with that , but let me gather a few more details . what area of town would you 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 O O O O Hotel-Request+Area,general-greet +bos the north , please . also , i would like a guesthouse in the cheap price range . eos O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O N/A +bos how many stars would you like ? eos O O O O O O O O Hotel-Request+Stars +bos any is fine , as long as it has free parking . eos O O O O O O O O O O O O O Hotel-Request+Parking +bos there are two options . city centre noth b and b and worth house . would you like to make a reservation at one ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 Booking-Inform,Hotel-Select +bos not yet . can you just give me the phone number and postcode of the worth house ? 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 sure . the phone number is 01223316074 and the postcode is cb41da . eos O O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O general-greet +bos why thank you for your kind help ! eos 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,general-reqmore +bos that was all i needed today , thank you ! eos 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 i will . thanks for all the help ! eos O O O O 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-welcome,general-bye +bos hi , i 'm looking for some kind of entertainment in cambridge ? eos O O O O O O O O O O O O O O N/A +bos ok ! whale of a time is located at unit 8 viking way bar hill on the west side of town . phone is 01954781018. 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 I-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 I-Attraction-Recommend+Area O O B-Attraction-Inform+Phone O O general-greet +bos great , thanks ! do i have any other entertainment options ? eos O O O O O O O O O O O O O general-thank +bos yes , there is everything from parks to nightclubs . several colleges and museums . holy trinity church is a great architectural attraction . eos O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O N/A +bos the whale of time sounds great . i also need a place to stay that has free internet and 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 B-Hotel-Inform+Area O O N/A +bos okay , i have 4 options available . is there a price range or 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+Price,Hotel-Request+Stars +bos a 4 star rating please . eos O O O B-Hotel-Inform+Stars O O O N/A +bos there are 3 options , any preference on pricing ? eos O O O O B-Hotel-Inform+Choice O O O O O O Hotel-Request+Price +bos i would like the moderate price range . eos O O O O O B-Hotel-Inform+Price O O O N/A +bos i 'm afraid there is nothing along those lines available . can i change your search criteria a bit ? 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 can you try looking in the north ? eos O O O O O O O B-Hotel-Inform+Area O N/A +bos how about the avalon it 's a 4 star moderately priced hotel in the north . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area O O N/A +bos perfect . i need 5 nights for 6 people starting on wednesday . could i have the reference number after booking ? 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 O O O O O Hotel-Request+Ref +bos booking was successful.reference number is : bvcge59g . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos yes , i 'll need a taxi to get to the hotel from whale of a time . i need it to leave by 06:00 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 O O O O B-Taxi-Inform+Leave O O O N/A +bos i have booked a white volvo for you with contact number : 07201581539. can i help with 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos no thanks , that 's all i needed . have a good day . 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 nice day . eos O O O O O O O O O O O O general-bye +bos hi . i am looking for information about a hotel called 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 O N/A +bos i can help with that . it is a guesthouse located in the north . they are moderately priced . it has a 4-star rating and offers free parking and wifi . eos 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 O 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 go there soon , so thank you for the information eos O O O O O O O O O O O O O O O general-thank +bos you are welcome ! can i help you book that ? eos O O O O O O O O O O O O general-welcome,Booking-Inform +bos no , thanks . i do need to look for a train , too . 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 Train-Inform +bos yes , can you tell where you are going and coming from please ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i need to leave from cambridge and go to broxbourne on thursday . eos O 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 ok , how many tickets would you like ? eos O O O O O O O O O O Train-Request+People +bos i need tickets for 4 people . i need something that leaves after 10:45 as well . eos O O O O O O O O O O O O O B-Train-Inform+Leave O O O O N/A +bos we have many trains that match your request , is there a certain time you need to arrive by ? 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 Train-Request+Arrive +bos no any of them are fine . please give me the reference number too . eos O O O O O O O O O O O O O O O O Train-Request+Ref +bos i have booked your party of 4 on the tr3262 departing cambridge for broxbourne on thursday at 11:01. your reference is agmkny6z . can i help you more today ? eos O O O O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos no , thanks , that was all i needed . eos 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 need to go to broxbourne on monday eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos okay , not problem . would you like to travel by train or taxi ? 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 O Taxi-Request+Depart,Train-Request+Depart +bos train , monday , to broxbourne from cambridge . eos O O B-Train-Inform+Day O B-Train-Inform+Dest O B-Train-Inform+Depart O O 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+Leave,Train-Request+Arrive +bos i need to leave cambridge after 21:15 eos O O O O O O O B-Train-Inform+Leave N/A +bos there are two trains you can take on monday , either the 22:01 ( arrive 23:01 ) or the 23:01 ( arrive 24:01 ) . which train do you prefer ? eos O O O O O O O O O B-Train-Select+Day O O O O B-Train-Select+Leave O O O O B-Train-Select+Arrive O O O O O 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 the 22:01 ? eos O O O O O O O O B-Train-OfferBook+Leave O N/A +bos yes that would be great , and it 'll just be me . could you also find me 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 N/A +bos the booking was successful your reference number is unutwnqn and the total is 17.89 gba . i can is do you have a price range and what area ? 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 O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i 'd like to stay in an expensive three star place with free parking . is there anything 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 N/A +bos i have 2 options - i would like to suggest the gonville hotel at gonville place . is there anything else i could help you with ? 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 B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O general-reqmore +bos the gonville hotel sounds ok can you provide the the telephone number and do they have internet ? 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 Hotel-Request+Phone,Hotel-Request+Internet +bos the gonville does offer both free parking and free internet . you can reach them at 01223366611. is there anything else i can help with ? eos O O B-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 Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos ss the gonville hotel a hotel and not a guesthouse ? eos O O O O O O O O O O O O Hotel-Inform +bos the gonville is a hotel , not a guesthouse . would you like a booking ? 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 O O Booking-Inform +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 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 thank you for using our service and enjoy your visit . goodbye . eos O O O O O O O O O O O O O O general-bye +bos i need to find a train to bishops stortford please . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos when will you be departing and where will you be departing from ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i need to leave from cambridge and arrive by 14:30 in bishops stortford . 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 there 35 trains to choose from , do you have a preference on a date and departure time ? 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+Day +bos yes , i 'd like to leave thursday , what are the departure times and travel times ? eos O O O O O O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Duration +bos the first leaves at 05:29 and the last pulls out at 13:29. how many tickets please ? eos O O O O O B-Train-Inform+Leave O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O Train-Request+People,Train-OfferBook +bos that 's not necessary . i need a place to stay too . eos O O O O O O O O O O O O O O N/A +bos okay , do you know what sort of place you want or where located ? eos O O O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Area +bos i need a hotel in the west , free parking is not necessary but it should be rated 4 stars . eos 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 B-Hotel-Inform+Stars N/A +bos how about finches bed and breakfast ? they are in the west and have an excellent 4 stars . free internet and parking ! 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 O B-Hotel-Recommend+Stars O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos sounds great . can i get more information on finches bed and breakfast please ? 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 finches address is 144 thornton road , postcode cb30nd . may i book it for you ? eos 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 Booking-Inform +bos would it be possible to book it for eight people for four nights ? eos O O O O O O O O O O O O O O O N/A +bos okay , when would you like to begin your stay ? eos O O O O O O O O O O O O Booking-Request+Day +bos on sunday , please . eos O O B-Hotel-Inform+Day O O O N/A +bos booking was successful . reference number is : jfmqzlix . is there something 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 no thank you that was all i needed . good bye . eos O 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 hi there . i would like to find 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 where are you going to ? 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 Train-Request+Leave,Train-Request+Dest +bos i am going to peterborough and it should arrive by 17:00 on tuesday . eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos train tr5902 will suit your needs . may 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 yes please , i need to book it for 6 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 99 gbp payable at the station .reference number is : 9yjm47uh . 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 thank you i also need help with a hotel . i am looking for a 4 star hotel . what you got ? eos 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 O O N/A +bos i have 3 entries available . 2 in the west and 1 in the centre . do you have a price in mind ? two are expensive and one is cheap eos O O O O O O O O O O O O B-Hotel-Inform+Choice 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 Hotel-Request+Price +bos i would prefer the cheaper one , please . what 's it called ? eos O O O O O O O O O O O O O O O N/A +bos the cambridge belfry is located on the west side and is super cheap . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O N/A +bos they sound like just what i need . could you verify whether they have free parking , and give me their 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 Hotel-Request+Parking,Hotel-Request+Addr +bos yes they have both free wifi and parking . it 's located at back lane , cambourne in the west . would you like me to book you a room ? eos 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+Area O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i 'm looking for a 4 star hotel in the cheap price range , the place should have free parking . 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 O O O O O O Hotel-Request+Parking +bos the cambridge belfry is available , would you like to book there ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform +bos yes , please for 6 people starting tuesday night . eos O O O O O B-Hotel-Inform+People 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+Day +bos i 'm sorry , i changed my mind . i do n't need a room booked . i just need their 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 Hotel-Request+Addr +bos no problem . their address is back lane , cambourne . is there anything else i can do for you today ? eos O O 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 O general-reqmore +bos no thanks . that is all i needed . eos O O O O O O O O O O general-thank +bos if you think of anything else you need do n't hesitate to contact us , we 're always 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 general-bye +bos hi , i 'm looking for a hotel to stay in that includes free wifi . i 'm looking to stay in a hotel , not a guesthouse . 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 O O O N/A +bos yes i have many options . what is your preferred price point ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Price +bos i would like one in the moderate price range and 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 i would recommend the lovell lodge . it is indeed a hotel despite it 's name and is very cute . 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+Type O O O O O O O O O N/A +bos okay , please book that for 3 people and 2 nights starting from friday . 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 booking was successful.reference number is : 9hmd04uw . anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O general-reqmore +bos i would love to find a restaurant in the same price range as the lovell lodge . eos O O O O O O O O O O O O O O O O O O N/A +bos in what area ? eos O O O O O Restaurant-Request+Area +bos i would like the west please . eos O O O O O B-Restaurant-Inform+Area O O N/A +bos i 'd recommend prezzo , its an italian restaurant on 21 - 24 northampton road . would you like a table ? eos O O O B-Restaurant-Recommend+Name 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 I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform +bos i 'm sorry . i actually need 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 we have more than 20 moderately priced restaurants in the centre of town . do you have a preference for cuisine ? 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 i would like chinese . i would like that for 7pm . eos O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos we have three moderate chinese restaurants in the centre . may i suggest the lan hong house ? 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos sounds great , thanks ! actually , can you please just tell me the postcode and address ? 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 cb23pp postcode and the address is 11 peas hill city centre eos O B-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 N/A +bos i will also need a taxi to take me between the two place . leaving from the restaurant at 24: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 N/A +bos how many people for the taxi ? eos O O O O O O O O N/A +bos i do n't think that matters . can you just make sure i leave the restaurant to the hotel no later than 24:30. 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 B-Taxi-Inform+Leave O O N/A +bos your taxi has been booked . it will be a black toyota and the contact number is 07757106249. 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 so much for your help . eos O O O O O O O O O general-thank +bos enjoy your stay ! let us know if we can be of any further assistance . eos O O O O O O O O O O O O O O O O O general-bye +bos greetings , i 'm looking for a chinese restaurant to take some clients . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos yu garden is in the east and expensive . charlie chan is centre and cheap . also , jinling noodle bar , in centre , which is moderately priced . eos O O O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 N/A +bos yu garden sounds perfect . can you reserve a table for 3 for me ? we will be there on saturday at 14: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 N/A +bos i will be happy to reserve a table for three for you for saturday at 14:45. is there 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 B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O O general-reqmore +bos i will need the reference number for our reservation please . eos O O O O O O O O O O O O N/A +bos you are all set for saturday at 14:45. the reference number is wh1fanwj . enjoy your meal ! eos 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 N/A +bos i also need a 0 star room , and i will need wifi to be free too . eos 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 city centre north b and b ill be perfect for you . shall i book it ? eos 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 I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform +bos i will need a room for 4 people and it must be for 4 nights . can you book a taxi to take me to yu garden . i need free parking . thanks . eos 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 O O O O O O N/A +bos city centre north b and b has free parking and wifi . what day would you like your reservations to start ? 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 I-Hotel-Inform+Name O O O O O O O O O O O O O O O Booking-Request+Day,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i want my booking at the b and b to start on saturday eos O O O O O O O O O O O O O B-Hotel-Inform+Day N/A +bos the booking was successful . your reference number is 25p0f6ng . you mentioned you would also need a taxi ? 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 , please . i need to make sure i get from the b & b 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 Restaurant-Inform +bos your taxi will be a yellow audicontact number : 07845910981 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 B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos thank you for your help . that is all for today . eos O O O O O O O O O O O O O general-thank +bos thanks for letting us help , enjoy your trip ! eos O O O O O O O O O O O general-bye +bos thank you and goodbye ! eos O O O O O O general-bye +bos you are welcome . thanks for using cambridge towninfo centre . 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 in the north with free wifi , please . eos O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos i can help with that . what is your price range ? eos 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 , but it should be 4 stars . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos you have eight options for lodging . do you need parking ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Parking +bos no that does not matter . please make a suggestion and book it for 1 people and 4 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+Stay O O O O N/A +bos how about arbury lodge guesthouse ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos that sounds great please book it for 1 person for 4 nights starting on sunday . eos O O O O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day N/A +bos your booking for 1 at the arbury lodge guesthouse this sunday for 5 days 4 nights was successful . your reference number is : x1gcl10k . anything else for today ? eos 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 O B-Booking-Book+Stay O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos yes , can you please book a table at the grafton hotel restaurant for the same amount of people at 11:15 on the same day ? 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 B-Restaurant-Inform+Time O O O O O O N/A +bos your booking was successful . the table will be reserved for 15 minutes . reference number is dpr6ymgb . what else can i help 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 general-reqmore +bos that will be all . thank you ! eos O O O O O O O O O general-thank +bos thank you for using our service ! please contact us if you need more information about cambridge . 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-bye +bos i am planning a trip in cambridge eos O O O O O O O B-Train-Inform+Dest N/A +bos congratulations ! when are you traveling ? would you like to come by bus or train ? eos O O O O O O O O O O O O O O O O O O general-reqmore +bos train please . i need to leave cambridge on friday after 12:15 going to broxbourne . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O B-Train-Inform+Dest O O N/A +bos there are 11 trains meeting those requirements , leaving once an hour starting at 13:01. they all have a duration of 60 minutes and cost 17.90 pounds . eos O O O O B-Train-Inform+Choice 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 B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos can you book me on the first train at 13:01. i need 4 people to be reserved for . if i can get a reference number that would be great ! 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 O O O O O O O Train-Request+Ref +bos your booking was successful . your reference number is puwpi5ne . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you ! can you also tell me some information about the fitzwilliam museum ? 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 N/A +bos okay it 's located in the centre an free to get in . eos O O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Fee O O O O O N/A +bos what attraction type would you classify it as ? eos O O O O O O O O O O Attraction-Request+Type +bos it 's a museum . do you need more information ? eos O O O B-Attraction-Inform+Type O O O O O O O O general-reqmore +bos what area is it in ? eos O O O O O O O Attraction-Request+Area +bos sure it is located in the city center . eos O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos thanks for all of your help 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 general-reqmore +bos no , that is all for today . eos 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-bye +bos i am looking for a hotel in cambridge called the cambridge belfry eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos that hotel is in the west and listed as cheap , but still has 4-stars . they provide free parking and internet . would you like to make a reservation ? eos O O B-Hotel-Inform+Type O 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 O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , could you please book me a room on tuesday for 5 people and for 4 nights . eos O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O O N/A +bos booking was successful.reference number : mcitlhi8 . eos O O O O O B-Booking-Book+Ref O O N/A +bos great ! i also need information on multiple sports in the centre . eos 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 . should we try another area ? eos 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 Attraction-Request+Area +bos how about a museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos how about broughton house gallery ? it 's free of charge . 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 N/A +bos that sounds great . can you please give me the phone number ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos sure . their phone number is 01223314960. eos O O O O O O B-Attraction-Inform+Phone O N/A +bos i would also like a taxi to commute and i would like it 17:45 please and the contact number and the car type , thank you 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 Taxi-Request+Car +bos okay , where do you want the taxi to pick you up 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 Taxi-Request+Depart,Taxi-Request+Dest +bos i need the taxi to pick me up at the hotel by 17:45. eos 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+Leave N/A +bos i was able to book that taxi for you . be looking out for a white volkswagen . if you need to reach them , please call 07698582191. 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 B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos great ! that 's it ! thank you ! eos O O O O O O O O O O general-thank +bos thank you and have a good day ! eos O O O O O O O O O general-bye +bos i need to stay at an expensive hotel that has a 4 star rating . can you help me ? eos O 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 N/A +bos i have two hotels that meet your criteria . what area are you interested in ? 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 miscommunicated before i apologize , i am actually looking for 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 i have no guesthouses in the area . would you like me to check another star rating ? eos O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O O O O Hotel-Request+Stars +bos how about one that is in the moderate price range . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos yes , there are a number of options . would you like to narrow it down by area of town ? 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 no , i do n't care about area . just pick one that you would recommend . i 'll need to book it 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 O O O O N/A +bos i recommend carolina bed and breakfast . it 's on the east side of town and has free parking and wifi . does that work ? 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-Inform+Area O O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos book that please for 6 people , 5 nights starting on friday . eos O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos sure thing , i will work on booking that now . i will 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 O O O Booking-Inform +bos thanks . i also need help with something else afterwards . eos O O O O O O O O O O O O general-thank +bos booked ! reference number : 0l59q1a4 . what else do you need ? eos O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i 'm also interested in a restaurant in the centre with the same price range . any recommendations ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O N/A +bos i 'd recommend the cambridge chop house . they serve british food . would you like to book a table ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Inform+Food O O O O O O O O O O O O Booking-Inform +bos no need to book it , but could you please give me 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos their address is 1 kings parade and their number is 01223359506. is there anything else you need ? eos O O O O O B-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 general-reqmore +bos i have everything i need now , thank you ! eos O O O O O O O O O O O general-thank +bos enjoy the rest of your day , goodbye ! eos O O O O O O O O O O general-welcome,general-bye +bos are there any cheap restaurants that serve corsica food around cambridge ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O N/A +bos no i am sorry there are n't any . another food type perhaps ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos are there any restaurants in the center of town that serve corsica food no matter the price range ? 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 no , i 'm sorry . there are none . 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about a good chinese place ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos charlie chan is a very good place to dine eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O N/A +bos that sounds good to me ! can you please book a table for one at 11:15 on sunday ? 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 your table is booked , reference # pjohe4en . 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 's 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 thank you and enjoy your stay in cambridge eos O O O O O O O O O general-bye +bos what type of attractions are in the centre ? eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos i found 44 things . what about all saints church ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos that sounds cool ! can i get their address , postcode , and 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,Attraction-Request+Addr +bos the address is jesus lane , the post code is cb58bs , and it 's free to enter . is there 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 B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos i 'd also like to find a guesthouse to stay in . eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos most of the accommodations in cambridge are guesthouses , so i 'm sure we can find something for you . do you have a certain area or price range in mind ? eos O B-Hotel-Inform+Choice 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 O O Hotel-Request+Price,Hotel-Request+Area +bos well i would like a 4-star place with free wifi , if possible . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos i have found 18 guesthouses that would work . perhaps we can narrow this down . what part of town would you like 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 Hotel-Request+Area +bos can we make that a hotel instead ? eos O O O O O O B-Hotel-Inform+Type O O N/A +bos there are 2 hotels in the west and one in the centre . the one in the centre is cheap and the other two are 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 O O N/A +bos okay , thanks ! are they both 4-star ? eos O O O O O O O O O O general-thank +bos they are all 4 star . do you have a price preference ? eos O O O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Request+Price +bos i 'm sorry , i have n't been clear . i am looking for a guesthouse , not a hotel . is there a 4-star guesthouse with 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 O O O O O O O O O O O O N/A +bos i have many options . what area would you like to be in ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos it does n't matter what area . i 'll need free wifi . i need to book for 5 people for 2 nights starting monday . 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 B-Hotel-Inform+Stay O O O O O O O O O O O O O Hotel-Request+Ref +bos how about price . is there a certain range you want to stay in ? eos O O O O O O O O O O O O O O O O Hotel-Request+Price +bos not really . what 's your recommendation ? eos O O O O O O O O O N/A +bos i have the allenbell , east area , cheap price and a guesthouse . shall i book that ? eos O O O O B-Hotel-Inform+Name B-Hotel-Inform+Area O B-Hotel-Inform+Price O O O B-Hotel-Inform+Type O O O O O O O O Booking-Inform +bos yes go ahead and book it for 5 people and two nights starting this monday . 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 booking was successful.reference number is : bd7v5lon . eos O O O O O O O B-Booking-Book+Ref O N/A +bos that is all for now thatk you . eos O O O O O O O O O N/A +bos you are welcome eos O O O O general-welcome +bos thank you again eos O O O O general-thank +bos enjoy your stay eos O O O O general-bye +bos i really have to go now . i 'm going to be late for work . thanks for the 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 thanks for using our services eos O O O O O O general-bye +bos hi . can you help me find an east hotel ? eos O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos sure , did you need anything else specifically ? eos O O O O O O O O O O N/A +bos i would like something with 4 or 5 stars . eos O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos we have six four star guesthouses on the east side . does price matter ? eos 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 O O Hotel-Request+Price +bos no , it does not matter . i am also looking a for place with 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 all have free parking ! moderately or cheaply priced ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O Hotel-Inform+Parking +bos the price does not matter . eos O O O O O O O N/A +bos i recommend the warkworth house at warkworth terrace . 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 B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O Booking-Inform +bos i am looking for a train that is arriving by 13:00 and leaving on monday . eos 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 i can help you narrow your search if you give me your departure site and your destination ? 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 yes , i want to leave from cambridge and i 'm going to broxbourne . eos 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 how about the tr1213 ? it matches your specifications and leaves at 9:01. i can book this train if you 'd like . eos O O O O B-Train-Inform+Id 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 how much does a seat for the tr1213 on monday cost ? eos O O O O O O O O O O B-Train-Inform+Day O O N/A +bos 17.90 pounds is good enough . i 'll go with that . eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O N/A +bos thank you . i also need recommendations for an expensive restaurant in the east 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 there are several options with the criteria you provided . do you have a preference on the type of food ? 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 no , please pick one for me and provide the phone number and address . 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 royal standard is a gastropub . it 's located at 290 mill road city centre , phone 01223247877. would you like to make a reservation ? eos 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 B-Restaurant-Recommend+Phone O O O O O O O O O O O Booking-Inform +bos yes , that sounds great . eos O O O O O 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 4 people are in my party . eos O O O O O O O O N/A +bos i 'll also need a day and time for the reservation . eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos if you could book a reservation for tuesday at 06:30 pm that would be most appreciated . eos O O O O O O O O B-Restaurant-Inform+Day O O O O O O O O O N/A +bos ok , i have booked your reservation at royal standard . 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 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 O general-thank +bos thank you for calling . eos O O O O O O general-bye +bos thank you very much for helping me get my reservations in order . eos O O O O O O O O O O O O O O general-thank +bos have i answered all your questions today ? eos O O O O O O O O O general-reqmore +bos can you tell what kind of food the restaurant serves and their address and phone number . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food,Restaurant-Request+Addr +bos the royal standard serves gastropub type food . their address is 290 mill road city centre and their phone is 01223247877. 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 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 . eos O O O O N/A +bos you are quite welcome . enjoy your meal and please let me know if you need assistance with reservations during your 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 general-welcome,general-bye +bos are there any trains on monday ? eos O O O O O O B-Train-Inform+Day O N/A +bos yes , there are 404 of them . where are you heading ? eos O O O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Dest +bos i 'm heading to cambridge from peterborough . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Depart 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 want to arrive at 19:45. i would like a ticket for 1 person . eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O N/A +bos i have several trains available arriving by that time . 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 Train-Request+Leave +bos it does n't matter what time i leave as long as i arrive by 19:45. after you book me a ticket can you provide me with the reference number please . 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 O O O O O O O O N/A +bos i have booked train tr7917 and it leaves at 18:48. the reference number is 78gfl146 . eos O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O N/A +bos i also need a 3 star guesthouse to stay at . internet and parking are not important to me . eos O O O O O O B-Hotel-Inform+Stay B-Hotel-Inform+Type O O O O O O O O O O O O O N/A +bos well i have several options that are all moderately priced . what area of town would you like to stay in ? eos 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 O O O Hotel-Request+Area +bos any area is fine , i 'll go with what you recommend . eos O O O O O O O O O O O O O O N/A +bos i found you the hobsons house in the west side of town . would you like me to book a room for you ? eos 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform +bos yes , please book it and send me the reference number . eos O O O O O O O O O O O O O N/A +bos when would you like to check in and for how long 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 would like to book for 1 person monday for 3 nights . eos O O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A +bos you are booked on monday for 3 nights for one person . reference number is : fzkbqy6i . eos 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 N/A +bos wonderful , thank you ! eos O O O O O O general-thank +bos you are welcome . i am glad i could assist . eos O O O O O O O O O O O O general-welcome +bos thank you that is all the help i need today . eos O O O O O O O O O O O O general-thank +bos okay great . i am glad i could assist you today . eos O O O O O O O O O O O O O general-bye +bos thanks . goodbye for now . eos O O O O O O O general-bye +bos good day too and thank you eos O O O O O O O general-bye +bos i am looking for a place to stay . the hotel should include free parking 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 O Attraction-Request+Type +bos i have quite a few what price range were you looking at ? eos O O O O O O O O O O O O O O Hotel-Request+Price +bos that does n't matter . i would like a 3 star hotel . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos what about prefered side of town ? eos O O O O O O O O Hotel-Request+Area +bos i do n't have one , but i 'd like one of 3 stars . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos bridge guest house is a great place to stay . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O N/A +bos could i please have the address ? eos O O O O O O O O Hotel-Request+Addr +bos yes their address is 151 hills road . eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos i am looking for places to go in town eos O O O O O O O O O O N/A +bos i would like to recommend all saints church on jesus lane . eos O O 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 in the centre ? eos O O O O O O O N/A +bos yes , it is in the centre of town . is there anything else i can help with ? eos 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 O O O O general-reqmore +bos what is the entrance fee ? eos 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 okay thank you . i appreciate your help a lot . i think that is all for now . 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 very welcome . good bye . eos O O O O O O O O O general-welcome,general-bye +bos hello , i am looking for an indonesian restaurant . can you help me with 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 'm so sorry , but i do n't see any indonesian restaurants . will another cuisine do ? 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 Restaurant-Request+Food +bos oh really ? indonesian is the only cuisine i will consider . eos O O O O O O O O O O O O O N/A +bos my apologies , but there truly are n't any indonesian restaurants listed in all of cambridge . would you consider one that serves oriental or indian food ? 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 I-Restaurant-NoOffer+Area O O O O O O O B-Restaurant-Select+Food O O O O O N/A +bos how about one that serves italian food ? eos O O O O O O O O O N/A +bos there are 22 of them . 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 it should be in the cheap price range and 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 i have three to choose from . would you like me to suggest something ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O general-reqmore +bos yes , please . which would you consider to be the most authentic ? eos O O O O O O O O O O O O O O O N/A +bos pizza hut city centre is nice eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos i will try that . eos 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 yes , can you get me a table for 3 at the pizza hut ? eos O O O O O O O O O O O O O O O O N/A +bos sure ! for what day , time and how many do you need it for ? eos 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 i will be there on thursday at 5 pm . 6 people please . eos O O O O O O B-Restaurant-Inform+Day O O O O B-Restaurant-Inform+People O O O N/A +bos ok. i was able to get you a table for 17:00. your reference number is n5g8uxrg . eos O O O O O O O O O O O O B-Booking-Book+Time O O O O O N/A +bos i 'm also looking for a train . the train should depart from cambridge and should arrive by 08: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 O N/A +bos what is your destination and which day could you like to travel ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i want to go to stevenage , on sunday . eos O O O O O O O O O O O N/A +bos the train leaves at 5:00. eos O O O O O B-Train-Inform+Leave N/A +bos can you make a booking and give me its reference number ? eos O O O O O O O O O O O O O N/A +bos actually , it 's at 5:21. if you still want to take that train , how many tickets would you like for me to book for you ? eos 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 O O Train-Request+People,Train-OfferBook +bos yes , 3 tickets please . eos O O O B-Train-Inform+People O O O N/A +bos wonderful ! i have booked 3 tickets for train tr5390 to stevenage on sunday and your reference number is qkqurgh5 . is there anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Day O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos thank you , that will be all i need today . eos O O O O O O O O O O O O general-thank +bos okay , great ! have a lovely visit ! eos O O O O O O O O O O general-bye +bos i would like a restaurant in the south 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 N/A +bos okay ! what type of cuisine do you want ? chinese , indian , italian , and mexican cuisines are available . eos 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 Restaurant-Request+Food,general-greet +bos i would like a chinese restaurant . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos your options are the good luck chinese food takeaway , or peking 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 O N/A +bos let 's try the peking restaurant , can you make a reservation for us on monday ? around 13:45 please . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O O O O N/A +bos yes certainly but how many people will be dining please ? eos O O O O O O O O O O O O Booking-Request+People +bos it will be 6 people dining . eos O O O O O B-Restaurant-Inform+People O O N/A +bos okay , i 've got that taken care of . your reference number is ecbrmjs2 . 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 O general-reqmore +bos yes . i 'm looking for something to do 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 are museums , architecture , colleges , theater , cinema , boat tour . doers anything interest you in particular . eos 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 Attraction-Select +bos in the same area as the restaurant ? i am interested in architecture please eos O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos there is no architecture in the south of town eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O N/A +bos perhaps you could locate a park in the south ? eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there is the wandlebury country park . phone 01223243830. would you like anything else ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos could you call and find out what hours they open and close ? also , if they have tours ? 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 appears that they do not have tours . it is a free admission , so you can feel free to go when you please . can i help with anything else ? eos 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 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 N/A +bos okay sounds good . eos O O O O O general-bye +bos i need to find a place to stay in the moderate price range that includes 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 N/A +bos there are 14 hotels for you to choose from . is there a particular 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 Hotel-Request+Area +bos no preference on the area , but i would like it to be a guesthouse , please . 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 can book you at the acorn guesthouse if you would like ! how many people will be joining you , and for how many nights ? 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 O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos 3 people for 5 nights from friday . eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos i was able to book your party of 3 into acorn guest house for 5 nights starting on friday . is there anything else i can help with today ? eos O O O O O O 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+Stay O O B-Booking-Book+Day O 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 N/A +bos your reference number is f2t8juvw . is there anything else i can do for you ? eos 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 train on friday leaving from peterborough to cambridge . eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos there are 38 trains traveling from peterborough to cambridge on friday . is there a particular time frame you are needing ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos yeah , could it leave after 21:30 ? eos O O O O O O B-Train-Inform+Leave O O N/A +bos sure ! tr4017 leaves at 21:48 and arrives by 22:38. would that work 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 general-greet,Train-OfferBook +bos yes , could you please book it 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 49.5 gbp payable at the station . reference number is : q2d4mzmu . can i be of any further assistance 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 i believe 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 're welcome , have a fantastic day . eos O O O O O O O O O O general-welcome,general-bye +bos hi . i 'm looking for a place to spend the night , and i want somewhere without any hidden fees for parking or 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 N/A +bos there are 29 choices . do you have a preference in the area of town and 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 Hotel-Request+Area,Hotel-Request+Price +bos i want a cheap price range , please . eos O O O O B-Hotel-Inform+Price O O O O O N/A +bos there is the alexander bed and breakfast thich is 4 star and has free 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 B-Hotel-Inform+Stars O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos great , can i have it for 4 people for 2 nights on wednesday and also 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 N/A +bos good news ! your booking has been successful . your reference number is 5kcbohzb . eos 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 a train to cambridge that departs from bishop 's stortford that departs on wednesday . eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Day O O O N/A +bos i have over 10 options . do you have a preference for a departure or 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 Train-Request+Leave,Train-Request+Arrive +bos i would like it to arrive by 20:30 please . eos O O O O O O O O B-Train-Inform+Arrive O O N/A +bos there are 8 trains that will arrive by the time you stated . do you have a preference on what time you leave 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 O O O O O Train-Request+Leave +bos i 'll take the train that arrives closest to 20:30 for 4 people please . eos O O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+People O O O N/A +bos i have booked for you train tr9178 the total fee is 40.4 gbp payable at the station . your reference number is : ikrvr8g2 . eos 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 O O B-Train-OfferBooked+Ref O N/A +bos thanks ! for all your help . eos 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 nope , that 's it . 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 O general-welcome,general-bye +bos i am going off to college soon and want to visit a campus . can you help me find one ? 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 sure we have 18 , do you have an area preference ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O Attraction-Request+Area +bos in the centre please . can i get their address , phone number , and entrance fee ? eos 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,Attraction-Request+Fee,Attraction-Request+Addr +bos there are a few colleges in the centre . do you know the name of the college or do you prefer free entrance fees ? eos O 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 O O B-Attraction-Select+Fee I-Attraction-Select+Fee O O O Attraction-Request+Name +bos no , please pick one . provide me with the address , post code and entrance fee . 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 okay , downing college is on regent street . the post code is cb21dq . it 's free . eos 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-Inform+Post O B-Attraction-Inform+Fee O O O O O N/A +bos does it have free wifi ? eos O O O O O O O N/A +bos unfortunately , the colleges in town do not offer free wifi . they do offer free entrance though . 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 you help me find a guesthouse ? something nice . and somewhere upscale on the price , too . my parents are paying for the whole trip and they 're loaded . eos O O O O O O O O O O O O O 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 express by holiday inn cambridge in the east side of town ? 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+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O N/A +bos do they have free wifi and a 4 star rating ? eos O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos they have free wifi but their rating is 2. i think university arms hotel will suit you better in that case . eos O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Hotel-Inform+Internet +bos university arms hotel sounds just great . please get me a booking for 8 people staying for 4 nights starting from friday . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type O O O 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 N/A +bos i was able to book your rooms at university arms hotel for friday . your reference number is 8iitdh5t . is there anything else i can do for you ? 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+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 's it ; thank you for your help . eos O 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 need a guesthouse , free parking included . eos O O O O B-Hotel-Inform+Type O O O O O N/A +bos ok , the acorn guesthouse is a great place . located in the north and is moderately priced . they offer free parking and internet . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O 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 N/A +bos is there any other guesthouses that do n't have internet included ? eos O O O O O O O O O O O O O N/A +bos no , unfortunately there are no guest houses that offer free parking but do not offer free internet . 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 Hotel-NoOffer+Internet,Hotel-NoOffer+Parking +bos okay , what about one that does have internet ? eos O O O O O O O O O O O N/A +bos i think your best bet is acorn guest house . they fulfill your need for free parking and are in the north . 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+Area O Hotel-Inform+Parking +bos how many stars does the acorn guest house have ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Request+Stars +bos the acorn guest house is rated 4 stars . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O N/A +bos what is the address of the acorn ? eos O O O O O O O O O Hotel-Request+Addr +bos acrorn guest house is located at 154 chesterton road . 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 O N/A +bos i am also looking for a train that leaves after 14:15. eos O O O O O O O O O O O B-Train-Inform+Leave N/A +bos tr2420 train leaves at 15:00 , may i book this for you ? eos O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O O O O O O O O N/A +bos could you please book that train for 5 people and give 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 Train-Request+Ref +bos sure thing , reference number is : a4c2kf23 . anything else i can help you with ? eos O O O O O O O B-Train-Inform+Ref 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 was a pleasure to assist you . 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 O O O O O O O O general-bye +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 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 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 thank you ! can you please book a room for 1 person for 4 nights , starting friday , at hamilton lodge ? 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 B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos booking was successful . reference number is : 3g3x2vlu . 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 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 i 'm 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-welcome,general-bye +bos hello , i 'm looking for a swimming pool in town . eos O O O O O O O O O O O O O general-greet +bos there are four pool options , any preference for area ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O Attraction-Request+Area +bos no , but could you tell me if they have any entrance fees . eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i found 4 swimming pools , but there are not information about the entrance fee . eos O O O 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos can you help me find a 4 star hotel that offers free parking ? eos 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 found 5 hotels with free parking . what area and stars do 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+Area,Hotel-Request+Stars,Hotel-Inform+Parking +bos i do n't care about the area , but it does need to be 4 stars , as i mentioned earlier . 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 N/A +bos i recommend huntingdon marriott , it 's an expensive 4 star hotel in the west . they have free parking as requested . would you like me to book it ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O 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 O Hotel-Recommend+Parking,general-reqmore +bos no thank you , may i please get the postcode for huntingdon marriott ? eos O O O O O O O O O O O O O O O Hotel-Request+Post +bos absolutely ! their post code is pe296fl . can i be any further help to you ? eos O O O O O O B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore +bos can you also find me a taxi to get to the two places ? eos O O O O O O O O O O O O O O O Taxi-Inform +bos i 'm sorry . where will you be departing from , and at what time ? 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 the hotel at 24:30. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos i have you booked . your taxi is a yellow bmw contact number is 07777787318.. eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O 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 . 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 'm sorry , i actually am looking for the postcode of the cheaper hotel of the 5. and a taxi from there instead . 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 Hotel-Request+Post +bos sure . the cambridge belfry is a cheap 4 star hotel . postcode is cb236bw . taxi is booked . car is a black bmw and contact number is 07510940370. eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Post 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 N/A +bos great , you 've been a great help . thank you . eos O O O O O O O O O O O O O general-thank +bos i am very pleased to have helped you today . eos O O O O O O O O O O O general-bye +bos hi , i 'm really looking forward to coming to cambridge . you have an express by holiday inn , 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 N/A +bos yes we do have one express holiday inn . would you like me to book you a room there ? 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 Booking-Inform +bos yes please , two people and one room with two beds for next saturday . eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos sure , how many days would you like to stay ? eos O O O O O O O O O O O O Booking-Request+Stay +bos i just need their postcode and price range please . i will book it myself later . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price +bos no problem ! the postcode is cb13llh and price range is listed as expensive . 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 B-Hotel-Inform+Price O O O O O O O O O O O O O general-reqmore +bos yes , i am also looking to visit the fez club during my stay . may i have their phone number ? eos 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 sure . their number is 01223519224. may i help you with anything else ? eos 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 take me from the fez club to my hotel please . 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 N/A +bos i can book that for you . can you give me a departure time ? eos O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos i want to leave the fez club by 17:00. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos i booked a red volkswagen to pick you up at the fez club by 17:00. the contact number is 07404417573. is there anything else i can assist you with ? 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 B-Taxi-Inform+Leave O 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 O general-thank +bos thank you , goodbye . eos O O O O O O general-bye +bos hi . could you help me find a hotel for my trip ? eos O O O O O O O O O O O O O O Hotel-Inform +bos 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 ? eos O O O O O O 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 4-star hotel in the north area . oh , and no free parking . i 'm concerned about safety when people park their cars next to the hotel ! eos O O O O O B-Hotel-Inform+Stars O 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 O N/A +bos the avalon guesthouse is in a very safe neighborhood in the north . would you like me to book that for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform +bos i have not decided yet . eos O O O O O O O N/A +bos well that 's ok we can book it later if you want . 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 actually , i do believe i would like to book the avalon guesthouse . can you help me with this ? 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 N/A +bos of course i 'd be happy to . how many people , when , and for how many days ? 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,Booking-Request+Day +bos for 6 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 N/A +bos you and your party are booked at the avalon . your reference number a7t5cv0x . can i help with anything else eos O O O O O O O O O B-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos i am also looking for a nice theatre to visit in the centre of town . eos 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 we have 4 available for you . the adc theatre is nice . would you like more information about it or the others ? eos O O O O B-Attraction-Inform+Choice 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 yeah , could i get its address ? eos O O O O O O O O O Attraction-Request+Addr +bos adc theater is located on park street in postcode cb58as . is there anything else you need ? 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+Post 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 you 're welcome . enjoy your stay and visit to the theatre . eos 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 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-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Ref O O O Train-OfferBooked +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 general-reqmore +bos i am looking to find a guesthouse 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 may i recommend alexander bed and breakfast ? it is a cheap guesthouse with a 4 star rating in the centre of town . 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+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A +bos are there any 4 star guesthouses in the centre that are expensive ? eos O O O O O B-Hotel-Inform+Internet O O O O O O B-Hotel-Inform+Price O N/A +bos no there are not . would you like me to book the alexander bed and breakfast for you ? 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 O O O N/A +bos how about one that is in the type of hotel ? eos O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos i am sorry but there are no 4 star hotels either . would you like to try another star rating or area ? eos O O 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 O O O O Hotel-Request+Stars,Hotel-Request+Area +bos are there any guesthouses in another area close by ? eos O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i 'm afraid not . would you like to try a different price range or star rating ? 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,Hotel-Request+Stars +bos are there any 4 star guesthouses in cambridge ? eos O O O O O B-Hotel-Inform+Stars O O O O N/A +bos based on the criteria , there are no 4 star guesthouses that are expensive anywhere in cambridge . 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+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O N/A +bos i do not want to stay in a guesthouse . i want to stay in a hotel please . 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 i have found two 4 star hotels that are in the expensive price range . one is located in the west , and the other centre . would you like more information ? eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price 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 'm sorry . the guesthouse would be my preference . it should be 4 star rated and in the town center . what 's available that meets those specifications ? eos 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 O O O O O O O O N/A +bos i 'm sorry , there are not guesthouses that meet your criteria . there is 1 guesthouse that is 4 stars in the cheap price range in that area of town . eos O O 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 B-Hotel-Inform+Stars 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 N/A +bos is there a possibly a hotel instead then ? eos O O O O O O B-Hotel-Inform+Type O O O N/A +bos okay . i have the university arms that is in the center , rated 4 stars and is in the expensive price range . would you like me to book that for you ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area 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 Booking-Inform +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes of course they do , would you like a booking ? eos O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos no , but can you give me the post code , please ? eos O O O O O O O O O O O O O O Hotel-Request+Post +bos yes , their postcode is cb21ad . is there anything else you would like to know ? eos O O O O O B-Hotel-Inform+Post O O O O O 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 O O O general-thank +bos please let us know if we can help you in the future . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos i need some information on cambridge . i 'm 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 N/A +bos how about all saints church ? it has free admission . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos sure , could you send me the postcode ? is that a architecture ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O Attraction-Request+Post +bos yes it is architecture . the post code is cb58bs . can i help with anything else ? eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos i would like a hotel in the same area as all saints church . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos we have the leverton house at newmarket road with postcode cb58rs . it is cheaply priced . is that okay for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O B-Hotel-Recommend+Post O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O Booking-Inform +bos that 's it thank you eos O O O O O O N/A +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 i am looking for a place to stay . eos O O O O O O O O O O N/A +bos what area would you like ? eos O O O O O O O Hotel-Request+Area +bos i would like to book at the leverton house as stated before . i need a room booked for 6 and 3 nights starting from tuesday . eos 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 B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A +bos booking was successful.reference number is : 8ho6gebh . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you so much . 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 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 train leaving on monday arriving by 21:00 ? 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 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 need to depart from leicester 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 those trains actually run every hour . the first train leaves at 5:09. what time do you want to depart ? eos 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-Request+Leave +bos any is fine . i 'll just need a departure 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 O Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave +bos here 's the information about the train : tr4588 , leaving monday at 18:09 , travel time 105 minutes . would you like me to book a ticket 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+Time I-Train-Inform+Time O O O O O O O O O O O O O O O Train-OfferBook +bos no . i also wish to find 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 there are 29 hotels that meet your needs . can you narrow it down to area , price range and 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 O O O Hotel-Request+Stars,Hotel-Request+Price,Hotel-Request+Area +bos hm , moderate price please . and north area . maybe a guesthouse ? eos O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Type O O O O N/A +bos i 'd recommend acorn guest house . would you like 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 O O Booking-Inform +bos yeah , i need to book it . same day as the train . eos O O O O O O O O O O O O O O O Train-Inform +bos how many people will be staying ? eos O O O O O O O O Booking-Request+People +bos there will be four of us . and we 'll be staying for four nights . eos O O O O O O O O O O O O O O O O O N/A +bos okay , starting on what day ? eos O O O O O O O O Booking-Request+Day +bos we need it to start on monday please as this is when our train comes in . eos O O O O O O O B-Train-Inform+Day O O O O O O O O O O N/A +bos booking was successful . reference number is : kiykijpc . is there anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos no that is all we need . 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 i am planning a trip in cambridge and need a place to stay with 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 many different options available . let me ask , do you have a certain price range or 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 O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i have no particular price range , but would like a guesthouse in the north part 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 O N/A +bos that narrows it down to about 9 different options . most offer both free parking wifi . if you would like my personal recommendation , i would say go with the hamilton lodge . 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 O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos excellent . can i book that for 2 people for 2 nights starting on tuesday 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 booking was successful.reference number is : 152ujwik . anything else today ? eos O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos yes , i need to find a train on tuesday from cambridge to london liverpool street . eos 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 I-Train-Inform+Dest O O N/A +bos thanks i will find you one.thanks a lot eos O O O O O O O O O general-greet +bos i 'm looking for any type of attraction in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are 79 attractions including theaters , swimming pools , parks , museums and entertainments . do you need a certain area ? eos O O O O B-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 Attraction-Request+Area +bos anything would be fine , but lets look up entertainment . eos O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos cherry hinton hall and grounds is available , would that work for you ? 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 O O O O O O N/A +bos yes . what is the postcode and phone number ? also , i am needing a 4 star hotel in the same area . can you check if one is available for me ? 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 O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos their phone number is 01223446104 and postcode cb18dw . the university arms hotel is available and it includes both internet and parking . eos O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post 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-Inform+Parking,Hotel-Inform+Internet +bos thank you so much . would you be able to book it ? eos O O O O O O O O O O O O O O general-thank +bos yes i can do that for you . what day do you want to book 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 please book it for 5 people and 4 nights 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 N/A +bos i 'm so sorry , but there are no available rooms for that length of stay starting on sunday . would you like to book 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 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 can you try booking it for just 1 night instead ? eos O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos booking was successful . your reference number is tiq96s2r . 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 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 you 're welcome . please feel free to let us know if there 's anything else we 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 general-welcome,general-bye +bos thanks . have a good rest of the day . eos O O O O O O O O O O O general-thank +bos thank you , you too . eos O O O O O O O general-bye +bos i need a palce to stay that has free wifi but in the 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 17 results . can i narrow that down by a certain area ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos not really , but it should have 4 stars and be in a guesthouse . eos O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Type O O N/A +bos i would recommend home from home , which is located in the north part of town at 78-80 milton road . would you be interested in booking a room ? 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 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 that sounds great . i would like to book that for 3 people and 2 nights starting from sunday . 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 okay , i 've booked your guesthouse for 2 days starting on sunday . your reference number is xyqcago8 . is there anything i can help you with ? eos O 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 O general-reqmore +bos no , 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 you are most welome eos O O O O O general-welcome +bos can you help me find a train for wednesday , heading into cambridge ? eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O N/A +bos i have five trains that meet your criteria . eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O N/A +bos i 'm departing from london liverpool street and would like to leave after 16:15. does this help ? 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+Leave O O O O O N/A +bos the tr2232 train is available . it departs wednesday at 17:39 from london liverpool to cambridge . would you like me to book you a ticket ? eos O O B-Train-Inform+Id I-Train-Inform+Id 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 O B-Train-Inform+Dest O O O O O O O O O O O O Train-OfferBook +bos yes please book me a ticket . eos O O O O O O O O N/A +bos just to clarify , would that be just one ticket or multiple tickets ? eos O O O O O O O O O O O O O O O Train-Request+People +bos oh wait , before booking i would like to know what the arrival time and travel time is 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,Train-Request+Arrive +bos it will arrive by 19:07. do you need tickets ? eos O O O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos i need to know the travel time before booking . eos O O O O O O O O O O O Train-Request+Duration +bos the travel time is 88 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos 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 moderate 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 B-Hotel-Inform+Price O O O O O O O N/A +bos i found few hotel for you but before i make a reservation , do prefer it have internet or parking option ? 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 Hotel-Request+Internet,Hotel-Request+Parking +bos yes , it will need to have free parking and free internet please eos O B-Hotel-Inform+Internet O O O O O O O O O O O O N/A +bos do you have a specific area you want to stay in ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos yes , i am looking for something in the north . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i see 9 options here . do you prefer a guesthouse or a hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos i think i 'd like a moderately priced hotel , please . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O N/A +bos i have 2 in that area . they are ashley hotel and lovell lodge . would you like me to make reservations for one of these ? 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 O O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos i like the sound of the lovell lodge . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos great , 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 yes please . there will be 7 people staying for 4 nights eos O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O N/A +bos i have you booked as requested starting on wednesday , the reference number is zfbjxy09 any other questions today ? eos O O O O O O O O O B-Booking-Book+Day O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O general-reqmore +bos that is everything , thank you for your assistance . eos O O O O O O O O O O O general-thank +bos i hope you enjoy your stay . contact us anytime . good bye . eos O O O O O O O O O O O O O O O general-bye,general-greet,general-reqmore +bos i 'm looking for a train that goes to cambridge on saturday eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos would you like to leave or arrive by a certain time ? eos 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 21:30. eos 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 broxbourne . eos O O O O O O B-Train-Inform+Depart O N/A +bos we have 3 options that meet your criteria . all depart within an hour of each other starting at 21:32. would you like 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 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 O Train-OfferBook +bos yes , whichever train has seats available for 7 people . eos O O O O O O O O O B-Train-Inform+People O O N/A +bos your booking was successful , the total fee is 100.24 gbp payable at the station . the train departs at 21:32. your reference # is uzfw2taq . is there 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 B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Ref O O O O O O O O N/A +bos yes , i am looking to book a room at the alexander 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 O N/A +bos i found alexander bed and breakfast . do you want to make a reservation ? 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 N/A +bos yes bookit for the same group of people 4 nights . eos O O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos what day will you be arriving ? eos O O O O O O O O Booking-Request+Day +bos let 's try for saturday , but if that is not available then tuesday would be fine eos O O O O B-Hotel-Inform+Day O O O O O O O O O O O O O N/A +bos i was able to book you for saturday . eos O O O O O O O O B-Booking-Book+Day O N/A +bos thanks can i get a reference number please ? eos O O O O O O O O O O Hotel-Request+Ref +bos your reference number is xve54kkh . is there anything else i can do for you ? eos O O O O O B-Hotel-Inform+Ref O O O O O O O O O O O general-reqmore +bos that will be all , thanks again . eos O O O O O O O O O general-thank +bos you are welcome enjoy eos O O O O O general-welcome +bos i am looking for an attraction called williams art and antiques . 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 i know the place ! it 's located in the centre and it 's free of charge . eos O O O O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos what is their postcode ? eos O O O O O O Attraction-Request+Post +bos the post code for williams art and antiques is cb12lj . 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 N/A +bos thank you , i am also looking for an italian restaurant in the centre . eos 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 do you have a price range in mind ? eos 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 for when and how many in your party please ? eos O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos for 7 people at 11:15 on saturday , please . eos O O O O O O O O O O O N/A +bos i have 4 expensive restaurants in the centre , caffe uno is a good one . would you like me to make reservations ? eos O O O O B-Restaurant-Inform+Choice 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 O O O O Booking-Inform +bos caffe uno will be fine . yes , i 'll need to reserve a table on saturday . it will be at 11:15 for 7 people . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 B-Restaurant-Inform+People O O O O O N/A +bos ok , that booking was successful , and the table will be reserved for 15 minutes . eos O O O O O O O O O O O O O O O O O O Booking-Book +bos great i also need to get a taxi that can get me to the restaurant by 11: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 look out for a red volvo and the contact is 07479126194 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 can i have a reference number for the restaurant ? eos O O O O O O O O O O O Restaurant-Request+Ref +bos the reference number for the restaurant is mxmohdj7 . eos O O O O O O O O B-Restaurant-Inform+Ref O N/A +bos i also need a taxi . eos O O O O O O O Taxi-Inform +bos booking completed ! booked car type : red volvocontact number : 07479126194 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 can you email or fax me the information for my personal reference ? thank you for your assistance . 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 your restaurant reference number is : mxmohdj7 . and your taxi contact number is 07479126194. do you have a number i should forward this information to ? eos O O O O O O O B-Restaurant-Inform+Ref 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 nevermind , i wrote the info down . i 'll text it to everyone else , it 'll be faster that way . 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 O O O O O general-thank +bos glad i could help . have a nice day ! eos O O O O O O O O O O O general-welcome,general-bye +bos can you find a train departing from cambridge going to kings lynn ? thanks . eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos absolutely ! it looks like this is a 47 minute ride . what day and time are you looking to depart ? 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 O O O O Train-Request+Leave,Train-Request+Day,general-greet +bos i want to leave after 21:00 on sunday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos i found a train for sunday after 21:00 leaving cambridge going to kings lynn . would you like to book it ? eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O Train-OfferBook +bos yes , please book it for 1 and send me a reference number . eos O O O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos the reference number is tvfam55i . eos O O O O O B-Train-OfferBooked+Ref O N/A +bos i am at club salsa and i need to book a taxi to leave after 06:15. eos 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 N/A +bos sure ! what is your destination ? eos O O O O O O O O Taxi-Request+Dest +bos i need to go to the cambridge arts theatre . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos your booking is all set . a black honda 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 O N/A +bos wonderful , thanks for your help . eos 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 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 there are 5 colleges in the centre . christ 's college is free , would you like more information on that ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 N/A +bos yes . i would like information on the other 4 colleges too . eos O O O O O O O O O O O O O O N/A +bos corpus christi is at king 's parade and costs 2 pounds . the other 3 are free . would you like their addresses ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 O O O O O N/A +bos no the corpus christi will do , could you just give me the postcode for that also ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode for corpu christi is cb21rh . is there anything else i could help you with today ? eos 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 O general-reqmore +bos i also need a train going to stansted . eos O O O O O O O O O O Train-Inform +bos i have found 133 entries . could you be more specific so we can narrow it down ? what day are you traveling ? 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+Day +bos sorry . i want to leave cambridge on sunday after 8:30. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos train tr8500 leaves cambridge at 08:40 and will arrive at the airport by 09:08. would that work for your schedule ? 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 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 price ? eos O O O O O O Train-Request+Price +bos it 's 8.08 pounds per ticket . would you like me to book it for you ? eos 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 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 general-thank +bos okay great , have a nice day ! eos O O O O O O O O O general-welcome,general-bye +bos please find a theater in the centre . eos O O O O O O O B-Attraction-Inform+Area O N/A +bos we have four , from the cambridge corn exchange to the cambridge arts theatre . eos O O O B-Attraction-Inform+Choice 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 could i get the postcode for the cambridge corn ? eos O O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb23qe . what else may 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 yes i am looking for information on a particular restaurant called the peking restaurant . eos 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 i found the resturant you need . shall i book it ? eos O O O O O O O O O O O O O Booking-Inform,general-greet +bos yes book it for 6 people at 13:30 on wednesday please . 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 set up that reservation for you , your reference number is : pc3ltrm3 . 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 O O general-reqmore +bos i am all set . eos O O O O O O N/A +bos ok , i 'm glad we could be of service to you today ! enjoy your 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 general-welcome,general-bye +bos i 'm trying to find an expensive restaurant in the centre 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 the cambridge chop house is an good expensive restaurant in the centre of town . would you like me to book it for you ? eos 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 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 Booking-Inform +bos yes , a table for 1 at 16:15 on sunday . i need the reference number . eos 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 great your reference number is nklsht8g eos O O O O O O B-Booking-Book+Ref N/A +bos could you help me find a train to cambridge from leicester please ? eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos what day would you like me to book your train for ? eos O O O O O O O O O O O O O Train-Request+Day +bos i am leaving on sunday and i need to arrive by 12:45 in leicester . eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Depart O N/A +bos i have 6 trains leaving hourly at 9 minutes past the hour between 05:09 and 10:09. would you like to book one of these ? 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 O O O O O Train-OfferBook +bos can you give me the train id of the one departing at 10:09 ? eos O O O O O O O O O O O O O O O Train-Request+TrainID +bos the number is tr1744 . eos O O O O B-Train-Inform+Id O N/A +bos ok , great . could you just confirm that departure time ? eos O O O O O O O O O O O O O Train-Request+Leave +bos the train will depart at 10:09. eos O O O O O O B-Train-Inform+Leave N/A +bos thanks , that is 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 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 for a cinema in the south . can you give me some information on cinema 's in the south ? 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 N/A +bos there is only one , it 's called cineworld cinema eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos how much is that cinema 's entry fee ? eos O O O O O O O O O O N/A +bos i 'm afraid that the entry fee for cineworld cinema is unknown . is there anything else i can help you with ? eos O O O O 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 general-reqmore +bos yes , could you tell me their postcode ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb17dy . 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 yes , i 'm also looking for a place to stay . i 'll need it to be moderately priced , in the same area as the attraction , and free parking , please ? eos O B-Hotel-Inform+Parking 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 O O O O O O N/A +bos bridge guest house is a 4 star guesthouse in the south part of town in the moderate price range with free wifi and parking . eos O B-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 do they have a room available for 7 people ? we 're staying 3 nights and checking in tuesday . eos O O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O O N/A +bos booking was successful . reference number is : z108abs3 . 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 a taxi from the cinema to the hotel , i want to leave the cinema by 08:15. eos 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 booked you a taxi ride look for a red tesla car contact number is 07746939508. can i help 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 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 have a wonderful time . eos O O O O O O general-bye +bos thanks , have a great day ! eos 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 a place to eat in the centre that serves chinese 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 chinese sounds great . i have a variety of restaurants . which price range do you prefer ? eos O B-Restaurant-Inform+Food O 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 am not particular . how about moderate ? i will need their phone number , address and postcode please . eos 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos the lan hong house is a moderately priced chinese restaurant in the centre area at 12 norfolk street city centre . the phone number is 01223350420 and the postcode is cb12lf . eos 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 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 O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O N/A +bos wonderful , that 's all i need to know . thanks ! eos O O O O O O O O O O O O O general-thank +bos i 'm happy we could help you today ! enjoy your meal ! eos O O O O O O O O O O O O O O general-bye +bos hello . i 'm looking for a cheap place to eat in the centre . can you help me ? 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 there are 15 places do you have a food preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Food +bos yes , i 'd love chinese . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 3 chinese restaurants meeting your requirements . may i recommend one for you ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A +bos sure , pick your favorite and let me have 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 O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the golden house is located at 12 lensfield road city centre , postcode cb21eg , and the phone number is 01842753771. would you like me to make a reservation for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 O O Booking-Inform +bos yes please make me a reservation . eos O O O O O O O O N/A +bos certainly . how many people are dining , and what day and time would you like ? 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,Booking-Request+Day +bos actually , i do n't need a reservation right now . the restaurant information was all i needed . 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 O Restaurant-Inform +bos you are welcome , enjoy your time in cambridge . eos O O O O O O O O O O O general-welcome,general-bye +bos i would like a train going to cambridge from leicester in the morning . can you book a seat for me and let me know the reservation number ? eos O O O O O O O O B-Train-Inform+Dest 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 there are trains that leave at 9 minutes past the hour , every hour , all morning . 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 O O O O O O O O Train-Request+Leave +bos i need to arrive by 10 am please on a tuesday . eos O O O O O O O O O O O B-Train-Inform+Day O N/A +bos how about train 4734 ? it arrives in cambridge at 09:54. eos O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos sounds good . i need 4 tickets . eos 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 . your reference number is : mrtsnqmu . 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 N/A +bos i 'm also looking for a cinema to visit ? eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are two- one in the south and one in the centre . which would you like to visit ? eos 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 Attraction-Select +bos i would like the cinema in the south please . i need the phone number , 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+Phone,Attraction-Request+Fee +bos cineworld cinema is located in postcode cb17dy . the phone number is 00872208000 and you 'll have to call them directly for entrance fee information . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Post 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 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 thank you so much for the information . i will call them . 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 anytime , happy to help . eos O O O O O O O general-welcome +bos yeah you are very welcome . eos 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 yes , i would like a taxi to the town centre . from the train station . eos O O O O O O O O O O O O O O O O O O Taxi-Inform,Train-Inform +bos where from the town centre do you need the taxi to pick you up ? eos O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i 'm sorry , did i say taxi ? i mean train . eos O O O O O O O O O O O O O O Taxi-Inform,Train-Inform +bos let 's start over . are you looking for a train ? eos O O O O O O O O O O O O O general-reqmore +bos yes . i need it to depart from cambridge . eos O O O O O O O O B-Train-Inform+Depart O O N/A +bos where would you like the train from cambridge to travel to ? eos O O O O O O O O O O O O O Train-Request+Dest +bos i 'm looking for a train leaving cambridge . i need to arrive at 15:30. eos O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O N/A +bos there is a train leaving friday at 13:59 that will get you to london liverpool street at 15:27. will this work for you ? eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave 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 O general-reqmore +bos no , i need one that leaves on sunday . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos if you 'd like to go to london king 's cross , there are 104 trains that match your specifications . what time would you like to leave at ? 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+Choice 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 go to london liverpool street for 8 people . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+People O N/A +bos great , your reference number for the 8 tickets is : u9g8k0gf . anything else i can help you with today ? eos O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos i am looking for a place to dine that serves vietnamese food in the west . 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 i found thanh binh they serve vietnamese food in the west part of town . eos 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 N/A +bos i need a cheap place to eat , does that restaurant fit that criteria ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A +bos yes , thanh binh is a cheap place to eat . would you like me to book a reservation ? eos 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 Booking-Inform +bos yes , please . i need a table for 8 at 11:30 on sunday . and may i please have 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 O N/A +bos ok , your reservation is booked , your reference number is rq5hr7py . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos great thank you for your help that will be all eos O O O O O O O O O O O general-thank +bos it 's been a pleasure , thank you . enjoy your visit ! eos O O O O O O O O O O O O O O general-bye +bos hi , yes , i 'm trying to find a restaurant to go to . eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos in what area of town would you like to dine ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos an expensive restraunt in town centre that serves asian oriental food eos O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos great , there 's a restaurant called kymmoy that fits your criteria . would you like their information ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Recommend,general-reqmore +bos can you book a table for me ? eos O O O O O O O O O N/A +bos yes , what is the date and time that you will need the booking 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 Booking-Request+Time,Booking-Request+Day,Booking-Request+People +bos book a table for 8 at 15:45 on sunday eos O O O O O O O O O O N/A +bos that time is all booked up 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 Booking-NoBook,Booking-Request+Time +bos yes please . can we try 11:45 ? 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 : 65ex4ja4 . 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 can you suggest some college 's in town ? i need a phone number , postcode and the area too 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 Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Phone +bos corpus christi is in the centre area . the number is 01223338000 , and the post code is cb21rh . can i help you with anything else ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O O B-Attraction-Inform+Phone O 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 i needed thank you for your help . eos O O O O O O O O O O O O general-thank +bos ok. enjoy your stay , and have a nice day . eos O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos i 've heard about royal spice , is it a very good restaurant ? what is the price like ? eos 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 N/A +bos royal spice is an inexpensive restaurant . i am not able to say if it 's a good restaurant . 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 I-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 general-reqmore +bos i would like you to book a table for me at royal spice for 6 people at 11:15 on monday please . eos O O O O O O O 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 N/A +bos you 're all set ! i 've got you booked with reference number toqnlzh1 . is there anything else i can 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 general-reqmore +bos no . i am all set . thanks . goodbye . eos O O O O O O O O O O O O general-bye +bos thank you for contacting us and let us know if we can help you 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 wanted to visit the restaurant named la raza , could you tell me the hours it is open , and if i should try to book a reservation ? 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 O O O O O O O O O O N/A +bos sure , i can find that information for you . i can also book a reservation for you if you have a certain time you wanted 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 Booking-Request+Time,Booking-Inform,general-greet +bos what type of food does la raza serve ? and what area is it in ? 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 la raza is a spanish restaurant in the city center . 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 N/A +bos thanks a lot . i am also looking for places to go to 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 N/A +bos sure , there are many things to do in the center of town , colleges , architecture , museums , theater . do you have a preference ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-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 Attraction-Select +bos i do n't really have a preference , what would you suggest ? i 'm kind of new to 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 can i suggest the man on the moon it is a wonderful concerthall . 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 B-Attraction-Recommend+Type O N/A +bos that 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 Attraction-Request+Post,Attraction-Request+Phone +bos sure the phone is 01223474144 and the postcode is cb12lf . eos O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O N/A +bos thank you very much , you 've been very helpful . eos 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 have a particular restaurant that i need to find please . eos O O O O O O O O O O O O O Restaurant-Inform +bos do you know the name of the location ? eos O O O O O O O O O O Restaurant-Request+Name +bos the restaurant is called the cambridge chop house . i would really like to make a reservation there . eos 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 great , how many people will be dining ? eos O O O O O O O O O O Booking-Request+People +bos six people will be dining . eos O O O O O O O N/A +bos what day and time would you like to make the reservation ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos on thursday at 19:30 please . eos O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos your reservation has been made . the table will be reserved for 15 minutes . your reference number is : kooj1y7i . 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 i am also looking for some where to go 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 did you have something in mind . we have lots of great things to do -- colleges , museums , theatres , nightclubs , etc . eos O 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+Type I-Attraction-Inform+Type O O O O O O O O Attraction-Request+Name +bos i 'm not sure . what types of museums are there ? eos O O O O O O O B-Attraction-Inform+Type O O O O O Attraction-Request+Type +bos yes we have art galleries and anthropology and archaeology museums . eos 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 N/A +bos select one and give me its entrance fee , attraction type 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,Attraction-Request+Type +bos the fitzwilliam museum is very popular . there is no entrance fee and their phone number is 01223332900. is there anything else i can do for you today ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-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 general-reqmore +bos i 'd like to get a taxi from the museum to the restaurant , to get 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 Restaurant-Inform,Taxi-Inform +bos okay great ! your car will be a grey bmw and the contact number is 07720582184. 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 very good , thank you kindly , that will be all . you are dismissed . 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 the 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 some entertainment in the centre , is there anything interesting to see there ? 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 tons of things to see in the centre , you 'll have a blast . what kind of attraction were you thinking ? eos O O O B-Attraction-Inform+Choice I-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 O Attraction-Request+Type +bos i was thinking something in entertainment , but if that is not available i would like to know where the swimming pools 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 O N/A +bos nothing in the terms of entertainment but there is a swimmingpool . it is called parkside pools . eos O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos that is fine . get me the phone number and address eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the phone number is 01223446100. the address is gonville place . do you need anything else ? eos O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O general-reqmore +bos i 'm also looking for information on a restaurant called rice boat . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos rice boat is an expensive indian restaurant on the west side . their location is 37 newnham road , newnham . would you like to book a table there ? 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 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 Booking-Inform +bos yes , please . can you reserve a table for saturday for 5 people at 13:45 ? thanks . 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 booking was successful . the table will be reserved for 15 minutes . eos O O O O O O O O O O O O O O Booking-Book +bos can i have the reference number for the booking ? eos O O O O O O O O O O O Restaurant-Request+Ref +bos yes i will get you that number , one moment please eos O O O O O O O O O O O O Booking-Inform +bos i want to go to a museum . eos O O O O O O O B-Attraction-Inform+Type O N/A +bos in which specific area of town are you interested ? eos O O O O O O O O O O O Attraction-Request+Area +bos i would like to stay in the centre area . eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are many wonderful museums ; is there anything more specific ? art , gallery , archaeology that you want to see ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type 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 an art gallery would be wonderful . eos O O O O O O O O N/A +bos how about broughton house gallery over in centre , they are located at 98 king street and has no entrance fee . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area 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 I-Attraction-Recommend+Fee O N/A +bos yes , that would be great . can you also give me the 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 O Attraction-Request+Phone +bos the phone number is 01223314960. is there anything else i can do to assist you today ? eos 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 'm also looking for a chinese place to eat in the same area . 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 so ugly duckling is in the centrem it 's pretty expensive and they do n't have a phone number , but they 're on 12 st. johns street city centre . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O N/A +bos id like to make a reservation for 4 on sunday . eos O O O O O O O O O O O O N/A +bos what time would you like that reservation ? eos O O O O O O O O O Booking-Request+Time +bos at 18:30 please . eos O O B-Restaurant-Inform+Time O O N/A +bos done ! the table will be reserved for 15 minutes . your reference number is 0e8zwwqn . 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 wait ... it is expensive ? i was looking for a moderately priced place . eos O O O O O O O O O O O O O O O O N/A +bos yes , the price range is expensive . did you want me to cancel it ? eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O general-reqmore +bos oh god , yes . i want to eat at a moderately priced restaurant . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos no worries , i found 3 chinese restaurants that are priced moderately . i recommend the jinling noodle bar . would you like a reservation ? eos O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price 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 book for 4 people at 18:30 on sunday eos O O O O O B-Restaurant-Inform+People 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 : li8d2s6y . 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 B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos no thanks . thank you for working with me on the second booking . 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 you are very welcome . enjoy your day . bye . eos 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 to dine in the moderate 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 i have 4 places that meet that criteria . do you have a preference in 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 Restaurant-Request+Area +bos i do n't really have a preference in the area . eos O O O O O O O O O O O O N/A +bos i would suggest meghna then would you like the address ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O general-reqmore +bos no address but would like to make a booking for 8 people at 17:45 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 Attraction-Request+Addr +bos your booking was successful . the table will be reserved for 15 minutes.your reference number is : ls1zmcr8 . is there anything i can do to help you 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 general-reqmore +bos i also would like to see entertainment in the center area . eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos we dont have any in that area . eos O O O O O O O O O Attraction-NoOffer +bos if there is no such attraction , how about one that is in the type of museum ? eos 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 11. would you like more info on one ? eos O O O O B-Attraction-Inform+Choice O O O O O O O general-reqmore +bos yes , i 'd like the address , phone number and entrance fee for one of the museums , 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,Attraction-Request+Fee,Attraction-Request+Addr +bos the museum of archaeology and anthropology is always a good choice . they are located at university of cambridge , downing strand and admission is free . the phone number is 01223333516. 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 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 B-Attraction-Inform+Phone O O N/A +bos thanks ! 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 O O Taxi-Inform +bos alright , where would you like the taxi to pick you up at and your destination ? 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 i 'd like to go from the museum to the restaurant , and make sure i get there for the reservation , please . eos 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 O O O O O O O N/A +bos i booked your taxi . it will be a blue toyota . their phone number is 07424729044. 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 that is all i need for now . have a great day eos O O O O O O O O O O O O O N/A +bos have a great , good-bye . eos O O O O O O O general-bye +bos i 'm looking for a place to go , can you help ? eos O O O O O O O O O O O O O O N/A +bos there are 79 attractions you can visit . do you have location , type and price preference ? 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,Attraction-Request+Type,Attraction-Request+Price +bos not as such . it should be affordable . that is it . eos O O O O O O O O O O O O O O N/A +bos there are churches you can visit for free . eos O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Price O N/A +bos what about parks ? are there any free parks ? eos O O O B-Attraction-Inform+Type O O O O O O O N/A +bos sure ! i found 4 parks that are free to visit . is there an area that you prefer ? eos O O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O Attraction-Request+Area +bos are any of them in the east ? eos O O O O O O O O O N/A +bos yes chery hinto water play is in the east 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 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 cherry hinton water play is free would you like the address ? 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 N/A +bos yes , i would love the address . thank you ! eos O O O O O O O O O O O O Attraction-Request+Addr +bos the address for cherry hinton water play is cherry hinton hall , cherry hinton road , postal cb18dw , phone 01223446100 , anything else that i can help with ? 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 B-Attraction-Inform+Post O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos i would also like to find somewhere nice to eat . eos O O O O O O O O O O O O N/A +bos there are 110 restaurants in cambridge . do you have a preference for price , area , or 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 O Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-Request+Area +bos i would prefer an east location and italian food would be lovely eos O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O N/A +bos absolutely , i will take care of that for you right now . eos O O O O O O O O O O O O O O N/A +bos i would like to find the anatolia restaurant please . eos O O O O O O O B-Restaurant-Inform+Name O O O N/A +bos i have that place here , the adress is 30 bridge street city centre , postcode cb21uj 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 B-Restaurant-Inform+Post O O N/A +bos what is the price range ? eos O O O O O O O Restaurant-Request+Price +bos it is in the moderate price range . would you like a reservation ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos no , i 'm all set . thanks ! bye ! eos O O O O O O O O O O O O general-bye +bos have a wonderful day . eos O O O O O O general-bye +bos i was in a car accident and i need some help eos 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 may i also have the address and the post code ? eos O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos the address is parkside , cambridge and the telephone number is 01223358966. eos O O O O O O O O O O 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 the postcode is cb11jg . you are very welcome goodbye eos O O O O O O O O O O O N/A +bos i got injured and i am looking for a hospital nearby eos O O O O O O O O O O O O Hospital-Inform +bos i am sorry to hear of your injury . addenbrookes hospital is a fine facility 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 N/A +bos thanks , what is the phone number and postcode ? eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the phone number is 01223245151 and the postcode is cb20qq . 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 N/A +bos what is the address so i can find the hospital ? eos O O O O O O O O O O O O Hospital-Request+Addr +bos it 's at hills rd , cambridge with postcode cb20qq eos 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 you 're welcome . thank you for contacting cambridge towninfo centre , and hope you heal soon . 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 taxi to pick me up at the museum of classical archaeology to take me to what of a time . eos 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 O O O O O O N/A +bos 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 . eos O O O O O O O O O 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 sorry , whale of a time . i want to leave the museum after 10:30 , please . eos 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 for 10:45 and will be a black honda . eos O O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A +bos great ! thanks a lot ! eos O O O O O O O general-thank +bos thank you goodbye eos 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 where would you like to go ? eos O O O O O O O O Taxi-Request+Dest +bos i need to go to broughton house gallery . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos i 'd be happy to book that for you , where will you need picked up ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i am leaving from the junction . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 find a hospital in town eos O O O O O O O O O Hospital-Inform +bos you 'll find the hospital at hills rd , cambridge , cb20qq eos O O O O O O O O O O O O O N/A +bos can i please have a phone number as well ? eos O O O O O O O O O O O Hospital-Request+Phone +bos the hospital 's phone number is 01223245151. do you need the phone number for a specific department , also ? 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 postcode please . eos O O O O O O O O O O Hospital-Request+Post +bos it 's cb20qq . can i help you with anything else ? eos O O O O O O O O O O O O O N/A +bos yes , what is the hospital 's name , please ? eos O O O O O O O O O O O O Hospital-Inform +bos it is addensbrookes hospital . may 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 , that 's all . thank you . eos O O O O O O O O O O general-thank +bos you 're welcome . thanks for using our service ! eos O O O O O O O O O O O general-welcome,general-bye +bos book me a taxi to come by 19:30 to take me to adc theatre . 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 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 leaving from pizza express fen ditton eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos you 're all set . a red audi will pick you up and the contact number , should you need it , is 07397899345. 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 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 that 's everything . thanks ! eos O O O O O O O O general-thank +bos you 're welcome ! i 'm happy i could help . eos O O O O O O O O O O O O general-welcome +bos i 'm looking for a cheap hotel . eos O O O O O B-Hotel-Inform+Price O O O N/A +bos alexander bed and breakfast is a guesthouse east of cambridge center that is cheap , would you like more information ? 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 B-Hotel-Inform+Price O O O O O O O general-reqmore +bos does it have a star of 4. i do n't care if 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 alexander bed and breakfast does have a 4 star rating , would you like help 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 B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform +bos actually , you mentioned its in the east . i really prefer something in the centre of town thats cheap and 4-star rated . it can be a guesthouse or hotel . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O O O O O N/A +bos the alexander bed and breakfast is a cheap 4 star guesthouse in the centre of town . 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 I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price O B-Hotel-Inform+Stars 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 Booking-Inform +bos yes . i 'm travelling with my family , so i need a room for 7 people for 4 nights , arriving 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 B-Hotel-Inform+Day O O O O O N/A +bos sorry , that booking was unavailable . perhaps you 'd like a different 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 +bos can you see if they have just 2 nights available ? eos O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos i 'm sorry , that time is not available . can we try a short length of 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos are you sure the alexander is in the centre ? you said earlier that it 's in the east . 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 's in the centre . eos O O O O O B-Hotel-Inform+Area O O O N/A +bos please double check and make sure the booking is good . eos O O O O O O O O O O O O N/A +bos yes , i was able to book that . the reference number is u0jt0yz8 . do you need 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 that is all for today . thank you . eos O O O O O O O O O O general-thank +bos no problem . i 'm glad i could help . eos O O O O O O O O O O O general-greet +bos i 'm looking for a restaurant that serves unusual 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 unfortunately , i do n't have any places that offer unusual food in the centre of town . can i try a different area or type of cuisine for you ? eos 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 I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos what moderately priced restaurants are there ? eos O O B-Restaurant-Inform+Price O O O O O N/A +bos the oak bistro is an excellent moderately priced restaurant located at 6 lensfield road . can i book a table 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 O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform +bos yes , that would be great . please book that for me . eos O O O O O O O O O O O O O O N/A +bos certainly . i just need to know the number of guests and the date and time that you would like me 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 O O O O O O O Booking-Request+Time,Booking-Request+Day,Booking-Request+People +bos no but could i get the postcode , address , 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 sure , the address is 6 lensfield road , cb21eg . you can reach the oak bistro at 01223323361. is there anything else i can assist you with ? eos 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 B-Restaurant-Inform+Phone O O O O O O O O O O O O general-reqmore +bos i would like 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 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 i 'm looking for a museum . which one is your favorite ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos i would recommend the primavera , located at 10 king s parade . there is no entrance fee . do you need anything else ? 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 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 general-reqmore +bos 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 07: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-Taxi-Inform+Leave O O O N/A +bos i will work on getting this booked for you . eos O O O O O O O O O O O N/A +bos okay did you book it ? 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 Taxi-Request+Car +bos the post code for the museum is cb21sj . please give me a moment to complete your taxi booking . eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Post O O O O O O O O O O O O Booking-Inform +bos okay . once you 're done , can 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 Taxi-Request+Car +bos yes of course , please give me a few moments as i get this information . eos O O O O O O O O O O O O O O O O O N/A +bos oh wait , before you book that . i am rethinking my restaurant choice . i need british food . does oak bistro serve british food ? 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 N/A +bos yes , the oak bistro serves british food . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos perfect , i 'd love to have a british breakfast . have you been able to book the taxi yet ? 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 yes , it 's complete . the car type is a red audi and contact number is 07084740824. 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 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 are welcome ! i hope you enjoy your visit to cambridge ! please call us again if we can help you 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 O O general-welcome +bos i 'm looking for places to go in north cambridge . eos O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos sure , how does a swimming pool , park , or a boat sound ? eos O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O N/A +bos the park sounds great , what is the postcode and entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos milton country park is free to enter , and their postcode is cb46az . eos O B-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 O O B-Attraction-Inform+Post O O N/A +bos great , thanks . also , can you give me some information on a place called the curry garden restaurant ? 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 O O N/A +bos of course , what information are you seeking ? eos O O O O O O O O O O N/A +bos i need the adress and phone number please eos O O O O O O O O O Taxi-Request+Phone +bos the curry gardens phone number is 01223302330 and address is 106 regent street city centre . may 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+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 general-reqmore +bos no that will be all thank you so much for your assistance . eos O O O O O O O O O O O O O O general-thank +bos great . thanks for letting up assist you today ! eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for an attraction named club salsa . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos club salsa is a nightclub located in the city centre . is there any other information i can provide ? 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 O O O O general-reqmore +bos yes . can you give me the postcode for club salsa ? eos O O O O O O O O O O O O O Attraction-Request+Post +bos the post code for club salsa is cb12jb . 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+Post O O O O O O O O O O O general-reqmore +bos i would like to find a train from cambridge going to the stansted airport . eos 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 N/A +bos sure , i can help you with that . when 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+Leave +bos i 'd like to leave on wednesday after 10:00 , please . eos O O O O O O B-Train-Inform+Day O O O O O O N/A +bos tr2762 leaves at 10:40 and arrives at 11:08. would you like to book that one ? 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 and i need the reference number eos O O O O O O O O Train-Request+Ref +bos how many tickets do you need to purchase ? eos O O O O O O O O O O Train-Request+People +bos i will need 4 tickets . please send me the reference number too . eos O O O O O B-Train-Inform+People O O O O O O O O O Train-Request+Ref +bos alright , your reference number is : flym23d4 , the total fee is 40.4 gbp payable at the station . anything else i can do for you today ? 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 O N/A +bos 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 general-bye +bos have a great day ! eos O O O O O O general-bye +bos i am looking for a place that has great architecture . eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos how about all saints church ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos is the entrance free ? eos O O O O O O N/A +bos yes the entrance fee is free for all saints church . eos 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 N/A +bos great . i am also looking for a train to stansted airport that leaves on thursday . can you help me with that ? eos O 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 O O O O O O O O N/A +bos what time on thursday would you like to travel ? eos O O O O O O O O O O O Train-Request+Leave +bos i want to leave after 19:30. eos O O O O O O B-Train-Inform+Leave N/A +bos i have one leaving at 19:40. would you like to book a ticket ? eos O O O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos can you confirm that this will be departing from cambridge ? eos O O O O O O O O O O O O N/A +bos yes it departs from cambridge . eos O O O O O B-Train-Inform+Depart O N/A +bos good . what time will the train arrive in stansted airport ? eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O Train-Request+Arrive +bos that train will arrive at the airport by 20:08. would you like to book a ticket ? eos 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 Train-OfferBook +bos that is all i needed , thank you . bye . 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 looking for a restaurant . the restaurant 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 B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos okay i have pulled up two matches . an indian restaurant and an italian restaurant . eos O O O O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos what is the name and location of the italian restaurant in the north ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos da vinci pizza , 20 milon road chesterton . what else may i help you with ? eos 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 O O O O general-reqmore +bos that 's all . thanks . eos 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 +bos i 'm looking for an entertainment spot in town . eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos we have choices in the south , east , and west . do you have a preference for any location ? 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 Attraction-Select +bos no , just tell me one you think is nice . eos O O O O O O O O O O O O N/A +bos try the nusha . it is in the south . their phone number is 01223902158 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 B-Attraction-Recommend+Phone O O N/A +bos may i also get the postcode , 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+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos the address and postcode for nusha are unit g6 , cambridge leisure park , clifton road , cb17dy . there is no entrance fee information available . eos 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 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 great ! thank you very much . eos O O O O O O O O general-thank +bos glad i could help . do you need anymore assistance ? eos O O O O O O O O O O O O general-welcome,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 thanks for using our service today . goodbye ! eos O O O O O O O O O O general-bye +bos 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 ? eos O O O O O 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 area and what price range would you be interested in ? eos O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos i am looking for an expensive place in any area . eos O O O O O O B-Restaurant-Inform+Price 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 british food . and some where 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 have 3 places to choose from . all are expensive . i have fitzbillies , the cambridge chop house and midsummer house restaurant . can i reserve a table for you ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Price 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 Booking-Inform +bos fitzbillies sounds unique , can you book me for 5 people at 17:00 on tuesday ? 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 have your reservation for tuesday at 17:00 with 5 people , your reference number is uazuxkir . can i help you with anything else ? eos 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 B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos since i 'll already be in town , i 'd like to check out some colleges in the same area as the fitzbillies 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 N/A +bos i have many , does it matter if there an entrance fee ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Price +bos no , as long as it is in the same area as the restaurant . eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos can i recommend king 's college , it is a beautiful college in the centre of town . eos O O O O B-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 N/A +bos what is the postcode and phone number ? eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223331100 and the postcode is cb21st . is there anything else i can help you with ? eos 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 O general-reqmore +bos no , that will be all . goodbye . eos O 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 where are some places in town around cambridge college ? eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos please specify the type of attraction you 're interested in . eos O O O O O O O O O O O O Attraction-Request+Type +bos a college type of attraction . eos O O B-Attraction-Inform+Type O O O O N/A +bos i found several college type attractions . do you prefer a certain area of town ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Area +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 O N/A +bos i sure can . corpus christi is one of the most popular ones . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O general-greet +bos that sounds great ! may i have the address ? also , what part of town 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 Attraction-Request+Addr +bos the address is king 's parade and it is in the centre of town . is there anything else you need to know ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 general-reqmore +bos i am also looking for a particular restaurant . have you heard of thanh binh ? eos 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 yes i have . it 's a great inexpensive restaurant . would you like their information ? eos 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-greet,general-reqmore +bos could i actually just book a table for 7 there ? eos O O O O O O O O O O O O N/A +bos sure thing . i will work on getting this booked for you . eos O O O O O O O O O O O O O O Booking-Inform,general-greet +bos i 'd like to dine at 13:30 on sunday please . eos O O O O O O O O O O O O N/A +bos reservations for 7 at the thanh binh has been made for sunday at 13:30. the address is 17 magdalene street city centre postcode is cb30af . eos 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+Day I-Booking-Book+Day B-Booking-Book+Time 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 N/A +bos can you tell me some colleges that i could go to in town ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos sure , what specific area of town are you interested in ? eos O O O O O O O O O O O O O Attraction-Request+Area +bos i 'm looking on the east side of town . eos O O O O O B-Attraction-Inform+Area O O O O O N/A +bos i am sorry , but i have not found any colleges in the specific area you requested . eos O O O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O O O O N/A +bos ok , how about a museum in the east ? eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos okay . there are four museums in that area . i recommend the cambridge artworks . it is free admission . 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 O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos that sounds nice can i please get a 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos the phone number is 0122390268 , postcode is cb13ef and there is no fee . may i help you with anything else ? eos O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos i am looking for a restaurant called the copper kettle . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos okay , the copper kettle is located on 4 kings parade in the city centre . would you like me to make a reservation for you ? 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 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 i need reservations for 2 people at 13:30 on saturday . 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 sure ! booking was successful and your reference number is pmi1igtj . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i would also 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 Taxi-Inform +bos your taxi is booked ! you will be picked up in a black tesla and their contact number is 07542406962. 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 thank you no that will be all ! 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 'd like to find an italian restaurant , 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 prezzo and la margherita are both italian restaurants located on the west side . eos O O O 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 O O N/A +bos which one is cheap ? eos O O O O B-Restaurant-Inform+Price O N/A +bos la margherita is in the cheap price range . would you like me to book that for you ? 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 O O O Booking-Inform +bos no thank you . could i get the address and postcode please ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 15 magdalene street , city centre . the post code is cb30af . can i assist you further ? eos O 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 general-reqmore +bos i also need a place to go which should be in the type of a boat eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Type N/A +bos camboats is located in the east or scudamores punting co is in the centre . eos O 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+Area O N/A +bos can i get info to the one in the east please . thank you , eos O O O O O O O O O O O O O O O O N/A +bos camboats is located at the plough , green end , fen ditton and their phone number is 01223 902 112. can i help you 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 I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos i 'm going to need a ride to get to and from both places . eos O O O O O O O O O O O O O O O O N/A +bos ok , what time do you need a taxi ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave the restaurant by 03:45 please . eos O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos 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 . eos O O O O O O O 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 in summary , i am leaving la margherita restaurant by 03:45 to go to camboats . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest O O N/A +bos i have booked you a taxi . the contact number is 07041828683 , and it will be a red toyota . can i assist you further ? 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 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 have a nice day , goodbye . eos O O O O O O O O general-bye +bos i need to book a taxi from kings college to the lensfield hotel . i need to arrive by 10:00 and need the car type and contact number . 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+Arrive O O O O O O O O O O Taxi-Request+Car +bos the contact number is 07502362913. it will be a white audi . is there anything else i can help you with ? eos 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 that 's all i needed today . thanks for your help ! eos O O O O O O O O O O O O O general-thank +bos it was my pleasure ! have a nice day ! eos O O O O O O O O O O O general-welcome,general-bye +bos i need a taxi to take me to the lensfield hotel . 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 what is your departure site , and what time do you need the taxi ? eos O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart +bos i will be departing from tang chinese . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos great . and do you have a departure or arrival time ? eos 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 05:00 please . eos O O O O O O B-Taxi-Inform+Leave O O N/A +bos booking completed ! booked car type : yellow fordcontact number : 07421738274 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 your help . have a great day . eos O O O O O O O O O O O general-thank +bos happy to be of service . have a great day ! eos O O O O O O O O O O O O general-bye +bos i want to book a taxi . the taxi should depart from pizza hut cherry hinton and should arrive by 01:30. 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 O O O O B-Taxi-Inform+Arrive N/A +bos do you have a destination and time preference ? eos O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest +bos yes , i want to book so i can get to kohinoor by 01:30. eos O O O O O O O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O N/A +bos booking completed ! booked car type : red bmwcontact number : 07276200225 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 thanks so much ! i 'm all set for my trip now ! bye ! eos O O O O O O O O O O O O O O O O general-bye +bos great , i 'm so glad to have helped ! enjoy your day ! eos O O O O O O O O O O O O O O O general-bye,general-greet +bos hi i am looking for a train that will arrive by 08:15 and leave on monday . 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 several trains arriving by 08:15 on monday ? where would you like to leave from and arrive ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos it should leave from stansted airport and arrive at cambridge . eos 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 have train tr9641 that arrives at 07:52 , what time are you wanting to leave ? 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 Train-Request+Leave +bos please give me the last train to arrive by 08:15. i will need two tickets . eos O O O O O O O O O O B-Train-Inform+Arrive O O O O O O N/A +bos that would be tr9641 . the booking was successful , the total fee is 20.2 gbp payable at the station . your reference number is : slw0bcji . can i do anything else for you ? eos O O O O B-Train-Inform+Id 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 looking for a place to go on the west side of town . eos O O O O O O O O O O O O O O O O N/A +bos there is a free attraction at all saints church . eos O O O O B-Attraction-Recommend+Fee O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos that would be great . can i get the postcode , address , 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos the postcode of all saints church is cb58bs . the phone number is 01223452587. the address is jesus lane . eos O 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 B-Attraction-Inform+Phone O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos jesus lane ? really ? okay . that 's about it , but can you confirm the church event is happening 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 N/A +bos there 's nothing that says there will be a church event on monday or any other day . eos O O O O O O O O O O O O O O O O O O O Attraction-NoOffer +bos ok thank you goodbye . eos 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-welcome,general-bye +bos i want to book a taxi . eos O O O O O O O O Taxi-Inform +bos yes of course , from where will you be leaving ? eos O O O O O O O O O O O O Taxi-Request+Depart +bos from museum of classical archaeology to london kings cross train station , please eos 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 I-Taxi-Inform+Dest O O N/A +bos i have ordered one for you their pick up time is 1:00pm . is this time okay or do you need a different time ? 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 Taxi-Request+Leave +bos i need a different time . i want to arrive by 05:30. eos O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos alright . the type of car is a white lexus and the contact number is 07607179806. anything else ? eos 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 general-reqmore +bos that is it for today , thank you eos O O O O O O O O O general-thank +bos thanks for letting me assist you today . have a great time ! eos O O O O O O O O O O O O O O general-bye +bos i am looking for a cheap hotel with free wifi eos O O O O O O B-Hotel-Inform+Price O O O O N/A +bos sure , we have many . do you have a specific area you want 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 i want a guesthouse , but do n't really care what area it is in . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Area +bos okay , there are 9 cheap guesthouses . do you prefer it to have free 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 Hotel-Request+Parking +bos do n't particularly care about parking but if you can narrow it down to just the 4 star ones i would appreciate it . 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 O N/A +bos may i suggest the 4 star , cheap range guesthouse called finches bed and breakfast at 144 thornton road , cb30nd . may i make a reservation ? eos O O O O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Type 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 O O O O O O O O O Booking-Inform +bos i guess that would be okay eos O O O O O O O N/A +bos 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 . eos O O O O O O O O O O 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 do n't need you to book it . can you just provide me with the address and area . 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,Hotel-Request+Addr +bos finches is in the west , at 144 thornton road . can i help with anything else today ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area 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 no , thank you for your help . eos O O O O O O O O O general-thank +bos glad i could help . let us know if you need help 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 general-welcome,general-bye,general-reqmore +bos i sure will and you have a great day too . eos O O O O O O O O O O O O N/A +bos glad to help ! have a lovely day . eos O O O O O O O O O O general-welcome,general-bye +bos can i please get information for a train going from cambridge to broxbourne ? 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 what day will you be traveling ? eos O O O O O O O O Train-Request+Day +bos i want to travel on friday , please . eos O O O O O O B-Train-Inform+Day 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 can you give me the train id and price of the first train that departs after 19:45 ? eos O O O O O O O O O O O O O O O O O B-Train-Inform+Leave O Train-Request+Price,Train-Request+TrainID +bos yes , it will cost 17.90 pounds and the id is tr3342 . anything else ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Id O O O O O general-reqmore +bos no , that 's it for today eos O O O O O O O O N/A +bos if you need reservations or information in the future , we will be happy to assist you . eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos thank you for your assistance . goodbye . eos O O O O O O O O O general-bye +bos my pleasure . have a great day . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for information on the leverton house hotel eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos leverton house is a guesthouse located in the east area . it 's a 4 star hotel in the cheap price range . they offer internet and parking . their phone number is 01223292094 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+Stars O O O B-Hotel-Inform+Price O O O O O O O O O O O B-Hotel-Inform+Phone O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos thank you for your help . that 's all i need . eos O O O O O O O O O O O O O general-thank +bos so glad i could help . have a lovely day ! eos O O O O O O O O O O O O general-bye +bos a friend recommended the city centre north b & b . could 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 N/A +bos they are at 328a histon road postcod cb43ht , and their phone number is 01223312843 eos 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 B-Hotel-Inform+Phone O N/A +bos thank you ! can you book that for me ? eos O O O O O O O O O O O general-thank +bos i sure can . what day would you need the room and how long do 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 Booking-Request+Day,Booking-Request+Stay +bos i need it for 2 nights , starting on monday . eos O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos may i ask how many will be in your party ? eos O O O O O O O O O O O O Booking-Request+People +bos there will be 4 of us . thanks . eos O O O O O B-Hotel-Inform+People O O O O N/A +bos your reservation is complete , 4 people for 2 nights at city centre north b & b , reference 0fvdqun1 . can i help you with anything else ? eos O O O O O O B-Booking-Book+People O O B-Booking-Book+Stay 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 . thank you ! eos O O O O O O O O general-thank +bos enjoy your stay ! eos O O O O O general-bye +bos hi , i need a 4 star guesthouse hotel please . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A +bos i have 21 4 star places , can you tell me what area you would like to be in ? 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 O O O Hotel-Request+Area +bos the north part of town , please . eos O O B-Hotel-Inform+Area O O O O O O N/A +bos there are quite a few . if you 'd like a cheap alternative , i can recommend worth house , on chesterton road . or for a moderate rate , kirkwood house is next door . 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 B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O N/A +bos could you book the kirkwood house for me for thursday , 6 people and 5 nights ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A +bos your booking was successful . the reference number is 6g15lhzm . is there 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 that is all i needed . 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 i 'm needing a place to stay that is in the centre 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 i have several options for you in the center of town . do you have a price range in mind ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area 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 , but i need free parking , please . eos O O O O O O O O O O O O O O O O O O N/A +bos i have narrowed it down to 4 options . i have 2 cheaper ones that are guesthouses , and 2 expensive hotels . do you have a preference ? eos O O O O O O O O B-Hotel-Inform+Choice O 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 Hotel-Request+Price,Hotel-Request+Type +bos i would prefer a hotel with 4 stars please , are either of those 4 stars with free parking ? and also do either have free wifi ? 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 Hotel-Request+Internet +bos you might be interested in the university arms hotel . should i book you a room ? eos 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 Booking-Inform +bos i do n't want to book it right now . 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 O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos yes , the phone number is 01223351241 and the postcode is cb21ad . may i help you with anything else ? eos O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore +bos just to verify , the university arms offers free wifi and free parking ? eos O O O O O O O O O O O O O O O Hotel-Request+Internet +bos indeed , they do ! eos O O O O O O N/A +bos great ! that is wonderful ! have a great day ! eos O O O O O O O O O O O O N/A +bos i hope you have a wonderful day as well . eos O O O O O O O O O O O general-greet +bos hi , i need a guesthouse with free wifi please . eos O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i have 33 guesthouses with internet , which area would you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet +bos i also need free parking , and i 'd prefer a 4 star place . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos you do have a few options , including the alexander b & b which offers free wifi as well as free parking . it is also inexpensive , and rated 4 stars . eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos great . can you book that one for 4 nights checking in on tuesday ? there will be 6 people . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+People O N/A +bos ok , the booking was successful . your reference number is 5cb11jq8 . is there anythng 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 no that will be all . thanks . eos O O O O O O O O O general-thank +bos you are welcome . good bye . eos 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 any time . call us if you need anything else . eos O O O O O O O O O O O O general-bye +bos could you help me find a 4 star lodging on the south end ? 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 aylesbray lodge guest house or rosa 's bed and breakfast are both available 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 O O O N/A +bos are either of them cheap ? eos O O O O O O O N/A +bos yes , rosa 's bed and breakfast is in the cheap price range . 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 O B-Hotel-Inform+Price O O O O O O O O O O O O O Booking-Inform +bos yes please . i need 3 nights starting on friday for 1. eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O B-Hotel-Inform+People O N/A +bos all right , i 've reserved your room . the reference number is th1iw110 . 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 O O general-reqmore +bos okay great . that is all i need . eos 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 +bos you do the same ! eos O O O O O O N/A +bos thank you , goodbye . eos O O O O O O general-bye +bos i 'd like to find a moderately priced hotel on the east side . eos O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O N/A +bos unfortunately , there are no hotels meeting your needs . however , there are three moderate price guesthouses in the east . are you interested in more information ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O 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 N/A +bos sure . do any of those have free parking ? eos O O O O O O O O O O O N/A +bos yes , carolina b & b and warkworth house both have free parking . 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 Hotel-Inform+Parking +bos could you give me the address and postcode of the warkworth house please ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Request+Post,Hotel-Request+Addr +bos absolutely . it is in warkworth terrace , postcode cb11ee . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post 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 okay . glad i could be of help . eos O O O O O O O O O O general-bye +bos i am looking for a room and want to see if i can find somewhere that has 3 stars . can i get some help 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 N/A +bos i found 4 guesthouses and 2 hotels with 3 star ratings do you have a preference ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O O O O O Hotel-Select +bos i 'd prefer a hotel rather than a guesthouse . eos O O O O O O O O B-Hotel-Inform+Type O O N/A +bos there is the gonville hotel in the centre and the lensfield hotel in the south , both have free internet and parking . would you like to book one of these ? 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 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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos could you give me more information the the lensfield ? eos 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 3 star hotel in the south area . their address is 53-57 lensfield road . would you like me to reserve a room for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars O 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 O O O O O O O O Booking-Inform +bos yes please , book it for saturday for 3 people for 3 nights . eos O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O N/A +bos i 'm sorry , i was unable to reserve rooms for that day and length of stay . would you like to try 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 Booking-NoBook +bos how about 2 nights ? would that work ? eos O O O O B-Hotel-Inform+Stay O O O O O N/A +bos i have successfully booked your stay at the lensfield hotel for two nights . 716v6qs6 is your reference number . 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 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 have a great stay ! eos O O O O O O general-bye +bos can you tell me about a nice guest house in your city ? i do n't care how much it 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 N/A +bos there is the acorn guesthouse that is located in the north side of town . would you like me 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 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 Booking-Inform +bos are they expensive ? i would like something nice . 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 N/A +bos they 're a moderate guesthouse with free wifi and parking . would you like to book a room ? eos 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos please check for something expensive first . if you do n't see one , then we can come back to that . 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 N/A +bos it looks like all of the places in the expensive price range are hotels rather than guesthouses . would you like to consider a different price range ? eos O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Price 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 yeah , that 's fine . oh , and i need free parking ! eos O O O O O O O O O O O O O O O N/A +bos so to clarify , you need a guesthouse with free parking , and a moderate price range is acceptable ? if so , i have 12 different options for you . eos O O 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 B-Hotel-Inform+Choice O O O O O O O O Hotel-Inform+Parking +bos yes , that 's right . which of the 12 options would you recommend ? eos O O O O O O O O O O O O O O O O N/A +bos how about archway house ? it 's at 52 gilbert road cb43pe , and the phone number is 01223575314. would that work for you ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O B-Hotel-Recommend+Phone O O O O O O O O O N/A +bos that 's great . please make a reservation for 1 on monday . i 'd like to stay 3 nights . eos O O O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Day O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos your booking was unsuccessful . would you like 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 yes , would you try 2 nights instead , please ? eos O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos booking was successful . reference number is : jakci7jo . is there anything else we 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 no that 's all . thanks . bye ! eos O O O O O O O O O O general-bye +bos i hope you have a great rest of the day . eos O O O O O O O O O O O O general-bye +bos i 'd like to find a place to stay . eos O O O O O O O O O O O N/A +bos okay . let 's narrow down your options . which area of town do 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 north part of town eos O B-Hotel-Inform+Area O O O N/A +bos we have 11 guesthouses and 2 hotels in the north area . do you need a certain price range ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Price +bos i would like something in the moderate range . eos O O O O O O O B-Hotel-Inform+Price O O N/A +bos home from home is moderately priced , has 4 stars , and has free internet and parking . would you like to book ? eos 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+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 yes , eight people starting thursday lasting for four nights . eos O O O O O B-Hotel-Inform+Day O O O O O O N/A +bos the booking was successful . your reference number is k73wlz8h . 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 that should do it . thank you ! eos O O O O O O O O O general-thank +bos thank you and please remember us for your future travel needs . eos O O O O O O O O O O O O O general-bye +bos greetings ! i need a cheap hotel to stay the night in , could you help me ? eos 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 certainly can . i have about 10 available . do you prefer a certain area of town ? eos O O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos i would prefer a 0 star rating in the centre of town eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A +bos the el shaddai is a guesthouse with 0 stars in the centre of town . 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+Type O O B-Hotel-Inform+Stars 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 Booking-Inform +bos yes , as long as it falls in the cheap price range , please . eos O O O O O O O O O O O O O O O O N/A +bos is it for just yourself ? for how long and on what day ? eos 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 the reservation should be for 8 people for 5 nights starting sunday . thank you . 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 N/A +bos i was unable to book that for you . perhaps we can 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos how about just one night ? eos O O O O O O O N/A +bos i have you down for one night . your reference number is nf64lm1z . anything else ? eos O O O O O O O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O O O N/A +bos that 's all i need right now , 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-bye +bos i 'm looking for a pricey indian place . i wan na show off to my date . 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 many good expensive indian restaurants in the cambridge area . is there a specific part of town you would prefer ? eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos how about the center ? i would like to book a table as well for 8 people at 16:45 on a friday . 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 O B-Restaurant-Inform+Day O O N/A +bos unfortunately there are no tables available at that time . would you prefer a different time or perhaps a different day ? eos O O 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 O O Booking-Request+Day,Booking-Request+Time +bos can you try booking it for 15:45 instead ? eos O O O O O O O B-Restaurant-Inform+Time O O N/A +bos i was able to book that for you , the reference number is vkrsafbu eos O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you very much , that is all 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 cambridge towninfo centre , and enjoy your meal ! eos O O O O O O O O O O O O O O general-bye +bos i would like to visit something like a museum , no specific part of town . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are 23 museums in town , would you perhaps be interested in the broughton house gallery ? eos O O O O B-Attraction-Inform+Choice 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 N/A +bos that sounds great . can i please have the phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos yes , their number is 01223314960. do you need directions , a taxi , or something else ? eos 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 yes i need to find a guesthouse , prefer with a 4 star rating . eos O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O N/A +bos there are 18 four star guesthouses listed , what area of town are you interested in ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Area +bos if you could just pick one , it does not have to have free parking . maybe close to the broughton house gallery . eos 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 O O O N/A +bos how about alexander bed and breakfast ? it is 4 stars and in the same part of town as the gallery . 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+Stars O O O O O O O O O O O O N/A +bos that sounds great ! could i get the area and phone number of the bed and breakfast ? 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+Phone +bos ok , it is in the east part of town the post code is cb12dp and the phone number is 01223315702. anything else i can help you with ? eos O O O O O O B-Hotel-Inform+Area O 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 general-reqmore +bos nope that 'll be it . 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 want to book a taxi . the taxi should go to little saint mary 's church and should leave after 05:45. 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 O O O O B-Taxi-Inform+Leave O N/A +bos what is your departure site ? eos O O O O O O O Taxi-Request+Depart +bos i am departing from el shaddai . can you provide me with what car will be picking me up and contact number ? 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 N/A +bos yes , it 's booked for you ! booked car type : black lexuscontact number : 07566754071 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 N/A +bos thank you . i think 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 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 yes i needed information about a particular restaurant . eos O O O O O O O O O O Restaurant-Inform +bos i can help with that . what is the name of the restaurant ? eos O O O O O O O O O O O O O O O Restaurant-Request+Name +bos pizza hut cherry hinton . can you provide me with the area they are located in ? 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 O O O O O Restaurant-Request+Area +bos yes , they are in the south area . eos O O O O O O B-Restaurant-Inform+Area O O O N/A +bos that is all i need , thank you and good bye . eos O O O O O O O O O O O O O general-bye +bos your welcome . thank you for calling the cambridge township 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 i am looking for a 4 star guesthouse in cambridge . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos i have 18 results that match your request . to help narrow it down , what part of town would you like to stay in ? 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 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 hotel also needs to be cheap and have free wifi . eos O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are 7 hotels that meet that criteria . 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 O Hotel-Request+Area +bos do any of these 7 have free wifi ? eos O O O O O O O O O O N/A +bos they all have free wifi . eos O O O O O O O Hotel-Inform+Internet +bos any of them will do . i 'll book a room in whichever 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 the alexander bed and breakfast is in the center of town , would you like help with the booking ? 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 O O O O O O O Hotel-Select +bos that would be great . two nights please . eos O O O O O O O O O O N/A +bos what day would you be arriving on and for how many people ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos let 's try 5 nights , starting friday , with 2 people . eos O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O N/A +bos i have confirmed your reservation at alexander bed and breakfast starting friday for 5 nights . your reference number is k67rs8eb . is there anything else i can help with ? 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 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 yes , i am looking for something to do during my stay . i 'd like it to be around the centre area . 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 N/A +bos i have many choices : theater , colleges , museums , architecture . do any of these venues interest you ? 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 O O O O O Attraction-Select +bos are there any colleges in the centre of town that have free admission ? eos O O O O O O O O O O O O O O O N/A +bos yes certainly . we have several . christ college is a good choice . eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O N/A +bos that would be fine . can you confirm the entrance fee ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos christ 's college offers free admission . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos fantastic . i have all of the information i needed , thank 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-thank +bos glad to have been able to assist you . 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 general-bye +bos i am looking for places to go and i would like something in the centre . eos 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 many options available in the centre . is there a particular attraction type you are looking for ? 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 Attraction-Request+Type +bos i am looking for any type of attraction in the centre , just need the entrance fee , phone number , and attraction type . 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 Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Type +bos i recommend all saints church . it is some nice architecture . there is no entrance fee and the phone number is 01223452587. eos 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 B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Phone O O N/A +bos great . i 'm going to need a hotel too . it needs to be cheap but have a 4 star rating . eos O O O 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 O O O O N/A +bos sorry , there are hotels with that criteria . would you like me to modify the area or some other part and look 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 general-reqmore +bos i would like it to be in the same area as all saints church . eos O O O O O O O O O O O O O O O O N/A +bos there are no cheap , 4 star hotels located in the same area as the all saints church . there is a guesthouse though that is cheap and has 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 O O O O O O O O O O O N/A +bos can you check again ? eos O O O O O O N/A +bos sure . no . there is only a guesthouse called alexander bed and breakfast . eos O O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos i guess you can book that then . for two nights starting on friday . eos O O O O O O O O O O O O O O B-Hotel-Inform+Day O N/A +bos how many people will be staying in the room ? eos 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 great . i 've booked your room for 2 days starting friday . 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 O O O O O O O O general-reqmore +bos can i also get a taxi to commute between the locations ? eos O O O O O O O O O O O O O Taxi-Inform +bos absolutely ! 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 Taxi-Request+Leave +bos i 'd like to leave by 6:30 am . eos O O O O O O O O O O N/A +bos your taxi is booked . look for a yellow lexus . the contact number is 07461535393. 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 O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos 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 general-thank +bos you are welcome . have a pleasant stay . eos O O O O O O O O O O general-welcome,general-bye +bos i there ! i hope you 're having a nice day . hi , i need ride or taxi from lovell lodge to holy trinity church around 10:30. what are my options ? 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 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 N/A +bos i have booked you a blue toyota . the contact number is 07061402543 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 thank you ! that will be all . eos O O O O O O O O O general-thank +bos i 'm so happy 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 O general-welcome,general-bye +bos yes , hello . i would like info on milton 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 N/A +bos yes of course . milton country park is a park in the northern area of town . what would you like to know ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type 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 general-reqmore +bos can i have their postcode ? eos O O O O O O O Attraction-Request+Post +bos their post code is cb46az . eos O O O O O B-Attraction-Inform+Post O N/A +bos thanks very much for your help today . eos O O O O O O O O O general-thank +bos you 're welcome . 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 O O O O general-welcome,general-bye +bos i want to book a taxi . the taxi should go to the lensfield hotel and should depart from christ 's college . 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 O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos what time should the car pick you up ? eos O O O O O O O O O O Taxi-Request+Leave +bos i need to leave after 21:30. eos O O O O O O B-Taxi-Inform+Leave N/A +bos alright great ! the car will be a red ford and the contact number is 07161667298. 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 B-Taxi-Inform+Phone O general-greet +bos awesome , thank you ! that was all i was looking for today . have a good one eos O O O O O O O O O O O O O O O O O O O general-thank +bos glad to be of service today . 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 place to go in the centre of cambridge . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are 44 locations in the centre do you have a type of event you 'd like ? eos O O O O B-Attraction-Inform+Choice 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+Type +bos no , just give me whatever . i 'd like a postcode and phone number for the location 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+Post,Attraction-Request+Phone +bos the man on the moon concert hall is located at 2 norfolk street postcode cb12lf . the phone number is 01223474144. is there anything else i can do for you today ? 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 B-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 O O O O general-reqmore +bos i 'd also like the place to include free parking and a 3 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 i 'm not sure if the concert hall has free parking . the phone number is 01223474144. would you like me to call and find out ? 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 O O O O general-reqmore +bos yes please , also is it a 3 star rating ? and is it in the same area as the attraction i mentioned before ? 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 O N/A +bos are you looking for a hotel in the same area as the concert , or are you wondering if the concert has a 3 star rating ? just to clarify . eos O O O O O O O O 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+Type,general-reqmore +bos sorry for the confusion . a hotel that is also in the centre , please . i would like it to have free parking and 3 stars . eos 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 O B-Hotel-Inform+Stars O O O O N/A +bos the gonville hotel seems like the place for you eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O Hotel-Inform +bos i 'd like to book 5 nights , starting saturday . eos O O O O O O O O B-Hotel-Inform+Day 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 this will be for 3 people please eos O O O O O O B-Hotel-Inform+People O N/A +bos unfortunately , they do not have availability for that length of stay on saturday . would you like me to try a shorter stay or different day ? eos 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 O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos how about two nights ? eos O O O O O O N/A +bos the booking was successful . i have booked gonville hotel for 3 people for 2 days your reference number is : ba906bwg . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name 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 fantastic . thank you for all your 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 excellent . thank you for getting in touch . eos O O O O O O O O O O general-bye +bos i am traveling to cambridge and excited to see local tourist attractions . i am looking for a museum 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 B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos there are 7 options , the first is cafe jello gallery located at 13 magdalene street , phone number 01223312112. would that work ? 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O O O O O Attraction-Select +bos that would work well for me can i get their entrance fee and postcode 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+Fee +bos yes , the postcode is cb30af . entrance is free ! what else can i help you with today ? eos O O O O O 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 yes , i 'm also looking for a hotel called the lovell lodge . can you help me find information about this hotel ? 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 sure thing ! lovell lodge is located in the north at 365 milton road . what else would you like to know ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O general-greet,general-reqmore +bos does lovell lodge have free internet , and may i ask what star rating it has ? thank you for checking this 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 Hotel-Request+Internet +bos 2 stars . yes it has free internet . eos O O B-Hotel-Inform+Stars O O O O O O O Hotel-Inform+Internet +bos thanks ! i will also need to book a taxi to pick me up at the hotel by 24:30. can you help with that ? 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 O O O N/A +bos it will be a grey audi , and the contact number is 07486491137. will that be all 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 general-reqmore +bos yes , that 's all . goodbye ! eos 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 O general-bye +bos yes i am looking for a train leaving cambridge on a thursday . eos O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Day O N/A +bos tr8272 leaves at 05.00 eos O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos i 'm heading to broxbourne , and i 'd like to leave after 13:45. eos O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O O O N/A +bos your best bet is probably the tr9033 . it leaves cambridge at 14:01. would you like a ticket ? eos 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 O O O Train-OfferBook +bos actually , i gave you the wrong day . i 'd like to travel on wednesday , from cambridge to broxbourne , and i 'd like to leave anytime after 12: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 O O O O O B-Train-Inform+Leave O O O O O O N/A +bos no problem . i found 11 trains matching your request . what time would you like to arrive ? eos O 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 no i would just like the earliest train that leaves after 12:45. eos O O O O O O O O O O O O B-Train-Inform+Leave N/A +bos tr6167 leaves cambridge at 13:01. can i book a seat 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 O Train-OfferBook +bos i 'll need it booked for 8 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 143.19 gbp payable at the station . reference number is : w8fegxwo . 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 , i 'm also looking for entertainment places to go in town in the south area . can you help me with that ? eos O O O O O O B-Attraction-Inform+Type 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 can definitely help with that . i have two different entertainment venues in the south . one is nusha and the other is tenpin . does either sound interesting ? eos O O O O O O O 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 B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O Attraction-Select +bos can you give me the postcode and phone number for nusha ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos certainly . the number is 01223902158 , and the postcode is cb17dy . eos O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O N/A +bos thanks , that 's all i need today . i 'm all set ! eos O O O O O O O O O O O O O O O general-thank +bos thank you , enjoy your stay in cambridge . eos O O O O O O O O O O general-bye +bos i would like an expensive restaurant in the south 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 restaurants matching your description . would you like a specific food type or would you like all their names ? 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 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 frankie and bennys is an expensive italian restaurant in the south part of town . 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 N/A +bos can you tell me what type of food they serve and give me the phone number ? eos 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 it is an italian restaurant and the phone number is 01223 412430. eos O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos hi there . can you tell me if you have any parks in the east part of town ? 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 yes we have cherry hinton water play park . 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 yes , that sounds like someplace for me to visit . is it free ? also , i 'll need 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 O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos yes , they have free admission . their phone number is 01223446100. the postcode is cb18dw . is there anything else i can help with today ? eos O O O O B-Attraction-Inform+Fee 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 O O O general-reqmore +bos i am looking for a train going to cambridge on saturday . eos O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos where will you be coming from ? eos O O O O O O O O Train-Request+Depart +bos i need to leave london liverpool street and get there by 18:30 eos 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 N/A +bos the tr5863 train will get you to cambridge by 17:07 , would you like to make a booking ? eos O O B-Train-OfferBook+Id O O O O O B-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O O O O O O O O O N/A +bos yes , that will be fine . eos O O O O O O O O N/A +bos will you be needing one or more seats on that trip ? eos O O O O O O O O O O O O O Train-Request+People +bos actually , i do n't need it booked . can you tell me what time it leaves ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Leave +bos train tr5863 will be departing at 15:39. is there anything else i can help you with ? eos O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O O O O O O O general-reqmore +bos what is their price and the travel time ? eos O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos you would be on the train for 88 minutes and it is 13.28 pounds . may i assist you with anything else today ? 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 O general-reqmore +bos no , thank you . that is 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-welcome,general-bye +bos thanks you too . eos O O O O O general-thank +bos feel free to contact us anytime in the future . eos O O O O O O O O O O O general-bye +bos i 'd like to find a resturant that serves cheap chinese food ! eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos charlie chan is located in the centre and it is cheap ! would you like me to book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos yes , go ahead and book it and please send me the address . eos 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 . what day and time would you like to book ? how many people ? 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 O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos i do not need to book it . what is the postcode and the area please ? eos 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 the postcode is cb21db eos O O O O B-Restaurant-Inform+Post N/A +bos thanks very much ! eos 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 looking for a restaurant in the west that serves vegetarian 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 unfortunately , i do n't happen to show any restaurants specializing in vegetarian food . can i try looking for another type of restaurant for you ? eos 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 Restaurant-Request+Food +bos yes go ahead . how about indian ? they always have vegetarian options . i would like it to be moderately priced too . 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 O O O N/A +bos yes sure ! i have quite a few . do you have a 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 general-welcome,Restaurant-Request+Price +bos i want a moderate price range please . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos for moderate pricing , i have the meghna restaurant in the west . it 's located at 205 victoria road chesterton . can i reserve you a table ? eos O O B-Restaurant-Inform+Price 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+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 thanks , i 'd like to give them a call instead . what is their 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 the contact number for the meghna is 01223727410. is there anything else i can help you with ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos oh yes , actually i need the postcode too . eos O O O O O O O O O O O Restaurant-Request+Post +bos of course . it 's cb43lf . 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 O O general-welcome,general-reqmore +bos no , that is everything . thank you 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 , and i hope you enjoy your meal at meghna . 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 am looking for a restaurant in the centre of town serving italian 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 available . what price range do you prefer ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Price,general-greet +bos ii 'd like a moderately priced place . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are two in that price range . i suggest pizza express ! eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O N/A +bos that sounds good enough . what 's the address there ? eos O O O O O O O O O O O O Restaurant-Request+Addr +bos the address is regent street city centre . would you like me to book a table ? 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 Booking-Inform,general-reqmore +bos no , i just needed to know where it was . thank you . eos O O O O O O O O O O O O O O O general-thank +bos awesome . take care ! eos O O O O O O general-bye +bos i am looking for an expensive place to dine in the north . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O N/A +bos would you like to eat asian oriental , chinese , european , or french ? eos O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos i think chinese may have caught my attention . eos O O O B-Restaurant-Inform+Food O O O O O O N/A +bos the hotpot is an expensive chinese restaurant in that area . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O O O N/A +bos great can i get their phone number as well please ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O Restaurant-Request+Phone +bos the phone number for the hotpot is 01223366552 , would you like me to book you a table ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos no thank you . have a great day ! eos 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 hello , i 'm seeking a cheap restaurant . eos O O O O O B-Restaurant-Inform+Price O O O O N/A +bos okay , i can help you with that . are you interested in a particular type of food ? or perhaps a certain 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 Restaurant-Request+Area,Restaurant-Request+Food +bos i would like mediterranean food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos the gardenia serves mediterranean and is in the cheap price range . would you like to book a table ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos great can i get the postcode and address ? eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos their postcode is cb23ll , and they are located at 2 rose crescent city centre eos O O O O B-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 thank you , that 's all i need today . 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 am looking for a nice restaurant in the center of town . eos O O O O O O O O O O O O O O Restaurant-Inform +bos do you have a price ranger preference ? eos O O O O O O O O O Restaurant-Request+Price +bos he restaurant should be in the expensive price range . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are 33 expensive restaurants in the centre of the city . what type of cuisine are you seeking ? 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 O O O O O O O O O Restaurant-Request+Food +bos i 'd like japanese food , please . eos O O O B-Restaurant-Inform+Food O O O O O N/A +bos yes i found a perfect fit for you . wagamama is a japanese restaurant that serves expensive food in the center of town . would you like their address and telephone number ? eos O O O O O O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O 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 O O O O O O O N/A +bos yes please as well as their postcode . eos O O O O O O O O O Restaurant-Request+Post +bos the address is 36 saint andrews street , cb23ar , and the phone number is 01223462354. eos 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 O O O B-Restaurant-Inform+Phone O N/A +bos thank you for your help . i appreciate it ! eos O O O O O O 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 no thank you that will be all for today ! eos O O O O O O O O O O O general-thank +bos you 're very welcome . feel free to call us again in the future . have a nice evening . 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 hi i am looking for a restaurant in the centre of town serving north indian food . eos 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 we do n't have any specific restaurants in that category . let 's try something else ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos that 's too bad . how about chinese ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos okay sure what do you have ? eos O O O O O O O O N/A +bos okay when you find something i would like to make a reservation for 2 people on a sunday at 13:30. 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 price range in mind ? eos O O O O O O O O O O Restaurant-Request+Price +bos i do n't mind about the price range . eos O O O O O O O O O O N/A +bos okay , how about lan hong house ? it is a chinese restsurant in the centre area and is in the moderate price range . will that work for you ? eos O O O 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 B-Restaurant-Inform+Price O O O O O O O O O O O N/A +bos that 's fine . can you try booking it ? eos O O O O O O O O O O O N/A +bos i 'm sorry , but i was n't able to book the restaurant for that date and 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 O O O O Booking-NoBook,Booking-Request+Time +bos how about 12:30 ? eos O O O B-Restaurant-Inform+Time O N/A +bos you are booked for 12:30 on sunday for 2 people . your reference number is f1ntkwzo . is there something else i can help you with ? eos O O O O O B-Booking-Book+Time O B-Booking-Book+Day 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 . have a nice day . bye . eos O O O O O O O O O O O O general-bye +bos thank you , if you need anything else let me know.good bye . eos O O O O O O O O O O O O O O general-bye +bos i want crossover food at an expensive price . can you help ? eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O N/A +bos i 'm sorry but we do n't have any restaurants meeting that criteria . could you please try a different 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 Restaurant-Request+Food,Restaurant-NoOffer +bos is there something else in the west ? eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos grafitti has great british food in the west and fits the expensive pricerange you are looking for . does this appeal to you ? eos O B-Restaurant-Inform+Name O 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 Restaurant-Select +bos actually , i 'd prefer a european restaurant . eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos cambridge lodge restaurant has good reviews and serves european food . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Food O O N/A +bos please book for 1 person , sunday at 17:45. eos O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos i 'm afraid they 're full on sunday at 17:45. perhaps another day , or another time slot ? eos 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 Booking-Request+Time,Booking-Request+Day +bos how about sunday at 16:45 please for 1 person ? eos O O O O O B-Restaurant-Inform+Time O O O O O N/A +bos you are booked for sunday at 16:45. your reference number is 2w56mf47 . may i help you with something else ? eos O O 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 general-reqmore +bos that 's all . thanks for the help ! 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 i would like to find a restaurant in the centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos there are several good restaurant options in that area . is there a specific type of food you are looking for ? 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 Restaurant-Request+Food +bos i need it to be in the expensive price range . what are my options ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos there are quite few expensive places there with many food types from african to turkish . perhaps you would like local food - there are several expensive british 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 O O N/A +bos lets go with the turkish one . can i get the address and postcode please ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 196 mill road city centre , postcode cb13nf . 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 B-Restaurant-Inform+Post O O N/A +bos thanks for the information . goodbye . eos O O O O O O O O general-bye +bos enjoy your meal at the meze bar restaurant . goodbye . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O general-bye +bos hello . can you suggest a french restaurant in the north end ? 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 have one restaurant in the north end called two two in the expensive range . eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O N/A +bos i am interested in the one in the north . could i have their postcode and address ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos sure ! restaurant two two is located at 22 chesterton road chesterton in postcode cb43ax . will that be all for today ? eos 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 general-reqmore +bos yes , that will be all . thanks . eos O O O O O O O O O O general-thank +bos thanks for using 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 i am looking for a hotel . eos O O O O O O B-Hotel-Inform+Type O N/A +bos there are a total of 9 hotels . huntingdon marriotte hotel is a good choice with a 4 star rating . would you like there phone number ? eos O O O O O O O B-Hotel-Inform+Choice 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 general-reqmore +bos i actually need a place that has free wifi and is in the south part of town . and it needs to be a hotel , not a guesthouse . 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 B-Hotel-Inform+Type O O O O O O N/A +bos the lensfield hotel is the only hotel that matches your criteria . would you like to book a stay ? 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 Booking-Inform +bos i 'd just need their star rating and phone number , thank you . eos O O O O O O O O O O O O O O O Hotel-Request+Phone +bos absolutely ! the lensfield hotel is a 3 star hotel and their phone number is 01 223 355017. is there anything else i can help you with ? 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 O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos yes . i need to find a restaurant called the cow pizza kitchen and bar 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos that restaurant is located in the centre of town on corn exchange street and their phone number is 01 223 308871. is there anything else i can assist you with ? eos O O O O 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 O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos i think you help me with everything i needed thank you . eos O O O O O O O O O O O O O general-thank +bos i 'm glad i could assist you , 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 a train from kings lynn . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos i have 133 trains that match that criteria , 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 O O O Train-Request+Arrive +bos i would like to travel on thursday . eos O O O O O O O B-Train-Inform+Day O N/A +bos ok , and at what time ? eos O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i 'd like to go after 10:00. eos O O O O O O B-Train-Inform+Leave O N/A +bos i have train tr6298 leaving kings lynn at 10:11 and arrives in cambridge at 10:58. it costs 9.80 pounds and runs for 47 mins . can i interest you in that one ? 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 B-Train-Inform+Dest O B-Train-Inform+Arrive 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 N/A +bos please book that for 8 people . please give me 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 reference number is : z898a328 . is there anything else that i can do for you ? eos O O O O O B-Train-OfferBooked+Id O O O O O O O O O O O O general-reqmore +bos thank you so much for your help . no , that is all . 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 'm looking for a place to dine , in the cheap price range , that serves molecular gastronomy . eos O 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 i show no restaurants matching those criteria . would you like to change your price range or the 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-Request+Price,Restaurant-NoOffer +bos what about a cheap vietnamese place ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos thanh binh at 17 magdalene street city centre fits your criteria . would you like me to book it ? 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 I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform +bos can i have the phone number for that location as well as the address ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos absolutely . the phone number is 01223362456 and the address is 17 magdalene street city centre . 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 O N/A +bos i am also looking for a place to stay . i 'd like a guesthouse that has free wifi included . 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 N/A +bos i have found 23 hotels fitting that criteria . what area of town would you like , or what pricerange ? 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+Area +bos i do n't want to stay in a hotel , i 'd prefer a guesthouse please that has free wifi and free 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 there are several guesthouses with the criteria that you provided . do you have a preference from the list of hotels ? 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 O O O Hotel-Select +bos yes can you please list the hotels names please . eos O O B-Hotel-Inform+Parking O O O O O O O O N/A +bos due to the size of the list could you provide your price range or the area you would prefer to help 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 O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i do n't really have a price range . what do you suggest ? eos O O O O O O O O O O O O O O O N/A +bos the allenbell is a guesthouse in the east . it is in the cheap price range , but has a 4 star rating . would you like to book a room ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Type O O B-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Price O O O O O O B-Hotel-Recommend+Stars I-Hotel-Recommend+Stars O O O O O O O O O O O Booking-Inform +bos yes , i would like to book it for two people for four nights starting on friday . eos 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 'm sorry there is not availability at the allenbell for 4 nights , are you able to stay for a shorter period of 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 Booking-NoBook,Booking-Request+Stay +bos i suppose i can start out with three nights , if that is available . 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 room at the allenbell for 3 nights . your reference number is k86ft247 . is there anything else that i can do for you ? eos O O O O O O O O O O O O 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 O O O general-reqmore +bos if it is n't too much trouble , i 'd like to book a taxi between the two places , leaving the restaurant by 02:15. i need the contact number and car type , too . 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 O O O O Taxi-Request+Car +bos i have booked you a yellow tesla . the contact number is 07504166156. 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 thank you that 's all i needed ! eos 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 could you book me a room at the huntingdon marriott hotel for tomorrow ? 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 N/A +bos sure what time would you like to check in ? eos O O O O O O O O O O O Booking-Request+Time +bos i would like a room for 2 nights starting on saturday for 6 people . can i please have a reference number for this once it is booked ? 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 O O O O Hotel-Request+Ref +bos your reservation for huntingdon marriott hotel is ready for you . the reference number is u5brmyhp . 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 'd like to find an indian 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 O N/A +bos may i book you at the curry garden ? eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name N/A +bos what is the price range ? i need something that is cheap , but good . 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 expensive . how about kohinoor . it is cheap , good and also located in the centre of town ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price O O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O N/A +bos that sounds good . may i please have the address ? eos O O O O O O O O O O O O Restaurant-Request+Addr +bos they are located at 74 mill road 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 N/A +bos great , thank you , 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 thank you very much . goodbye eos O O O O O O O general-welcome,general-bye +bos i would like a restaurant in the centre and 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 N/A +bos the yippee noodle bar is a moderate priced asian oriental restaurant . does that sound good ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O N/A +bos no , the restaurant should serve modern european food . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos sure i have at least two choices for you . one is the de luca cucina and bar and the other is the riverside brasserie . both are located in the center . would either of them interest you ? 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 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 O O O O O O O O Restaurant-Select +bos let 's try the brasserie . eos O O O O O O O N/A +bos 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 . eos O O O O O O 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 just 1 person at 13:15 on thursday eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos you 're all set your reference number is ivgzlytz eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks . that 's all i need ! eos 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 while in cambridge i need to find a restaurant called the rice boat . 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 rice boat is located at 37 newnham road in newnham . would you like 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 Booking-Inform +bos yes please , i need a table for 6 on sunday at 17: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 wonderful . you 're table is reserved for 15 minutes . the reference number is jm6mm56y . 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 'm also looking for a moderately priced 2 star hotel with free wifi in the south . eos O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Area O O N/A +bos i was not able to find any hotels matching those requirements . eos O O O O O O O O O O O O O Hotel-NoOffer +bos can you try in the north then ? eos O O O O O O B-Hotel-Inform+Area O O N/A +bos i was not able to find any hotels matching those requirements . eos O O O O O O O O O O O O O Hotel-NoOffer +bos is there any moderately priced hotels in the city centre then ? i need a hotel for the same group of people for 5 nights starting the same day . 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 O O O O O O O O O O N/A +bos looks like there was an error in our system earlier . there are two moderately priced hotels in the north - the ashley and the lovell lodge . eos O O O O O O O O O O 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos could you try to book us there for 4 nights instead ? eos O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos yes , which of the two would you prefer ? ashley hotel or lovell lodge ? eos O O O O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O N/A +bos the lovell lodge sounds nice . please try for 5 nights but we can settle with 4 if we need to . 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 many people is the hotel for and which day would you like to begin your trip on ? 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 oh sure , it 's for 5 nights starting sunday for 6 people please . eos O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O N/A +bos i 'm sorry there is nothing available on those days . would you like to shorten your stay or try the other 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 Booking-NoBook,Booking-Request+Stay,general-reqmore +bos can you try the other hotel then ? eos O O O O O O O O O Hotel-Inform +bos i was not able to book that one either . can we try a different day perhaps ? 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 +bos can you try booking for 4 nights instead ? eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos i was able to book the lovell lodge for 4 nights starting sunday for six people . the reference number is xty5kji9 . eos 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 B-Booking-Book+People O O O O B-Booking-Book+Ref O O N/A +bos thank you very much ! that was everything i needed . take care 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 i 'm happy to have helped you . 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 O O O O O O O O general-bye +bos i need a train that lease from london liverpool street on tuesday . 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 there are 10 days departing london liverpool street on tuesday . is there a certain time of day you need to travel ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Day O O O O O O O O O O O O O Train-Request+Leave +bos i would like to leave after 20:45. eos O O O O O O O B-Train-Inform+Leave N/A +bos ok i have 1 trains that leave around that times one at 21:39 would that work for you ? eos O O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos yes as long as it leaves after 20:45 that will be fine . how much is it and how long is the travel time ? 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 O Train-Request+Duration +bos the train ride is 88 minutes and the cost is 16.60 pounds . it leaves at 21:39 and your reference number is q6un1gvr . is there anything else i may help you with ? 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O B-Train-Inform+Ref O O O O O O O O O O O O general-reqmore +bos i am looking for places to go in town . what type of entertainment is there in the centre ? 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 N/A +bos which area are you interested in visiting in town ? eos O O O O O O O O O O O Attraction-Request+Area +bos i will be visiting the centre . eos O O O O O O B-Attraction-Inform+Area O N/A +bos there is no entertainment in the centre . would you be interested in 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 Attraction-Request+Type +bos how about architecture type instead ? eos O O O B-Attraction-Inform+Type O O O N/A +bos i have 5 choices for you . if i might suggest the holy trinity church . it has the most unique architecture in our area . they also offer free admission . eos O O O O O O O O O O O O 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 great . do you happen to know the entrance fee for it ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos like i mentioned , holy trinity church is totally free . is there anything else you 'll be needing today ? eos O 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 O O O O O O O general-reqmore +bos no , i do n't think so ! 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 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-bye +bos i need to book a taxi from clowns cafe . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos ok. what is your destination ? eos O O O O O O O Taxi-Request+Dest +bos clowns cafe , please . eos O O O O O O N/A +bos will you be going to the cafe or leaving from the cafe ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i will be leaving from there and going to primavera eos O O O O O O O O O O B-Taxi-Inform+Dest 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 would like to leave around 22:00 please and thank you . eos O O O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos alright . i have you booked for a red audi and the contact number is 07337294462. anything else i can help 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 general-reqmore +bos this is all i need . thank you so very much . 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-bye +bos hello , i would like to know what hotels are in the town centre . eos O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O N/A +bos there are 5 hotels in the town center , ranging from cheap to expensive . which would you like more information on ? 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Select +bos i 'd like one in the moderate price range than includes free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos cityroomz aligns with your criteria . shall i book that for you ? eos O B-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform +bos yes please . i want to book it for 3 people for 5 nights starting on 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 N/A +bos unfortunately there are no rooms available , do you have 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos will i be able to stay for 2 nights ? eos O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos yes , you 're all set for 2 nights at cityroomz on sunday for your party of 3. your reference number is l8ovti18 . what else can i do for you ? eos O O O O O O O B-Booking-Book+Stay O B-Booking-Book+Name 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 am also looking for a good place to dine , are there any italian restaurants ? 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 there are 15 italian restaurants in town . is there a particular area or price range you 'd prefer ? 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 Restaurant-Request+Area,Restaurant-Request+Price +bos i 'm looking for the same price range as the hotel and in the same area as the 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 N/A +bos pizza express is moderately priced and located in the centre area , does that sound ok ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O N/A +bos it does indeed . can you book it for the same people and on the same day as my hotel arrival ? 12:00 would be the perfect time for lunch ! 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 B-Restaurant-Inform+Time O O O O O O O O O O N/A +bos i have booked the table for you ; it will be reserved for 15 minutes . the reference numbers is t0r20o9d . 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 N/A +bos thanks ! is there any way you could book me a taxi between destinations ? it needs to arrive by the booked time and please send 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 O Taxi-Request+Car +bos no problem it is booked the contact number is 07499208880 eos O O O O O O O O O O B-Taxi-Inform+Phone N/A +bos what is the car type of that taxi ? eos O O O O O O O O O O Taxi-Request+Car +bos it is a yellow honda . is there anything else i can help you out with ? eos 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 that 's it . thank you very much for the help ! eos O O O O O O O O O O O O O general-thank +bos you are welcome . please let us know 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 general-welcome,general-bye +bos that 's all i need , goodbye . eos O O O O O O O O O general-bye +bos farewell , and have a beautiful day ! eos O O O O O O O O O general-bye +bos i would like to take a train that departs from stansted airport on thursday . 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 can find information on that for you . just to confirm , are you travelling to cambridge ? and , what time frame do you prefer ? eos 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 O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest,general-greet +bos i am going to cambridge and want to leave after 12:45. eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave N/A +bos i have train tr3720 leaving at 13:24 is that okay with 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 yes can you book that for me please ? eos O O O O O O O O O O N/A +bos yes i 've booked it and your reference number is 9nzd8hcw . 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 you booked for 1 ticket , correct ? and also , can you help me find a place to visit in the centre of town ? 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 O O N/A +bos yes i did . yes , what sort of place would you like to see ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Type +bos anything in the centre is fine with me , whatever place that you recommend . eos O O O O O O O O O O O O O O O O N/A +bos i would suggest the old schools . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos that is fine . i need the attraction type , 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+Type,Attraction-Request+Addr +bos how about clare hall ? it 's a college with free admission , and it is located on herschel road . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A +bos got it . thanks a lot . that 's all the help i need today . 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 , enjoy your trip . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for architecture in the centre part of town . can you help me with that ? 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 O N/A +bos i sure can . i personally like little saint mary 's church on little saint mary 's lane . admission is free . eos 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Inform+Fee O O general-greet +bos oh , great ! can you get me the phone number , postcode , and how much does it 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 Attraction-Request+Post,Attraction-Request+Phone +bos the number is 01223366202 , the postcode is cb21qy and the admission is free . will there be anything else i can help you with ? eos O O O O B-Attraction-Inform+Phone O O 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 O general-reqmore +bos are there any trains going to cambridge on friday ? eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there sure are . where will you be leaving from ? eos O O O O O O O O O O O O Train-Request+Depart +bos i will be departing from london kings cross after 20:45. eos O O O O O O O O O O B-Train-Inform+Leave N/A +bos there is a 21:17 that will arrive by 22:08. how does that sound ? eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O N/A +bos that would work , can you give me the price , train id , and travel time on that ? 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+TrainID +bos the train id is tr1581 for 23.60 pounds . travel time is 51 minutes eos O O O O O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Time I-Train-Inform+Time 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 i 'm glad i was able to assist you today . have a nice 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 , can you help me find a train on monday , please ? eos O O O O O O O O O O B-Train-Inform+Day O 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 'm departing from leicester . eos O O O O B-Train-Inform+Depart O O N/A +bos there are many trains available on that day . at what time will you be traveling ? 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+Leave +bos i will be leaving by 5:15. eos 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 it should go to leicester eos O O O O O O N/A +bos did you mean departing from leicester and going to cambridge ? we do not have trains from leicester to leicester . eos O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos sorry , im going from cambridge to leicester eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos tr8631 will leave at 5:21 and arrive by 7:06. 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 yes , please make a booking for 3 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 113.4 gbp payable at the station .reference number is : 60sbsnjp . 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 time and help , sorry for the confusion . 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 have a great day too . eos O O O O O O O general-greet +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-greet +bos can you suggest places to go in town centre ? i 'm interested in a college . let me know the entrance fee and the phone number please . eos O O O O O O O O O B-Attraction-Inform+Area 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+Phone,Attraction-Request+Fee +bos i have the downing college located at regent street with free entrance fee . 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+Fee I-Attraction-Inform+Fee O O N/A +bos please get me their phone number eos O O O O O O O Attraction-Request+Phone +bos i have several available . how does christ 's college on saint andrew 's street with free entrance sound ? their phone number is 01223334900. eos O O O B-Attraction-Inform+Choice 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 O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O O O N/A +bos that is all . eos O O O O O N/A +bos great . glad i could be of help . eos O O O O O O O O O O general-bye +bos i need to book a train from peterborough that leaves on wednesday . eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O N/A +bos the first train departs at 05:19. what time will you be leaving ? eos O O O O O O B-Train-Inform+Leave O O O O O O O Train-Request+Leave +bos i 'm flexible , but i need it to arrive by 13:15. eos O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos the tr1412 arrives in cambridge at 12:38. would you like a ticket ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes , please book a ticket . eos O O O O O O O O N/A +bos how many passengers ? eos O O O O O Train-Request+People +bos no let 's not book that . i want to hear about the attraction with architecture . eos O O B-Attraction-Inform+Name O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos i find no attraction type that you requested . 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 general-reqmore,Attraction-NoOffer +bos are you sure there are no attractions for architecture ? eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos no , i 'm sorry , i am not finding anything with architecture . perhaps another type of attraction would interest you ? 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 O O O N/A +bos sorry but you could you tell me the travel time on 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 50 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos can i get the id and the departure time also ? eos O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave +bos the train id is tr1412 and departure time is 11.48 on wednesday . any thing else i can help you with ? eos 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 O general-reqmore +bos i would also like to visit a place with architecture in town . eos O O O O O O O O O O O O O O N/A +bos i 'm sorry we do not have any architecture attractions . is there something else that would interest you ? eos O O O O O O O O O B-Attraction-NoOffer+Type O O O O O O O O O O O general-reqmore +bos are you sure there is n't any type of architecture attraction at all ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i apologize , there are actually 5. all are in the centre . i recommend old schools eos O O O 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos that sounds good . what is the entrance fee and postcode for old schools ? eos 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 +bos the address is trinity lane , postcode cb21tt , and number is 01223332320. is there anything else i can help with ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +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 have a great trip . if you need anything else just let us know . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye +bos can you tell me more information on the avalon ? eos O O O O O O O O O B-Hotel-Inform+Name O N/A +bos i can ! the avalon is a guesthouse in north . what other information do you need ? eos O O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O general-reqmore +bos can you help me book a 5 night stay there ? eos O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos absolutely ! first , what day did you want to arrive , and how many guests 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 Booking-Request+Day,Booking-Request+People,Booking-Inform +bos i 'll need to book for 3 people for a 5 night stay starting on wednesday . eos O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O N/A +bos not a problem , i have booked your stay there already . your reference number is hng3aw8r . 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 O general-reqmore +bos i am looking for a train to birmingham new street on sunday . eos 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 O N/A +bos your only departure site is cambridge . and the cost is 60.08 pounds . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos that 's where i am leaving from . i 'll need tickets for 3 people and we need to leave after 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 N/A +bos train tr6725 will be leaving at 05:01 d o you want me to buy a ticket ? eos O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos no , i need the train to leave after 15:30. can you help me find a train at that time ? eos 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 N/A +bos tr2776 will be perfect for that time . shall i book it for you ? eos O B-Train-Inform+Id O O O O O O O O O O O O O O Train-OfferBook +bos yes , please . i need three tickets . eos O O O O O O O O O O N/A +bos booking was successful , the total fee is 180.24 gbp payable at the station . reference number is : m27vmt7n . 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 is everything , thanks for your help . eos O O O O O O O O O O O O general-thank +bos okay , i hope your visit is wonderful ! eos O O O O O O O O O O general-bye +bos could you assist me in finding a train to stevenage please ? eos O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos there are 70 results for trains going to stevenage . to narrow the results , what day are you travelling on and what time would you like to arrive ? eos O 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 O O O O O O O O O O O Train-Request+Arrive,Train-Request+Day +bos thursday , leave after 10:30. eos O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A +bos there is a train that leaves at 11:21. eos O O O O O O O O B-Train-Inform+Leave N/A +bos ok , is there anything that leaves earlier than that ? eos O O O O O O O O O O O O N/A +bos no , there is n't . would you like me to book you on the earliest departing train ? eos O O O O O O O O O O O O O B-Train-OfferBook+Leave I-Train-OfferBook+Leave O O O O O N/A +bos book the 11:21 train for 7 people please . eos O O O O O O O B-Train-Inform+People O O N/A +bos the booking was successful . the total fee of 89.6 gbp can be paid at the station . the reference number is ytb38fe3 . 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 N/A +bos okay now can you help me find the avalon hotel and tell me whether they have free internet , and where they are located as well as their address ? eos 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 O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Addr +bos avalon is located at 62 gilbert road in the north . they do have free internet eos O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Area O O O O O O Hotel-Inform+Internet +bos thank you for that info on avalon . 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 general-thank +bos okay ! for when , how long , and how many people ? eos 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 want to reserve for seven people for three nights , please . eos O O O O O O O O O O O O O O N/A +bos the reservation was successful . thursday 7 people for 3 nights . the reference number is jbnctens . can i help you with anything else ? eos 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 O O O O O O general-reqmore +bos no that 'll it for the day . 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 to find a particular hotel called cityroomz . please send me all information you have . eos O O O O O O O O O B-Hotel-Inform+Name O O O O O O O O O N/A +bos i have the information for the hotel cityroomz , i am send you the information right away . eos O O O O O O O B-Hotel-Inform+Type B-Hotel-Inform+Name O O O O O O O O O O N/A +bos thanks , can i get their phone number ? eos O O O O O O O O O O Hotel-Request+Phone +bos the phone number is 01223304050. eos O O O O O B-Hotel-Inform+Phone N/A +bos can i also get the address please ? thank you . eos O O O O O O O O O O O O general-thank +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 thanks . i also need help finding a train to get me to cambridge from broxbourne . 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 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 would like to travel on sunday and leave after 11:15. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos tr2939 will leave at 12:01 and arrive by 13:01. would you like to make a reservation at this time ? 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 O Train-OfferBook +bos please . i 'll need 7 tickets . eos O O O O O B-Train-Inform+People O O O N/A +bos booking was successful ! your reference number is : d83egzq8 . eos O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos thank you 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 thanks . that 's it . goodbye . eos O O O O O O O O O O general-bye +bos goodbye . if you need any help later , we are here . eos O O O O O O O O O O O O O O general-bye +bos i 'm looking to go to a theatre in town . can you help me find one ? 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 is there a location preference ? center , or south ? eos O O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area O O Attraction-Request+Area +bos no preference . where would you recommend ? eos O O O O O O O O O N/A +bos i would recommend the cambridge arts theatre . it is in the city centre . 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-Inform+Area I-Attraction-Inform+Area O N/A +bos can i get the phone number , area and postcode please ? eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Phone +bos they are in the centre , 6 saint edward 's passage . postcode , cb23pj . phone is 01223503333. anything else ? eos O O O O O B-Attraction-Inform+Area 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+Phone O O O O O O O O general-reqmore +bos i am also looking for a train on monday headed to bisheops stortford . eos O O O O O O O O O B-Train-Inform+Day O O O O O N/A +bos the earliest train departing cambridge for bishops stortford is at 15:29. is this acceptable or would you like a later train ? eos 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+Leave O O O O O O O O O O O N/A +bos i would like to leave after 11:00. do you have a departure at that time or close to it ? please provide the train id . 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 O O Train-Request+TrainID +bos i have an 11:29 with train tr928 does that work for you ? eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Id O O O O O 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 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 hi can you help me to book a train from london liverpool street ? 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 N/A +bos i certainly can ! i 'll need to know your destination , day of travel , and what time you want to leave or arrive by , so i can find a suitable train , ok ? eos O O O O O O O O O O O O O O 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,Train-Request+Day,general-greet +bos i 'll be traveling on sunday . i 'm going from london liverpool street to cambridge . eos 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 B-Train-Inform+Dest O O O O N/A +bos tr2357 leaves london liverpool street at 7:39 and arrives in cambridge at 9:07. would this work or do you need another time frame ? 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 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 will be 88 minutes . would you like me to book it for you ? 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 Train-OfferBook +bos no thank you . i need information on a attraction called scott polar museum . 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 N/A +bos scott polar museum is located in the centre area , and has no entrance fee . do you need additional information ? eos O B-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 I-Attraction-Inform+Fee O O O O O O O general-reqmore +bos entrance fee , attraction type , and phone number please . eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Type +bos 01223336540 it is a museum in the center . it is free to get in . eos O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O 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 general-thank +bos i 'm glad i could be of assistance . 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 you too have a wonderful day . eos O O O O O O O O N/A +bos bye bye . eos O O O O general-bye +bos i 'm looking for a train to leicester on tuesday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos there are 19 trains going to leicester tuesday , where are you departing from and what time would you like to leave or arrive ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest B-Train-Inform+Day 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 'm leaving cambridge and i need to be there by 16:15. eos O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O N/A +bos ok , the tr1997 arrives at 16:06. would you like to book that train ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos i would , but i still need the departure time . eos O O O O O O O O O O O O Train-Request+Leave +bos i have several departure times , when would work best for you ? eos O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave +bos when does tr1997 depart ? eos O O O O O O N/A +bos it departs at 14:21 from cambridge eos O O O O B-Train-Inform+Leave O B-Train-Inform+Depart N/A +bos yes , that 's good . i am also looking for the cambridge university botanic gardens . can you provide the entrance fee , phone number , and area 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 I-Attraction-Inform+Name 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 it 's in the centre of town . their phone number is 01223336265 and the entrance fee is 4 pounds . can i help you with anything else ? eos 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 well i hope you enjoy your stay . eos O O O O O O O O O O general-bye +bos hi , i 'm trying to find a restaurant called hk fusion . what info can you get me for that ? 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 N/A +bos hk fusion is a chinese restuarant located in the centre of town , at 21 burleigh street city centre . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos what is the phone number and food type ? eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food +bos it 's a chinese restaurant , and the phone number is 01223355909. may i help with anything else ? eos O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos no i think that 's all i need to know . thanks for the 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 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 N/A +bos yes , and then some ! thanks so much . eos O O O O O O O O O O O general-thank +bos that 's great . glad we could help ! goodbye . eos 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 leaves on wednesday . eos O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Day O O N/A +bos where will you be departing from and what time do you need to arrive in cambridge ? eos O O O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive +bos i 'd like to leave from standsted sometime after 15:30. eos O O O O O O O O O B-Train-Inform+Leave O N/A +bos the tr1342 leaves at 16:24 eos O O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos that will work , can you reserve 7 seats for us on that train please ? eos O O O O O O O O B-Train-Inform+People O O O O O O O O N/A +bos i was able to book for you . the reference number is dse7lbcu . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you can you help me find a place to eat as well ? eos O O O O O O O O O O O O O O O general-thank +bos what kind of food would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos i 'm sorry i do n't need a restaurant , i need to find a hotel that has 2 stars . 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 N/A +bos i would recommend lovell lodge on the north side . it is moderately priced and has internet and parking . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds great . book it for me for 7 people for 4 nights starting from the same day . eos 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 O O N/A +bos booking was successful.reference number is : sy83o0so . eos O O O O O O O B-Booking-Book+Ref 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 have a wonderful stay . eos O O O O O O general-bye +bos i am looking for a train that departs cambridge after 21:00 on thursday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos what is your destination that you would like to go to ? eos O O O O O O O O O O O O O Train-Request+Dest +bos i 'm heading to stansted airport , i need to book for 2 people and can i please get a reference number ? eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest 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 sure thing . the reference number is wrad7nno . can i assist with anything else ? eos O O O O O O O B-Train-OfferBooked+Ref 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 thank you for using our service . please have a great day . eos O O O O O O O O O O O O O O general-greet +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 O N/A +bos great ! there are a lot of tasty choices . are you in the mood for a specific type of food ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-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 yes indian sounds good to me ! eos O O B-Restaurant-Inform+Food O O O O O N/A +bos i have many to choose from . what about the saffron brasserie ? eos 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 yeah , that sounds great . would you reserve me a table for 4 , friday at 13:15 please ? 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 N/A +bos booked , your table will be held for 15 minutes . your reference number is gbpijp33 . eos 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 a bunch ! that 's all i needed . take care 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 general-thank +bos you are welcome . enjoy your meal . bye . 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 . the hotel should have a star of 4 and should be in the east part of town . 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+Area O O O O O N/A +bos i have 6 guesthouses on the east side of town . would you like more information on one of them ? 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 a guesthouse would be perfect . can you make a recommendation of one please ? eos O O O O O O O O O O O O O O O O N/A +bos i sure can ! i like a and b guest house . do you want a reservation ? 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 I-Hotel-Recommend+Name O O O O O O Booking-Inform,general-greet +bos no thank you . get me the phone number instead eos O O O O O O O O O O O Hotel-Request+Phone +bos sure . the phone number is 01223315702. what else can i do for you today ? eos O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O general-greet,general-reqmore +bos i 'm looking for things to do in town eos O O O O O O O O O O N/A +bos we have almost 80 attractions across the city . did you have a certain area you prefer ? 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+Area +bos i 'd like to go to a theatre in the same area of town as 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 N/A +bos we have alot in the centre of town eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos well in the same area as the hotel i am walking eos O O O O O O O O O O O O N/A +bos we actually have zero theatres in the east part of town ! sorry about that . maybe another part of town would work 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 O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos how about a park instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there is one park in the area named cherry hinton water play . would you like more information ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 general-reqmore +bos no , i need a taxi to take me from the guesthouse at 23:00 going to the attraction . what is the contact information and car type please ? 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 O O O O O Taxi-Request+Car +bos congratulations you got the tesla . eos O O O O O B-Taxi-Inform+Car O N/A +bos i still need the contact number please . eos O O O O O O O O O N/A +bos the phone number is 01223446100 eos O O O O O B-Taxi-Inform+Phone N/A +bos i 'm sorry , but i forgot to get the phone number for the park . can you get 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 O O Attraction-Request+Phone +bos no problem . the phone number is 01223446100. is there anything else i can do for you today ? eos 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 that 's all i need thanks for the help ! eos 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 a particular attraction . its name is called soul tree nightclub . eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O N/A +bos the soul tree nightclub is located in the area of centre . it has an entrance fee of 4 pounds . the phone number is 01223477900. anything 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+Area O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O general-reqmore +bos i hear its a pretty cool place . can i get their postcode please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb23qf . do you need anything else ? eos O O O O B-Attraction-Inform+Post O O O O O O O general-reqmore +bos yeah , i need a place to stay on the south side . 4 stars if possible . eos 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 N/A +bos we have two guesthouses that are 4 stars in the south end , the aylesbray lodge guest house is moderately priced , and rosa 's bed and breakfast is in the cheap range . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O N/A +bos can you book me a stay at the aylesbray lodge ? eos O O O O O O O O O O O O N/A +bos sure ! how many are staying , how many days , and what day do you want the 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 Booking-Request+People,Booking-Request+Stay,Booking-Request+Day,general-greet +bos no i just need the postcode , phone # and if they have internet eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Internet +bos postal is cb17sr , they do include internet and they can be reached at 01223240089 , can i help with anything else ? eos O O O B-Hotel-Inform+Post O O O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos that was everything , thanks a lot ! 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 you have a great day as well ! eos O O O O O O O O O N/A +bos thanks for using our services . eos O O O O O O O general-bye +bos i need a place to go which is the type of a college . eos O O O O O O O O O O O O O O B-Attraction-Inform+Type N/A +bos is there a certain area you 're interested in ? if that does n't matter , i recommend clare college in the west . eos 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 B-Attraction-Recommend+Area O O O O O Attraction-Request+Area +bos sure , can you give me the address for that ? you said it is in the west , right ? 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 that 's right clare college in the west part of town . the address is just trinity lane . anything else i can do for you ? eos O O 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 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 need to book accommodation . can you recommend a guesthouse in the northern area of town ? eos O O 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 Attraction-Request+Area +bos is there a price range you prefer ? eos O O O O O O O O O Hotel-Request+Price +bos i would like it to be expensive please eos O O O O O O O B-Hotel-Inform+Price O N/A +bos there are no hotels that match that criteria . are you interested in a different price range . 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 Hotel-Request+Price +bos are there any in the moderate price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos i have several that match that criteria , do you care about parking or wifi ? 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+Parking,Hotel-Request+Internet +bos i 'd prefer it to have wifi , parking it does n't really matter . eos O O O O O O O O O O O O O O O O N/A +bos how does the acorn guesthouse sound . it is moderately priced and has free wifi . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O Hotel-Inform+Internet +bos sounds great , can you book it on sunday for 2 nights for 2 people ? eos 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 i was able to book the room , the reference number is mqgfe5f1 . is there anything else i can assist 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 N/A +bos i would also like to book a taxi from the college to the guesthouse . 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 Taxi-Inform +bos 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 . eos O O O O O 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 want to leave the college by 21:15 please . eos O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos i have booked you with a yellow honda taxi . the number to contact is 07912722753.. 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 great ! ! thank you for all your help . eos O O O O O O O O O O O general-thank +bos your welcome ! please contact us anytime . good bye . eos O O O O O O O O O O O O general-welcome +bos i am looking for a cheap place to eat in the east 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 i just happen to have one place that is cheap in the east . they serve international food . it 's called the missing sock . would that be of interest to you ? eos O O O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-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 general-reqmore +bos do they serve international food ? that 's what i was hoping for ! eos O O O O O O O O O O O O O O O N/A +bos they do serve international food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos no thank you that will be all eos 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-greet +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 I-Train-Inform+Dest 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 I-Train-Inform+Depart B-Train-Inform+Day I-Train-Inform+Day 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 general-reqmore +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 'm looking for places to go to 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 O N/A +bos did you have a certain type of place such as a museum you would like to visit ? eos O O O O O O O O O O O O B-Attraction-Select+Type 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 one of the four museums in the east . eos O O O O O O O B-Attraction-Recommend+Choice B-Attraction-Recommend+Type O O B-Attraction-Recommend+Area O Attraction-Inform +bos yes please can you recommend one of those . eos O O O O O O O O O O N/A +bos i recommend the cambridge museum of technology , which is located in the east area . the entrance fee is 5 pounds . do you need more information ? 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 B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O general-reqmore +bos yeah , can i get the postcode ? eos O O O O O O O O O Attraction-Request+Post +bos yes , the postcode is cb58ld . could i help you with anything else ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos i also need to find a train leaving on monday after 8:45 eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos oh no ! we have no trains that day . would a different day or time work ? eos O O O O O O O O O O O O O O O O O O O Train-NoOffer,Train-Request+Leave,Train-Request+Day +bos i need a monday train . leave after 08:45. i am sure there is a train . eos O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O O O O O O O O O N/A +bos are you looking for a train to bring you to cambridge ? 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 Train-Request+Dest,Train-Request+Depart +bos i 'm flying into stansted airport and i 'd like a train in to cambridge . my flight arrives at 08:45 , so something after that . it 'll just be me . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O B-Train-Inform+Dest O 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 next available train will depart at 09:24 , shall i book that for you ? eos O O O O O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos thank you ! please book it for 1 , and send me 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 your booking was successful . your reference number is oo7svbqe . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos perfect . 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 great . please call again if you need anything else . 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 i am looking for information in cambridge eos O O O O O O O O N/A +bos ok sure . what would you like to know ? eos O O O O O O O O O O O general-greet,general-reqmore +bos i have an upcoming conference in cambridge and need to figure out transportation . can you tell me about a train to take maybe ? 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 O O N/A +bos absolutely . where are you heading in from ? what day ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart,general-greet +bos i 'll be leaving london kings cross and heading to cambridge . i need to be there by 10:30 on tuesday . can you book this for 3 people ? reference please ? eos 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 B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O O O O O Train-Request+Ref +bos i have a train arriving at 10:08. would that do ? eos O O O O O O O B-Train-OfferBook+Arrive O O O O N/A +bos yes . book for 3 people . eos O O O O O B-Train-Inform+People O O N/A +bos alright got you booked on train tr4987 , the total fee is 70.8 gbp payable at the station . your reference number is : 9uprwuhb . anything else i can help with today ? eos 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 O O O O O O O general-reqmore +bos yes i am looking for someplace to go in the south for entertainment . eos O O O O O O O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Type O N/A +bos we have two options , can i reccomend for you ? eos O O O O B-Attraction-Inform+Choice O O O O O O O N/A +bos which ever is nicer . i will need some info on it too . eos O O O O O O O O O O O O O O O N/A +bos i recommend tenpin it 's in cambridge leisure park , clifton way postcode cb17dy and their number is 08715501010. is there anything else i can help with today ? 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 B-Attraction-Recommend+Post I-Attraction-Recommend+Post O O O B-Attraction-Recommend+Phone O O O O O O O O O O O O general-reqmore +bos no , that 's all i needed today . thanks 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 using our service ! eos O O O O O O O O general-bye +bos i need to take a train to here from broxbourne , this will be on saturday . eos O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Day O O N/A +bos i have 19 trains from cambridge to broxbourne on saturday . what time are you wanting to arrive by ? eos O O O O B-Train-Inform+Choice 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 Train-Request+Arrive +bos the train should leave after 08:00 eos O O O O O O B-Train-Inform+Leave N/A +bos how about train 1997 ? it leaves at 09:01. eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos oh , i am so sorry . i will be leaving broxbourne , not cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O N/A +bos no problem ! what time would you like to leeave by ? eos O O O O O O O O O O O O O Train-Request+Leave +bos i want to leave after 8:00 , please . eos O O O O O O O O O O N/A +bos tr9384 leaves broxbourne at 8:32. eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos that would be great . can you book me for 8 tickets ? eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos your booking was successful , the total fee is 114.56 gbp payable at the station . the reference number is efgwy22i . can i assist 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 O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos i am also looking for a restaurant . the restaurant should be in the centre and should be in the expensive price range . eos 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 N/A +bos did you have a specific kind of food in mind ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos yes , hopefully korean . i love it . eos O O O B-Restaurant-Inform+Food O O O O O O N/A +bos i can recommend little seoul . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos sounds great can i get the address ? eos O O O O O O O O O N/A +bos the address for little seoul is 108 regent street city centre 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 N/A +bos no thank you that will be 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 O general-welcome +bos can you help me find a place to stay that has 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 there is lots of places to stay . do yo have any more preferences ? 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 general-reqmore +bos yes i would like a guesthouse in the north . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area 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 O N/A +bos that sounds great do they have a room for just me ? i 'm checking in thursday and will be staying 4 nights . 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 N/A +bos yes , they have a room available for you and it 's booked for 4 nights starting tuesday , your confirmation number is vrn7sql2 . eos O O O O O O O O O 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 N/A +bos i am also looking fora train from cambridge on monday eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos what is your destination ? eos O O O O O O Train-Request+Dest +bos i am going to stevenage . eos O O O O O B-Train-Inform+Dest O N/A +bos there are 10 available trains that day . could you please provide me with your departure time and what time you would 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 O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i would like to leave after 18:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos the tr9082 departs at 19:21. would you like me to create a booking 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 no need to book . can i please get 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 O Train-Request+Duration +bos the trainid tr9082 and will leave at 19:21 and arrive at 20:10. the cost is 12.80 pounds . eos 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 B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos okay thanks so much . i appreciate the help . eos O O O O O O O O O O O general-thank +bos there is another train , tr6530 , that leaves at 21:21 and arrives at 22.10. the cost is 12.80 pounds . is there anything else i can help you with today ? 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 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 can i get the travel time for that train ? eos O O O O O O O O O O O Train-Request+Duration +bos sure the travel time is 49 minutes . would you like to make a reservation for that 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 Train-OfferBook +bos that was all i needed today , thanks ! 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 +bos i am looking for a chinese restaurant . eos O O O O O O O O O Restaurant-Inform +bos okay . any other criteria ? eos O O O O O O O general-greet,general-reqmore +bos i actually do n't want a restaurant . i need a train to birmingham new street on sunday . 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 I-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O N/A +bos is there a certain time you need to leave after 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 need to arrive by 15:45. eos O O O O O O O N/A +bos tr1931 will arrive by 11:44 eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive N/A +bos what is the reference number ? eos O O O O O O O N/A +bos i 'll be able to give you a reference number once we 've booked . did you want me to book this train 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 Train-Inform,Train-OfferBook +bos yes . please book me 2 tickets . eos O O O O O O B-Train-Inform+People O O N/A +bos you are good to go . your reference number is 9s9sf2vh and it will cost 120.16 gbp at the station . 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 general-greet +bos 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 . eos O O O O O O 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 can suggest the allenbell . eos O O O O O B-Hotel-Recommend+Name O N/A +bos that sounds great ! i 'd like a reservation for 5 nights please . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos certainly , how many people will be staying ? eos O O O O O O O O O O Booking-Request+People +bos 2 people starting on tuesday . please find me the reference number eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O O N/A +bos i 'm sorry , allenbell was not in the west . hobsons house meets your needs and i have booked you a room . reference number is : ctysxivu . eos O O O B-Hotel-NoOffer+Name I-Hotel-NoOffer+Name O O O B-Hotel-NoOffer+Area O B-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 N/A +bos okay . that should do it . thanks for your help with everything . eos 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 would like to find an italian restaurant open for dinner ? eos O O O O O O O O O O O O O Restaurant-Inform +bos i will need more information on what you are looking for , what area and what time ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+Time,Restaurant-Request+Area +bos i am looking for a train departing from london liverpool street on thursday to go 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+Day O O O B-Train-Inform+Dest O N/A +bos there are multiple trains available . by what time do you need to depart or arrive ? 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+Arrive +bos i need to arrive by 09:30. the booking is for me only and i will need a reference number please . 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 Train-Request+Ref +bos how about the tr4204 ? it will arrive by 9:07. eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O N/A +bos that sounds good . please book me for one person 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 Train-Request+Ref +bos all done . you have 1 ticket on tr4204 , your reference number is 834poxtx . can i do anything else for you ? eos O O O O O O B-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 general-reqmore +bos no , that 's everything today , thank you . eos O O O O O O O O O O O general-thank +bos have a good trip . 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 want to find a park to visit in town . eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are 5 parks around town . what part of town would you prefer to visit the park 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 Attraction-Request+Area +bos i do n't really care , just pick one and give me the phone number please . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos the milton country park has free admission . they are located on the north and the phone number is 01223420060. 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 B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone N/A +bos thanks ! i also need help finding a train leaving friday arriving by 21:15. eos O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive N/A +bos i have train tr3342 ariving at 21:01. eos O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive N/A +bos i need to go to cambridge , from stansted airport . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos tr5694 leaves at 09:24 and arrives at 09:52 giving you plenty of time . can i book you a ticket ? eos 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 O O O O Train-OfferBook +bos yes please , a ticket for one , and may i also know the price ? eos O O O O O O O O O O O O O O O O O Train-Request+Price +bos booked ! the price is 10.1 pounds to be paid at the station . reference number : 2cdcw6i7 . 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 O O O O N/A +bos fantastic . thank you very much for all of your assistance . eos O O O O O O O O O O O O O general-thank +bos thank you and have a good trip . eos O O O O O O O O O general-bye +bos i am looking for a expensive place to eat in the centre eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area N/A +bos there are many to chose from do you have a type of food 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 Restaurant-Request+Food +bos are there any chinese restaurants ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos there are four expensive chinese restaurants in that part of town . my favorite is tang chinese . would you like to make a reservation ? 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos tang chinese sounds good . please book a table for 7 at 17:30 on sunday and also provide the reference number . thanks ! eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 . the table will be reserved for 15 minutes.reference number is : 30mrbgvj . is there 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 O O general-reqmore +bos thanks ! i also need a train for sunday departing from peterborough . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O N/A +bos there are a number of trains on sunday from peterborough . what time of day would you like to travel ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Depart O O O O O O O O O O O Train-Request+Leave +bos i need to arrive in cambridge at about 11:15. eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave N/A +bos i have an 11:19 train from cambridge . would you like me to book that for you ? eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O O O O O O O O O O Train-OfferBook +bos yes please . for the same group of people . eos O O O O O O O O O O O N/A +bos i have booked tr8509 that leaves at 10:19. your reference number is cj04k4y6 . eos O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref 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 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 thank you . you too . eos O O O O O O O general-thank +bos thank you . i will . eos O O O O O O O general-bye +bos i 'm looking for a place called club salsa . do you have any information ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O N/A +bos yes , it 's located at 1 station road . eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos thanks for the information ! eos O O O O O O general-thank +bos do you need any other information ? eos O O O O O O O O general-reqmore +bos yes i am looking for a train going to cambridge to arrive by 18:15. 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 i am looking that up now , what day ? eos O O O O O O O O O O O Train-Request+Day +bos wednesday and should depart from kings lynn eos O B-Train-Inform+Day O O O O B-Train-Inform+Depart I-Train-Inform+Depart N/A +bos the tr3677 leaves at 17:11 and arrives at 17:58. 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 yes can you please book that and send me the info . thank you eos O O O O O O O O O O O O O O O general-thank +bos of course ! how many tickets do you need ? eos O O O O O O O O O O O Train-Request+People +bos how much will it cost ? eos O O O O O O O N/A +bos it will cost you 9.80 pounds eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos okay that is fine . can you book this for me please ? eos 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 do n't need anything booked , i actually have everything i need . thank you . 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 ! feel free to reach out again if anything more comes up . until then , bye and have a safe 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-welcome,general-bye +bos hi , i 've just started planning a trip and the train system is so confusing , 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 Train-Inform +bos absolutely . where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart,general-greet +bos stansted airport . and i 'm headed to cambridge . eos O B-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Dest O 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 'll be travelling on monday . eos O O O O O B-Train-Inform+Day O O N/A +bos at what time do you want to leave ? eos O O O O O O O O O O Train-Request+Leave +bos anytime after 13:00 eos O O O O N/A +bos we have one on monday at 5:24 , would you like me to book it for you ? 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 Train-OfferBook +bos i do n't need it booked , just please forward me the 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 Train-Request+Arrive,Train-Request+TrainID +bos the trainid is tr4096 for the train departing the stansted airport and going to cambridge on monday . it will arrive at 17:52. eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A +bos i need to find a place to hang out at a college in cambridge . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos any specific area in mind ? eos O O O O O O O Attraction-Request+Area +bos in the centre would be great ! eos O O O B-Attraction-Inform+Area O O O O N/A +bos there are several colleges in the centre where you can hang out . most of them have free entrance fees . is there anything else i can help you with ? 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 O O O O O O O O O O O O O general-reqmore +bos can you pick one and get me the postcode , address on 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+Addr +bos i recommend downing college located on regent street . the postcode is cb21dq and their phone number is 01223334860. anything else i can help you with ? 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 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 also need a train departing from cambridge and should leave after 12:30. eos O O O O O O O O B-Train-Inform+Depart O O O O O N/A +bos may i ask you for more information regarding the train ? eos O O O O O O O O O O O O N/A +bos i 'll be going to london liverpool street on sunday . 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 N/A +bos tr2141 leaves cambridge on sunday at 13:59 and arrives at london liverpool street at 15:57. are you interested in me booking this for you ? eos 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 yes , that sounds ideal . will you please book for 8 passengers , 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 train has been booked . the total fee is 106.24 gbp payable at the station . your reference number is zapbd0p6 . can i assist you any further ? 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 general-reqmore +bos no thank you , you have been helpful . eos O O O O O O O O O O general-thank +bos i 'm happy to hear that . 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 O O general-welcome,general-bye +bos hi , i need a train that leaves on wednesday and arrives by 08:45. eos O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos i 'm going to need a little more information from you . where will you be leaving from ? 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 Train-Request+Depart,Train-Request+Dest +bos i 'm leaving from cambridge and want to arrive in london liverpool street . eos 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 the tr1047 departs cambridge for london liverpool street on that day and arrives at 07:27. would you like to book a seat ? 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 I-Train-Inform+Dest O B-Train-Inform+Day I-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes please book it for me and i need a confirm number eos O O O O O O O O O O O O O N/A +bos how many people do you need reservations for ? eos O O O O O O O O O O Train-Request+People +bos there will be 8 people . eos O O O O O B-Train-Inform+People O N/A +bos you 're all set on that train , and your reservation reference number is 3xm02ao1 . the total due at the station will be 132.8gbp . can i help with anything else today ? 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 B-Train-OfferBooked+Ticket O O O O O O O O O O O O general-reqmore +bos yes , i am looking for places to go while i 'm in town . perhaps something in the city 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 O N/A +bos sure ! i highly suggest all saints church . would you like more information ? 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 N/A +bos i 'm thinking some type of architecture in the center . i 'll need their address and phone number as well . 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 Attraction-Request+Phone,Attraction-Request+Addr +bos i suggest the old schools . the address is trinity lane and the phone number is 01223332320. 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 O O O O O B-Attraction-Recommend+Phone 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 O general-thank +bos you are very welcome . enjoy your trip . eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant that serves indian food in the west . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos i 'm sorry , but there seems to be an error . could 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 O N/A +bos yes , i 'm looking for museums in the center of town , not a restaurant . can you tell me about your favorite one ? 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 O O N/A +bos i have the broughton house gallery located at 98 king street with free entrance fee . 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Fee O O O N/A +bos what 's the address ? eos O O O O O O Attraction-Request+Addr +bos the address is 98 king street . can i help you with anything else today ? 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 general-reqmore +bos yes , i need a train going from cambridge to stevenage on tuesday . 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 ok we have 10 trains that day , did you have a time in mind ? eos O 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 need to leave after 17:45 eos O O O O O O B-Train-Inform+Leave N/A +bos i can put you on the tr6692 , it leaves at 19:21 , how many tickets ? eos O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O Train-Request+People +bos thank you for all the information . that will be all for now . eos O O O O O 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-welcome,general-bye +bos thank you so much for your help . eos O O O O O O O O O general-thank +bos you 're welcome . please call again if we can assist you in any other way . 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 was hoping to visit 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 cambridge university botanic gardens is located at bateman street in centre with an entrance fee of 4 pounds . do you need more information ? 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 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 O O general-reqmore +bos yes , i will need the phone number , postcode and address 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 the postcode is cb21jf . the phone number is 01223336265 and they are located on bateman street . 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 I-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 general-reqmore +bos i 'll need a train to birmingham new street . can you help with that ? 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 i sure can ! what day are you looking to travel ? eos O O O O O O O O O O O O O Train-Request+Day +bos monday , and i would like to get there by 21:15. eos O B-Train-Inform+Day 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 Train-Request+Depart +bos cambridge , i need 5 tickets and the reference number eos O B-Train-Inform+Depart O O O B-Train-Inform+People O O O O O Train-Request+Ref +bos okay , the reference number is kvtfy7cr . 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 no , that 's it for me 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 general-thank +bos enjoy your time in cambridge ! eos O O O O O O O general-bye +bos hi i 'm looking for a train departing from cambridge that leaves after 17:15. eos O O O O O O O O O B-Train-Inform+Depart 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 to bishops stortford . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos i would recommend tr1567 which leaves cambridge at 17:29 and arrives at bishops stortford at 18:07. 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 I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos no , can you find another one please ? eos O O O O O O O O O O N/A +bos the next one after that departs two hours later . would you like to reserve a seat on either train ? eos 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 O O Train-OfferBook +bos yes , either train would be fine . eos O O O O O O O O O Train-Inform +bos i have booked your seat on the tr1567 . total fee is 10.1 gbp payable at the station . reference number iscwx49enl eos O 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 B-Train-OfferBooked+Ref O O N/A +bos thank you . could you also recommend a college in the centre to visit and provide the post code ? 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 O Attraction-Request+Post +bos christ 's college would be great , their postcode is cb23bu . is that all you need ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Post O O 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 general-bye +bos have a nice day ! eos O O O O O O general-bye +bos i need a train leaving on friday . eos O O O O O O O B-Train-Inform+Day 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 the train should depart from cambridge and should go to ely . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O N/A +bos is there a particular time you 'd like to leave ? eos O O O O O O O O O O O O Train-Request+Leave +bos i would like to leave on friday and should arrive by 08:15. eos O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos booking was successful , the total fee is 4.4 gbp payable at the station .reference number is : 57e550pf . 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 yes . i 'm looking for a train , please . eos O O O O O O O O O O O O Train-Inform +bos of course . where will you be departing from and arriving ? 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 Train-Request+Depart,Train-Request+Leave,Train-Request+Dest +bos i need to leave 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 202 trains leaving cambridge on sunday , do you have a destination or time ? 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 Train-Request+Leave,Train-Request+Dest +bos well , i 'm thinking i need to leave sometime after 10:45 for norwich . eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Dest O O O N/A +bos there is a train leaving cambridge for norwich at 11:36 which arrives at 12:55. shall i book it for you ? eos 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+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , i 'd like one ticket please . eos O O O O O O O O O O N/A +bos your booking was successful . the ticket fee is 14.08 pounds and is payable at the station . your reference number is 23g7ruxl . 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 O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos thank you very much . i am all set . have a nice day . eos O O O O O O O O O O O O O O O O general-thank +bos you too . good bye . eos O O O O O O O general-bye +bos would you be able to help me locate a restaurant in cambridge ? eos O O O O O O O O O O O O O O Restaurant-Inform +bos we have many great places to eat in cambridge . what kind of cuisine or price range are you looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i am actually looking for an attraction rather than a place to eat . can you help me find a cinema ? 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 is a cinema in cambridge leisure park , clifton way . would you like me to give you their phone number ? 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 O O O O O O O O general-reqmore +bos can you tell me what postcode it 's in ? eos O O O O O O O O O O O Attraction-Request+Post +bos their post code is cb17dy . 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 N/A +bos yes , i need a place to eat . mexican food is good , it should be in the south and expensive . 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 B-Restaurant-Inform+Price O O O O N/A +bos could you make a reservation for two this thursday at 7:00 at chiquito restaurant bar ? eos O O O O O O O O O O O O O O O O O N/A +bos no , i need a reservation for 4 on saturday at 14:45. 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 the restaurant has been booked . your reference number is 54jmt9oq . is there anything else i can do for you today ? eos O 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 i would like to also book a taxi and it should arrive at the restaurant by 14:45. could you also please give me its 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+Arrive O O O O O O O O O O O O O Taxi-Request+Car +bos i would be happy to book your taxi . i will need your departure location and pick up time to complete the 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-Request+Depart,Taxi-Request+Leave +bos i would like the taxi to arrive at the restaurant at the time i have it booked please 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 and where are you departing from ? eos O O O O O O O O Taxi-Request+Depart +bos i would be departing from the cinema at cambridge leisure park . eos O O O O O O O O O O O O O N/A +bos i 'm sorry . i 'm having trouble processing that . where are you leaving from again ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i am leaving from the cambridge cinema . eos O O O O O O O O O N/A +bos okay , i have a black volvo scheduled to pick you up at cineworld cinema to take you to the chiquito restaurant . the contact number is 07424735359. anything else i can do ? 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 O B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos no , thank you . eos O O O O O O general-thank +bos have a great time ! goodbye . eos O O O O O O O O general-bye +bos i am looking for some places to go , do you have any attractions in the east ? eos 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 have several places that may interest you on that side of town . what type of place are you looking for ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 Attraction-Request+Type +bos i really do n't have a preference . can you recommend a few ? eos O O O O O O O O O O O O O O O N/A +bos well , we have camboats and the cambridge museum of technology , both of which are interesting places . would you like information about either of these ? 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 O O O O O O O O O O O O O O O general-reqmore +bos sure . also could you help me find a restaurant serving unusual food in the same part of town ? 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 there does n't seem to be any restaurants in that area that serve unusual food . do you have another food preference ? 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 N/A +bos how about italian ? eos O O O B-Restaurant-Inform+Food O N/A +bos yes i have the pizza hut fen ditton on the east side serving italian food and it is moderately priced . 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-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos their postcode is cb58wr and phone number is 01223323737 eos O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone N/A +bos thank you so much . i think that 's all i need . eos 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 at all that i could assist 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-reqmore +bos i forgot to ask ; what is the postcode for the cambridge museum of technology that you mentioned earlier ? eos O O O O O O O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O Attraction-Request+Post +bos the postcode is cb58ld . 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 , that should do it , 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 i need help booking a train , please . i 'd like to go to cambridge on monday . 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 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 after 19:00. 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 you 're in luck ! tr8288 departs london kings cross at 19:17 , arriving in cambridge at 20:08. the fare is 23.60 gbp . can i help with anything else today ? eos O O 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 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 O O O general-reqmore +bos yes , can you find a close by eatery near where we arrive at ? eos O O O O O O O O O O O O O O O O N/A +bos sure you need a restaurant ? in what part of town and what cuisine ? eos 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 the center ? eos O O O O O O N/A +bos i apologize . i need to know how many you need tickets for on the train so i can book your 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 Train-Request+People +bos i need it for 6 people . eos O O O O O O B-Train-Inform+People O N/A +bos booked ! you will pay 141.6 gbp at the station . reference number : oghwpyhk . eos 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 thank you for your help . this is all i need . eos O O O O O O O O O O O O O general-thank +bos are you sure you do n't need a restaurant ? eos O O O O O O O O O O O N/A +bos i am sure . i am all set . thanks so much . bye . eos O O O O O O O O O O O O O O O O general-bye +bos all right . have a good day ! eos O O O O O O O O O general-bye +bos hi , i 'm planning a trip to cambridge and would like a few ideas on places to go for fun . 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 lots of local attractions , are you interested in architecture ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Type +bos yes sure as long as the attraction is in the city center . could you also provide me with the phone number and postcode of the 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 Attraction-Request+Post,Attraction-Request+Phone +bos of course . how about saint catharine 's college , in postcode cb21rl ? phone is 01223338300. eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Post O O B-Attraction-Recommend+Phone O O O O N/A +bos sure . i also need somewhere to eat . i 'm thinking something on the expensive side and close to the college . 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 O O O N/A +bos alright , there are 33 different restaurants around the college that are expensive . is there a type of food you are looking for ? 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 B-Restaurant-Inform+Price O O O O O O O O O O O O O Restaurant-Request+Food +bos can i get one in the centre of town and looking for gastropub food . eos 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 backstreet bistro is an expensive restaurant in the centre of town that serves gastropub food . would you like more information or to make a reservation ? eos O B-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 O O B-Restaurant-Inform+Food O O O O O O O O O O O O O Booking-Inform +bos information , please ! i 'm not looking to make a booking at the moment . eos O O O O O O O O O O O O O O O O O N/A +bos backstreet bistro is located in town centre . the address is 2 sturton street city centre , phone 01223306306. do you need any further assistance ? eos 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+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 O general-reqmore +bos yes , can you book a taxi between the two ? i would like to leave the restaurant by 24: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 i have confirmed a taxi picking you up at backstreet bistro at 24:45. the contact number is 07972785913. a blue volkswagen will pick you up . can i help with anything else ? eos 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 B-Taxi-Inform+Phone 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 thank you . that will be everything i need today . you have a nice day . 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 nice day . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking to book a train ticket to liverpool street station in london . are there any that depart at or around 18: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-Train-Inform+Arrive O O O O N/A +bos there is a train departing cambridge at 17:59 on wednesday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos i 'm actually looking for one on friday . are there any that will arrive by 18:00 at liverpool on friday ? eos O O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos there is train leaving for liverpool street at 5:59 on friday arriving at 7:27. would you like to book a seat ? 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 O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes and can you tell me the price of the ticket ? eos O O O O O O O O O O O O O Train-Request+Price +bos it would be 16.60 pounds eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos thank you , that will be all . 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 general-bye +bos thank you . eos O O O O general-thank +bos good-bye . eos O O O general-bye +bos can you help me find a place to eat ? i am looking for a place that serves cheap corsica food . 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 N/A +bos i 'm sorry , we have no cheap corsica eateries . care to try anything 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 O O general-reqmore +bos tell me some restaurant types in the town centre ? eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos there 's chinese , indian , italian , mediterranean , and spanish , there 's a few others if none of those sound appealing . eos 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 O O O O O O O O O O O O N/A +bos could you please find me an italian restaurant in the centre ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos of course ! i have three : pizza hut city centre , ask , and zizzi cambridge . would you like to book one of these ? eos 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 O O O O O O Booking-Inform +bos yes , can you book a table for 1 at zizzi cambridge ? i would like to go at 11:15 on tuesday . eos O O O O O O O O O B-Restaurant-Inform+People O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos yes certainly . i have you booked on tuesday at 11:15 and your reference number for the booking is lmj96hrl . eos O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O B-Booking-Book+Ref O O N/A +bos i would also like to find an attraction to go to after the meal in the same 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 Attraction-Inform +bos i have a few meseums , theatre , collages..what do you have inmind ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O Attraction-Request+Type +bos a museum sounds good can i get the phone number 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+Phone,Attraction-Request+Fee +bos broughton house gallery is free . their phone number is 01223314960. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Phone O N/A +bos great , thank you ! that 's all i 'll need for today . eos O O O O O O O O O O O O O O O general-thank +bos ok great ! i hope you have a wonderful day ! eos O O O O O O O O O O O O general-bye +bos i am looking for a train out of kings lynn please . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos where will you be going ? eos 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 when will you be leaving ? eos O O O O O O O Train-Request+Day +bos i would like to leave after 14:15 on tuesday please eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos tr8932 departs at 15:11 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 yes , please give me travel time . eos O O O O O O O O O Train-Request+Duration +bos that will be 47 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos great , that 's all i need , thanks ! eos O O O O O O O O O O O general-thank +bos you are welcome . please contact us again if we can help 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 general-bye +bos hi , i need a train the is heading towards birmingham new street . 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 train tr9678 from cambridge to brimingham new street departs friday at 05:01 and arrives 07:44. is this acceptable or do you need a different time ? 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 I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O O O Train-Request+Leave +bos yes its ok with me eos O O O O O O N/A +bos it will cost 75.10 pounds . can i book ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O Train-OfferBook +bos actually i need one that leaves after 21:00 on thursday , sorry . eos O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos did you have a certain time that 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 O Train-Request+Leave,Train-Request+Arrive +bos no , just as long as it leaves after 21:00 on thursday . eos O O O O O O O O O B-Train-Inform+Leave O O O O N/A +bos train tr9209 leaves at 21:01 is this okay ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O N/A +bos yes . can i have the arrival time and price , please ? eos O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos it will arrive at 23:44 and the cost is 75.10 pounds . eos O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos thanks can you also give me the entrance fee and phone for a fun boating attraction ? i do n't care what area it 's in . 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 O O Attraction-Request+Phone,Attraction-Request+Fee +bos i do n't have entrance fee information , but you could try camboats . their phone number is 01223902112. 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 B-Attraction-Select+Name O O O O B-Attraction-Select+Phone O O O O O O O O O O O N/A +bos do you have any boating attractions that do list their entrance fees ? i want to make sure i have enough cash with me when i arrive . 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 O O O O Train-Request+Arrive,Attraction-Request+Fee +bos not , i do n't . there are four boating attractions and i have no information on their entrance fees . you already have the phone number for camboats . perhaps you could call them ? eos O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 O O O O O O O O N/A +bos ok that 's all i need thanks eos 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 general-bye +bos i would like some south african food that is not too expensive . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos unfortunately there are no restaurants available that fit that criteria . is there another type of cuisine you might be interested in 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 O Restaurant-Request+Food,Restaurant-NoOffer +bos are there any african restaurants outside of the city center ? eos O O O O O O O O O O O O Restaurant-Inform +bos the only listing we have is for bedouin in the city centre . would you like to try a different type of cuisine ? eos O O O O O O O O B-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 Restaurant-Request+Food +bos yeah , how about a gastropub then ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos yes i have several in the city center . what price range are you ideally looking for ? 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 +bos moderate . please give me a phone number , address , and postcode for the restaurant you find . thanks ! eos 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos i have the cow pizza kitchen and bar located at corn exchange street cb23qf , phone number 01223308871. 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 B-Restaurant-Inform+Phone O N/A +bos cow pizza kitchen ? that is great . lol . can you help me find a certain attraction now ? i believe it 's called gallery at twelve . eos O O O O O O 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 have located the gallery at twelve . the address is listed as fulbourn and their telephone number is : 01223295264. eos O O 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 O O O O O B-Attraction-Inform+Phone O O N/A +bos what kind of attraction is gallery at twelve ? can you also tell me what their entrance fee and postcode 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+Post,Attraction-Request+Fee +bos the gallery at twelve a high street is a museum . entry is free , and their postcode is cb15dh . eos 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+Type O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O O O N/A +bos ok great . i will need to book a taxi between the cow pizza kitchen and the gallery at twelve . can you help me ? 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 I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O N/A +bos sure what time would you like to be picked up ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave the gallery at twelve by 19:30. eos O O O O O O O O O O O O N/A +bos alright , i 've booked you a blue volvo , the contact number is 07600966751. 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 N/A +bos can i get the phone number for the taxi company and the type of car i will be picked up 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 Taxi-Request+Phone,Attraction-Request+Type +bos yes , you will have a blue volvo and you can contact the taxi company at 07600966751. 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos no that will be everything , thank you for your help ! eos O O O O O O O O O O O O O general-thank +bos thank you for using infocenter eos O O O O O O general-bye +bos i 'm looking for a restaurant . i do n't suppose you happen to have one serving australasian food ? 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 N/A +bos there are currnently zero finding for australasian food restraunts . may i assist you in a different search ? eos O O O O B-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 O O general-reqmore +bos do you have one that is in the moderate price range and serves modern european food ? 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 N/A +bos you are in luck . there are five restaurants in the centre of town that serve modern european and three of those are moderately priced . eos 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+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos great can you make a reservation for 1 at 11:45 on wednesday ? please send me the reservation number once booked . 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 N/A +bos i have confirmed your reservation at riverside brasserie for wednesday at 11:45. the table will be reserved for 15 minutes . your reference number is paljks0a . do you need further assistance ? eos 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 O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos yes , i 'm also looking for an attraction in the centre of town . are there any boats that i can see ? eos O 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 O O O O O N/A +bos there are two boats near the centre of town . scudamores punting co. and the cambridge punter . would you like the there addresses ? 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O general-reqmore +bos yes please , and can i get their phone number ? how much does it cost ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos scudamores punting co has a phone number of 01223359750 and an address of granta place , mill lane . the cambridge punter 's number is 07807718591 and their address is 251a chesterton road . 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 I-Attraction-Inform+Name O B-Attraction-Inform+Phone I-Attraction-Inform+Phone 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 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 . eos O O O O 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 'm sorry but i do n't have price info on either of them . which boat house would you like a taxi to ? eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O Taxi-Request+Dest +bos scudamores punting co sounds fine . could you get me the contact number and car type for the taxi ? eos O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O O O O O O O O Taxi-Request+Car +bos the contact number for scudamores punting co is 01223359750. what time are wanting to leave or arrive by for the taxi booking ? eos 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 Taxi-Request+Arrive,Taxi-Request+Leave +bos i would like to arrive by 11:45 on wednesday , can i get the car type ? eos O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O O Taxi-Request+Car +bos okay , i 've reserved a taxi from scudamore 's punting co. to riverside brasserie . you will arrive in time for your 11:45 reservation . it 's a blue bmw contact no . 07704312834. 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 O O O O O O O B-Taxi-Inform+Arrive 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 thank you that is all the info i need . eos 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-greet +bos i need a train from london liverpool street station on wednesday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Day O N/A +bos what is your destination , please ? eos O O O O O O O O Train-Request+Dest +bos i am heading to cambridge for an important visit . can you get me there by 11:00 ? eos 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 there is one train leaving at 7:39 arriving at 9:07 would that work for you ? eos 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 N/A +bos that should be perfect . how many tickets can i get ? eos O O O O O O O O O O O O O N/A +bos you can buy up to eight tickets . eos O O O O O O O O O Train-Request+People +bos just one is fine . eos O O O O O O N/A +bos ok. the price is 16.60 pounds for 1 ticket . do you want me to book it ? 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 Train-OfferBook +bos could you tell me the travel time please first ? eos O O O O O O O O O O O Train-Request+Duration +bos yes , it 's 88 minutes . may i help with 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 that 's all the info i needed 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 ! have a wonderful day ! eos O O O O O O O O O general-bye +bos i 'd like to find a train from leiceter on saturday . eos O O O O O O O O O O B-Train-Inform+Day O O N/A +bos where will you be heading ? eos O O O O O O O Train-Request+Dest +bos i am going to cambridge and need to leave after 12:00 eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave N/A +bos the tr7248 leaves at 12:09 , would you like a ticket on that train ? eos 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 i do n't need to book just yet . but can i get the arrival time and 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 Train-Request+Price,Train-Request+Arrive +bos yes the train arrives in cambridge at 13:54 and the total cost of the journey is 30.24 pounds . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos okay great . that is all i needed to know . eos O O O O O O O O O O O O N/A +bos glad to help . contact me again if you would like a booking . 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 i need to book a train departing from cambridge . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos sure , i can help you with that . where were you wanting to travel to and when were you looking 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 Train-Request+Depart,Train-Request+Leave +bos i need to leave cambridge and go to broxbourne on wednesday after 15:45. eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos there is a train that leaves at 16:01 would you like me to book tickets for you ? eos 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 i would first like 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 it 's a 60 min ride and its train tr2925 eos O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Id O N/A +bos can 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 hobsons house is a guesthouse in the west . it a moderate priced 3 star place with free internet and parking . do you need anything else ? eos 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 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 i need to book the hotel for two days starting tuesday . please , give the address and phone number of the hotel . 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 O O Hotel-Request+Addr +bos how many people is this reservation for ? eos 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 booking was successful.reference number is : t05hthzu . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i also need the address ... eos O O O O O O O Hotel-Request+Addr +bos of course ! it 's located at 96 barton road eos O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos great , that 's all i need ! thank you so much ! eos O O O O O O O O O O O O O O general-thank +bos okay . great . i am glad i could help . eos O O O O O O O O O O O O general-welcome +bos i need to find a train going to londons kings cross that would arrive by 17:15 eos O O O O O O O O O O O O O O O O B-Train-Inform+Leave N/A +bos i have 21 trains that match 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 leaving cambridge this coming sunday . eos O O B-Train-Inform+Depart O O B-Train-Inform+Day O N/A +bos i 'm sorry , we do n't have any trains arriving by 17:15. the earliest train will arrive at london kings cross at 19:51. do you need anything else ? eos O O O O O O O O O O B-Train-NoOffer+Arrive O B-Train-Inform+Choice I-Train-Inform+Choice 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 general-reqmore +bos no thanks . go ahead and book the train for 4 people and please provide 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 your booking was successful , the total fee is 75.52 gbp payable at the station .your reference number is : ums71sr7 . your train will leave at 19:00. 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 B-Train-OfferBooked+Leave O N/A +bos thank you . i also need to find a place to stay . eos O O O O O O O O O O O O O O general-thank +bos any particular area you would like to stay ? eos O O O O O O O O O O Hotel-Request+Area +bos in the east part of town , please . i need free wifi . eos O O O B-Hotel-Inform+Area O O O O O O O O O O O N/A +bos okay ! would you like to stay in a hotel , or in a guesthouse ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Type +bos i dont mind either . eos O O O O O O N/A +bos we have seven places , any preference on price or rating ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price +bos i need a 4 star place that has free wifi . eos O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos okay ! what price range would you like ? eos O O O O O O O O O O Hotel-Request+Price +bos i do n't really have a preference . eos O O O O O O O O O N/A +bos ok. we 've narrowed to 6 options . do you want parking ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Parking +bos no parking is not a concern of mine . eos O O B-Hotel-Inform+Parking O O O O O O O N/A +bos would you like to try allenbell ? eos O O O O O O B-Hotel-Inform+Name O N/A +bos yes , please book me for 4 people , for 5 night starting on tuesday . 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 i have made those reservations and the reference number is i4k0oypf . eos O O O O O 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 you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome +bos i need a train going to cambridge that leaves after 14:45. eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave N/A +bos where are you coming from ? eos O O O O O O O Train-Request+Depart +bos i want a train department from cambridge and going to birmingham new street on friday at 14:45. eos O O O O O O B-Train-Inform+Day 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+Leave N/A +bos i can put you on the tr8842 it leaves at 15:17 how many tickets please eos O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O Train-Request+People +bos two tickets please . eos O O O O O N/A +bos there is an error in that train booking could i book the tr2519 from cambridge to birmingham new street , on friday , departing at 15:01 ? eos 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+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Leave O O O N/A +bos yes , that would be great . i 'd like to book two tickets and i 'll need 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 O O O O N/A +bos booking was successful , the total fee is 150.19 gbp payable at the station . reference number is : lcexhuaz . 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 i 'm also looking for a chinese restaurant that is semi expensive . i would like it the same day i arrive . eos 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 O O O O N/A +bos sure , there are a number of expensive options . did you have a certain part 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 O Restaurant-Request+Area +bos no specific area for the restaurant . eos O O O O O O O O Restaurant-Inform +bos the good luck chinese food takeaway fits those criteria , can i make a booking 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform +bos yes , i would like to book it for 2 people at 10:00 please . i 'll need it for friday please . can i get the reference number please ? 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 O B-Restaurant-Inform+Day O O O O O O O O O O O O N/A +bos of course . i reserved the table for you . your reference number is d9xhcfdt . 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 for your help . eos O O O O O O O general-thank +bos do you need me to book transport or provide anymore info ? eos O O O O O O O O O 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 you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome +bos i am looking for more information regarding the cambridge chop house . 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 N/A +bos sure ! that 's a great expensive british restaurant in the centre of town . what other information would you like to know ? eos 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 O general-reqmore +bos i guess i just need the address . eos O O O O O O O O O Restaurant-Request+Addr +bos their address is 1 kings parade . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +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 , is there anything else i can help you with before we go ? eos 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 's it ! thanks for your help . eos O O O O O O O O O O O O general-thank +bos happy to be of service today . enjoy the rest of your day ! eos O O O O O O O O O O O O O O O general-bye +bos i need a train out 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 what time do you need to leave on saturday ? eos O O O O O O O O O O O Train-Request+Leave +bos i 'd like to leave sometime after 16:15 , leaving from cambridge . eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O O N/A +bos the first train after 16:15 tr8824 leaves at 17:59. shall i book it for you ? eos O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O Train-OfferBook +bos can you tell me how much that will cost and how long the journey is ? eos O O O O O O O O O O O O O O O O O N/A +bos yes , it will cost 13.28 pounds and take approximately 88 minutes . would you like me to book it for you ? eos O O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O B-Train-OfferBook+Time I-Train-OfferBook+Time I-Train-OfferBook+Time O O O O O O O O O O O O N/A +bos not at this time . thank you for everything ! eos O O O O O O O O O O O general-thank +bos sure . let me know if you need anything else . eos O O O O O O O O O O O O general-reqmore +bos okay . thank you . eos 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 hello ! i 'm looking for a train arriving by 10:30 to cambridge . eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O N/A +bos that are several options that arrive in cambridge by 10:30. when are you traveling and where are you departing from ? eos 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 O O Train-Request+Depart,Train-Request+Day +bos i am departing from leicaster and it will be on thursday eos O O O O O O O O O O O B-Train-Inform+Day N/A +bos four trains will get you there by 10:30. would you prefer to depart at 6:54 , 7:54 , 8:54 or 9:54 ? eos O B-Train-Inform+Choice 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 9:54 sounds good . what is the price ? and how long is the trip ? eos O O O O O O O O O O O O O O O O O Train-Request+Price +bos i beg your pardon , but the times i mentioned earlier were for arrival rather than departure . the departure times are 5:09 . 6:09 . 7:09 , and 8:09. what is your 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Request+Leave +bos can you tell me what the travel time is and the price ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos which train would you like that for ? eos O O O O O O O O O N/A +bos the 8:09 departure , please . eos O O O O O O O N/A +bos that 's train tr6180 . the travel time is 105 minutes , and the cost is 37.80 pounds per ticket . eos O O O B-Train-Inform+Id O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket O O O O O 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 great . i 'm glad i could help you with that . 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 general-bye +bos i 'd like to arrange for a taxi please eos O O O O O O O O O O Taxi-Inform +bos where would you like to travel from and to ? eos O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i 'm leaving from jinling noodle bar and going to dojo noodle bar . i 'm a noodle bar crawl ! 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 time would you like to arrive ? eos O O O O O O O O O Taxi-Request+Arrive +bos it should leave after 11:15. eos O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! booked car type : black skodacontact number : 07209986380 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 your help ! take care ! eos O O O O O O O O O general-thank +bos i 'm glad we 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 can you book me a taxi to da vinci pizzeria ? eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos of course , when do you want to arrive ? eos O O O O O O O O O O O Taxi-Request+Arrive +bos i need to be there by three forty five p.m. eos O O O O O O O O O O O N/A +bos what time do you wan to leave by ? eos O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave after 05:45. eos O O O O O O O B-Taxi-Inform+Leave 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 'll be leaving from williams art and antiques . 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 i have a yellow lexus with phone number 07451454919. eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone N/A +bos that you for helping me . i have all i need . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos you are welcome . enjoy your stay . eos O O O O O O O O O general-greet +bos i am looking for the addenbrookes hospital eos O O O O O O O O Hospital-Inform +bos are you wanting a specific department ? eos O O O O O O O O N/A +bos yes , please . i need the phone number for the children 's surgical and medicine 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 O O O O O Hospital-Request+Phone +bos the phone number you need is 01223217450. 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 Hospital-Request+Post +bos their postcode is cb20qq . 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 nothing more . thank you . eos O O O O O O O general-thank +bos you are very welcome . please let us know if we can do anything else for 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 am looking for a place to stay . the hotel should include free wifi 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 N/A +bos sure , would you like a guesthouse or hotel ? eos O O O O O O O O O O O Hotel-Request+Type +bos a guesthouse , please . are there any in the cheap price range ? eos O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos oh , yes , there are 9. i do recommend the autumn house . eos O O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos great , could you give me their phone number and address please ? eos O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos the autumn house is located at 710 newmarket road , cb58rs and the phone number is 01223575122. can i help with anything else ? 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 O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos yes , i 'm looking for a museum in the west . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos how does the cafe jello gallery sound ? or kettles yard ? eos 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 could i get the area , phone number , and address of the kettles yard ? eos 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+Addr +bos here is the address castle street and the phone number is 01223748100. 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 what is the area ? eos O O O O O O Hotel-Request+Area +bos it is in the west of the city eos O O O O O B-Attraction-Inform+Area O O O N/A +bos what is the postcode ? eos O O O O O O Attraction-Request+Post +bos the postcode for kettle 's yard is cb30aq . 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+Post 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 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 +bos i need a taxi , please . eos O O O O O O O O Taxi-Inform +bos 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 ? eos O O O O O O O O O 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 get to restaurant two two by 5:15 eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos ok , i need a little bit more information , where will your taxi be departing from ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i want to be picked up at williams art and antiques . 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 N/A +bos your taxi is booked : a blue volvo with the contact number of 07690471186. 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 i look forward to the ride . thank you . eos 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-reqmore +bos no , that will be all . thanks very much . eos O O O O O O O O O O O O general-thank +bos you 're welcome . thank you for using the 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 train to cambridge . eos O O O O O O O O B-Train-Inform+Dest O N/A +bos alright , what day are you looking to travel ? eos O O O O O O O O O O O Train-Request+Day +bos i want to travel this sunday , please . eos O O O O O O B-Train-Inform+Day O O O N/A +bos okay , and what time do you want to leave ? eos O O O O O O O O O O O O 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 i have several trains that meet that criteria , where are you departing from ? eos 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 leaving 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 tr1681 will be departing london kings cross at 19:17 , would you like to reserve a seat ? eos O B-Train-OfferBook+Id O O O B-Train-OfferBook+Depart I-Train-OfferBook+Depart I-Train-OfferBook+Depart O O O O O O O O O O O N/A +bos yes , thank you . can you book it for 3 people and provide the reference number for me ? 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 there we go , all set . the reference number is am5kzm91 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos marvelous . i am all set to go now . 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 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 looking for a place to dine . the restaurant should serve african food and should be in the centre 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 there is one african restuarant in the center . it is named bedouin , and is expensive . their phone number is 01223367660. would you like me to book 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 first , what is the address please ? eos O O O O O O O O O Restaurant-Request+Addr +bos bedouin 100 mill road city centre eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos thanks , what 's the price range and phone number ? eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price +bos it 's an expensive restaurant and the number is 01223367660. eos O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Phone O N/A +bos thanks for your help eos O O O O O general-thank +bos thank you goodbye . eos O O O O O general-bye +bos am looking for a train it should leave on saturday and should go to cambridge eos O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest N/A +bos ok , what is your departure site ? eos O O O O O O O O O Train-Request+Depart +bos i would like to leave from huntingdon and get to cambridge by 9:00 pm . eos O O O O O O O O O O O O O O O O N/A +bos please confirm you are leaving from huntingdon and want to arrive at 21:00. eos O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Depart +bos yes , that is correct . eos O O O O O O O N/A +bos booking was successful , the total fee is 18.88 gbp payable at the station .reference number is : ddypie2s . 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 of your help ! have a great day ! eos O O O O O O O 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 i do n't need anything eos O O O O O O O N/A +bos you are very welcome . please let me 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 general-welcome,general-bye +bos 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 ? eos O O O O O O O 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 we have trains that go from early morning to late night , what is the route you will be taking and on what day ? eos O 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 O O O O Train-Request+Depart,Train-Request+Dest,Train-Request+Day +bos i need to get to stansted airport on monday . 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 the tr0797 departing at 08:40 and arrives at 09:08. would you like me to book that 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 O O O O Train-OfferBook +bos book for 2 people and get me the reference number eos O O O O B-Train-Inform+People O O O O O O N/A +bos sure ! the reference number for this booking is qa51ifdt and the total fee with be 20.2 gbp payable at the station . can i assist you with anything else ? eos O O O O O O 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 general-reqmore +bos thanks ! could you also help me find somewhere cheap to stay ? eos O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos i have several options for you , did you want to stay in a particular area ? 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 the area does n't matter but i do need free wifi , please . eos O O O O O O O O O O O O O O O N/A +bos i have 10 places you could stay . would you prefer a guesthouse or hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Type +bos a guesthouse will work out better and i need free parking too . eos O O B-Hotel-Inform+Type O O O O O O O O O O O N/A +bos alexander bed and breakfast is a very nice place and it fits your needs . shall i book it ? 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 Booking-Inform +bos sure . the two of us want to stay for two nights starting saturday . eos O O O O O O O O O O O O O O B-Hotel-Inform+Day O N/A +bos booking was successful.reference number is : avj0ckbp . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos great that 's all that i needed for today . eos O O O O O O O O O O O N/A +bos alright , have a lovely day . eos O O O O O O O O general-bye +bos thank you , you too . eos O O O O O O O general-thank +bos than you very much ! eos O O O O O O general-greet +bos i am looking to eat moderate priced british food eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O N/A +bos i have five eateries that are british in that price range , do you have a preference of area ? 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 O O O Restaurant-Request+Area +bos i want it to be in the centre . eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos restaurant one seven is a restaurant meeting your preferences . there are 3 others that also meet your preferences . eos 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+Choice I-Restaurant-Inform+Choice O O O O O O N/A +bos that one sounds good . can i get the 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 the address is de vere university arms regent street city centre . the post code is cb21ab . 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+Post O O N/A +bos great , and what is the phone number ? eos O O O O O O O O O O Restaurant-Request+Phone +bos the number is 01223337766. eos O O O O B-Restaurant-Inform+Phone N/A +bos that will be all . thanks . eos 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-bye +bos wow , sounds like you might be able to help me then . can you find me a train going into leicester ? 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 O N/A +bos certainly , there are many trains going to leicester . where is your departure location ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O Train-Request+Depart +bos i will need to leave from cambridge . eos O O O O O O O B-Train-Inform+Depart 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 travel on a thursday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos okay , and is there a particular departure or arrival time you prefer ? eos 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 17:45 eos O O O O O O O B-Train-Inform+Arrive N/A +bos i have train tr9839 that leaves cambridge at 15:21 and arrives in leicester at 17:06. would that suit your needs ? if so , i can book you a ticket . 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 O O O O O O O O O O O O O O O Train-OfferBook +bos what is the total travel time and price on that ? eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos price is 37.80 pounds and travel time is 105 minutes . 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 N/A +bos that sounds perfect . thanks for all your help . eos O O O O O O O O O O O general-thank +bos you 're very welcome . would you like me to book a ticket for you on that train ? eos O O O O O O O O O O O O O O O O O O O O Train-OfferBook +bos that 's not needed . thank you ! 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 for a restaurant in the centre that serves world 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 'm sorry i ca n't find any world food restaurants located in the centre . eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O B-Restaurant-NoOffer+Area O O O N/A +bos how about a restaurant in the centre that serves korean food ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A +bos little seoul is a great place that fits your description . would you like me to book you a table ? eos 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 O O O Booking-Inform +bos yes please . i would like a table for 7 on tuesday . try for 11:15 please . eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O B-Restaurant-Inform+Time O O N/A +bos i have nothing available for that day and time slot , can i book you another day or time slot at 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 O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos how about 10:15 ? eos O O O B-Restaurant-Inform+Time O N/A +bos i have you booked for 7 at little seoul on tuesday at 10:15. here is the reference number for your booking : kahfbhyi . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you so much for your help . bye . eos O O O O O O O O O O O general-bye +bos glad i could help today , is there anything else that i can resolve for you ? eos O O O O O O O O O O O O O O O O O O general-reqmore +bos would you be able to recommend an expensive restaurant that serves panasian food ? eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos unfortunately , there are no expensive panasian restuarants nearby . eos O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food B-Restaurant-NoOffer+Area O O N/A +bos are there any panasian restaurants ? eos O O O O O O O Restaurant-Inform +bos i 'm sorry but i ca n't find any panasian restaurants . eos O O O O O O O O B-Restaurant-NoOffer+Food O O O O N/A +bos that 's okay , are there any expensive italian restaurants ? i 'd prefer the centre of town . eos O 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 N/A +bos there are no expensive italian restaurants in that area . eos O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O N/A +bos well , can you recommend me another expensive restaurant . i need the address and the phone number to make a reservation . eos 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos caffe uno is an expensive italian restaurant in the centre . it can be located at 32 bridge street city centre and the phone number is 01223448620. 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 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 thanks . i will check it out . eos O 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 yes , can you tell me what their postcode is , please ? eos O O O O O O O O O O O O O O Restaurant-Request+Post +bos yes , it 's cb21uj . eos O O O B-Restaurant-Inform+Post O O O N/A +bos thanks so much , that is all i needed . eos O O O O O O O O O O O general-thank +bos i 'm glad i could help you today . eos O O O O O O O O O O general-bye +bos hello . i 'm looking for a cheap 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 O O N/A +bos the missing sock is a cheap restaurant in the east part of town . would you like their location ? 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 I-Restaurant-Inform+Area O O O O O O O general-reqmore +bos i want to know their address , phone number , and type of food , please eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food,Restaurant-Request+Addr +bos the missing sock serves international food and is located at finders corner newmarket road . the phone number is 01223 812660. 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 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 , that is all i needed to know . have a good night . 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 . good night eos O O O O O O O O O O general-bye +bos i 'm looking for somewhere to go in town , are there any museums you can recommend ? eos 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 several museums is there a particular kind of museum you would prefer in a particular location . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos will you suggest one ? i 'd like to know the entrance fee , address , and area , 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 Attraction-Request+Area,Attraction-Request+Fee,Attraction-Request+Addr +bos cambridge artworks in the east side is fantastic . admission is free . the address is 5 greens road . anything else i can do for you ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O B-Attraction-Inform+Fee 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 yes . i need a restaurant in the centre area please . eos O O O O O O O O B-Restaurant-Inform+Area O O O O Attraction-Request+Area +bos what kind of food were you interested in ? or would you like me to pick for you ? 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 i would prefer spanish food at a moderate price . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A +bos i 've found the la tasca , which fit all of your criteria . would you like to book you a table at this restaurant ? 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 O O O O O Booking-Inform +bos not at the moment but can i get the phone number for la tasca please ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos yes , you can reach la tasca at 01223464630. can i help you with anything else today ? 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 no , thank you very much . i will not be needing anything else . 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 great day ! eos O O O O O O O O O O general-welcome,general-bye +bos hi , i am planning a trip for my family 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 O O O N/A +bos i can help with that , what would you like to stay at ? eos O O O O O O O O O O O O O O O Hotel-Request+Type +bos i would like a hotel on the west side of cambridge . i prefer an affordable hotel that includes free parking . 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 N/A +bos i have 2 hotels in the west . both offer free internet and free parking . one is cheaper and the other is expensive . do you have a 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 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 Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i want the cheap one . eos O O O O B-Hotel-Inform+Price O O N/A +bos the cheap one is the cambridge belfry . eos O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos please book that for 3 people for 3 nights starting on friday . eos 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 : ikc0pefs . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thanks . i am also looking for a train from cambridge to broxbourne on monday . 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 N/A +bos 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 ? eos O O O O 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-Request+Arrive,Train-Request+Leave +bos i need the tickets for 3 people . the same ones i am going to the restaurant with . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos a train is leaving at 05:01 is that a good time ? eos O O O O O O B-Train-Inform+Leave O O O O O O Train-Request+Leave +bos i need to be in broxbourne by 2:00. what time does the 05:01 get in ? i 'm thinking that might be a little early . 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 N/A +bos it leaves at 5:01 and arrives at 6:01 , my mistake eos O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O N/A +bos okay , please book that train for the same group of people on monday . eos O O O 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 53.7 gbp payable at the station . your reference number is : kpssvaa1 . 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 O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos great 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 . have a great trip ! goodbye eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm planning my trip and i need a train going to broxbourne and arrive by 17:30. eos O O 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 what is your departure site and what day are you travelling ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos im leaving cambridge and it will be on saturday eos O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Day 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 need to arrive by 17:30. eos O O O O O O O N/A +bos i have several trains available . what time would you 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 Train-Request+Leave +bos i am not particular about departure time , please book 6 seats on the one arriving earliest 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 O O O O O O N/A +bos reference number is : mo8sec17 . train id tr8674 . is there anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Id O O O O O O general-reqmore +bos yeah , i need to grab something to eat . i 'm looking for a malay place in the centre of town . eos 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 O N/A +bos unfortunately there is no malaysian food in the centre . do you want a different type of food , or would you like me to search a different part of town ? 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 O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos how about some indian food . is there any in the centre ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos sure , there are a number of options . did you have a certain price range in mind ? 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 Restaurant-Request+Price +bos it does n't matter , can you recommend one and book me a table for 6. eos O O O O O O O O O O O O O O B-Restaurant-Inform+People O O N/A +bos i would suggest curry garden . for what day should i make your reservation ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Request+Day +bos yes please . i need a table for 6 at 12:45 on saturday . 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 your reservation for 6 people at curry garden this saturday at 12:45 was successful . the table will be reserved for 15 minutes . your reference number is : aen16uhv . eos O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day I-Booking-Book+Day 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 thank you . you have answered all my questions and i am all set now . goodbye . eos 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 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 'm looking for some entertainment in town , no particular type , i just want to get 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 N/A +bos how about whipple museum of the history of science ? it 's a museum ! eos O O O B-Attraction-Inform+Name B-Attraction-Inform+Type 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 N/A +bos sounds great ! is there an entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos no , the entrance is free . can i book you a spot ? eos O O O O O B-Attraction-Inform+Fee O O O O O O O O O N/A +bos no , but you could tell me the area . eos O O O O O O O O O O O Attraction-Request+Area +bos the whipple museum is 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 great , thanks . can you also help me find a restaurant ? i 'm looking for one that is cheap and in the east . any cuisine . 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 B-Restaurant-Inform+Area O O O O O O O O N/A +bos the only cheap place in the east is the missing sock . they serve some great international cuisine at an affordable price ! would you like to book a table ? eos O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-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 Booking-Inform +bos great can i book that for 8 people at 11:00 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 i 'm sorry , that reservation is not available . can you book a different day or 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos yes , can you try for 10:00 instead ? i will need a reference number as well . eos 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 alright , you 're all booked . your reference number is xb60v9yz . eos O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos can you book me a taxi to take me from the museum to the missing sock in time for my reservation ? 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 N/A +bos your taxi is booked ! it is a black skoda and the contact number is 07979438404. 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 O O B-Taxi-Inform+Phone O O O O O O O O O O O O N/A +bos no , thank you . have a great day ! eos 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 N/A +bos hi . can you help me find a restaurant ? eos O O O O O O O O O O O Restaurant-Inform +bos sure . are you interested in a particular type of food or 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 Restaurant-Request+Area,Restaurant-Request+Food +bos yes , i am looking for a panasian 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 i do n't have anything in that area . can i try another area ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos how about something 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 we have moderan european restaurants in the centre of town . what price range would you like to stay in ? 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 O Restaurant-Request+Price +bos moderate price range please eos O B-Restaurant-Inform+Price O O O N/A +bos how about the riverside brasserie located at doubletree by hilton cambrdige granta place mill lane ? 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 I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A +bos i would like it to serve modern eupoean . eos O O O O O O O O O O N/A +bos yes , it is a modern european restaurant . do you want a table reserved ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform +bos no just give me the postcode and phone number eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos their phone number is 01223259988 , and the postcode is cb21rt . eos O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O N/A +bos thank you . i 'm also looking for a train . needs to leave on saturday and arrive by 14: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+Arrive O N/A +bos i need more information on the destination and the departure , please . eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i will be going from cambridge to stevenage . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos the earliest train leaves 05:21 and the last one leaves at 13:21. they all have a travel time of 49 minutes . eos 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 B-Train-Inform+Time I-Train-Inform+Time N/A +bos book whatever for 7 people . eos O O O O O B-Train-Inform+People O N/A +bos you are booked on tr6998 . your reference number is zpa4m12d . the total fee is 71.68 gbp payable at the station . is there something else i can help you with ? eos 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 O O O general-reqmore +bos no thank you ! that will be all ! have a great day ! bye ! eos 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 O general-welcome,general-bye +bos yes i was wondering if you could tell me about the boat attractions that are available 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 N/A +bos sure , there are many boating attractions . what specific part of town were 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+Area +bos i 'm open to any part of town , just makes sure you let me know which one 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 N/A +bos i recommend the cambridge punter in the center of town . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Area O O O N/A +bos can i get the area that it is in ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O Attraction-Request+Area +bos the cambridge punter is in the centre area . is there any other information you need ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore +bos i also need a train , please , for monday after 20:15. eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A +bos there are many trains departing monday at 20:15. where is your destination ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O Train-Request+Dest +bos i would be going to leicester and would like to take the first train after 20:15 please . eos O O O O O O B-Train-Inform+Dest O O O O O O O O O B-Train-Inform+Leave O O N/A +bos there is a train that leaves at 20:21 departing from cambridge . would you like me to book that for you ? eos O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O O O O O O O O O O Train-OfferBook +bos can you tell me what the train id is for the train that arrives at 20:21 ? eos O O O O O O O O O O O O O O O O O O Train-Request+TrainID +bos there are no trains that arrive at 20:21. did you mean the train that leaves at 20:21 ? 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 need a monday train , leaving after 20:15. from cambridge to leicester . eos O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos tr9424 will leave at 20:21 , would that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +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 would you like me to book that for you ? if so , how many tickets will you need ? 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 that wo n't be necessary . thanks . eos 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 general-reqmore +bos no , that 'll be all for now . you were a great help . 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 have a good one ! eos O O O O O O general-bye +bos i am looking to book a train to cambridge on saturday around 20:00 eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos tr1120 leaves kings lynn at 20:11. would that work ? 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 O Train-OfferBook +bos the train should go to stansted airport and depart from cambridge eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Depart N/A +bos ok , i could book the tr3128 which leaves at 20:40. eos O O O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O N/A +bos i 'm not ready to book quite yet . can you just give me the travel time , as well as 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 O Train-Request+Duration,Train-Request+Arrive +bos yes it leaves at 20:40 and arrives at 21:08. eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos yes , i 'm looking for a restaurant in the centre what serves world food . eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry , but there are no foods in the centre that serve world food . would you like to try another area or a different type of food ? eos O O O O O O O O O O B-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 O O O Restaurant-Request+Area,Restaurant-Request+Food +bos i would like a gastropub then if you have one open . eos O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos i would suggest the cow pizza kitchen and bar . great food . it is located on corn exchange street . 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 B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A +bos what is the price range ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name Restaurant-Request+Price +bos it is moderately priced . would you like me to make a reservation ? eos O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos no , just give me the address eos O O O O O O O O Restaurant-Request+Addr +bos sure , the address is on corn exchange street , post code cb23qf . can i do anything else for you today ? eos O 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 O O O O O general-reqmore +bos i do need to get from stevenage to cambridge on saturday . i 'd like to leave shortly after 09:45 , if possible . eos 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+Leave O O O O O O N/A +bos tr9024 leaves at 09:54 , would that one work ? 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 , that would work out great . i need to book the trip for four people . can i get 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 O O O Train-Request+Ref +bos reference number is : 1qxkjn3d . is there anything else ? eos O O O O O B-Train-Inform+Ref O O O O O O general-reqmore +bos no , that 's all i need right now . thank you so much . 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 great day and goodbye ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a luxurious dining experience in 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 do you have any cuisine preferences ? eos O O O O O O O O Restaurant-Request+Food +bos i would really like asian oriental food tonight . eos O O O O O O O O O O N/A +bos sure . would you like to reserve a table at ugly duckling , tang chinese , hk fusion , or sesame restaurant and bar ? eos 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 O O O Booking-Inform +bos any of them . book a table for 2 people at 18: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 N/A +bos will you be needing a reference number ? eos O O O O O O O O O N/A +bos yes , i will need the reference number please . eos O O O O O O O O O O O N/A +bos yes i have it for you , its 0123357187 eos O O O O O O O O O B-Booking-Book+Ref N/A +bos hi , i 'm looking for a train for my upcoming trip to cambridge . can you help me find one ? 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 O N/A +bos i am happy to help , where are you coming 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 departing from bishops stortfod on friday . i can leave after 9:45 eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O N/A +bos there is an 11:29 that will arrive by 12:07 for 10.10 pounds . does that sound good ? eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O Train-OfferBook +bos i need the train id eos O O O O O O Train-Request+TrainID +bos the train id is tr6834 . eos O O O O O B-Train-Inform+Id O N/A +bos thank you i was also hoping to find a british place to eat in the centre . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area N/A +bos i have about 7 different places that serve british food . i have mostly expensive and moderately priced places . do you have a preference ? eos O O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food 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 O O O O O Restaurant-Select +bos lets do a moderate one . which would you recommend ? eos O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos i would recommend the the oak bistro , which is located at 6 lensfield road . would you be interested in making a reservation ? eos O O O O 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 O O O O O O O O O O Booking-Inform +bos yes , please . i need the reservation to be for 5 people at 21:00 on friday . 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 book it for me and get a reference number ? eos O O O O O O O O O O O O O Booking-Inform +bos i hope you can help me find the attraction downing college . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos yes , it 's on regent street in the centre of town . would you like the phone number ? eos O 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 O O O O O O O O O O general-reqmore +bos no . that will be all , thank you . good day . 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 oh , wait , one more thing . 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 sure ! when are you wanting to travel , where are you leaving from , where would you like to go 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 Train-Request+Depart,Train-Request+Dest,Train-Request+Leave,Train-Request+Day +bos i am traveling on sunday from peterborough to cambridge . i want to arrive in cambridge by 15:00. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Arrive N/A +bos is there a time you would like to leave after ? eos O O O O O O O O O O O O Train-Request+Leave +bos no , but if you can give me the price , travel time , and a train id that 'd 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 Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos tr9407 departs peterborough at 13:48 , arrives in cambridge at 14:38 , costs 13.20 pounds , and is a 50 minute trip . i can book that for you if you 'd like . eos 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 B-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 O O O O O O O Train-OfferBook +bos that wo n't be needed 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 that should be all , thank you . eos O O O O O O O O O O general-thank +bos your very welcome and have a nice day . eos O O O O O O O O O O general-welcome +bos i need to book a taxi to the bridge guest house please . eos 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 what time do you need to arrive by ? eos O O O O O O O O O O Taxi-Request+Arrive +bos arrival does n't matter . i just need to leave after 19:15 from ashley hotel , and i want to go to bridge guest house . eos O O O O O O O O O O B-Taxi-Inform+Leave 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 N/A +bos where are you departing from ? eos O O O O O O O Taxi-Request+Depart +bos i am leaving from ashley hotel . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos got it ! your car type is a grey honda and the contact number is 07306489066 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 thanks ! that 's all i need . eos 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 an expensive restaurant in the east 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 what type of food would you like ? british , indian , gastropub , or chinese ? eos 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 it does n't matter . eos O O O O O O N/A +bos yu garden is a chinese restaurant located in the east part of town and is in the expensive price range . would you like their address ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O O O general-reqmore +bos yes , and could you also give me their phone number ? eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos yu garden is located at 529 newmarket road fen ditton and its phone number is 01223248882. can 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 I-Restaurant-Inform+Addr O O O O B-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 goodbye . eos O O O general-bye +bos i 'm looking for some type of entertainment venue 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 there is a vue cinema for your entertainment in the centre of town . would you like the address ? eos O O O O O B-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 O O general-reqmore +bos no , thank you . is there a museum in the centre area ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos the broughton house gallery is in the area and 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 O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O general-reqmore +bos yes , i would like the address , please . eos O O O O O O O O O O O N/A +bos the address is 98 king street . can i help you with anything else ? 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 general-reqmore +bos yes , thanks , i 'd like to find a restaurant in the same area . do you have any listings that serve polynesian food ? eos 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 N/A +bos i found no polynesian restaurants in the centre of town eos O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area N/A +bos how about something in the cheap price range ? eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are 15 cheap priced restaurants in the centre . what type of food would you like ? 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 Restaurant-Request+Food +bos are any of them italian ? eos O O O O O B-Restaurant-Inform+Food O N/A +bos yes , as a matter of fact pizza hut , ask , and zizzi cambridge all serve inexpensive italian food . do any of these interest 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+Price B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Select +bos i would like to book zizzi cambridge for 6 people on sunday at 16:15. 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 N/A +bos i 'm terribly sorry but zizzi is booked at that time . can i try at another time or on 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos is there anything available for 15:15 ? eos O O O O O O B-Restaurant-Inform+Time O N/A +bos i 've booked you at 15:15 on sunday at zizzi cambridge . anything else ? eos O O O O O B-Booking-Book+Time O B-Booking-Book+Day O B-Booking-Book+Name I-Booking-Book+Name O O O O O N/A +bos can i get the reference number , please ? eos O O O O O O O O O O Restaurant-Request+Ref +bos yes , the reference number is zlmxp05f . eos O O O O O O B-Restaurant-Inform+Ref O O N/A +bos thank you very much for your help today ! eos O O O O O O O O O O general-thank +bos is there anything else that i can help you with ? eos O O O O O O O O O O O O general-reqmore +bos that was everything . thanks ! eos 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 'm looking for a train leaving on wednesday that 's going to cambridge . eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O O N/A +bos okay , where are you departing ? eos O O O O O O O O Train-Request+Depart +bos i 'm leaving from ely to cambridge . eos O O O O O B-Train-Inform+Depart O O O N/A +bos sure i can help with that , the first train leaves ely at 05:35 and the last one runs at 13:35 , do you have a particular time in mind ? eos O O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-Request+Leave +bos the last train sounds like it will work best . can you book me 4 tickets for that one please ? 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 N/A +bos booked ! you 'll play 17.6 gbp at the station . reference number : ojufdkx1 . eos 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 N/A +bos great i also need some information about the ruskin gallery attraction . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos certainly . the ruskin gallery is a museum in the centre of town . it 's free to enter . would you like more information ? 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 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 general-reqmore +bos phone number , and address please eos O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos their address is anglia ruskin university , east road . and their phone number is 01245493131. need 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 O B-Attraction-Inform+Phone O O O O O O general-reqmore +bos nope , 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 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 would like help booking a taxi please . i will need the taxi to pick me up at the peterborough train station at 18: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+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O N/A +bos okay , could you please tell me where you would like to travel to ? eos O O O O O O O O O O O O O O O O Taxi-Request+Dest +bos i would like travel to the good luck chinese food takeaway . i also need the contact number for the taxi . 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 I-Taxi-Inform+Dest O O O O O O O O O O N/A +bos taxi has been booked and it is a black bmw and the contact number is 07820748832. 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 O B-Taxi-Inform+Phone 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 nice day ! eos O O O O O O O O O O general-bye +bos i 'm looking for an attraction called williams art and antiques . 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 williams art and antiques is at gwydir street , no . 5 dale 's brewery . would you like me to book tickets ? 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+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 Booking-Inform +bos no thank you . just the area and postcode please . eos O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post +bos it is in the centre and the postcode is cb12lj . is there anything else you need help with today ? eos 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 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 and enjoy your visit to williams art and antiques ! eos O O O O O O O O O O O O O general-greet +bos i am looking for an attraction with a boat . eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos i can help with that ! i 've pulled up several locations . would you like the location in the east , north , or centre ? eos O O O O O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area O O O O O general-greet +bos what about the south side of town ? are there any there ? eos O O O O B-Attraction-Inform+Area O O O O O O O O O N/A +bos no , i 'm sorry , there are no boat attractions in the south . would you be interested in another part of the city ? or maybe a different type of attraction ? 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 O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos how about a cinema ? eos O O O O B-Attraction-Inform+Type O N/A +bos i have the cineworld cinema located in the south at cambridge leisure park on clifton way . the phone number is 00872208000. eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 B-Attraction-Inform+Phone N/A +bos great , thank you . i am also needing to book a train for a sunday departure after 16:30. can you help me with that ? eos O O O O O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O O O O O N/A +bos i 'd be happy to help with your request , first i will need to know where will you be departing/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 Train-Request+Dest,Train-Request+Depart +bos i am going to norwich from cambridge eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest N/A +bos tr2974 will leave at 17:16 and arrive by 18:35. 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 no that is enough for now . thanks for helping eos O O O O O O O O O O O general-thank +bos thank you for letting us help you today . eos O O O O O O O O O O general-bye +bos i would love to get your help in arranging taxi service from rajmahal to the worth house . can you help me with that ? eos O O O O O O O O O O O O O B-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O N/A +bos i 'll need to know when you would like to leave rajmahal or arrive at the worth house first . 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 +bos the taxi should arrive at the rajmahal by 16:15 eos O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Arrive N/A +bos great , i booked you a white audi the contact number is 07071131148. anything else i can help you with . eos O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O B-Taxi-Inform+Car O O O O O O O O O N/A +bos wait ! i made a mistake ! i need it to reach the worth house by 16:15 not the rajmahal . 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 's correct . the taxi will depart rajmahal and take you to worth house by 16:15. eos 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 O B-Taxi-Inform+Arrive 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 no problem ! enjoy your time in cambridge . eos O O O O O O O O O O general-greet +bos i need a train to birmingham new strretm arrving by 16:45. eos O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos how does friday sound ? it will arrive by 16:23 eos O O O B-Train-OfferBook+Day O O O O O B-Train-OfferBook+Arrive O N/A +bos i actually need it for saturday . if it can arrive by 16:23 , that would be perfect . 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 tr3415 would leave at 5:40 and arrive in cambridge at 08:23. 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+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos yes please , go ahead and book that . eos O O O O O O O O O O N/A +bos i 'm sorry , i was confused . you want to arrive at birmingham new street . i can book tr4975 for you , arriving by 7:44. how many seats do you need ? 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 O O O B-Train-OfferBook+Id O O O O B-Train-OfferBook+Arrive O O O O O O O O O O Train-Request+People +bos no never mind i just need to ask you about entertainment venues in town . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos sure , there are a few around town . what area are you interested in ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos i think something in the centre of town would be good . eos O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos there is nothing that is in the entertainment category in the centre of town , can i try something else ? eos O O O O 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 O O O general-reqmore +bos 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 ? eos O O O O O O O O O O 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 tr4975 leaves from cambridge at 5:01 , travels for 163 minutes , and arrives at birmingham new street at 07:44. it costs 60.08. would you like me 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+Time I-Train-Inform+Time O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket O O O O O O O O O Train-OfferBook +bos no thank you . i would like to find something in the entertainment industry anywhere in the city . eos 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 5 entertainment venues : cherry hinton hall and grounds , funky fun house , nusha , tenpin , and whale of a time . do any of these interest you ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 Attraction-Select +bos whale of a time sounds great . can you tell me what area of town they are in ? and the postcode please ? 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 O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post +bos whale of a time is in the west and is in postcode cb238el . eos 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+Post O N/A +bos thank you very much for your help , have a nice day . eos O O O O O O O O O O O O O O general-thank +bos is there nothing else you need ? eos O O O O O O O O general-reqmore +bos i believe that is all for now . thank you . goodbye . eos O O O O O O O O O O O O O O general-bye +bos have a pleasant visit . thank you for contacting cambridge towninfo centre . good bye . eos O O O O O O O O O O O O O O O O O general-bye +bos hi , i 'd like to book a taxi leaving from archway house , please . eos 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 and what time would you like to leave ? eos O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest +bos my destination is saigon city and i need it to leave after 10:45. eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O N/A +bos ok expect a red tesla at 10:50. their number is 07532982082. 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 okay perfect . thank you ! eos O O O O O O O general-thank +bos you are welcome , can i help you with any thing else ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore +bos no thank you . i am all set ! eos O O O O O O O O O O general-thank +bos alright great ! have a nice day ! eos O O O O O O O O O general-bye +bos i need a train ride to peterborough that departs from cambridge eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart N/A +bos there are many available , is there a specific day and time you 'd like to leave on ? 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+Day +bos sorry going to peterborough to cambridge friday and would like to get there by 16:45 please . eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos i would recommend train tr9859 that arrives at 05:56. eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive N/A +bos yes , thank you , can i get the price for that please ? eos O O O O O O O O O O O O O O O Train-Request+Price +bos the cost per ticket is 16.50 pounds . can i book you a ticket ? eos 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 i would also like 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 N/A +bos sure , what type of places are you interested in ? eos O O O O O O O O O O O O Attraction-Request+Type +bos anything that seems fun in the centre . maybe a museum ? eos O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos i have 11 different museums . might i suggest the primavera . it just began displaying a new set of exhibits . would you like more info on it ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 O O O general-reqmore +bos i need the phone number , postcode , and address . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos sure , it 's located at 10 king s parade cb21sj and can be reached at 01223357708. may i help with anything else ? eos 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 general-reqmore +bos no , that 's all . 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 ! thank you for contacting the cambridge towninfo centre . 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 place to go in the centre . eos O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos do you like boats ? there is the cambridge punter on 251a chesterton road . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos i want to go to a mutliple sports attraction . eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos unfortunately , i do n't have a multiple sport attraction in the centre . can i try a different area or type of attraction for you ? eos 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 O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos how about a museum instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos byard art would be nice eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos sounds good to me ! can you give me their phone and address ? oh , and how much does it 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 Attraction-Request+Phone,Attraction-Request+Addr +bos sure , the address is 14 king 's parade and their phone is 01223464646. admittance is free . 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 B-Attraction-Inform+Fee O O O N/A +bos i am also looking for a train that arrives by 11:45 on thursday from bishops stortford to cambridge . eos O O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos the tr0798 leaves at 9:29 and gets you to cambridge by 10:07. would you like me to book you a ticket on it ? eos O O B-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 O O O O O O Train-OfferBook +bos that would work . i need 8 tickets for that train please . eos O O O O O O O B-Train-Inform+People O O O O O O N/A +bos you are booked on thursday on tr0798 , reference number is 06uzdazr and the total cost is 80.8 gbp payable at the station . eos O O O O O B-Train-OfferBooked+Day 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 N/A +bos thank you so much for your help , that 's all i will 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 for contacting cambridge towninfo centre ! have a pleasant trip ! goodbye ! 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 cheap restaurant that serves scandinavian food eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A +bos no results for your query have been found . 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,general-reqmore +bos are there any cheap restaurants that serve italian food ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos yes , there are five options for cheap italian food . three are located in the centre of town , one in the north , and one in the west part of town . do you have a preference on area ? 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 O B-Restaurant-Inform+Choice I-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 O O O O O Restaurant-Request+Area +bos it really does n't matter , but i suppose the north . can i get the address and phone number please ? eos 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos of course . da vinci pizzeria is at 20 milton road chesterton , and the number is 01223 351707. eos O O O 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 O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos thank you for your help . eos O O O O O O O general-thank +bos you 're welcome , enjoy your food . eos O O O O O O O O O general-welcome,general-bye +bos hi . can you help me find an east hotel ? eos O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos sure , did you need anything else specifically ? eos O O O O O O O O O O general-reqmore +bos i would like something with 4 or 5 stars . eos O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos we have six four star guesthouses on the east side . does price matter ? 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 Hotel-Request+Price +bos no , it does not matter . i am also looking a for place with 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 all have free parking ! moderately or cheaply priced ? eos O O B-Hotel-Inform+Choice O O O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O Hotel-Inform+Parking +bos the price does not matter . eos O O O O O O O N/A +bos i recommend the warkworth house at warkworth terrace . would you like me to book this for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O Booking-Inform +bos does it also have free wifi ? i need wifi too . eos O O O O O O O O O O O O O N/A +bos yes it has free wifi . 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 +bos yes , for myself and 4 nights starting tuesday eos O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos you are all set , the reference number is zi27s8e2 , any further questions ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i need a train ticket from cambridge to ely . i want to arrive at least by 21:15 , can i get the reference # too please ? eos O 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 O O N/A +bos what day would you be traveling ? eos 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 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 yes please . can i get the reference number ? eos O O O O O O O O O O O N/A +bos there are 8 trains that would get you there by 21:15. what time would you like to depart cambridge ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Arrive O O O O O O O B-Train-Inform+Depart O Train-Request+Leave +bos i do not have a specific time to leave , thank you for asking . eos O O O O O O O O O O O O O O O O general-thank +bos okay ! how many people would you like me to book a train for ? eos O O O O O O O O O O O O O O O O Train-Request+People +bos arrive by 21:15 for the same group of people . and i need a reference number eos O O O B-Train-Inform+Arrive B-Train-Inform+People O O O O O O O O O O O O Train-Request+Ref +bos i have booked you on the train leaving cambridge at 19:50. your will arrive at 20:07 and your reference number is 7776w8df . eos O O O O O O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+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 can i look up anything else for you today ? eos 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 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 train leaving tuesday going to ely please . eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A +bos there are several trains to ely on that day . is there certain time that you need to leave by ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Dest B-Train-Inform+Day I-Train-Inform+Day O O O O O O O O O O O O Train-Request+Leave +bos i would like to arrive by 14:45. eos O O O O O O O B-Train-Inform+Arrive N/A +bos tr3420 will arrive at 14:07 , would that work ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos yes , can i get the departure time and travel time on that one ? eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos yes the train leaves at 13:50 and the ride lasts 17 minutes . eos O O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thanks . i 'm also looking for college to look around . eos O O O O O O B-Attraction-Inform+Name O O O O O O N/A +bos there are many to choose from , what area would you like to see one 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 any area is fine . can you give me the phone number and postcode 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+Post,Attraction-Request+Phone +bos christ 's college is in the city centre and is highly acclaimed . their phone number is 01223334900 and they 're in postcode cb23bu . eos 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 O O O B-Attraction-Recommend+Phone O O O O B-Attraction-Recommend+Post O O O O N/A +bos awesome ! i guess that 's all i need . thank you . 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 . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos i 'd like a taxi to riverboat georgina eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 would like to leave after 5:15. eos O O O O O O O O N/A +bos got it . now i will just need to know where the taxi should pick you up from eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos the departure site is peterborough train station eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos booking successful . grey honda , contact number 07022908010 eos 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 is all i need . 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-welcome,general-bye +bos i 'm looking for a train departing from ely . eos O O O O O O O O B-Train-Inform+Depart O O N/A +bos on what day do you wish to travel and to what destination ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i 'd like to travel to cambridge on wednesday , but i do n't want to leave before noon . 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 N/A +bos i have a train to cambridge leaving ely at 13:35. will this work for you ? eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart B-Train-Inform+Leave O O O O O O N/A +bos that should work . i need booking for 2 people and i will need the reference number , 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 Train-Request+Ref +bos i have booked two spots for you . the reference number is iu3f4fkv eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos wonderful . thank you . eos O O O O O O general-thank +bos you 're welcome . is there anything else you may need ? eos 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 alright . have a great day . bye now ! eos O O O O O O O O O O O general-bye +bos i need help finding a train leaving cambridge after 15:30. eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos i found 623 trains that leave at that time . what is 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 im going to cambridge eos O O O O B-Train-Inform+Depart N/A +bos there are no trains leaving cambridge and also going to cambridge , did you mean to choose another destination ? eos O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart O O O O O O O O O O O O O Train-Request+Dest +bos the train should leave on friday and should go to leicester.. eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest N/A +bos tr0094 leaves at 16:21 on friday . can i book it for you ? 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 Train-OfferBook +bos yes , please . could you book 8 tickets ? eos O O O O O O O B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 302.39 gbp payable at the station .reference number is : 3p7b0d6t . 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 thank you so much . have a good day now ! 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 O general-bye +bos you are more than welcome ! eos O O O O O O O general-bye +bos i was robbed ! i need help ! eos O O O O O O O O O N/A +bos contact the parkside police station at 01223358966 eos O O O O O O O O N/A +bos can you give me their address , please ? eos O O O O O O O O O O Police-Request+Addr +bos the address is parkside , cambridge cb11jg . 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 do you need any further assistance ? eos O O O O O O O O general-reqmore +bos no , i 'm going to the police station now . thanks for your help . eos O O O O O O O O O O O O O O O O O Police-Inform +bos youre welcome . goodbye eos O O O O O general-welcome,general-bye +bos i am looking for a place to dine . 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 O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have both an italian restaurant and a vietnamese restaurant . do you have a preference ? 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 Restaurant-Select +bos i do n't care book a table for 5 people at 15:30 on friday . 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 : yw1nyrxc . 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 cool thank you . i 'm all set for now . eos O O O O O 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-bye +bos i 'm planning my trip there , but need to find a train for when i depart . 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 O Train-Inform +bos sure . from where will you be departing , 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,general-greet +bos i 'm leaving from cambridge and going to birmingham new street . eos 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 there appear to be hourly trains from 05:01 to 23:01. do you know what day and time you 'd like to travel ? eos 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 Train-Request+Day,Train-Request+Leave +bos wednesday and it should leave after 18:00. eos O B-Train-Inform+Day O O O O O B-Train-Inform+Leave N/A +bos the tr1766 leaves at 18:01 and arrives at birmingham new street at 20:44. would that be ok ? 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 I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos that sounds good . can you book that for me for 3 people ? eos O O O O O O O O O O O O O B-Train-Inform+People O N/A +bos ok , i have booked you 3 seats on that train . your reference number is mi5rmehq . you 'll need to pay 225.3 gbp at the station . anything else i can do ? eos O O O O O O O B-Train-OfferBooked+People 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 can you also direct me to some attractions in town in the east ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos of course ! there are several attractions in the east . i 'd suggest cambridge artworks ; it 's a museum with free entrance . would that work for you ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O O O Booking-Inform,general-greet +bos that would be perfect . can you give me the address and the phone number ? eos O O O O O O O O O O O O O O O O O N/A +bos the address is 5 greens road and the phone is 01223902168. is there anything else that 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 B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , that is all . thanks for your help . eos O O O O O O O O O O O O general-thank +bos you are welcome . have a great trip . bye . eos O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos i am looking for the addenbrookes eos O O O O O O O N/A +bos addenbrookes hospital is at hills rd , cambridge cb20qq . eos O O O O O O O O O O O N/A +bos can i please have the phone number for the hospital ? eos O O O O O O O O O O O O Hospital-Request+Phone +bos the general number for addenbrookes hospital is 01223245151. can i do anything else for you ? eos O O O 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 general-thank +bos no problem . that 's what i 'm here for . eos O O O O O O O O O O O O general-bye +bos what is the address for find pizza hut city centre ? 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 the address for that restaurant is regent street city centre . 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 N/A +bos thank you , can you book a table for 2 on friday at 18:00 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 N/A +bos i 'm sorry . the restaurant is fully booked at that time . what other day or time slot would be good 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,Booking-Request+Day,Booking-Request+Time +bos please try friday at 17:00. it should be less crowded then . eos O O O B-Restaurant-Inform+Day 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 : cqv6jds3 . 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 for the 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-bye +bos while in cambridge i need a restaurant that is moderately priced and serves spanish food . eos 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 la tasca would be a good choice for you . would you like the address or phone number ? 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 N/A +bos yes i would like the address and phone number , thanks for your help ! 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 address for la tasca is 14 -16 bridge street and the phone number is 01223464630. 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 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 Booking-Inform +bos i just want to confirm . this place has free wifi as well as being 3 star , correct ? 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 were you also trying to book a hotel today ? there are 5 hotels in cambridge that are 3 stars and offer free wifi eos O 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 O O O Hotel-Inform+Internet +bos actually , i 'd like to confirm that la tasca is a 3-star restaurant . eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos thank you . have a good day ! eos O O O O O O O O O general-bye +bos wait please you have n't answered my question . eos O O O O O O O O O O N/A +bos i 'm sorry for the confusion , la tasca is the restaurant and is not assigned a star rating . 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 N/A +bos ok , can you find me a place to stay ? with a 3-star rating , free wifi , and a moderate price range ? 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 N/A +bos there are 3 hotels that fit your request , what area of town were 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 Hotel-Request+Area +bos it does n't matter to me . do any of them have free parking ? eos O O O O O O O O O O O O O O O O Hotel-Request+Parking +bos yes , all three have free parking . one is in the north , one in the west and one in the south part of town . which is your preference ? eos 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 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 Hotel-Select,Hotel-Inform+Parking +bos which one is in the north area and give me the phone number , please . eos O O O O O O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Phone +bos hamilton lodge is located in the north , and the phone number is 0-122-336-5664. eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Phone O N/A +bos thank you for the information . 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 general-thank +bos glad i could help , goodbye . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a train from cambridge to stevenage . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos i can get you tickets for friday . the train departs the station at 05:21 , is that time suitable for you ? eos O O O O O O O B-Train-OfferBook+Day O O O O O O B-Train-OfferBook+Leave O O O O O O O O O N/A +bos how long is the trip ? i might like to leave somewhat later . eos O O O O O O O O O O O O O O O N/A +bos the trip is 49 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos excellent . book it for 6 people and i 'd like to arrive before 12:45. eos O O O O O O B-Train-Inform+People O O O O O O O O O N/A +bos okay , i 've booked you 6 tickets on train tr2515 , which leaves at 05:21 and arrives at 06:10 in stevenage . your reference number is 1rmgsh2b . can i help you with anything else ? eos O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive I-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 general-reqmore +bos thanks so much . and yes , could you possibly point me to some entertainment in the town centre ? 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 N/A +bos unfortunately there is n't anything in the town centre that 's entertainment , do you have an alternate preference or area you 'd like ? eos O O O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O B-Attraction-NoOffer+Type O O O O O O O O O O O O O O O N/A +bos are there any museums in the centre ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos there are 11 museums in the centre . would you like to visit the castle galleries or primavera perhaps ? both are free . eos O O O O B-Attraction-Inform+Type 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 B-Attraction-Inform+Fee O O O N/A +bos can i get the addresses of both ? eos O O O O O O O O O Attraction-Request+Addr +bos castle galleries is at unit su43 , grande arcade , saint andrews street . primavera is at 10 king s parade . eos 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos fantastic . may i have the postcodes for those museums as well ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos castle galleries is cb23bj and primavera is cb21sj . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post I-Attraction-Inform+Post N/A +bos thanks , that 's all i need today . goodbye ! eos O O O O O O O O O O O O general-bye +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 want to know where i would find the parkside police station . could you tell me ? eos O O O O O O O O O O O O O O O O O O O Police-Inform +bos their postcode is cb11jg , you can reach them at phone number 01223358966. eos O O O O O O O O O O O O O O N/A +bos thank you . may i have a street address for the police station ? eos O O O O O O O O O O O O O O O Police-Inform +bos certainly . their address is parkside , cambridge . 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 thank you goodbye eos O O O O general-bye +bos welcome . at your service next time eos O O O O O O O O general-bye +bos i need a taxi to take me to pipasha restaurant to leave after 01:45. 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 from where will you be picked up ? eos O O O O O O O O O Taxi-Request+Depart +bos from the ballare . eos O O O B-Taxi-Inform+Depart O N/A +bos booking completed ! booked car type : red teslacontact number : 07644470752 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 i need a taxi today after 05:45 eos O O O O O O O B-Taxi-Inform+Leave N/A +bos okay . where do you want to leave from ? eos O O O O O O O O O O O Taxi-Request+Depart +bos i 'll need to be picked up at holy trinity church , heading to byard art . eos 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 O O O N/A +bos i have you all booked . red tesla , 746155219. eos O O O O O O O B-Taxi-Inform+Car B-Taxi-Inform+Phone O O N/A +bos great . thank you ! eos 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 nope , that should do it.thanks for your assistance ! eos O O O O O O O O O O O general-thank +bos you have a nice day . goodbye . eos O O O O O O O O O general-greet +bos how do i find the closest police station ? eos O O O O O O O O O O Police-Inform +bos hello ! it is located at postcode cb11jg . if you need directions i recommend calling them at 01223358966. 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 O O O O O O O O O O N/A +bos thank you . so that is post code and phone number for the nearest police station , right ? eos 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+Phone +bos that is correct , you have a good day . eos O O O O O O O O O O O general-greet +bos i need information on addenbrookes hospital please . eos O O O O O O O O O Hospital-Inform +bos which information were you needing ? eos O O O O O O O N/A +bos can you provide the phone number for me ? eos 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 can i also get the address ? thanks ! eos O O O O O O O O O O Hospital-Request+Addr +bos the hospital is located at hills rd , cambridge , postcode : 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 N/A +bos no , that 's all . thanks , good bye . eos O O O O O O O O O O O O general-bye +bos you are quite welcome . have a nice day . eos O O O O O O O O O O O general-greet +bos i am looking for the addenbrookes hospital with acute medical assessment unit 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 N/A +bos addenbrookes hospital is located at hills rd , cambridge . it has the department you 're looking for . would you like the phone number 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 O N/A +bos yes , please . i need their telephone number . eos O O O O O O O O O O O Hospital-Request+Phone +bos the acute medical assessment unit can be reached at 01223348314. eos O O O O O O O O O O O N/A +bos sounds great . thank you so much for your help ! eos O O O O O O O O O O O O general-thank +bos the acute medical assessment unit can be reached at 01223348314. eos O O O O O O O O O O O N/A +bos i got into a fender-bender with my rental car , and now i need help resolving the dispute with the owner of the other 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 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 full mailing address for that location ? eos O O O O O O O O O O O O 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 thank you for your help . that is all i need right now . eos O O O 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-greet +bos please book me a taxi to take me from aylesbray lodge guest house to the london liverpool street train station . 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 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 what time do you want to leave by ? eos O O O O O O O O O O Taxi-Request+Leave +bos i need to get there by 1:30. eos O O O O O O O O N/A +bos booking completed ! booked car type : red skodacontact number : 07852042631 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 i want to find a hospital in town eos O O O O O O O O O Hospital-Inform +bos alright , addenbrookes hospital is located on hills road , cambridge . do you want 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 yes , please give me the phone number . eos O O O O O O O O O O Hospital-Request+Phone +bos the phone number to the hospital is 01223245151. 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 N/A +bos that 's all i needed , thanks so much ! eos 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 awesome ! have a good day ! eos O O O O O O O O N/A +bos you as well . thanks for calling . goodbye now ! eos O O O O O O O O O O O O general-bye +bos i need to book a taxi departing from royal standard . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos i can help with that , what is your destination ? eos O O O O O O O O O O O O Taxi-Request+Dest +bos i 'm heading to the university arms hotel . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos got it . and can i have a time please ? eos O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos yes . i must arrive there by 15:45 eos O O O O O O O B-Taxi-Inform+Arrive O N/A +bos have you in a gray skoda , 07138317821 is the contact info . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone O O O O O O N/A +bos sounds good , thanks for the help ! 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 that was everything , thanks ! eos 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 restaurant located in cambridge centre . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area 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 am in the mood for chinese food , please . eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i have found 4 restaurants that fit that description . how does hk fusion sound ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos perfect . i need a table for 1 at 19:45 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 O N/A +bos ok i have that booked the reference number is ebzipgv2 . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos great that is all i need . thanks . eos O O O O O O O O O O general-thank +bos you 're welcome , 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 general-bye +bos will do ! thank you , hope you have an amazing day as well . eos O O O O O O O O O O O O O O O O general-thank +bos i am glad the cambridge towninfo centre helped you . goodbye . eos O O O O O O O O O O O O O general-bye +bos i 've just been robbed . what should i do ? eos O O O O O O O O O O O O N/A +bos call the parkside police station - 01223358966 are you ok ? eos 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 have a nice day , goodbye eos O O O O O O O general-bye +bos i 'd like a train from cambridge to 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 there are 133 trains making that trip , do you have a day and time you 'd 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 would like to leave on sunday after 20:30. eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos tr7208 leaves at 21:01. would you like me to book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes and could i have the reference number after ? eos O O O O O O O O O O O Train-Request+Ref +bos great , i have booked your ticket , your reference number is : njre41zt . 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 . have a great day ! eos O O O O O O O O O O general-thank +bos you as well . eos O O O O O general-bye +bos i am looking for the addenbrookes hospital with emergency department eos O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department N/A +bos the emergency department may be contacted at 01223217118. eos O O O O O O O O O N/A +bos can i have the address and phone number eos O O O O O O O O O Hospital-Request+Addr,Hospital-Request+Phone +bos the number for the emergency department at addenbrookes hospital is 01223217118 and it is located on hills road in cambridge . 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 O O O O O O O O O N/A +bos no 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 . eos O O O O O O O O general-bye +bos can you get me the nearest police station ? eos O O O O O O O O O O Police-Inform +bos the nearest police station is in the parkside part of cambridge . eos O O O O O O O O O O O O O N/A +bos could you give me their address and phone please . eos O O O O O O O O O O O Police-Request+Addr,Police-Request+Phone +bos the phone number is 01223358966 , it 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 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 . goodbye . eos O O O O O O O O general-greet +bos i 'd like to find out more about the bloomsbury restaurant eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos certainly ! it is an international restaurant in the centre of town . it is moderately-priced . it is at the crowne plaza hotel , at 20 downing street . would you like a reservation ? 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 O B-Restaurant-Inform+Price 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 Booking-Inform,general-greet +bos yes please , friday at 18:15 for 7 people . eos O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Hotel-Inform+People O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : g0x4niaa . is there any way i can be of help to 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 O O general-reqmore +bos well , i 'm also looking to stay somewhere for a bit . i need someplace 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 N/A +bos yes , there are a number of hotels with free parking and wifi , what area do you wish to stay ? eos O O 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 Hotel-Request+Area,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i would like a hotel in the western part of town . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos there are four choices . does it matter whether it is a hotel or guest house ? or any other preferences ? 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 Hotel-Request+Type +bos looking specifcally for a hotel , can you book me for 7 people for 5 nights on friday eos O O O O O B-Hotel-Inform+Type 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 would you prefer cheap or expensive ? eos O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price N/A +bos i do n't have a preference . eos O O O O O O O O N/A +bos booking was successful at the cambridge belfry , reference number is : tnjxrqr5 . can i assist you with anything further ? 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 O O O O O O O O O general-reqmore +bos that is everything i needed . thanks ! eos O O O O O O O O O general-thank +bos thank you for using the cambridge towninfo centre service ! eos O O O O O O O O O O O general-bye +bos i would to visit 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 sure , i have 5 options for you eos O O O O O B-Attraction-Inform+Choice O O O N/A +bos choose for me one that is good and get me the entrance fee and address . 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 i recommend clare hall . it 's free to get in . the address is herschel road . would you like any more information on it ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Inform+Fee 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 O O N/A +bos i also need a place to dine eos O O O O O O O O N/A +bos what sort of cuisine are you in the mood for ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos indian food , in the same area as clare hall . eos O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos what price range do you want ? eos O O O O O O O O Restaurant-Request+Price +bos i would like it to be in the expensive 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 indian restaurants in the centre may i book one for you ? eos O O O B-Restaurant-Inform+Choice I-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 Booking-Inform +bos yes . tuesday , 13:00 , for 5 people . eos O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O O O N/A +bos okay , you 're all set . i have curry garden booked for tuesday , for 5 people , at 13:00. your reference number is : hw1ztxbe . is there anything else i can do ? eos 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+People 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 O general-reqmore +bos that is all i need . cheers . eos O O O O O O O O O N/A +bos have a good dinner ! eos O O O O O O general-bye +bos i am looking for a place to eat in the north . can you help me ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos sure , there are nine to choose from eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O N/A +bos do you have anything serving turkish food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are no turkish restaurants in the north area . eos O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O N/A +bos okay , how about one that serves chinese food ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos yes , the golden wok is in that area . would you like to book a seat there ? 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 Booking-Inform +bos yes , a reservation would be great . let 's say friday for 6 people at 15:45. 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 N/A +bos booking was successful . the reference number is : q79blcsb . eos 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 cambridge . i 'll need to arrive by 08:15 , please ? eos O O O O O 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 N/A +bos how about tr5767 ? it arrives at 05:51 eos O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Arrive O N/A +bos well , i need to go to bishops stortford . will that train go there on sunday ? eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Day O O O N/A +bos you want tr8095 - it will arrive in bishops stortford at 08:07 on sunday . eos O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos yes i would like to book seats on the tr8095 train for 6 people . eos O O O O O O O O O O O O O O B-Train-Inform+People O N/A +bos i will work on getting that booked and be back with you shortly . eos O O O O O O O O O O O O O O O Train-OfferBook +bos thank you for your help . eos O O O O O O O general-thank +bos booking was successful , the total fee is 48.48 gbp payable at the station . reference number is : 1nr94d63 . 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 nope that is all , thanks 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 you 're welcome have a great day eos O O O O O O O O general-welcome,general-bye +bos can you help me find a train going to cambridge and arriving by 15:30 ? 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 no trains arriving at cambridge by 15:30. is there another day or time you would prefer ? eos O O O O O O O B-Train-NoOffer+Dest I-Train-NoOffer+Dest B-Train-NoOffer+Arrive O O O O O O O O O O Train-Request+Arrive,Train-Request+Day +bos the train should depart from norwich and should leave on monday eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day N/A +bos train tr3087 from norwich to cambridge arrives on monday at 14:35. there are also eight earlier routes if you prefer . would you like me to book any tickets ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Arrive 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 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 that will cost you 17.60 pounds . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos how about a hotel room ? eos O O O O O O O Hotel-Inform +bos sure , what type of hotel are you looking for today ? eos O O O O O O O O O O O O O Hotel-Request+Type +bos i 'm looking for a moderate priced place to stay with a 3 star rating . eos O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Stay O O O Train-Request+Price +bos i do n't have any hotels in that area meeting those criteria . could we change some of the criteria ? 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 N/A +bos yes try a different area . eos O O O O O O O N/A +bos there are some guesthouses available . would that work ? eos O O O O B-Hotel-Inform+Type O O O O O O N/A +bos yes , that would be fine . eos O O O O O O O O N/A +bos how about the alpha-milton guest house in the north ? 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+Area O N/A +bos i think so . does it have wifi and parking included ? eos O O O O O O O O O O O O O N/A +bos the alpah-milton guest house does not include internet or parking . eos O O O O O O O O O O O O N/A +bos ok , well i do need a room someplace with internet and parking . i need a room for 3 people , 3 nights . 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 N/A +bos i could get you a room at the hamilton lodge . what day are you arriving ? eos O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O Booking-Request+Day +bos can you book that for 3 people for 3 nights the same day as the train ? eos O O O O O O O B-Hotel-Inform+People O O O O O O O O O O N/A +bos absolutely ! i just need to know what day you will be getting there ? eos O O O O O O O O O O O O O O O O Booking-Request+Day +bos we will be arriving on monday around 15:30. eos O O O O O O B-Hotel-Inform+Day O O N/A +bos i have booked the hotel . the reference number is v88nrwc6 . 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 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 welcome , have a lovely day . eos O O O O O O O O general-bye +bos i need a 4 star place to stay which should include free wifi . eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos okay , and what is your price range ? eos O O O O O O O O O O Hotel-Request+Price +bos i need some place cheap . thanks eos O O O O O B-Hotel-Inform+Price O O N/A +bos i have many options for you . what part of town do you want 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 Hotel-Request+Area +bos i do n't care , book it for 6 people and 2 nights starting from 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 N/A +bos i have you booked for the autumn house , the reference number is acw41wkc , anything else that i can assist with ? 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 general-reqmore +bos thanks . i also want info on concert halls in the south . eos O O O O O O O O O O O O O O general-thank +bos i am sorry but there is only one concerthall which is in the centre . do you want the contact information or do you want a different type of attraction ? eos O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type 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+Type,general-reqmore +bos let 's try a cinema in the south instead then eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos what about cineworld cinema ? would you like more information ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O general-reqmore +bos yes , please tell me the phone number , postcode , and entrance fee . 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 address is cambridge leisure park , clifton way , the postcode is cb17dy and the phone number is 00872208000. eos 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 B-Attraction-Inform+Phone O O N/A +bos i need a taxi . i want to leave the cinema at 13:30 and go to the hotel . please give me car type and contact info 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 Taxi-Request+Car +bos you will be picked up by a blue honda and the contact number is 07712234271. 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 B-Taxi-Inform+Phone 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 and enjoy your stay in our lovely city ! eos O O O O O O O O O O O O general-bye +bos hi , i 'm starving and would like to find a moderately priced restaurant 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 N/A +bos great , i have 21 options for you ! eos O O O O O B-Restaurant-Inform+Choice O O O O N/A +bos that 's a lot of options , can you narrow them down for me by type ? eos 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 type of food in mind or do you want a recommendation ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food,general-reqmore +bos i do not have a type in mind so i would love to get your recommendation ! eos O O O O O O O O O O O O O O O O O O N/A +bos cotto is my all time favourite . it serves british food . can i reserve for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Food O O O O O O O O O Booking-Inform +bos yes , reserve for 1 at 17:00. what is the address and phone number of cotto ? also , can you find a guesthouse in the same area that has 4 stars for two nights ? eos O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O O O O O O B-Restaurant-Inform+Name 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 O Restaurant-Request+Phone,Restaurant-Request+Addr +bos okay , your reservation number is 7ndo5d43 . the address is 183 east road city centre , phone number is 01223302010. you 'd like me to look at a hotel as well ? eos O O O 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 B-Restaurant-Inform+Phone O O O O O O O O O O O O O O general-reqmore +bos yes . i 'd like a 4 star guesthouse in the centre . i do n't have any other criteria . eos 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 N/A +bos i found alexander bed and breakfast matching your request . would you like to book a room there ? 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 O O Booking-Inform +bos can you book that for me ? there are 5 people . we 'd like to arrive on thursday and stay for 3 nights . 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 B-Hotel-Inform+Stay O O O O N/A +bos i 've got it booked ! 3 people , 5 nights , starting thursday . your reference number is wtdg767u . can i look any other attraction up for you ? eos 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 no , that will be all ! goodbye . eos 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 hello , i am looking for information about a restaurant called rice boat . 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 rice boat restaurant is located on 37 newnham road . the phone number is 01223302800. the restaurant serves upscale indian cuisine . eos 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 O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos ok , i need to make a reservation for monday at 13:30. eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos ok. how many people should i book the table for ? eos O O O O O O O O O O O O Booking-Request+People +bos i need it for one person for wednesday at 13:30. eos O O O O O O O O O O B-Restaurant-Inform+People N/A +bos you are all set ! your reference number for the reservation is : tai3kd9o will that be all for you today ? eos 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 general-reqmore +bos can you also help me find places to go in the center of town like a college ? eos 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 13 colleges in that area . christ 's college is free and located on saint andrew 's street . eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A +bos great could i have their postcode please ? eos O O O O O O O O O Attraction-Request+Post +bos sure ! the postcode is cb23bu . 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 that is everything you have been so helpful , hope the rest of your shift goes well for 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 thank you for using our services . we are happy to help . 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-bye +bos can you help me look up a particular hotel that i have in mind ? eos O O O O O O O O O O O O O O O O Hotel-Inform +bos i am happy to help , what was the name of the place ? eos O O O O O O O O O O O O O O O Hotel-Request+Name +bos its the huntingdon marriot . i 'd like to book it for 8 people on 2 nights starting on wednesday , and i 'll need a reference number . eos O O 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 B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O O O O O N/A +bos your booking was successful reference number is 1qvlvd25 eos O O O O O O O O B-Booking-Book+Ref N/A +bos great , thanks for that . i 'm also looking for information about a restaurant called 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 O O O O N/A +bos okay , the mahal of cambridge serves indian food and is located in the centre . would you like me to make a reservation for you ? eos O 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+Area O O O O O O O O O O O O O Booking-Inform +bos yes please book a table on wednesday for 8 people at 17:15 , i 'll need a reference number . eos 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 O O O N/A +bos i was able to book it , reference number is t2snwpja eos 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 it was my pleasure to help . have a wonderful night . take care . bye . 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 adc theatre eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos you will want to go to the centre part of cambridge , it is on park street , postal code cb58as . can i help with anything else ? eos O O O O O O O O B-Attraction-Inform+Area O O 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 O O general-reqmore +bos i 'm looking for information on the adc theatre . can you get some information for me , including the attraction type ? eos 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 Attraction-Request+Type +bos adc theatre is a theatre in the center part of town . their phone number is 01223300085. can i help you with anything else ? eos O O B-Attraction-Inform+Type 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 O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos yes , i need information about the gonville hotel , please . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos it is an expensive hotel in the centre with free wifi and parking . do you need 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 O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos well , i 'd like to book a room for 5 people , beginning on friday for 5 days . can you help me with that ? eos 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 O O O O O O O O N/A +bos of course ! i just booked the room for you for 5 days beginning on friday . the reference number is 7wb751ak . 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+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 thank you very much , i think that that will be all ! eos 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 rest of your 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 a hotel to stay with a 3 star rating 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 there are 2 hotels with 3 stars . they are both quite similar , but the gonville hotel has a little better reputation . can i tell you anything about it ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type 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 O O O O general-reqmore +bos yes , is either of these hotels located in the north ? eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos no they are located in the centre and the south . eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area Hotel-NoOffer +bos i need the address and phone to them please . eos O O O O O O O O O O O Hotel-Request+Addr +bos the phone number is 01223366611 and adress is gonville place eos O O O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos how about a guesthouse with a 3 star rating in the north ? eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O N/A +bos there are two 3-star guesthouses in the north . one offers internet and parking and the other does n't . would you like to book a room at one of these ? 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-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 no , thanks . 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 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 on second . wait . what was the price range on that guesthouse ? eos O O O O O O O O O O O O O O O Hotel-Request+Price +bos the pricerange for gonville hotel is expensive . were you needing a guesthouse ? this is a hotel . eos O O 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 O Hotel-Request+Type +bos i think we 're confusing each other . you said there was no 3-star hotel in the north , so i 'm looking for a 3-star guesthouse in the north . do you have that ? 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 B-Hotel-Inform+Type O O O O O O O O O O O O O N/A +bos sorry . my system just refreshed . alpha-milton guest house is a 3 star guesthouse in the north area in the moderate price range . it does not include internet or parking . eos O 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+Type I-Hotel-Inform+Type 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 O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-greet +bos no worries , i just need the address please . eos O O O O O O O O O O O Hotel-Request+Addr +bos the alpha-milton guest house address is 63 milton road , postcode cb41xa . are you looking for an attraction in the north also ? 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 B-Hotel-Inform+Post O O O O O O O O O O O O O Attraction-Request+Area +bos i am actually looking for a college anywhere in town . can you recommend an interesting one ? 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 sure ! i recommend the clare hall located on herschel road . what information would you like to know ? eos O 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 O O O O O general-greet,general-reqmore +bos may i have the phone number and the exact area . eos O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone +bos clare hall is in the west part of town . their phone number is 01223332360 should you need to contact them ! 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 B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O N/A +bos thanks ! i will also need a taxi please . eos O O O O O O O O O O O Taxi-Inform +bos thank you , please provide what time you want to leave the hotel or time you want to arrive at 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 O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i could really go for some italian food - is there a good place in the city centre ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos yes we have 9 italian restaurants in that area . do yo have a price range you 'd like to stick to ? 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 O Restaurant-Request+Price +bos no price range but can you check in the centre of town ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos if you want to splurge , i recommend stazione . would you like to book a table there ? eos 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 . luncheon for 7 at 12:45 this monday , or 11:45 if the later is not available . please get me a confirmation number too please . eos 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 O O N/A +bos you 're all set ! the reservation number is igc0glmu eos O O O O O O O O B-Booking-Book+Ref O O general-greet +bos great . are there any interesting places to go in the area of that restaurant ? eos O O O O O O O O O O O O O O O O O N/A +bos the broughton house gallery is free and located at 98 king street . eos O O O O O O O O O O O O O O N/A +bos i was looking for a college . eos O O O O O O B-Attraction-Inform+Type O N/A +bos christ 's college is in the centre and admission is free eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O N/A +bos great . can i have the phone number ? eos O O O O O O O O O O Attraction-Request+Phone +bos yes , that phone number is 01223334900. 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 just a taxi from the church to the restaurant by the booking time please eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos it is booked for you in a yellow tesla , the contact number is 07059448074. 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 great ! thanks for all your help today ! 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 again for all of your help , 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 weekend . eos O O O O O O general-bye +bos i 'm looking for a 4 star hotel . eos O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i 've found 21 4 star hotels . is there a certain area you want to stay in ? 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 Hotel-Request+Area +bos yes , in the east , please . eos O O O O B-Hotel-Inform+Area O O O O N/A +bos i have found several hotels . do you have any preference towards price ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Price +bos i would not mind finding one with free wifi . eos O O O O O O O O O O O N/A +bos unfortunately , we do n't have any hotels with those preference in the area , but we do have 6 guesthouses available . would a guesthouse be okay ? eos O O O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O B-Hotel-Select+Type O O O O O O O O O O O N/A +bos a guesthouse is fine . which one would you recommend ? eos O O O O O O O O O O O O N/A +bos i recommend the leverton house . it 's a cheap guesthouse , but still a 4-star establishment . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price B-Hotel-Recommend+Type O O O B-Hotel-Recommend+Stars O O O O O N/A +bos that sounds good . can you give me the address and postcode for leverton house ? 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 they are located at 732-734 newmarket road , and postcode is cb58rs 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 N/A +bos thank you . i 'm also looking for a venetian restaurant on the east side as well . 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 'm sorry there are no venetian restaurants . are there any cuisines i can look for ? eos O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O Restaurant-Request+Food +bos yes , 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 there are four restaurants that serve indian food in the east . do you have a price range ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Price +bos book one of them for 8 people at 14:15 on tuesday . 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 alright , i have you booked at curry prince . your reference number is : 55unff8z . anything else i can do for you 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 N/A +bos yes , can you schedule a taxi to take me from leverton house to curry prince ? i need to get there by 14:15. 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 O O O O O N/A +bos okay , your taxi car type is a white bmw and the contact number is 07967879848. is there anything else you need ? 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 general-reqmore +bos that is all . thank you eos O O O O O O O general-thank +bos great ! enjoy your stay ! eos O O O O O O O general-bye +bos i need help finding the aylesbray lodge guest house . 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 O O O O O O O O Hotel-Request+Phone +bos absolutely . the phone number is 01223240089 and is located at 5 mowbray road . eos O 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 N/A +bos 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 . eos O O O O 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+Internet +bos the aylesbray lodge guest house has four stars and 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 B-Hotel-Inform+Stars O O O O O Hotel-Inform+Internet +bos i am also looking for a restaurant called the michaelhouse cafe . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos the michaelhouse cafe offers expensive european cuisine in the center of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos wonderful ! thank you for your help . eos O O O O O O O O O general-thank +bos would you like to book a table at the michaelhouse cafe ? eos O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name N/A +bos no thank you , that 's all i need , you have been very helpful . 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 if you wish to contact them , their number is 01223309147. have a great day . eos O O O O O O O O O O B-Restaurant-Inform+Phone O O O O O O general-bye +bos i need a train to broxbourne , leaving after 09:15 eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O N/A +bos there are 98 trains , do you have a departure location and day ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i would like to depart from cambridge on friday eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos booking was successful , the total fee is 17.89 gbp payable at the station . reference number is : 7e3m8v02 . 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 what time will i arrive ? eos O O O O O O O Train-Request+Arrive +bos the booked for 1 person tr0826 leaves at 10:01 and arrives by 11:01. eos O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive N/A +bos how long is the train ride ? eos O O O O O O O O Train-Inform +bos it will be 60 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you ! that 's all i needed . eos O O O O O O O O O O general-thank +bos all right , then . have a nice trip , and a nice day . goodbye . eos 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 museum to visit while i am in cambridge . eos 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 several museums in cambridge , which area would you like ? there is broughton house gallery , cambridge artworks and several others . any preference ? 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 O O O O O O Attraction-Request+Area,Attraction-Select +bos i would like someplace in the center of town , please . eos O O O O O O O O O O O O O N/A +bos i 'd recommend the broughton house gallery on 98 king street . their phone number is 01223314960. eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Phone O O N/A +bos please give me their postcode too . eos O O O O O O O O Attraction-Request+Post +bos sure . postcode is cb11ln . 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 O general-reqmore +bos i am also looking for a hotel named worth house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos sure , its in the north , is rated 4 stars and is located at 152 chesterton road . is there anything else ? do you want me to book it ? eos O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars 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-Inform,general-reqmore +bos does that hotel have free parking ? what price range is it in ? eos O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Price +bos the hotel is in the cheap price range and does come with parking . would you like a reservation ? 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 Booking-Inform,Hotel-Inform+Parking +bos could i have the phone number please eos O O O O O O O O Hotel-Request+Phone +bos sure , it is 01223316074. anything else you need ? eos O O O O B-Hotel-Inform+Phone O O O O O O general-reqmore +bos can you help me book a taxi between the broughton house gallery and the hotel ? i want to leave the gallery by 20:15 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 O O O N/A +bos i have booked a taxi for you , it is a white lexus and you can contact them with the number 07850136314. did you need 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 O O B-Taxi-Inform+Phone O O O O O O O general-reqmore +bos that 's all i need . thank you ! 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 need the address of the worth house hotel . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos sure thing . which worth house hotel do you need the address for ? eos O O O O O O O O O O O O O O O Hotel-Request+Name +bos what options do i have ? eos O O O O O O O N/A +bos the worth house guesthouse in the northern side of town is located at 152 chesterton road , is this the one you are looking 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 I-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 yes ! can you book it for 2 people and 5 nights starting 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 O N/A +bos yes i have booked the worth house guesthouse for 2 people for 5 nights beginning saturday . your reference number is w9945xis . can i help with anything else ? eos O 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 general-reqmore +bos i am also for a restaurant , i need it to be in the south and at a cheap price range , preferably a panasian place . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O O N/A +bos i 'm not seeing any cheap panasian restaurants in the south . would you like me to look for something else ? eos 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 general-reqmore +bos how about a cheap chinese place ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there is 1. it is called the lucky star and its address is cambridge leisure park clifton way cherry hinton . would you like me to make a reservation for you ? 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 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 +bos yes , book me a table for 2 on saturday at 19:45. 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 i 'm sorry , there are no reservations available at that day/time . is there another day/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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos ok , how about 18:45 instead ? eos O O O O B-Restaurant-Inform+Time O O O N/A +bos i have booked the lucky star for 2 at 18:45 , the reference number is rveswv8i . is there anything else i can help with ? eos 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+Time O O O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos can i have a taxi take me to the restaurant from the hotel ? i need it to arrive by the time my reservation is 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 O O O O O N/A +bos your taxi has been booked . you have a reservation for a yellow skoda . the contact number is 07404779442. is there anything else i can help you 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 B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos may i have the contact number for the taxi service ? eos O O O O O O O O O O O O Taxi-Inform +bos the contact number for the taxi service is 07404779442. if 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 O general-reqmore +bos no thank you , all of my questions have been answered . 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 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 hello . can you help me in locating a certain hotel ? eos O O O O O O O O O O O O O Hotel-Inform +bos sure , what is the name of the hotel ? eos O O O O O O O O O O O Hotel-Request+Name +bos i am looking for the alpha-milton guest house and would like to book it for 5 people for 2 nights starting friday . can you send me the reference 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 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 reservation was successful and your reference number is uo8an5fo . is there anything else that 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 N/A +bos that 's all , thank you so much ! eos O O O O O O O O O O general-thank +bos thank you for calling , enjoy ! goodbye . eos O O O O O O O O O O general-bye +bos can you give me information about local parks i can visit while i am in cambridge ? 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 may i suggest the cambridge university botanic gardens ? 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 N/A +bos what part of town is that in ? i 'd like to stick to the east side , if possible . 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 N/A +bos no , it 's not . but we do have a terrific park in the east side . it 's the cherry hinton water play park . would you like the address ? 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 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 yes , along with the postcode and entrance fee please . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos postcode is cb 18dw and admission is free eos O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O B-Attraction-Inform+Fee N/A +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 O O O O O O O O O O B-Hotel-Inform+Area O O O O O O O general-reqmore +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 , i 'm also looking for a train departing from cambridge and heading to stansted airport . can you please help ? 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 O O O O O N/A +bos which day & what time are you heading to the airport ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i want a train for tuesday that departs after 09:30 eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos there are 15 trains available . should i book a train for you ? eos O O O O B-Train-OfferBook+Choice O O O O O O O O O O N/A +bos yes , please choose the earliest one after 09:30 and book it for 7 people . and do n't forget to send the reference number ! eos O O O O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+People O O O O O O O O O O O O N/A +bos booking was successful for a train departing at 09:40. the reference number is nj1gz4y0 . will there be anything else today ? eos O O O O O O O O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O O O O O O O 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 you 're welcome . have a nice day ! eos O O O O O O O O O O general-welcome +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos ok , what kind of information about cambridge do you need ? eos O O O O O O O O O O O O O general-reqmore +bos i would like a hotel that is in the north , has free parking , and is a guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Type O O O N/A +bos acorn guest house is available , would that work 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 Hotel-Select +bos not sure . i 'm strapped for cash , is it in the cheap price range ? 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 on the cheap side or worth house . eos O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos can you book one of them for 3 people ? eos O O O O O O O O O B-Hotel-Inform+People O N/A +bos what day will you be checking in and for how many nights ? eos O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos i would like to check in on tuesday . eos O O O O O O O O B-Hotel-Inform+Day O N/A +bos and how many nights ? eos O O O O O O Booking-Request+Stay +bos for 5 nights please . eos O O O B-Hotel-Inform+People O O N/A +bos you are all set , the reference number is 439jme60 , 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 general-reqmore +bos yes i am looking at a train that departs stansted airport for 3 people . leaves tuesday and arrives in cambridge by 16:30. eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+People O O B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos train tr9892 leaves at 5:24 and arrives by 5:52 would you like me to boko 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 yes , that would be great . i 'll need three tickets , please ? eos O O O O O O O O O O O O O O O O N/A +bos i can work on booking that for you . i will be back with you shortly . eos O O O O O O O O O O O O O O O O O O Train-OfferBook +bos were you able to book it ? eos O O O O O O O O N/A +bos you booking for 3 tickets on the tr9892 was successful . your reference number is : u5a2ztwu . is there anything else i can help you with today ? 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+Ref O O O O O O O O O O O O O general-reqmore +bos i need to find an indian restaurant . eos O O O O O O O O O Restaurant-Inform +bos great , what area are you thinking of ? eos O O O O O O O O O O Restaurant-Request+Area +bos actually , i just needed the tickets . that is all for now . thanks . 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 planning your trip in cambridge . looking for a train eos O O O O O O O B-Train-Inform+Dest O O O O O N/A +bos i feel more comfortable planning my own trip , but i can help you with yours . where will you be coming from 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 O O O O Train-Request+Depart,Train-Request+Day,general-reqmore +bos i am from broxbourne and coming into cambridge . what trains would you have available on monday ? 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 N/A +bos we have nineteen trains available that day . is there any time you would like to leave 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 Train-Request+Leave,Train-Request+Arrive +bos i need to leave after 21:15. can you book this for four people ? i need 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 O N/A +bos booking was successful , the total fee is 71.59 gbp payable at the station . reference number is : upjbmq32 . 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 , i also need a guest house . eos O O O O O O O O O O general-thank +bos we have many fine guesthouses in town . is there a certain part of town or price range you would like ? 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 O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos i want it to be cheap , in the centre , and it must have internet eos O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O O O O O N/A +bos there are two results here . do you have a preference for star rating ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Stars +bos no , i do n't have a preference for star rating . either would be fine . eos O O O O O O O O O O O O O O O O O O N/A +bos well 4 stars sounds better than 0 to me , how about the alexander bed and breakfast . would you like to book there ? 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 I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Booking-Inform +bos as long as it has free wifi . i need a room for 2 nights for 4 people on the same day . 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 O O O N/A +bos it does have internet . i booked your reservation , the reference number is runklecc . anything more i can help 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 Hotel-Inform+Internet,general-reqmore +bos that will 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 . enjoy your stay ! eos O O O O O O O O O O general-greet +bos i 'm looking for a train leaving on sunday going to cambridge . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest 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 london liverpool street after 15:00. 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 there is a train leaving on that date from london liverpool to cambridge at 15:39 , arrive at 17:07 with a price of 13.28 pounds . would you like to book ? 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+Leave 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 Train-OfferBook +bos no , i will book it myself later . thanks , that 's all i need . eos 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 . thanks calling in today . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos are there any colleges in the west . eos O O O O B-Attraction-Inform+Type O O O O N/A +bos what about christ 's college ? it has free admission . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O N/A +bos can i have the address , phone number , and entrance fee please ? eos 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 it 's located at saint andrew 's street , 01223334900 is their phone number and the entrance is free as i said . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A +bos i am also interested in a restaurant in the same area eos O O O O O O O O O O O O N/A +bos do you have a cuisine or price range preference ? eos O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos i want to eat some traditional food , i 'm on a budget so it needs to be cheap ! eos O O 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 N/A +bos sorry , there is no match , do you have any other location preference ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos how about trying italian food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos la margherita meets your criteria . would you like to book a table ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform +bos yeah , could i book a table for 3 on saturday at 11: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 O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 9c381lje . 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 for your help ! 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 , i think that is all for today . you have been great . 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 thank you for using our service 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 great , what would you like to know ? eos O O O O O O O O O O general-reqmore +bos are there any expensive restaurants in the south ? eos 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 mexican , italian , indian , or chinese food ? eos O O O B-Restaurant-Inform+Choice O O 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 O N/A +bos italian food willl do eos O B-Restaurant-Inform+Food O O O N/A +bos frankie and bennys is available , 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 Booking-Inform +bos yea , please book me for 8 people on wednesday at 14:30. 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 booking was successful . the table will be reserved for 15 minutes.reference number is : 1e5rvhje.is there any other way i can help 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 general-reqmore +bos i also need a train . eos O O O O O O O Train-Inform +bos what time and where are you departing and arriving ? eos O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i would like it to leave after 10:00. eos O O O O O O O O B-Train-Inform+Leave N/A +bos there are 2058 trains to pick from . i 'll need to know your departure and destination locations 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,Train-Request+Depart +bos i 'll be leaving cambridge going to ely , i 'd like to leave after 10:00. eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O O N/A +bos there is one that leaves at 11:50 arriving at 12:07. would that work for you ? eos 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 Train-Select +bos it does and could you please book it for 15 people and could you also give me 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 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 sorry i actually need that for 8 people on thursday . eos O O O O O O O O B-Train-Inform+People O O O N/A +bos you are all set , the reference number is oy6pz53j cost is 35.2 gbp payable at the station . any other questions today ? eos O O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O general-reqmore +bos nope you 've been wonderful , thanks for all the help . eos O O O O O O O O O O O O O general-thank +bos thank you for the call , have a great trip . eos O O O O O O O O O O O O general-bye +bos i 'm interested in visiting colleges while in town , can you please recommend some ? eos 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 recommend clare hall and christ 's college . you need phone numbers for either one ? eos 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 general-reqmore +bos i would like the post code for clare hall please . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Post +bos sure , that post code is cb39al . can i further assist you ? eos O O O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos yes i also need a train to stansted airport on sunday eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day N/A +bos sure . where will you be departing from , and what time ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i am leaving from cambridge . i would like to leave sometime after 18:00. eos O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Leave O N/A +bos okay the tr5009 leaves at 18:40. eos O O O B-Train-Inform+Id O O B-Train-Inform+Depart N/A +bos that sounds great , do i call to book a seat or 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 i would be more than happy to help you book ! tickets are 8.08 pounds . how many tickets would you like me to book for your trip ? eos O O O O O O O O O O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O O O O O O O O Train-Request+People +bos please book for 6 people . eos O O O O O B-Train-Inform+People O N/A +bos booking was successful , the fee is 48.48 gbp payable at the station .reference number is 4esbhtb0 . is there anything else i can help you with ? 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 O O O O O O O O O O general-reqmore +bos no , thanks . that 's all i needed . eos O O O 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 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-bye +bos i 'm interested in doing something touristy in the centre , where should i stop first ? 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 there are several college , churches and museums in that area eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O N/A +bos those all sound interesting . do you have any recommendations ? eos O O O O O O O O O O O O N/A +bos how about the whipple museum of the history of science located at free school lane . their entrance fee is free . 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 O B-Attraction-Inform+Fee I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O N/A +bos sure , can i have the postcode ? eos O O O O O O O O O Attraction-Request+Post +bos certainly the post code is cb23rh . can i assist you with anything else ? eos O O O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos i need information about a train on sunday , leaving after 11:45. eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A +bos and can you tell me your departure site please ? eos O O O O 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 the tr7447 leaves at 13:00 eos O O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos that sounds great . do they have 7 tickets available ? if they do reserve the tickets and i 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 O O O O O O Train-Request+Ref +bos reference number is : zhm8kdqa . 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 no . thanks for your help . you have been really nice . eos O O O O O O O O O O O O O O general-thank +bos you are welcome . have a nice time in cambridge . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos please find me a train that leaves on monday after 08:45 eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos where are you going or coming from ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i will be leaving cambridge and heading to ely . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos is there a certain time you need to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos i just need to leave after 08:45 eos O O O O O O O O N/A +bos the tr8399 leaves from cambridge on monday at 09:50. shall i book that 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+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O Train-OfferBook +bos yes , for 2 people . please give me 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 you have 2 seats reserved , and you 'll pay 8.8 gbp at the station . your reference number is 90rlyzkx . can i help you with anything else ? eos 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos i am looking for a restaurant . the restaurant should be in the centre and should be in the moderate price range . eos 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 N/A +bos there are 21 restaurants in the centre . do you have a certain type of food you 'd prefer ? 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 Restaurant-Request+Food +bos i do n't have a food preference . eos O O O O O O O O O N/A +bos would you like british food ? eos O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O N/A +bos sure , that works for me . i need the phone number , postcode , and address 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos cotto is a great british restaurant located on 183 east road city centre . their postcode is cb11bg and phone number is 01223302010. is there anything else you need ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O 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 O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos oh that 's great . that would be all , thank you . 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 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 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 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 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 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-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+Parking,Hotel-Inform+Internet +bos hi , i am looking for a cheap 4-star hotel near local restaurants . eos O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O O O N/A +bos there are many options to choose from but all of them are guesthouses except one . do you need a hotel or can it be 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 N/A +bos i do n't mind what type of hotel . but it needs to be in the centre and offer 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 N/A +bos the alexander bed and breakfast is a cheap hotel in the centre area with free parking . 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 I-Hotel-Inform+Name I-Hotel-Inform+Name 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 Hotel-Inform+Parking +bos yes , please book it for 4 people and 3 nights . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A +bos which three nights would you like me to book the hotel for ? eos O O O O O O O O O O O O O O Booking-Request+Day +bos starting from sunday , please . eos O O O B-Hotel-Inform+Day O O O N/A +bos no problem . your booking was successful for four people , starting sunday for three days . your reference number is 3buqp529 . eos O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Day O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O O O N/A +bos thanks can i also get a restaurant ? i am looking for one in the centre of town serving korean 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 the only korean restaurant in the center of town is little seoul . it 's expensive , but very good . would you like to book a table there ? eos O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O 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 O O Booking-Inform +bos no , but i will need a taxi to the restaurant . i 'll need to get from the alexander b & b to little seoul , leaving the hotel at 13: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+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Leave O O O O O O N/A +bos not a problem . you will be picked up by a white volvo , contact number 07532822307. 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 thanks for you 're help . may i also have the address and phone number of the restaurant . eos 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 the phone number is 01223308681 and their address is 108 regent street 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 N/A +bos thank you for all your help ! eos O O O O O O O O general-thank +bos of course , have a nice day ! eos O O O O O O O O O general-bye +bos yes i am looking for a local restaurant to dine that will serve expensive european food eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O N/A +bos eraina has a really good menu . would you like me to book that for you ? eos O B-Restaurant-Recommend+Name O O O O O O O O O O O O O O O O Booking-Inform +bos yes , please for one person . eos O O O O O O O O N/A +bos what day and time would you like ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos perhaps i can call and ask a few questions . what is there phone # and address 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,Restaurant-Request+Addr +bos of course . their phone is 01223368786 and they are at free school lane city centre 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 O N/A +bos can i also get their postcode please ? eos O O O O O O O O O Restaurant-Request+Post +bos their post code is cb23rh . can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos yes , i 'm also looking for information on a train . i need to leave from cambridge to kings lynn on monday . i want to arrive by 13:45. 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 I-Train-Inform+Dest O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O O O N/A +bos there are 8 possible trains to take , do you have a preference on your departure time from cambridge ? 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+Depart O O Train-Request+Leave +bos i am not picky as long as i arrive on time . eos O O O O O O O O O O O O O N/A +bos the tr7430 leaves cambridge at 12:11 and arrives at kings lynn by 12:58. would you like to book tickets ? 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 O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos i would like to book for 8 people please . eos O O O O O O O O B-Train-Inform+People O O N/A +bos i have your tickets reserved , the total fee is 78.4 gbp payable at the station and the reference number is : v6axiqbl . can i do 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 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 '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 know the names of some good local restaurants . could you tell me where to find a train ? the train should arrive by 20: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 O B-Train-Inform+Arrive N/A +bos sure , what is your destination ? 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 i have several trains going to cambridge . where are you departing from ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O Train-Request+Depart +bos i 'm actually departing from cambridge and going to london kings cross . 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 O N/A +bos train id tr8676 leaves for london kings cross on wednesday 19 : 00 and arrives at 19:51 , will that be fine ? eos O 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+Day O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O N/A +bos that sounds perfect , please book 1 ticket for me , and can i have 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 N/A +bos booking was successful , the total fee is 23.6 gbp payable at the station .reference number is : 4ctsefmg . 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 moderately priced restaurant . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i see that there are several restaurants in the moderate price range , what type of food are you looking for ? eos O O 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 Restaurant-Request+Food +bos hi , i 'm visiting cambridge and ca n't wait to try local restaurants . have you heard anything about a place called golden wok ? 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 O O O O O N/A +bos i have ! it is located at 191 histon road chesterton . can i make a reservation for you ? 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 O O O O Booking-Inform +bos not yet . i would appreciate the phone number and address . 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 01223350688 , it is located on 191 histon road chesterton . is there anything else i can help you with ? eos 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 O O O O O O O O O O O general-reqmore +bos i need an expensive room , four stars . eos O O O O B-Hotel-Inform+Price O O O O O N/A +bos which are 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 to be in the west and i need free parking for my mercedes please . 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 i have the huntingdon marriott . may i book that for you ? eos 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 and 2 nights starting saturday . could i also get the 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 O O O O O Hotel-Request+Ref +bos ok , you 're booked and the reference number is 1ij50x09 . 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 general-reqmore +bos yes , i 've heard good things about the golden wok , can you tell me about 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 the golden wok serves chinese food . it is in the north area and is in the moderate price range . would you like me to book you a table there ? 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 B-Restaurant-Inform+Price O O O O O O O O O O O O O O Booking-Inform +bos no thanks , i almost forgot , you already gave me all of that info . 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 O O O general-thank +bos thank you for contacting us . if you have any more questions please 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-bye +bos i wo n't . i may even ask twice , ha ha . eos O O O O O O O O O O O O O O N/A +bos okay thank you . eos O O O O O general-bye +bos hi , i 'm looking for a place to stay in the centre . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos there are 2 guesthouses and 3 hotels in the city centre , do you prefer one or the other , or are there any amenities that you 'd like ? eos O O 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+Choice I-Hotel-Select+Choice O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos yes , i would like it to have free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O O N/A +bos the alexander bed and breakfast is a 4 star guesthouse that is cheap . does that interest 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+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Price O O O O O O Booking-Inform +bos do they offer free wifi or free parking ? eos O O O O O O O O O O N/A +bos yes to both . eos O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos great . please book it for 5 people for 5 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 O N/A +bos unfortunately that did n't work . do you want to shorten your trip ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay +bos sure , how about two nights ? eos O O O O O O O O N/A +bos i was able to book that hotel for you for 2 nights . the reference number is 8lcnfkvo . eos O O O O O O O O O O O O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O N/A +bos thanks . i 'm also interested in going to the chiquito restaurant bar . can you make a reservation there ? 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 N/A +bos sure what time and how many people ? eos O O O O O O O O O Booking-Request+People,Booking-Request+Time +bos for 5 people on wednesday please . could you also provide the reference number . eos O O O O O O O O O O O O O O O O N/A +bos i will need a time before i can book . eos O O O O O O O O O O O Booking-Request+Time +bos it will be for 11:00 on the same day eos O O O O O B-Restaurant-Inform+Time O O O O N/A +bos i 've booked it for you , your reference number is s7p7sxvn . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos could you also get me a taxi that 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 N/A +bos a red ford car will arrive at 10:30 to pick you up at your hotel to take you to the restaurant . the contact number is 07751377592. eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Leave O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone O N/A +bos thank you for all of your help . 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 no , i am all set . good bye . eos O O O O O O O O O O O general-bye +bos glad to help . goodbye ! eos O O O O O O O general-welcome,general-bye +bos i need to take a train that goes to cambridge and arrives by 16:45. 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 where will you be going ? eos O O O O O O O Train-Request+Dest +bos i 'll be leaving from london liverpool street . oh , and i 'd like to travel on saturday , 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 B-Train-Inform+Day O O O O O O O N/A +bos there are 6 trains to choose from that day , do you have 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 O O Train-Request+Leave +bos i need it to arrive by 6:30 and i need it for 3 people . eos O O O O O O O O B-Train-Inform+People O O O O O O O N/A +bos ok. tr7909 leaving at 23:39 and arriving at 01:07 is booked for 3 people . reference 00penvqg . 39.83 payable at the station eos O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O O O O B-Train-OfferBooked+Ref B-Train-OfferBooked+Ticket O O O O O O N/A +bos thanks . can you also tell me some information on the maharajah tandoori restaurant ? 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 the maharajah tandoori restaurant serves indian foodon the west side . it is in the expensive price range . their address is 41518 castle street city centre . anything else ? 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 B-Restaurant-Inform+Area O O O O O B-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 O O general-reqmore +bos that 's all . thank you . eos O O O O O O O O general-thank +bos have a nice train trip ! eos O O O O O O O general-bye +bos i 'm looking for an expensive restaurant in the city centre . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A +bos i can most definitely help with that . is there a certain 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,general-greet +bos yes , i think i would like to try french food . eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos cote is a french restaurant in the centre of town . it is expensive . would you like me to book you 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 I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform +bos yes . please send be the phone number , address 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 their number is 01223311053 , postcard is cb21uf and they are located on bridge street city centre . eos O O O O B-Restaurant-Inform+Phone 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 O O N/A +bos great , thanks . i also need a train . i need to leave cambridge after 12:15. eos O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O N/A +bos i have over 800 possible matches for that request . where will you be 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 Train-Request+Depart +bos i am leaving from kings lynn on saturday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos i have a train tr4003 leaving cambride at 13:00 and arriving at london kings cross at 13:51. would you like me to make reservations ? 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 O O Train-OfferBook +bos yes , can you book that train for 2 people please ? eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos your train has been booked . reference number cyw95ce2 . is there anything else i can help 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 general-reqmore +bos no , 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 i am happy to be able to help . have a nice 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 do you have any suggestions on a place in the centre to eat . i would like it to be expensive please . eos 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+Price O O O N/A +bos is there any particular cuisine you prefer ? eos O O O O O O O O O Restaurant-Request+Food +bos no , i 'm not particular in fact i would like to try something exotic . can you also 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 Restaurant-Request+Addr +bos i recommend bedouin at 100 mill road city centre . can i help you with anything else today ? eos 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 O general-reqmore +bos yes . i am also looking for a place to stay that includes free wifi and is in the same area as the restaurant . 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 cityroomz looks like a good fit . would you like to book that ? eos O B-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform +bos hmm , that name does n't inspire a lot of confidence . how many stars is it rated ? eos 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 rated as zero stars . if you 're looking for something more highly regarded the gonville hotel is 3 stars and the university arms gets 4. do those sound better ? 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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O N/A +bos what price range is the university of arms in ? eos O O O O O O O O O O O N/A +bos the university arms hotel is in the expensive price range . 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 N/A +bos would you like to book that ? eos O O O O O O O O N/A +bos do you need any more information about 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 O N/A +bos yes , just give me their phone number if i want to reserve something i 'll call them myself . 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 phone number is 01223351241. can i help you with anything else ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos can you please confirm for me if the hotel has free wifi and what part of town it is in ? 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 Hotel-Inform +bos the hotel has free internet and is in the center . the address is regent street cb21ad . eos O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O Hotel-Inform+Internet +bos thank you ! that 's all i needed today . bye ! eos O O O O O O O O O O O O O general-bye +bos great , 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 general-welcome,general-bye +bos hello , i 'm looking for a hotel in the north , and i 'd like the more expensive range please . eos 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 O O O O N/A +bos i 'm sorry , but there are no expensive hotels in the north area . could i check for one in the moderate price range for you ? eos 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 O O O O O O O O O O O O O O O O N/A +bos i 'm sorry not hotels , guesthouses please . eos O O O O O B-Hotel-Inform+Type O O O O N/A +bos there are no guesthouses in the expensive range in the north area . there are five options , in the moderate range , any other preferences ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Price O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area 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 N/A +bos yes , please check one in the moderate range . eos O O O O O O O O O O O N/A +bos i have many listings , could i get what star rating to would preferred ? eos O O O O O O O O O O O O O O O O Hotel-Request+Stars +bos honestly , i would prefer if you could suggest one as long as its moderately priced . eos O O O O O O O O O O O O O O O O O O N/A +bos alright . does the acorn guest house sound okay ? it 's 4 stars with free internet and parking . eos 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos that would be fine . could you also find out some information about the india house restaurant ? 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 N/A +bos the india house is in the expensive price range and located at 31 newnham road newnham . 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos thanks . could you reserve a table for 3 people at 16: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 O O N/A +bos i am unable to book during that time slot on thursday . would you like to try a different time on thursday or maybe 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 how about 15:30 ? eos O O O B-Restaurant-Inform+Time O N/A +bos booking was successful . your reference number is : sp0ztzu8 . 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 yes , actually . i 'll be needing a taxi between those two locations . please make sure they can have me at 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 O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos booking was successful . you will arrive at the india house by 15:30. eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive 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 you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome +bos hi there , i 'd like to find a good restaurant for tonight . i 'd like somewhere in the city centre , and i 'm willing to pay a moderate amount of money . 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 O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A +bos there are a lot of great restaurants that are moderately priced in that area . which type of food would you like ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Restaurant-Request+Food +bos somewhere that serves light bites , please eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there is no place in that area that serves light bites . would you like to try a different area or cuisine perhaps ? 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 Restaurant-Request+Food,Restaurant-Request+Area +bos what about a restaurant that serves european food , but still in the centre and moderately priced ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O N/A +bos there are 4 restaurants that match your request , would you like to book one of them ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Booking-Inform +bos no , but could you give me the address and phone number for your favorite one ? 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 the hotel du vin and bistro is a great place , they are located at 15-19 trumpington street and reachable at 01223227330 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O N/A +bos are there any places to stay in the same general area as the restaurant ? eos O O O O O O O O O O O O O O O O N/A +bos i have 33 hotels in that area . do you have a price range that 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 O O O Hotel-Request+Price +bos i need to stay in the moderate price range , please . eos O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i have the cityroomz that is moderately priced . would you like a booking ? eos O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Booking-Inform +bos actually , could i just get its phone number and address ? eos O O O O O O O O O O O O O Restaurant-Request+Addr +bos sure , cityroomz is located at sleeperz hotel , station road and the number for them is 01223304050. is there anything else i can help you with ? eos O O B-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 B-Hotel-Inform+Phone O O O O O O O O O O O O general-reqmore +bos can we book a guesthouse in the centre ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos of course , how many nights will you be staying , 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+Stay +bos i will be staying for 5 nights and there will be 6 people . eos O O O O O O O O O O O O O O O N/A +bos what day are you starting your stay , please ? eos O O O O O O O O O O O Booking-Request+Day +bos starting from friday . could you book that for me ? eos O O O B-Hotel-Inform+Day O O O O O O O O N/A +bos i 'm sorry i could not book for the time and length of stay . would you like to change the 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos hmmm . how about two nights ? eos O O O O O O O O N/A +bos would a cheap guesthouse in the centre area work ? eos O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos that sounds fine . eos O O O O O N/A +bos there are two , but the alexander bed and breakfast seems nice . it 's rated 4 stars . what do you think ? eos O O O B-Hotel-Inform+Choice 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+Stars O O O O O O O O O Hotel-Select +bos go ahead and book it , may i have the reference number please ? eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos your booking was suucessful for 2 nights reference number is : d7b8xoez.. is there anything else i can do for you ? eos 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 general-reqmore +bos i also need to book a taxi if we can . eos O O O O O O O O O O O O Taxi-Inform +bos no problem . what between which locations would need the taxi and for what time ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Leave,Taxi-Request+Depart +bos i 'll need to go between the hotel and the restaurant , and we 'd like to leave the hotel by 6:30. 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 O O O O O O O O O N/A +bos ok , i 've booked you a car . a black ford should be picking you up at the alexander by 6:30 , contact number 07373630564. 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 O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos nope that is all i need today . thank you for your assistance with all this ! eos 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 to help you today . thanks 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 need a place to eat that has caribbean food , somewhere in south 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 okay , i do n't have anything on the southside . we can try another cuisine or a different location . eos O O O O O O 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 ok what about on any other side of town ? eos O O O O O O O O O O O N/A +bos there are no places to eat with that food , another type perhaps ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos how about one that serves indian food instead ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos might i suggest curry garden ? they are in the centre and are in the expensive price range . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Price O O O O N/A +bos that sounds good . what is the address and postcode for curry garden ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos curry garden is located at 106 regent street city centre , cb21dp . would you like me to book a table 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 O O O O O O O O O O Booking-Inform +bos no thank you , i do need help finding a place to stay that has free parking though . 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 29 hotels do you have any other requirements ? eos O O O O B-Hotel-Inform+Choice O O O O O O O general-reqmore +bos i prefer the room to be in a hotel . eos O O O O O O O O O B-Hotel-Inform+Type O N/A +bos there are eight . you might like the lensfield hotel , it 's in the south of town . would you like to book a room there ? eos O O O B-Hotel-Inform+Choice 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 O O O O O O O O O O O O Booking-Inform +bos yes please . can you make the booking for two nights ? eos 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 how many people will be staying ? eos O O O O O O O O Booking-Request+People +bos i think i 'll hold off on that reservation . does that hotel have free internet ? i do want to book a taxi if you can do 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 O O O N/A +bos the hotel does come with free wifi . for the taxi , what is your departure site and destination < i will also need time frames 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 Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Depart,Hotel-Inform+Internet +bos from the curry garden to the hotel . i want to leave the restaurant by 23:45. eos O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Hotel-Inform+Type O O O O O O O O B-Taxi-Inform+Leave N/A +bos thank you , i was able to book a taxi for 23:45. it will be a red volvo and the contact number is 07162285520. eos O O O O O O O O O O O B-Taxi-Inform+Depart 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 , 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 welcome . enjoy ! eos O O O O O O O general-welcome +bos i 'm so hungry ! can you find me an expensive restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos well if your going to be in the centre then may i suggest kymmoy ? they serve asian oriental eos O O O O O O O O O B-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O N/A +bos actually , i 'd prefer some good german food . is there an expensive german restaurant in the city centre ? eos O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O O N/A +bos i do n't have an expensive german restaurant in the centre . we could try a cheaper restaurant or in a different location if you like . eos O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price 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 O O Restaurant-Request+Price,Restaurant-Request+Area +bos how about one that serves mediterranean food in the same parameters ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos yes , there are two ! la mimosa and shiraz . which one do you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Restaurant-Select +bos i 'd like to try la mimosa . could i get a table for 8 at 15:30 on friday ? a reference number would be great . thank you 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 Restaurant-Request+Ref +bos your table is reserved for friday , reference number 6hd6gfxn . can i help you with anything else today ? eos O O O O O 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 how much should i expect the cost per person to be at this place ? eos O O O O O O O O O O O O O O O O N/A +bos i am not sure the exact price per person . eos O O O O O O O O O O O N/A +bos that 's fine then . thank you for your help . eos O O O O O O O O O O O O general-thank +bos you 're quite welcome , have a great day ! eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a place to eat in the centre of cambridge . i 'd like mediterranean 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 O O N/A +bos i have three different ones . i have two expensive ones and one that is rather cheap . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Select +bos i want the expensive one . can you give me some information on them ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A +bos there is la mimosa on thompsons lane fen ditton as well as shiraz restaurant at 84 regent street city centre . 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 O O O O O O O O O N/A +bos la mimosa sounds interesting . that 's all i needed . thanks ! eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O N/A +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 need a train that will be leaving anytime after 16:45 going to cambridge , please . eos O O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O O O N/A +bos what destination and what day ? eos O O O O O O O Train-Request+Day,Train-Request+Dest +bos the destination is cambridge and i 'd like it on monday . eos O O O O O O O O O O B-Train-Inform+Day O O N/A +bos there are 77 trains . where are you leaving from ? eos O O O O B-Train-Inform+Choice O O O O O O O Train-Request+Depart +bos i 'll be leaving from birmingham new street . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos i have a train leaving at 17:40 from birmingham new street to cambridge . 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 I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O Train-OfferBook +bos yes please and can you give me the travel time , arrival time , and train id ? 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 the train we 're looking at is tr3130 . it arrives at 20:23 so the travel time is 163 minutes . how many seats do you need ? 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-Request+People +bos you 've given me all the information i need . thanks . have a nice day . eos O O O O O O O O O O O O O O O O O O general-thank +bos my pleasure ! please call us back if we could 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 need some help finding the parkside police station . eos O O O O O O O O O O O Police-Inform +bos hello , the phone number is 01223358966. if you need the address it is , 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 N/A +bos thank you ! that 's all i needed . goodbye ! eos O O O O O O O O O O O O general-bye +bos you 're 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 general-bye +bos i was in a car accident dispute and need help regarding it eos O O O O O O O O O O O O O N/A +bos the parkside police station will be able to assist you with this . their 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 N/A +bos the phone number is what i was looking for . thanks ! eos O O O O O O O O O O O O O Police-Request+Phone +bos sure . you can reach them at 01223358966. can i be of further assistance ? eos O O O O O O O O O O O O O O O O N/A +bos that is it . thank you . eos O O O O O O O O general-thank +bos i 'm sorry to hear of your troubles , and i hope your day gets better ! eos O O O O O O O O O O O O O O O O O O general-greet +bos hi , i would like to find parkside police station please . eos O O O O O O O O O O O O O Police-Inform +bos of course , the phone number is 01223358966 , the address is parkside , cambridge , postcode cb11jg . is everything alright ? eos O O O 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 it . thank you ! eos 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-greet +bos i 'm looking for a modern eclectic place to dine in the cambridge north end tonight . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos i 'm sorry , 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 Restaurant-NoOffer,general-reqmore +bos i would not . i prefer this place to be expensive , have modern eclectic tastes , and be located north . eos 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 O N/A +bos i 'm sorry , there are no restaurants that meet your criteria . 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 Restaurant-Request+Area,Restaurant-NoOffer +bos how about a chinese restaurant in the same area , same price range ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos no problem . i have hakka at milton road chesterton . how many would you like me to reserve for ? eos O O O O O B-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-Request+People +bos i only need the phone number and postcode . eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the phone number is 01223568988 and the postcode is cb41jy . is there anything else you would like for me to do ? eos O O 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 general-reqmore +bos is milton road chesterton the full address for hakka ? i also need a train to cambridge . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Dest O Restaurant-Request+Addr +bos yes , that 's the full address . for the train , where are you coming from and on what day and 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,Train-Request+Leave,Train-Request+Depart +bos i need to go from stevenage to cambridge on friday , leaving after 8:00. 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 N/A +bos there are 8 trains the closest one to 8:00 leaves at 9:54 , would this work for you ? 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 , that will work . can you place a booking for 6 people on that train and provide 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 O O Train-Request+Ref +bos yes , you 're all set on tr0601 at 11:54 with reference number cxz3wy2n . the total fee of 76.8 gbp is payable at the station . eos O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Leave 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 great thank you very much that should be all eos O 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-bye +bos help i was just robbed ! could you please help me contact the police ? eos O O O O O O O O O O O O O O O O Police-Inform +bos parkside police phone number is : 01223358966. eos O O O O O O O O N/A +bos could i also get the address of the police station ? eos O O O O O O O O O O O O Police-Request+Addr +bos the address for the police station is parkside , cabridge and the postcode is cb11jg . eos 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 O general-thank +bos you are 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 that is all good day . eos O O O O O O O O N/A +bos best of luck to you . eos O O O O O O O general-bye +bos i am looking for the parkside police station . can you help me ? eos O O O O O O O O O O O O O O O Police-Inform +bos i have the phone number as 01223358966 eos O O O O O O O O N/A +bos ok , thanks . could i also get the address and postal code ? i need it for directions . eos 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 +bos sure , i 've attached the information : address : parkside , cambridge ; postcode : cb11jg . 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 O O O O O O N/A +bos no , that 's everything . thank you . eos 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-bye +bos i need to locate the nearest police station please . eos O O O O O O O O O O O Police-Inform +bos the police station is located in parkside , postcode cb11jg . 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 N/A +bos i have everything i need . thank you . eos O O O O O O O O O O general-thank +bos you are 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 i need to call them actually right now - do you have their phone number ? eos O O O O O O O O O O O O O O O O O Police-Request+Phone +bos sure - the phone number is 01223358966 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 N/A +bos happy to help anytime , cheers ! eos O O O O O O O O general-greet +bos i am looking for a train departing after 11:15 from the birmingham new street location . eos O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos there are many trains leaving after 11:15 , the closet one leaving to that time will be at 11:40 and arrives at 14:23. eos 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 O O O B-Train-Inform+Arrive O N/A +bos okay , i need one going to cambridge on tuesday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos what is your preferred arrival time ? eos O O O O O O O O Train-Request+Arrive +bos i do n't have a preferred arrival time . could you just book me one for 13:40 ? 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 will that be 1 ticket on the 13:40 train from birmingham new street to cambridge , then ? eos O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O Train-Request+People +bos no , actually i 'll need tickets for two people please . oh , and can you provide the reference number when you 've got 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 O O O O N/A +bos your request has been completed . the reference number is tth2aa7n . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thanks . i also need an expensive restaurant serving mediterranean food . eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O N/A +bos i have 2 results for mediterranean restaurants . one is la mimosa in town centre . would you like me to make you a reservation ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform +bos sure . 2 people at 20:30 on tuesday . please give me the reference number . 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 N/A +bos alright , you 're all booked ! the reference number is lw1n1dla . 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 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 , if you need anything else please contact us . eos O O O O O O O O O O O O O general-bye +bos can you help me find the nearest police station ? eos O O O O O O O O O O O Police-Inform +bos the nearest police station is in parkside with the post code cb11jg . 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 N/A +bos yes and the address , as well . thanks . eos O O O O O O O O O O O Police-Request+Addr +bos you can find the station at parkside , cambridge . their phone number is 01223358966. eos 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 today . eos O O O O O O O O O O general-thank +bos let us know if you need any more help . eos O O O O O O O O O O O general-bye +bos i 'd like to find a restaurant that serves mediterranean food and should be pretty expensive . 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 both la mimosa and shiraz will meet your needs . would you like to book a table at one of those ? 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 O O Booking-Inform,Restaurant-Select +bos yes , can we get a reservation at shiraz for 8 people on friday at `17:15 and can i also get the reservation number ? thank you . 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 O O O O O O O O N/A +bos the booking for successful , it will only be reserved for 15 minutes . your reference number is : jwusoswm . 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 O general-reqmore +bos i am also looking for a train leaving cambridge after 13: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 791 trains leaving cambridge after that time . what is your destination and day of travel ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos my destination is birmingham new street and i would like to travel on saturday . eos 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+Day O N/A +bos you train will be leaving cambridge at 14:01 and arrive birmingham new street at 16:44 eos 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 B-Train-Inform+Arrive N/A +bos i need to book 8 tickets for the train . eos O O O O O O B-Train-Inform+People O O O O N/A +bos booking was successful for tr0942 , the total fee is 480.64 gbp payable at the station . reference number is : 8d00h8pk . 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 for your help ! eos 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 that is all . thank you again ! eos O O O O O O O O O general-thank +bos thank you for contacting the help desk . have a nice day ! eos O O O O O O O O O O O O O O general-bye +bos thank you for all of your help . eos O O O O O O O O O general-thank +bos you are quite welcome ! please enjoy your trip . eos 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 . 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 what kind of food are you interested in having ? eos O O O O O O O O O O O Restaurant-Request+Food +bos dont care but i would like 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 i recommend pizza hut cherry hinton . its phone number is 01223 323737 , and their address is g4 cambridge leisure park clifton way cherry hinton . 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+Phone I-Restaurant-Recommend+Phone 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 I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O 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 south 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 O general-bye +bos thank you , goodbye . eos O O O O O O general-bye +bos i am looking for 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 there are two indian and one italian restaurant . which would you prefer ? eos 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 Restaurant-Select +bos the italian place and the address , please . eos O O B-Restaurant-Inform+Food O O O O O O O Restaurant-Request+Addr +bos pizza hut fen ditton is an italian restaurant on the east side of town . the address is cambridge retail park newmarket road fen ditton . 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 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+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 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-welcome,general-bye +bos i would like an expensive restaurant in the east 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 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 grafton hotel restaurant is a nice restaurant that serves british food and is in the east part of town eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos can i have their address and post code please eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos sure , their address is grafton hotel 619 newmarket road fen ditton , c.b 5 , 8 p.a 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 for the help , good bye eos 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-welcome,general-bye +bos looking for a restaurant on the south part of town ? eos O O O O O O O B-Restaurant-Inform+Area 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 do not have a preference . eos O O O O O O O O N/A +bos do you have any preference on the cost ? eos O O O O O O O O O O Restaurant-Request+Price +bos i would like something 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 is a very popular chinese restaurant in the south part of town called the lucky star , it is in the cheap price range . eos O 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 I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O N/A +bos can 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 their number is 01223 244277 and they are located at cambridge leisure park clifton way cherry hinton . can i be of any further assistance ? eos 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 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 using the cambridge restaurant system . goodbye . eos O O O O O O O O O O O O general-welcome,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 that serve brazilian food . eos O O O O O O O B-Restaurant-Inform+Food O O Restaurant-NoOffer +bos please search for french 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 i found two french restaurants , one in centre and one in north . do you have a preference on area ? eos O O O O B-Restaurant-Inform+Food 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 Restaurant-Select +bos i do n't care . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos do you have a preference on the price ? eos 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 N/A +bos cote is a good french restaurant . it is located at bridge street city centre and its phone number is 01223311053. is there anything else i can help you with ? eos O B-Restaurant-Inform+Name 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 O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , that is all i need . thank you and goodbye ! eos 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 i am looking for bistro food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i can not find any restaurants matching your request . can i find something else for you instead ? 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 a restaurant serving portuguese food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos nandos city centre , which is in the south part of town , serves portuguese food and they are in the cheap price range . 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+Food O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos may i have the address and phone number of nandos ? eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos nandos ' address is cambridge leisure park clifton way and their phone number is 01223 327908. 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos thank you eos 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 hello , i am looking for a moderately priced restaurant that serves traditional food . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos there are no restaurants matching your request . would you like a different one ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos please find moderately price restaurants that serve spanish type of food . eos O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O O N/A +bos the only restaurant fitting such criteria is la tasca . eos O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 address is 14 - 16 bridge street , the postcode is cb21uf , and the phone number is 01223 464630. 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 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 you are welcome . good bye . eos O O O O O O O O general-welcome,general-bye +bos i would like to find a restaurant in any area and it should serve lebanese food . eos O 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 lebanese restaurant in the centre of town called ali baba . would you like their address ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O general-reqmore +bos could you give me just 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 sure , the phone number is 01462 432565 and the postcode is cb21nt . is there anything else i can help you with ? eos O O O 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 no , thank you . goodbye . eos O O O O O O O O general-bye +bos you are 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 no , thank you . goodbye eos 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 is there a thai 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 yes , there is one thai restaurant in that area . would you like more details on this restaurant ? 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 general-reqmore +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos the address is 24 green 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 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 bangkok city is expensive . their phone number is 01223 354382. is there anything else i can help you find ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food 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 no , that 's all the information i needed . 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 O general-bye +bos i 'm looking for a restaurant the serves spanish food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos would you prefer cheap or moderate price range ? eos O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos i have no preference . eos O O O O O O N/A +bos two selections fit your requirements . la tasca and la raza are both located in the centre part of town . do either of those interest you ? 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+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 O O Restaurant-Select +bos yes , i would like the address of la raza please . eos O O O O O O O O O O O O O Restaurant-Request+Addr +bos la raza 's address is 4 - 6 rose crescent . 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+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 no . thank you , goodbye . 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,general-bye +bos can you help me find an expensive restaurant in the center part of town ? thanks . 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 what type of food do you have in mind ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i would like some sushi eos O O O O O O N/A +bos there is a japanese restaurant called wagamama at 36 saint andrews street . is this okay ? eos O O O O B-Restaurant-Inform+Food 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 O N/A +bos are there any french restaurants that are expensive in the centre area ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O N/A +bos there is cote at bridge street city centre . the phone number is 01223311053. would you like to make a reservation ? eos O O O B-Restaurant-Inform+Name 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 Booking-Inform +bos no thank you . what is the postcode ? eos O O O O O O O O O O Restaurant-Request+Post +bos the postcode for cote is cb21uf . is there anything else i can help you with today ? eos O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Post 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 ok , i will need a little more information from you . how many tickets , for when and where are you departing from 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 Train-Request+People,Train-Request+Leave,Train-Request+Day,Train-Request+Depart +bos i will be departing from cambridge on wednesday and will need tickets for 4 people . eos 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 and what is your destination ? eos O O O O O O O Train-Request+Dest +bos cambridge and it will be early unless it rains eos O B-Train-Inform+Dest O O O O O O O O N/A +bos are you departing or arriving to cambridge ? and can you also tell me the other destination . 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 i 'll be leaving cambridge and arriving at bishops stortford on wednesday , i 'd like to leave after 12:45. eos 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 O O N/A +bos how about tr3844 ? it leaves at 13:29 and arrives by 14:07. eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O N/A +bos yes , please book me for 4 people , and dont forget the 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 you are all set for four on the train . your reference number is cnkr13es . anything else i can help you with ? eos 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 , 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 so much for calling cambridge towninfo centre ! we hope you 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 information on la tasca . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos it serves spanish food and is located in the centre of town . eos O O 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 O N/A +bos great ! can i book a table for lunch wednesday ? eos O O O O O O O O O O B-Restaurant-Inform+Day O N/A +bos how many people will be dining with you ? eos O O O O O O O O O O Booking-Request+People +bos i need a booking for 4 people at 12:00 on wednesday . eos O O O O O O O B-Restaurant-Inform+People O O O O O N/A +bos your reservation is all set ! your reference number is pn280gz3 . 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 get to norwich on thursday and i need to be there at or just before 14:30. eos O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos i 'll be happy to book a train to norwich for you . on what day and time would you like to travel ? eos O O O O O O O O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos well , thursday . have to get there from cambridge by 14:30. eos O O B-Train-Inform+Day O O O O O O B-Train-Inform+Depart O B-Train-Inform+Arrive O N/A +bos i have found tr1530 that leaves cambridge on thursday at 12:36 and arrives in norwich at 13:55. can i book a seat on this train for you ? eos O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Day I-Train-OfferBook+Day B-Train-OfferBook+Leave O O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest B-Train-OfferBook+Arrive O O O O O O O O O O O Train-Select +bos no thank you , i just need the travel time . eos O O O O O O O O O O O O Train-Request+Duration +bos okay ! travel time is 79 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 O general-greet,general-reqmore +bos no that 's all you can help me with . eos 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 are there any trains leaving cambridge ? eos O O O O O O B-Train-Inform+Depart O N/A +bos there are many trains leaving cambridge eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart N/A +bos i 'm trying to get 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 O N/A +bos when would you like to leave ? eos O O O O O O O O Train-Request+Leave +bos i do n't have a preference but i do need to arrive by 14:45. eos O O O O O O O O O O O O O O O N/A +bos friday at 5:59 would you like me to book it for you ? eos O B-Train-OfferBook+Day O B-Train-OfferBook+Leave O O O O O O O O O O N/A +bos yes , please book it for 3 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos great . your booking was successful . the reference number is e2998zvm . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thanks ! now can you help me find an expensive restaurant to go to in the centre ? eos 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 N/A +bos there are lots of expensive food options in the centre . do you have a preferred food type ? eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food +bos can you just suggest one for me ? eos O O O O O O O O O N/A +bos i recommend bedouin . do you want a reservation ? eos O O O B-Restaurant-Recommend+Name O O O O O O O Booking-Inform +bos yes , please reserve it for 3 people on friday at 11:45. and i want the reference number too 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 O O N/A +bos you are booked for 3 at 11:45 on friday at bedouin . your reference number is jetypnvx . have fun ! anything else ? eos 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 general-reqmore +bos awesome , that is all thanks for your help . eos 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 am looking for a train leaving from broxbourne and going to cambridge . 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 sure , when will you be traveling ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos it will be on saturday . eos O O O O O B-Train-Inform+Day I-Train-Inform+Day N/A +bos do you have a particular time you would like to leave ? eos O O O O O O O O O O O O O Train-Request+Leave +bos we would need the train to leave after 12:00. eos O O O O O O O O O B-Train-Inform+Leave N/A +bos there is a train that leaves at 12:32. eos O O O O O O O O B-Train-Inform+Leave N/A +bos that will be fine i need the train id and price please . eos 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 is tr7768 and the cost of the journey is 14.32 pounds . eos O O O O O O B-Train-Inform+Id O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i also need a place to dine in the centre that serves seafood . eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O N/A +bos the loch fyne is the only available restaurant in the centre that fits your criteria but it is an expensive place to dine , will that be alright ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O 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 O O O O N/A +bos i would like to book a table for 2 at 17:45 on saturday . what is the reference number 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 Restaurant-Request+Ref +bos i was able to book it , reference number is a1zsfez5 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you . i appreciate the assistance . eos O O O O O O O O O general-thank +bos is there anything else i can do ? eos 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 have a fantastic day , goodbye ! eos O O O O O O O O general-bye +bos please help me find a moderately priced restaurant located in the centre . thanks . 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 how about colto , it serves british food , is in the city centre and is moderately priced eos O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-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 N/A +bos no thanks , is there any turkish restaurants in the same price range and area ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos yes , there are 2 restaurants that fit that criteria , anatolia and efes restaurant . eos 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 N/A +bos give me its address , phone number , and postcode please eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos anatolia is at 30 bridge street city centre , 01223362372 and postcode is cb21uj . efes is at king street city centre . phone is 01223500005 and postcode is cb11ln . 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 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 I-Restaurant-Inform+Phone O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O N/A +bos thank you . i also need a train going to london liverpool street please 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 day were you looking to travel ? eos O O O O O O O O O Train-Request+Day +bos i would like to travel on friday , departing from cambridge and arriving by 18:00. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A +bos okay , the tr9956 leaves at 15:59 and arrives by 17:27. would you like me to book 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 and make them three tickets eos O O O O O O O O N/A +bos booking was successful , the total fee is 49.8 gbp payable at the station . reference number is : o2ofxv6a . 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 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 enjoy your stay in cambridge ! eos O O O O O O O general-bye +bos i 'm looking for a local restaurant to dine in that cheap and serves indian 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 N/A +bos there are 4 options for you that meet that criteria , would you prefer north or centre ? eos O O O O B-Restaurant-Select+Choice O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area O O N/A +bos it does n't matter to me . i just need the address to get to it . thanks ! 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 i have four places . two in centre and two in the north . which would you like the info 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 N/A +bos it does n't matter , any of the four places will be fine . eos O O O O O O O O O O O O O O O N/A +bos kohinoor has an address of 74 mill road city centre . is there anything else i can get 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 O O O O O O O general-reqmore +bos yes , can you help me find a train departing cambridge on tuesday ? 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 5 trains listed . do you have a preference on at time 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 O O O O Train-Request+Leave +bos yes , i 'd like to leave after 09:30 , please . eos O O O O O O O B-Train-Inform+Leave O O O O O N/A +bos there are several , where are you traveling to ? eos O O O O O O O O O O O Train-Request+Dest +bos i will be traveling to stevanage . eos O O O O O O O O N/A +bos tr6009 leaves at 11:21 and arrives at 12:10. would you like to book this one ? eos O B-Train-Inform+Id O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O O O O O O O N/A +bos yes can you please book that for me ? eos 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,Train-OfferBook +bos well just one , i need the travel time too . eos O O O O O O O O O O O O Train-Request+Duration +bos i have your ticket , cost is 12.8 gbp , it is a 49 minute trip , reference number is mafohhn2 , any other questions ? eos O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O O O B-Train-OfferBooked+Ref O O O O O O O O N/A +bos no , that 's all . thank you for your help ! eos O O 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 +bos may have some information on a restaurant in town ? eos O O 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 i would like italian food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos what side of town and what price point ? eos O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos cheap price range.once you find the restaurant you want to book a table for 5 people at 12:15 on sunday and i need the reference number eos O B-Restaurant-Inform+Price 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 Restaurant-Request+Ref +bos i have the list up , i want to make sure i didnt forget an area preference first , do you have 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 Restaurant-Request+Area +bos i would want something in the centre of town . eos O O O O O O O O O O O N/A +bos i have several places are you preferring pasta or pizza ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food N/A +bos i would like pizza please . eos O O O O O O O N/A +bos pizza hut city centre should be a great choice . they 'll hold a table for you for 15 minutes . your reference number is t66zy8am . 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 O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos thank you ! can you help me find 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 do you want to departure from ? eos O O O O O O O O O O O Train-Request+Depart,general-greet +bos i will leave cambridge and go to kings lynn . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos can you tell me what 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 O Train-Request+Arrive,Train-Request+Leave +bos i have to be there by 10:45 and i 'll need the train id , please . eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-Request+TrainID +bos train tr1163 will get you to kings lynn by 09:58. eos O 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 N/A +bos thank you , that is all eos 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 train departing cambridge that will arrive by 17:00. eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A +bos i would be happy to help you find a train leaving cambridge . in order to better help you can you let me know where you are traveling to , and what day you are looking to leave ? 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 O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i am going to norwich and i want to leave on thursday . eos O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Day O N/A +bos tr1584 arrives by 10:55. that should give you plenty of time . eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O O N/A +bos okay , can you please make a booking for 8 people ? eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos yes i was able to make a booking and your reference number is 2ifp2i1s . eos O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos perfect ! can you also find me a restaurant ? eos 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 modern eclectic please eos O O O O N/A +bos i 'm afraid i could not find a modern eclectic restaurant . would you be interested in a gastropub ? eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O B-Restaurant-Select+Food O O O N/A +bos no , but an expensive mediterranean place in the center of town would work . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos what price range ? i have a few options for you . eos O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O Restaurant-Request+Price +bos something in the upper range , over 20 a place . eos O O O O O O O O O O O O N/A +bos there are two mediterranean choices : la mimosa or shiraz restaurant . which one do you prefer ? eos O O O O B-Restaurant-Inform+Food I-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 've heard great things about la mimosa . can you book a table for all of us at 10:00 on the day we arrive ? 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 B-Restaurant-Inform+Time O O O O O O O N/A +bos table for 8 at la mimosa on thursday at 10:00. the restaurant will hold your table for up to 15 minutes . your reference number is : f56ufr10 . eos 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 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 for booking that for me . 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 i want a train that leaves on wednesday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos okay , i 'd be happy to book 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 O O O O Train-Request+Dest,general-greet,Train-OfferBook +bos i 'm going to cambridge from new street in birmingham eos O O O O B-Train-Inform+Dest O O O O O O N/A +bos how about train tr0014 , leaving at 05:40 ? eos O O O O B-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O N/A +bos i need to make sure that i will arrive by 09:15 ? eos O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos yeah , that train will get you there by 8:23. eos O O O O O O O O O B-Train-Inform+Arrive O N/A +bos great . i 'm also looking for information on the ugly duckling restaurant . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos the ugly duckling is a fantastic chinese place in the center of town . it 's expensive , but worth it . i 'd be happy to book a table , if you like . eos 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 O B-Restaurant-Inform+Area I-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 O O O O O O O Booking-Inform +bos yes , please ! i 'd like a table for 1 at 15:15 on the same day as the train . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : qlk6mobc . you are all set ! 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 O O O general-reqmore +bos nope , 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 welcome . enjoy your stay in cambridge . bye . eos O O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos i want to dine at an expensive asian oriental food restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos there are two restaurants that meet that criteria . may i suggest kymmoy ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Recommend+Name O O N/A +bos which of the two restaurants is in the north ? eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos saigon city is in the north . do you need a booking for that ? eos 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 Booking-Inform +bos yes , can you book a table for 5 for monday at 16:15 ? eos O O O O O O O O O O O O O O O N/A +bos yes , i can book the table for you . eos O O O O O O O O O O O Booking-Inform +bos ok , provide reference number too please . eos O O O O O O O O O Restaurant-Request+Ref +bos the booking was successful . the table will be reserved for 15 minutes.reference number is : um6yo5ns . 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 yes . i need a hotel with free parking . i would like it in the moderate price range . eos O B-Hotel-Inform+Parking 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 N/A +bos we have quite a few of those . do you have any other preferences ? price range , perhaps ? 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 Hotel-Request+Price +bos yes , i am looking for a hotel in the moderate price range . eos 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 14 hotels that meet your criteria , do you have a preference in the area ? 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 do n't care about the area , but i do want a hotel and not a guest house . 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 N/A +bos ashley hotel is a hotel located in the north part of town and is in the moderate price range . it also offers free parking and internet . does this suit you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos that sounds good , can you also provide me with the star rating for it ? thanks eos O O O O O O O O O O O O O O O O O O general-thank +bos the ashley hotel is a 2 star hotel . 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 N/A +bos great ! i 'm also looking for a place to go in the centre . any suggestions for something fun ? 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 there is a museum on 98 king street named broughton house gallery . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos that sounds interesting ! may i have their phone number please ? and what is the 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 +bos yes , their number is 01223314960 and the entry fee is free eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee O N/A +bos i will also need a taxi to get me between the two places , the ashley hotel and broughton house . 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 N/A +bos i am sorry . there must have been a system glitch . the phone number for the broughton house gallery is 01223314960 and the entrance fee is free . 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+Phone O O O O O B-Attraction-Inform+Fee O O O N/A +bos thank you for correcting that . can you book a taxi for me ? i 'd like to go from the broughton house to the hotel , and leave by 5: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-Hotel-Inform+Type O O O O O O O O N/A +bos i booked you a yellow volkswagen and their number is 07162096037 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 ! i have everything i need now . eos O O O O O O O O O O O general-thank +bos okay great . do not hesitate to call us if there is anything else you need . eos O O O O O O O O O O O O O O O O O O general-bye +bos can i have the contact information for the fitzbillies restaurant . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos contact information for fitzbillies resaurant is telephone number 01223352500 eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone N/A +bos thank you get for that . i will give them a call . 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 , thanks , i am also looking for a train . i 'd like to leave on monday , heading to cambridge . eos O 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 O O O O N/A +bos there are over 202 trains that arrive in cambridge on monday . might i help find the best train by asking where you wish to depart from ? eos O O 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 O O Train-Request+Depart +bos i would like to depart from ely . eos O O O O O O O B-Train-Inform+Depart O N/A +bos there are 10 trains going to cambridge from ely on monday . is there a certain time you would like to depart by ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-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 Train-Request+Leave +bos yes , i 'd like to depart any time after 21:45. do any trains fit that time frame ? if so , could i have the train id , travel time , and when it will arrive ? eos 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 O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID +bos there is one train leaving after 21:45 on monday . it is tr4724 , leaving at 23:52 for a duration of 17 minutes , arriving at 23:52. eos O O O O O O O B-Train-Inform+Choice O B-Train-Inform+Day 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 N/A +bos what would the price be for that train ? eos O O O O O O O O O O Train-Inform +bos correction i apologize tr4724 leaves at 23:35 and arrives by 23:52. it 's price is 4.40 pounds by the way . let 's find one leaving after 21:45. 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O N/A +bos train tr4724 is fine . what 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 17 minutes . will that be okay ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O Train-Select +bos so tr4724 leaves at 23:35 and arrives at 23:52 correct ? if so that would be fine . 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 correct . how many tickets will you need ? eos O O O O O O O O O O O O Train-Request+People +bos i can go ahead and book on my own , thanks . thank you for the info . 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 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-bye +bos i am looking for a place to stay in the north that includes free wifi . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos i have 12 potential places . would you like a guesthouse or a hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos a guesthouse please . eos O O B-Hotel-Inform+Type O O N/A +bos that narrows it down to 10 possibilities . any other preferences you 'd like to share ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O general-reqmore +bos i would like free parking and to book it for 2 people , 4 nights starting thursday . just the best place possible . eos 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 unfortunately , all the guesthouses i have found do n't have availability for this long of a stay , would you like me 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 O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay +bos yes , let 's try for 2 nights instead . i will also need a reference number . 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 i have booked you a room at acorn guest house . the reference number is 7x4t9188 . 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 B-Booking-Book+Ref O O N/A +bos great , can you also help me find a museum called museum of classical archaeology ? 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 certainly . that 's one of our free museums over on the west side of town . eos O O O O O O B-Attraction-Inform+Fee B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A +bos may i have the postcode for the museum please ? eos O O O O O O O O O O O Attraction-Request+Post +bos yes , the postcode is cb39da . anything else ? eos O O O O O B-Attraction-Inform+Post O O O O O general-reqmore +bos no thank you , that will be all for now . 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 day . eos O O O O O O O O O O O O O O general-bye +bos can i get the entrance fee also please ? eos O O O O O O O O O O Attraction-Request+Fee +bos admission to the museum is free . is there anything else i can do for you ? eos O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos no , nothing at all . eos O O O O O O O N/A +bos ok. enjoy your time at the museum . eos O O O O O O O O O general-bye +bos may i have information for an italian restaurant 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 N/A +bos yes sure . there is only on italian restaurant called pizza hut fen ditton in the east . what else do you want to know ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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+Area O O O O O O O O O O N/A +bos what is their address please ? eos O O O O O O O Restaurant-Request+Addr +bos the address for pizza hut fen ditton is cambridge retail park newmarket road fen ditton . can i help you with anything else ? 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 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 . eos O O O O general-bye +bos i will be visiting north cambridge and need a hotel that has free parking . eos O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Type O O O O O N/A +bos i have two hotels the ashley hotel and lovell lodge both are moderately priced and offer free parking and free internet . 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 O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Internet +bos are there any hotels in a more expensive range ? eos O O O O O O O O B-Hotel-Inform+Price O O N/A +bos not in that part of town . would you like to try a different part of town ? eos 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 O O Hotel-Request+Area +bos yes can we try the south please ? eos O O O O O O B-Hotel-Inform+Area O O N/A +bos the lensfield hotel has both free parking and internet it 's in the south , would you like me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , please book the room . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos on what day will you be needing to start your reservation ? eos O O O O O O O O O O O O O Booking-Request+Day +bos i am not sure yet . eos O O O O O O O N/A +bos i 'm unable to book the room without knowing what day you want to check in . would you like the phone number so you can 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 Booking-Request+Day,general-reqmore +bos okay , i will book it at a later time . i just need the star of the hotel , address , and hotel 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 Hotel-Request+Type,Hotel-Request+Addr +bos the lensfield hotel is 3 stars . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O N/A +bos great . is it a hotel or guesthouse , and what 's the address ? eos O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos the lensfield hotel is a hotel located in the south . it is expensive , and its address is 53-57 lensfield road . the postcode is cb21en . the phone is 01223355017. eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price 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 B-Hotel-Inform+Phone O O O O N/A +bos thanks . i 'm looking for a attraction called old schools . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos old schools is a free architecture attraction in the centre . their address is trinity lane and phone number is 01223332320. do you need anymore assistance today ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee B-Attraction-Inform+Type 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 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 that 's the good thing ! the entrance is free . eos O O O O O O O O B-Attraction-Inform+Fee O O O N/A +bos i 'd like to book a taxi to commute between the two places . i want to leave old schools by 23:15. please send the contact number and car type . thanks ! 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 O O O O O O O O O O O O O Taxi-Request+Car,Hotel-Request+Type +bos where is you destination ? eos O O O O O O Taxi-Request+Dest +bos i will be traveling to the lensfield hotel . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos the taxi has been booked look for a grey skoda and the contact number is 07851637518. 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 N/A +bos thank you so much . that will be all i need . 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 hi , i want a moderately priced restaurant located in the south part of town . eos 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 pizza hut cherry hinton is in the south part of town and in the moderate price range . would you like their location ? eos 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 I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O O O O O O general-reqmore +bos address and postcode please eos O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos their address is g4 cambridge leisure park clifton way cherry hinton and their postcode is c.b 1 , 7 d.y . is there anything else i can do for you 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 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 enjoy your meal ! eos O O O O O general-greet +bos what is the address of acorn guest house ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O Attraction-Request+Addr +bos acorn guest house is located at 154 chesterton road . 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 N/A +bos great . can you book it for 7 people and 4 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 N/A +bos i have your reservation for 7 people staying 4 nights , starting on friday . your reference number at the acorn guest house is 6ia678h6 . eos 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 B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Ref O O O N/A +bos okay , thanks . eos O O O O O general-thank +bos may i assist with anything else ? eos O O O O O O O O general-reqmore +bos i am interested in visiting a museum while i am there . eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos sure , we have 23 ! any particular area of town ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O Attraction-Request+Area +bos wow , 23 ! i do n't have a particular area of town in mind . can you please recommend a great one 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 O O O O N/A +bos the regency gallery is a nice one . it is in the centre of town . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos sounds good . what 's their address ? eos O O O O O O O O O Attraction-Request+Addr +bos they are located at 39 fitzroy street . is there anything else i can help you with ? eos 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 that is all , i anticipate my stay in cambridge with baited breath now , 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 N/A +bos enjoy your stay . eos O O O O O general-bye +bos i 'd like to know of interesting places to go situated in the centre of cambridge . 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 's a ton of options in the centre . what type of attraction are you interested in ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Type +bos i would like to find an indian food restaurant eos O O O O O O O O O O Restaurant-Inform +bos are you sure you 're interested in a restaurant ? i know you mentioned earlier you 're looking for an attraction . could you give me more specifics about what attraction you 're searching 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 O O O O O O O Attraction-Request+Type,general-reqmore +bos you 're right , we should an attraction first . i 'm pretty open to anything as long as its located 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-Attraction-Inform+Area O O O O N/A +bos well , i have 44 great thoughts at hand , from beautiful architecture to museums and boating . let 's narrow down your interests- what 's your attraction budget ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-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 O O O O O O Attraction-Request+Price +bos i do n't have one . how about you pick your favorite attraction and give me the entrance fee , 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 i really like old schools . it is in the centre and has a phone number of 01223332320 eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O O O O B-Attraction-Recommend+Phone O N/A +bos looking for a place to stay . the hotel should be in the type of hotel and should include free wifi.the hotel should be in the cheap price range and should have a star of 4. 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 B-Hotel-Inform+Price O O O O O O O O O Attraction-Request+Type +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 O N/A +bos i really need a hotel and not a guest house are there any in the area ? 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 how does the cambridge belfry sound ? it 's in the west part of town and you 'd have access to free parking , too . eos O 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 O O O O O O O O O O O O Hotel-Recommend+Parking +bos sure , can i just get their phone number ? eos O O O O O O O O O O O Hotel-Request+Phone +bos sure , the number is 01954714600. eos O O O O O B-Hotel-Inform+Phone O N/A +bos thank you . i do n't need anything else from you today . bye , 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 general-bye +bos thank you ! have a great day . eos O O O O O O O O O general-bye +bos i would like a restaurant in the east part of town that serves indonesian 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 i do n't see any indonesian restaurants at all . would you like me to look for a different type of restaurant in the east ? eos O O O 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 a chinese restaurant in the north ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are three chinese restaurants in the north . are you looking for a specific price range ? 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 O O Restaurant-Request+Price +bos i 'm sorry i meant a chinese restaurant in the east . any price range is ok. 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 how about yu garden . it is in the east part of town and serves chinese food . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+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 O N/A +bos okay , may i have the address , phone number 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+Phone,Restaurant-Request+Addr +bos the address is 529 newmarket road fen ditton , the postcode is c.b 5 , 8 p.a and the phone number is 01223 248882. 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+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 N/A +bos thank you , goodbye . eos O O O O O O general-bye +bos good bye eos O O O general-bye +bos i am looking for a moderately priced restaurant in the south 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 pizza hut cherry hinton is a moderately priced restaurant that 's in the south part of town . 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 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 i dont want it . show me another one . eos O O O O O O O O O O O N/A +bos the restaurant alimentum is a moderately priced restaurant in the south part of town . 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 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 the address please ? eos O O O O O O O Restaurant-Request+Addr +bos 152 - 154 hills road eos O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos thanks . could i get the phone number , too ? eos O O O O O O O O O O O O Restaurant-Request+Phone +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 thank you , goodbye eos O O O O O general-bye +bos you are welcome goodbye eos O O O O O general-welcome,general-bye +bos i 'm looking for 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 O O N/A +bos i would recommend you curry prince , an indian place in the east with moderate price range . eos 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 B-Restaurant-Recommend+Price O O O O N/A +bos is there anything else you would recommend ? can i have the address and type of food 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+Food,Restaurant-Request+Addr +bos would you prefer a different type of food ? eos O O O O O O O O O O Restaurant-Request+Food +bos yes . what other restaurants did you find ? eos O O O O O O O O O O Restaurant-Inform +bos there are also pizza hut fen ditton , which is italian , and rajmahal which is indian . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos can i have the address of pizza hut fen ditton . eos O O O O O O O O O O O O Restaurant-Request+Addr +bos the address of them is cambridge retail park 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos thank you good bye eos O O O O O general-bye +bos thank you good bye . eos O O O O O O general-bye +bos i need somewhere to stay . eos O O O O O O O N/A +bos did you have a price range in mind , or a general location ? is it a hotel you 're looking to stay in ? eos O O O O O O O O O O O O O O O O O O B-Hotel-Select+Type O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos yes , a hotel . something 2 stars . eos O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O N/A +bos ok , i found 3 for you . did you want to book one ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O Booking-Inform +bos yes , please ! pick your favorite and book it for 7 people , 2 nights . we 'll be arriving on friday . eos 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 N/A +bos booking was successful at the ashley hotel . your reference number is : u595dz8a . can i be of any further assistance today ? eos 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 yes , where would you suggest to eat ? eos O O O O O O O O O O N/A +bos is there a particular type of food you 're interested in ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos i would like italian please . eos O O O O O O O N/A +bos are you sure that you are looking for a place to eat ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos actually can you find an attraction called jesus college . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos yes , i have found jesus college . it is located in the centre on jesus lane . the phone number is 01223339485. postcode is cb58bl . entrance is free . anything else you need ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos i need a taxi to return back to the hotel . i 'll be leaving the college at 3:15 pm . 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 i was able to get you the cab it will be a white ford and the contact number is 07388656472. is there anything else i can 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 general-reqmore +bos that is all . thanks so much ! eos O O O O O O O O O general-thank +bos you are welcome . feel free to contact cambridge towninfo centre , again . goodbye . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye +bos please tell me about a place i heard about called clare hall . eos O O 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 in the west part of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos what is the entrance fee and the postcode ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos cb39al is the postal code and there is n't an entrance fee . can i help you with something else ? eos O B-Attraction-Inform+Post 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 O O O general-reqmore +bos i am also looking for a particular hotel . its name is called alpha-milton guest house 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 O N/A +bos the alpha-milton guest house is in the north . it is a 3 star hotel and is moderately priced ? would you like me to book 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 O O O 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 O O O O Booking-Inform +bos yes . saturday . 2 people for 5 nights . eos O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O N/A +bos booking was successful , your reference number is : ld7udv9z . do you need any further assistance 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 yes , one more thing . we need a taxi that will take us from clare hall to our guesthouse . 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 what time would you like that taxi ? eos O O O O O O O O O Taxi-Request+Leave +bos we 'll be leaving at 22:30. eos O O O O O B-Taxi-Inform+Leave O N/A +bos i 've got that booked for you . here 's the information : car type : grey bmwcontact number : 07553217509 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 B-Taxi-Inform+Phone O O N/A +bos wonderful . thanks for your help today . 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 it . thank you . eos O O O O O O O O O general-thank +bos thanks for your call . i hope you have a great trip . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos please suggest me a venetian 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 . there is not a restaurant meeting those 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 Restaurant-NoOffer,general-reqmore +bos ok , how about a restaurant that serves gastropub type of food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there is one moderately priced gastropub in the town centre called the cow pizza kitchen and bar . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 N/A +bos great ! 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone and address are 01223 308871 corn exchange street eos O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone 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 have a nice day ! thank you , goodbye . eos O O O O O O O O O O O general-bye,general-greet +bos can you recommend a restaurant that serves french food ? not too expensive , please . eos 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 no french restaurants matching your requests . 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 Restaurant-NoOffer,general-reqmore +bos how about a french restaurant in any price range ? eos O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos cote is a french restaurant in the city centre in the expensive price range . 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos can you please give me their address and phone number eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos cote 's phone number is 01223 311053 and they are located at bridge street city centre . is there anything else i can help you with today ? eos O B-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 O general-reqmore +bos thank you . that is all i needed to know . bye bye ! eos O O O O O 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 need to find a particular train that will arrive at 16:30 and will leave on saturday . i would appreciate it if you could help me . eos O 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 O O O O O O O O N/A +bos there are 229 trains that meet your criteria . what are your departure and arrival stations ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i 'm coming from peterborough 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 tr6886 departs at 06:48 and arrives 07:38. will that work for you ? i can book it if you are interested . 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 O O O O O O O Train-OfferBook +bos yes please , can you make the reservation for 7 people and then 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 Train-Request+Ref +bos ok. i 've booked that for you . your reference number is 2k7lo41g . can i help you with anything else ? 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 yes . i am looking for a restaurant that serves modern eclectic food and is in the moderate price range . eos O O O O O 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 O N/A +bos i am sorry i can not find any restaurants that meet your criteria . 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 O O O 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 there are four restaurants that serve indian food in the moderate price range , located in the east , north , and west areas . do you have a preference ? 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Select +bos the east is fine . may i have 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos absolutely . the curry prince is located at 451 newmarket road fen ditton , cb58jj . the phone is 01223566388. can i help with anything else 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 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 no thank you , that will e all . eos 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-welcome,general-bye +bos i 'm looking for a boat attraction in the south . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are plenty attractions to choose from . eos O O O B-Attraction-Inform+Choice O O O O O N/A +bos any in the south ? eos O O O O B-Attraction-Inform+Area O N/A +bos i am not finding a boat attraction in the south . there are other types of attractions . did you have anything else in mind ? 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Type +bos sure , how about a theatre attraction ? eos O O O O O B-Attraction-Inform+Type O O O N/A +bos the junction is a theatre in the south side on clifton way . would you like more information about it ? 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+Addr I-Attraction-Inform+Addr O O O O O O O O O N/A +bos okay , thank you . may i get the entrance fee please ? and also the address ? eos 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 Attraction-Request+Fee,Attraction-Request+Addr +bos i 'm sorry , i not have the information about the entry fee . 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos okay . can you just provide the address ? eos O O O O O O O O O O Attraction-Request+Addr +bos the address is simply clifton way . no number . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A +bos i need a train on sunday from cambridge to kings lynn . i 'd like to arrive by 09:45. how long is the travel and what is the price ? what is train id ? 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 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-Request+Price,Train-Request+TrainID +bos i can put you on tr8042 leaving cambridge sunday at 8:11 and arriving at 8:58. it will take 47 minutes and costs 7.84 pounds . eos O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart B-Train-Inform+Day 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 O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos no , i do n't need the booking today . eos O O O 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 that is all , thank you ! eos O O O O O O O O general-thank +bos thank you , i 'm glad that i could help ! eos O O O O O O O O O O O O general-welcome +bos we would like to attend an event at the theatre while we are in town . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos that sounds like fun . i 've found five theaters in town . four of them in the center of town , one to the south . do you have any other criteria ? eos O O O O O O O O B-Attraction-Inform+Type 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 I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O general-greet,general-reqmore +bos nope , choose the one you think is best and let me know 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 adc theatre is very good would you like that one ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O Booking-Inform +bos that sounds great ! can i get the postcode ? and then i need to find a train . eos 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 postcode is cb58as . what day and time will you be travelling on ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i am going to stevenage on thursday . eos O O O O O B-Train-Inform+Dest 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 leaving from cambridge . eos O O O O O O B-Train-Inform+Depart 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 would like to leave after 10:30. eos O O O O O O O O N/A +bos tr7024 is the first train after 10:30 it leaves after 11:21 , would you like me to book you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos that 's fine i need 4 tix and the ref # eos O O O O O O O O O O O O Train-Request+Ref +bos i will get that for you eos O O O O O O O Train-OfferBook +bos i am looking for a attraction called emmanuel college . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos emmanuel college is located on st. andrew 's street in the city centre , would you like to know their hours of operation ? eos 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O O general-reqmore +bos no but can you get me the postcode . eos O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb23ap . eos O O O O B-Attraction-Inform+Post O N/A +bos i need to find a train to get there too . eos O O O O O O O O O O O O Train-Inform +bos ok , can you give me your arrival and departure stations , as well as the day and time 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 O O O O O O Train-Request+Depart,Train-Request+Dest,Train-Request+Leave,Train-Request+Day +bos i need to arrive by 09:45 and i am going to cambridge . eos O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Dest O N/A +bos can you tell me where you will be departing from and what 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 Train-Request+Day,Train-Request+Depart +bos sure , i will be departing from london kings cross 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 O N/A +bos i have train tr5219 leaving at 5:17 and arriving at 6:08 with a cost of 23.60 pounds . would you like reservations ? eos O 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 O O O O O O Train-OfferBook +bos yes please for 8 people and let me know 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 great , 8 tickets secured your reference numer is 5cetwap8 and the cost is 188.8 payable at the station . anything else today ? eos O O O B-Train-OfferBooked+People 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 general-reqmore +bos nope , that 's all i need . eos O O O O O O O O O N/A +bos thanks for calling in today . have a nice day . eos O O O O O O O O O O O O general-bye +bos thanks again . bye ! eos O O O O O O general-bye +bos thank you for your time . eos O O O O O O O general-bye +bos i would like to book a train to leicester that leaves on saturday . eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O N/A +bos yes , do you have a certain time you 'd 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 Train-Request+Arrive,Train-Request+Leave +bos i 'd like to leave after 15:15 please . eos O O O O O O B-Train-Inform+Leave O O O N/A +bos would you like to book a seat on tr1832 ? it will leave at 15:21 and arrive at 17:06 , 105 minutes later . it will cost 30.24 pounds . eos O O O O O O O O O B-Train-OfferBook+Id O O O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O B-Train-OfferBook+Time I-Train-OfferBook+Time O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O N/A +bos yes , can you please book that for me and send me a reference number . thank you eos 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 , the total fee is 30.24 gbp payable at the station . your reference number is vhwyuf80 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 also want to check out some museums while i 'm in town . eos O O O O O O O O O O O O O O O N/A +bos what area are you interested in ? eos O O O O O O O O Attraction-Request+Area +bos in the centre , please eos O O O B-Attraction-Inform+Area O O N/A +bos sure , there are several in that area . including art galleries and history museums . eos O O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos if you can go ahead and recommend one and provide me with the phone number and address please . 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 Attraction-Request+Phone,Attraction-Request+Addr +bos broughton house gallery is located at 98 king street and their phone number is 01223314960. do you need anything else ? 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 B-Attraction-Inform+Phone O O O O O O general-reqmore +bos that 's all for today . thank you for your help ! eos O O O O O O O O O O O O O general-thank +bos thank you for calling today . eos O O O O O O O general-bye +bos can you help me find a train leaving cambridge at 5:30pm 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 where will you be traveling to ? eos O O O O O O O O Train-Request+Dest +bos let me change the day to sunday leaving ely for cambridge after 10:15 , eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Leave O N/A +bos i would recommend tr6517 which departs 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 N/A +bos ok. that one sounds good . eos O O O O O O O N/A +bos how many tickets will you be needing for your trip ? eos O O O O O O O O O O O O Train-Request+People +bos i 'm not sure but i would like some information about museums in the south . eos O O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos the byard art museum matches that criteria . what information do you need ? 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 O general-reqmore +bos may i please have the entrance fee , phone number , and post code ? 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 free to enter . 01223464646 , post code cb21sj . anything else ? eos O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O O O O O general-reqmore +bos no . that 's all . thanks so much ! eos O O O O O O O O O O O general-thank +bos you are very welcome . if you do n't need anything else go ahead and close the chat . 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 cambridge , please . eos O O O O O O O B-Train-Inform+Dest O 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 +bos i am departing from ely and want to leave on saturday . it should arrive by 20:45. eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O N/A +bos the earliest leaves out of ely at 05:35 and arrives in cambridge at 05:52. would you like to reserve a seat , or do you prefer to check for a later time ? eos O O O O O O O B-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 O O O O general-reqmore,Train-OfferBook +bos a later time , definitely . do n't want to kick around town that long . eos O O O O O O O O O O O O O O O O O N/A +bos the last train of the day , tr4288 , will arrive in cambridge at 19:52. would that fit your schedule better ? eos O 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 O O O O O general-reqmore +bos yes please book that for 4 people and provide the reference number please . eos O O O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos no problem . your reference number is jb5yodge . is there something else i can help 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 general-reqmore +bos yes , can you recommend a place to go in town , maybe a museum ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos i found 23 museums all across town . is there a particular area you 're interested in so i can narrow down the search ? 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 Attraction-Request+Area +bos yes , i 'd like to stay in the centre of town . eos O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos okay , there are 11 different options . i recommend castle galleries . would you like information on this museum ? eos O O O O O B-Attraction-Inform+Choice 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 , can i just have the address ? eos O O O O O O O O O O Attraction-Request+Addr +bos it is in unit su43 , grande arcade , saint andrews street . 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 thanks , that 's all i needed ! 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 hi , i need a train that departs from bishops stortford and leaves on monday . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Day O O N/A +bos i have 10 trains available . what is your destination and preferred departure and arrival times ? 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,Train-Request+Leave,Train-Request+Dest +bos my destination is cambridge and needs to arrive by 15:00. eos O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive N/A +bos i would recommend tr1827 which leaves bishops stortford at 13:29 and arrives in cambridge by 1407. 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 B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos what would the price range be for that ? eos O O O O O O O O O O Train-Request+Price +bos the price is 10.10 pounds . would you like me to book that train ? eos 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 Train-OfferBook +bos no but i need information on 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 we have a lot of things to do in the centre . is there a particular type of attraction you 're interested in ? eos O O O O B-Attraction-Inform+Choice I-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 Attraction-Request+Type +bos can you suggest something ? eos O O O O O O N/A +bos what about a museum ? the regency gallery is amazing and it 's free ! eos O O O O B-Attraction-Recommend+Type O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee O O O N/A +bos sounds good . 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 sure the phone number is 01223365454 and the post code is cb11er . is there anything else i can help you with today ? 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 O O general-reqmore +bos no , i think that this trip to cambridge will make my wildest dreams come true . thanks for helping me make it happen . eos O O 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 wonderful ! 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 i am looking for places to go in town , preferably a nightclub . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos there are 5 nightclubs in the center of town and one in the south part of town . which area do you prefer ? eos 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 I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O Attraction-Select +bos you can pick for me . i just need the phone number , address . 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 ballare is fun . it is in the centre . the phone number is 01223364222 and address is heidelberg gardens , lion yard . may i help you with anything else ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O B-Attraction-Recommend+Phone I-Attraction-Recommend+Phone 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 general-reqmore +bos i also need a train to ely that would arrive by 11:30. eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A +bos we 've got several trains going to ely , do you have a specific day 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+Day +bos i want to leave on sunday eos O O O O O O B-Train-Inform+Day N/A +bos i have train # tr3854 leaving cambridge to ely , at 5:50 and arriving at 6:07. would you like to book that train ? eos O O 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 O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos how long is the train ride itself ? eos O O O O O O O O O Train-Inform +bos the train ride is 17 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos ok thank you for the prompt response . that 's all i needed . eos O O O O O O O O O O O O O O O general-thank +bos i hope you enjoy your time here ! eos O O O O O O O O O general-bye +bos what sort of dining does cambridge offer in the centre , in the moderate price range ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A +bos there are 21 different choices . what kind of food are you looking for ? eos 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 some christmas food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry . i could not find a restaurant that meets that 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 O Restaurant-NoOffer,general-reqmore +bos how about somewhere with lebanese food ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos yes , there is a moderately priced lebanese restaraunt in the centre named ali baba . how does that sound ? eos O O O O O B-Restaurant-Inform+Price I-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 O O O O O O Booking-Inform +bos that will work can you make a reservation and send me 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 of course , what day shall i make the reservation for ? eos O O O O O O O O O O O O O Booking-Request+Day +bos tuesday please at 18:15 for 6 people . eos O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O N/A +bos your table at ali baba is booked , reference # nyh3zpqn . is there anything else i can help you with today ? eos O O O O O B-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 general-reqmore +bos i 'd like to find a hotel in the same area , one with three stars . 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 we have an expensive hotel called gonville hotel with free internet and parking . would you be interested in booking a room here ? eos O O O O B-Hotel-Inform+Price 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 O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos does it have free wifi ? eos O O O O O O O N/A +bos yes it has free wifi and free parking . eos O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos that sounds perfect . can you book a reservation for 5 nights starting on tuesday for 6 people ? eos 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 N/A +bos your booking at the gonville hotel was successful . the reference number is fhd472h3 . can i help with anything else today ? 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 thanks , you have been very helpful . that is all i needed . bye . 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 cambridge towninfo . have a great day ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for somewhere to dine in cambridge . eos O O O O O O O O O O O N/A +bos did you have a particular style of food in mind such as british or chinese ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food Restaurant-Request+Food +bos yes . it should serve north american food and should be cheap eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O N/A +bos i have none listed for cheap , another price range ? eos O O O O O O B-Restaurant-NoOffer+Price O O O O O Restaurant-Request+Price +bos that 's okay . how about cheap italian food ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos sure , there are a number of italian restaurants and pizzerias . what part of town are you looking in ? eos O 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 Restaurant-Request+Area +bos it should be in the center area . eos O O O O O O O O O N/A +bos okay at the center i have three places serving italian in the cheap price range . would you like me to pick one for you ? eos O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O O O O O O O N/A +bos yes , please . can i get their contact information ? eos O O O O O O O O O O O O N/A +bos the phone number for ask is 01223364917. eos O O O O O O B-Restaurant-Inform+Name B-Restaurant-Inform+Phone N/A +bos thank you that is all i needed . eos O O O O O O O O O general-thank +bos would you like me to book you a table ? eos O O O O O O O O O O O Booking-Inform +bos i need the address and postcode . eos O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos tha adress is 12 bridge street city centre with postcode cb21uf 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 N/A +bos also looking to make a reservation at archway house . 2 people , 2 nights starting from saturday . please make the reservation and provide reference number . eos O O O O O O O O B-Restaurant-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Day O O O O O O O O O O O Hotel-Request+Ref +bos your reservation number is 0ke0v11e , anything else you need ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos not for now , thank you ! 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,general-bye +bos can you help me find a hotel in the north part of cambridge ? eos O 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 two moderately priced hotels in the north for you . the ashley hotel and the lovell lodge . would you like me to book one ? eos 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 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 does it have internet ? eos O O O O O O N/A +bos they do both have internet . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O Hotel-Inform+Internet +bos i would like to book the ashley hotel . eos O O O O O O O O O O Hotel-Inform +bos great i can take care of that . how many people ? how long will you be there and when will your stay 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 Booking-Request+Stay,Booking-Request+Day,Booking-Request+People,general-greet +bos there will be 7 of us arriving sunday . we will be staying 3 nights . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O N/A +bos i was able to book the room for you the reference number is hqka3tbw . 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 general-reqmore +bos yes i am needing a restaurant that is the same price range as my hotel and in the same area . 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 two ; the golden wok which is a chinese place , and the nirala , with indian cuisine . which would you prefer ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Select +bos i will go with the nirala since i love indian food . please book it for 11:00 for the 7 of us on sunday . 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 B-Restaurant-Inform+Time O O O B-Restaurant-Inform+People 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 : e4j0ye8w . 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 yes , i want a taxi too . i 'll need contact number and car type . it should pick me up at the hotel and arrive at restaurant by 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 O O O O B-Taxi-Inform+Arrive O O O O Taxi-Request+Car +bos okay , be on the lookout for a grey honda . the contact # is 07374179224 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 thanks very much to you ! i am done now . farewell ! eos O 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,general-bye +bos i 'm looking for a guesthouse in the centre of town . can you find one for me ? 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 N/A +bos el shaddai is located at 41 warkworth street . they offer free internet and parking . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos how many stars does el shaddai have , i 'm looking for a place that is at least a 3 star location ? 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 el shaddai has 0 , but alexander bed and breakfast has a 4 star rating . 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 O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O N/A +bos it 's really important to me to have 3 stars , no more , no less . are there any hotels that match that description ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos the gonville hotel is a hotel , not a guest house , but it has 3 stars and is in the city centre . will that work 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 B-Hotel-Recommend+Stars O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O Hotel-Select +bos that will work . can you make a reservation for 8 people , please ? eos O O O O O O O O O O O B-Hotel-Inform+People O O O O N/A +bos yes , what dates would you like me to reserve that for ? eos O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos starting sunday and for 3 nights please . eos O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay 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 for 8 people please . can i also get the reference number ? eos O O O B-Hotel-Inform+People O O O O O O O O O O Hotel-Request+Ref +bos yes i am happy to say i was able to book that hotel for you . the reference number is kvv2ztnk . 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 N/A +bos great , i 'm also looking for something to do in that same area . what is 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 many attractions in the centre area , are you interested in architecture , museums , parks , nightclubs , swimming pools ? 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 I-Attraction-Select+Type O O O O O N/A +bos just surprise me with something . eos O O O O O O O N/A +bos the all saints church is a terrific site for architecture buffs . it 's on jesus land and has free admission . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type 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 N/A +bos can you tell me their postcode ? eos O O O O O O O O Attraction-Request+Post +bos the post code is cb58bs . 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 general-reqmore +bos yes , could you book a taxi for me ? i 'd like to leave the gonville hotel by 24:00 , going to all saints church . eos O O O O O O O O O O O O O O O B-Taxi-Inform+Depart B-Hotel-Inform+Type O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos sure , i 've booked a red honda for you . its contact number is 07371414690. 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 N/A +bos thank you , you have been very helpful . i think that is all i need . 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 , enjoy the church . goodbye . eos O O O O O O O O O O O general-welcome,general-bye,general-greet +bos i need a place to eat with a moderate price . eos O O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos sure . do you have any preferences as far as area of the city or cuisine type ? 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,general-greet +bos i really need it to be moderate in price and located in centre please . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are 21 moderately priced restaurants in the centre . would british food interest you ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O N/A +bos yes , if you could get me the phone number and postcode , that would be nice . 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 restaurant one seven postcode is cb21ab and phone is 01223337766. is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , i 'm also still looking for a hotel . some kind of guesthouse , maybe ? although i do need access to parking and wifi . 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 O O N/A +bos alexander bed and breakfast is in the centre near the restaurant , it is 4 stars and in the cheap price range . they offer both internet and wifi . eos O B-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 B-Hotel-Recommend+Stars O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O Hotel-Inform+Internet +bos that 's cool , but how about something more moderately priced ? eos O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos there is nothing matching that criteria in the moderate price range in the centre . is it possible to modify your criteria ? 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 O O O O O O general-reqmore +bos the guest house does not need to be in the centre . which part part of my criteria needs to be modified ? eos O O O 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 acorn guest house ? it 's in the north . eos O O O O O O O O O O O O O N/A +bos that sounds good , can i get a room for 4 people for 2 nights starting 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 O N/A +bos okay , here we go . the booking was successful . the reference number is rret7jgm . will that be all ? 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-greet +bos yes thank you , thats all i need today . eos O O O O O O O O O O O general-thank +bos you 're welcome . have a wonderful trip . eos O O O O O O O O O O general-welcome,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 yes do you have a price range preference ? eos O O O O O O O O O O Hotel-Request+Price +bos yes i have a moderate price range . eos O O O O O B-Hotel-Inform+Price O O O N/A +bos ashley hotel is moderately priced and located in the north . would you like to book a room ? eos 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 O O O O O O O Booking-Inform +bos does it offer free parking ? if so , i would like to book it for four nights starting thursday for 3 people please . 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 B-Hotel-Inform+People O O O N/A +bos yes it offers free parking . eos O O O O O O O Hotel-Inform+Parking +bos can i have a reference number for the booking ? eos O O O O O O O O O O O N/A +bos ashley hotel will be expecting your party of 3 for 4 nights starting thursday . your reference number is k5jo25ul . is there anything else i can do for you ? eos O B-Booking-Book+Name I-Booking-Book+Name 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 yes . i would like to find a restaurant in the same area and price range of the hotel that serves cuban 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 'm sorry , there are no cuban restaurants in the city - is there another type of cuisine that 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 O N/A +bos what about one that has chinese food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 've found one result . it is golden wok . do you want a reservation ? eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O N/A +bos yes , i 'd like to book for thursday at 17:15 with 3 people . send me the reference number too . 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 O N/A +bos the booking was successful , here is your reference number 0q4kutua . 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 will also need a taxi . eos O O O O O O O O Taxi-Inform +bos where will you be leaving from ? eos O O O O O O O O Taxi-Request+Depart +bos i need picked up at the hotel . eos O O O O O O O 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 get to the restaurant by the reservation time , is n't it obvious ? eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos i did not want to make assumptions for you , but now you are booked . a black bmw will take you . the contact number is 07551001124 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 B-Taxi-Inform+Phone O O O N/A +bos thank you , and i apologize for getting snappy with you . 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 O O O O general-thank +bos you are very welcome ! it was a pleasure assisting you , and i 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 general-welcome +bos i need lodgings with free parking . eos O O O O O O O O N/A +bos sure thing , do you have an area you 're looking to stay at ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area +bos i need a hotel , and do n't need internet , but do need free parking . a 4 star and in the north will do . eos 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+Area O O O O O O O N/A +bos i 'd suggest kirkwood house on 172 chesterton road . would you like me to book a room ? eos 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 i do not need a reservation but i need location and phone number of the hotel . eos O O O O O O O O O O O O O O O O O O Taxi-Request+Phone +bos kirkwood house is in the north part of town at 172 chesterton road , their phone number is 01223306283. do you need anything else ? eos 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 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 general-reqmore +bos actually yes , i apologize my wife just told me she wants us to book for 7 people and 5 nights starting monday . can you help with that ? 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+Stay O B-Hotel-Inform+Day O O O O O O O O N/A +bos i was able to book the room your reference number is digco8lt . 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 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 thanks for letting me help 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 befor i go , please give me information about pipasha restaurant eos O O O O O O O O O B-Restaurant-Inform+Name O O N/A +bos its an expensive indian resturant in the east . phone number 01223577786. the address is newmarket road fen dittion . would you like a reservation ? eos O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area 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 Booking-Inform +bos please book the place for 7 people at 11:30 on the same day . eos O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O O O N/A +bos i have booked a table at pipasha . your reference number is pnsoqsvp . can i be of further assistance ? eos O O O O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos yes , i will also need a taxi to get from the hotel to the restaurant by 11:30. can you help with that ? eos 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 N/A +bos yes , i 've booked a taxi for you , a black honda will be waiting to pick you up before 11:30 , call it at 07651690820 if you have any further questions . 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 B-Taxi-Inform+Leave O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O O N/A +bos thanks that would be it for today eos 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 i am trying to locate information about four star hotels in cambridge . eos O O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos there is a huntingdon marriott hotel here , kingfisher way , hinchinbrook business park , huntingdon . would you like to book ? 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 O O Booking-Inform +bos no , i just need one that is in the moderate price range . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos i 'm sorry , i do n't have anything in the moderate price range , would you like to search for something else ? eos O O O O 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 N/A +bos i need one in the south of town . eos O O O O O O B-Hotel-Inform+Area O O O N/A +bos i 'm sorry , there are no moderately priced hotels in the south part of town that have 4 stars . i do have a guesthouse that matches those parameters , would that do ? 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 I-Hotel-NoOffer+Area O O O O O B-Hotel-NoOffer+Stars O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O N/A +bos how about with 4 stars then ? eos O O O O O B-Hotel-Inform+Stars O O N/A +bos yes , there is one named ayles bray lodge guest house . does that sound good ? 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 O O O O O O O N/A +bos yes . i need to book it for 2 people starting monday . and we will be staying for 5 nights . do they have room to fit us in ? 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 O O O O O O O O O N/A +bos they do have a room available . eos O O O O O O O O Booking-Inform +bos can you book it please ? eos O O O O O O O N/A +bos booking was successful.reference number is : zb5oqsq5 . what else can i 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 that 's it . thank you . eos O O O O O O O O general-thank +bos do you need me to look up any more info ? eos O O O O O O O O O O O O general-reqmore +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 i have already done that . the information is above . eos O O O O O O O O O O O O general-welcome +bos okay , i 'm looking for a restaurant that serves international food and needs to 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 O O O N/A +bos the varsity restaurant is a lovely place , shall i reserve a table there 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 O O Booking-Inform +bos no thank you , i would just like to 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 O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the phone number is 01223356060. eos O O O O O B-Restaurant-Inform+Phone N/A +bos what 's their postcode ? eos O O O O O O Restaurant-Request+Post +bos their postcode is cb23ar . eos O O O O B-Restaurant-Inform+Post O N/A +bos thank you . that will be all for now . good bye . eos O 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 stay . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i would love to locate a hotel that includes wifi and parking in its prices . eos O O O O O O O O O O O O O O O O O N/A +bos there are several hotels that have wifi and parking . 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 O Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no specific area , but i would like a guesthouse type of hotel . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O Hotel-Request+Area +bos there are 21 hotels that match your criteria . might i recommend the acorn guest house ? it is a moderately priced 4-star guesthouse in the north . eos O O O O B-Hotel-Inform+Choice 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-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos sure ! can i have the address and the area it 's located in ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Addr +bos the acorn guesthouse is located at 154 chesterton road , cb41da . it is located in the north part of town . eos 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 O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O N/A +bos okay great . thank you so much . 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-welcome +bos i am also looking for a park to visit , can i get the postcode of one ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Post +bos sure ! milton country park is at cb46az . it 's free admission . 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+Fee I-Attraction-Inform+Fee O O O O N/A +bos free is perfect . that will leave me extra to book a taxi from 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 i can book your taxi for you if you would like , would you care to go ahead and book 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-reqmore +bos i need the taxi to commute and i have to leave the hotel by 14:00 , can i get their contact number and car type please . 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 Taxi-Request+Car +bos it is a black volkswagen . the number is 07563800570. it will be there at 14:00 to take you to milton county park eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone 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 great ! thank you so very much ! eos 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 need to find a place to stay tonight in the south please . eos O O O O O O O O O O O O B-Hotel-Inform+Area 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 moderate pricing and i dont care where they charge for parking or not . eos O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A +bos do you have a preference of star rating ? eos O O O O O O O O O O Hotel-Request+Stars +bos yes , four star please . eos O O O O O O O N/A +bos i do happen to have one place that would fit your needs . it 's the aylesbray lodge guest house . they have free parking and internet . can i book a stay for you ? eos O O O O O O O B-Hotel-Inform+Choice I-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 O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos not at this time . could i get the address for the hotel ? eos O O O O O O O O O O O O O O O Hotel-Request+Addr +bos sure , the address is 5 mowbray 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 i 'm also looking for information on pizza express 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 O N/A +bos sure . pizza express fen ditton is a great italian restaurant in the centre of town . what information do you need ? 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+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 general-greet,general-reqmore +bos could you make a reservation for 7 people for friday at 11:45 , please ? i appreciate it . 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 O O O O N/A +bos your reservation for 7 at pizza express fen ditton this friday at 11:45 was successful . the table will be reserved for 15 minutes . your reference number is : e5zuiwjs . eos O O O O O B-Booking-Book+People B-Booking-Book+Name I-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 O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos fantastic thats everything thanks ! eos 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,general-greet +bos i need a place to stay in the north 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 10 guesthouses and 2 hotels that fit your criteria . do you have a specific price range in mind ? 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 O Hotel-Request+Price +bos i need it to be in the north , and be an actual hotel and free 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 N/A +bos i recommend lovell lodge which has a moderate price range . its located in 365 milton road , cb41sr . phone number 01223425478. can i book for you ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price 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 O O O O O O O Booking-Inform +bos please book for saturday for 2 people . eos O O O O O O O O O N/A +bos i 'm be happy to book that for you ! how many nights shall i book for you ? eos O O O O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Inform +bos yes please , i 'll need it for 2 people for 3 nights starting sunday eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos i 'm sorry , are we booking for sunday or saturday ? you mentioned both days . eos O O O O O O O O O O O O O O O O O O Booking-Request+Day +bos sunday and if that fails can we do wednesday ? i will need the reference number and looking for a restaurant in the same area in the cheap price range . eos O B-Hotel-Inform+Day O O O O O O O B-Restaurant-Inform+Day 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 N/A +bos booking was successful for sunday . your reference number is u44odkgt . do you need help with anything else ? eos 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 general-reqmore +bos are there any good cheap places to eat in the same area ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos yes we have royal spice which is an indian restaurant and da vinci pizzeria which is italian . 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 I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food N/A +bos can you book royal spice for the same group of people at 16:45 on the same day ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 : xvht7zth . 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 no that 's it . thanks for all your help today . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos you are welcome . i can also help you arrange a taxi or train . i can suggest one of many diverse attractions . are you interested ? eos O O O O O 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-reqmore +bos can you give me some information on the allenbell ? it 's a hotel . eos O O O O O O O O O B-Hotel-Inform+Name O O O O O O N/A +bos it is a 4 star hotel that is cheap , and in the east of town . it is a guesthouse type and phone number is 01223210353. eos O O O O O B-Hotel-Inform+Stars O 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+Type O O O O O B-Hotel-Inform+Phone O O N/A +bos i need it for 5 people and 5 nights starting from sunday . i will also need the reference number . eos 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 Hotel-Request+Ref +bos i have successfully booked it for you . your reference number is i44610jk . eos 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 a museum in the east area . 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 yes , the cambridge artworks is a wonderful museum in the east . would you like more information ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos yes ! can i have the postcode for it ? eos O O O O O O O O O O O Attraction-Request+Post +bos sure , the postcode for cambridge artworks is cb13ef . do you need any more information ? eos 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 general-reqmore +bos well , i also need to book a taxi . i want to leave the hotel by 19:30. 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 certainly i can help with that , will you destination be from allenbell ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i want to go to the cambridge artworks . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos i have booked a taxi for you . a grey toyota with the contact number 07790143125. is there 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 O O general-reqmore +bos no . thank you very much . eos O O O O O O O O general-thank +bos thank you , please enjoy your stay here in cambridge . and have a wonderful day . eos O O O O O O O O O O O O O O O O O O general-bye +bos are there any eritrean restaurants in town ? eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos no , there are no eritrean restaurants in town . 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 Restaurant-NoOffer,general-reqmore +bos how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there is a wide variety of chinese restaurants , do you have an area preference or a price preference to narrow it down ? 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 Restaurant-Request+Price,Restaurant-Request+Area +bos i would like the east part of town . eos O O O O O B-Restaurant-Inform+Area O O O O N/A +bos yu garden is a chinese restaurant in the east area . 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 N/A +bos could i get the address , phone number , and postcode of yu garden ? 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 phone is 01223 248882 , address and postcode are 529 newmarket road fen ditton c.b 5 , 8 p.a eos 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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A +bos thank you . that is all the information i needed . bye bye ! eos O O O O O O O O O O O O O O O general-bye +bos bye ! eos O O O general-bye +bos i want a danish restaurant in the south . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are no danish restaurants in the south . eos O O O O O O O O O O Restaurant-NoOffer +bos how about an italian restaurant in the south ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there is a frankie and bennys located in the south . 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 N/A +bos phone number and postcode eos O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the phone number is 01223 412430. 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 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 general-bye +bos i 'm trying to find 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 O N/A +bos the nirala is a moderately priced restaurant in the north part of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos is there anything else ? if so , please give the address and the phone number . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos the golden wok is also a moderately priced restaurant in the north part of town , they are located at 191 histon road chesterton and their phone number is 01223 350688. how else may i assist 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 O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 I-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos nothing else . thank you . good bye eos 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 want to find a cheap restaurant serving italian food . what is the address and phone number ? eos O 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos i have quite a few restaurants that match your request . would you like to narrow it down by area ? 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 Restaurant-Request+Area +bos no that does n't matter eos O O O O O O N/A +bos ask is a cheap restaurant serving italian food in the centre of town . the address is 12 bridge street city centre , and the phone number is 01223 364917. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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+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 what is the food type of that restaurant ? eos O O O O O O O O O O Restaurant-Inform +bos they serve italian food . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos thank you . i 'll check it out . 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 am looking for a restaurant that is in the cheap price range and in the east 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 the missing sock serves cheap food in the east part of town . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos can i have the phone and address ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address of the missing sock is finders corner newmarket road and 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 B-Restaurant-Inform+Phone I-Restaurant-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 very much , good bye . eos O O O O O O O O O general-bye +bos looking for a cheap restaurant . eos O O O O B-Restaurant-Inform+Price O O N/A +bos i have found some . would you like italian , chinese , asian oriental , indian , or spanish food ? eos 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 O O N/A +bos do you have brazilian or portuguese ? eos O O O O O O B-Restaurant-Inform+Food O N/A +bos nandos is a portuguese restaurant in the south side of town with a cheap price range . 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 I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos the address is cambridge leisure park clifton way . 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 N/A +bos i 'd like a restaurant with korean food please . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos little seoul is a korean restaurant in the city centre , serving expensive food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price O 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 little seoul is located at 108 regent street city centre and their telephone number is 01223 308681. 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 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 want to find a restaurant in the centre part of town and serves australasian 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 i 'm sorry , but i can not find any restuarant serving australasian food . can i help you find 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 international type of food ? eos O O O B-Restaurant-Inform+Food O O O O N/A +bos bloomsbury restaurant serves international food and is in the centre part of town . it has a moderate price range and the phone number is 0871 942 9180 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 O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos i am looking for an expensive restaurant that is in the east 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 grafton hotel restaurant is an expensive restaurant in the east part of town serving british food . would you like their location ? 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O general-reqmore +bos address and phone number , please eos O O O O O O O Restaurant-Request+Phone +bos grafton hotel 619 newmarket road fen ditton . the phone number is 01223 241387. 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 O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos ok thank you and good bye eos 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 goodbye . eos O O O general-bye +bos enjoy your meal . eos O O O O O general-bye +bos i 'd like 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 O N/A +bos certainly . some of your options are : the grafton hotel restaurant , the pipasha restaurant , the royal standard , the sitar tandoon , and 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A +bos so many choices . can you just suggest one and 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 O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos how about pipasha restaurant , they serve indian food , and their phone number is 01223 577786. their address is newmarket road fen ditton and their postcode is c.b 5 , 8 p.a eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Phone I-Restaurant-Recommend+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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O N/A +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 i want to find an expensive guesthouse to stay at . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O N/A +bos i 'm not finding anything matching your query . eos O O O O O O O O O O Hotel-NoOffer +bos i need it to have a 4 star rating and have free parking . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos there is nothing matching your requests . would you like to change your request ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos ok , how about something in the moderate price range ? eos O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos we have 9 that match your search . do you have a further preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O general-reqmore +bos yes they must have a 4 star rating with free parking . do any of the guesthouse matches have 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 N/A +bos how about acorn guest house . it 's located in the north at a moderate price range with 4 stars and free internet and parking . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that will be fine . please provide the phone number and address . eos O O O O O O O O O O O O O O Hotel-Request+Phone +bos what date would you like , how long , and how many people ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People,Booking-Inform +bos i do n't need to book at this time . i just need 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 O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr +bos the phone number is 01223353888 , address is 154 chesterton road , and postcode is cb41da . eos O O O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Post O O O N/A +bos thanks very much for your help , that 's everything 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 very nice day . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a restaurant in the center of town that serves european 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 there are several that suit your needs . any preferences on price range ? eos O O O B-Restaurant-Inform+Choice 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 O N/A +bos the 4 matching restaurants are `` hotel du vin and bistro , '' `` galleria , '' `` de luca cucina and bar , '' and `` riverside brasserie . '' eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos perfect ! can you please book a table for 3 people at galleria for me on monday at 16:30 ? eos O O O O O O O O O O B-Hotel-Inform+People O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos booking was unsuccessful . would you like to book another day or time slot ? or perhaps another of the restaurant choices for the same booking 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 O Booking-NoBook,Booking-Inform,Booking-Request+Time,Booking-Request+Day +bos let 's try for 15:30 and can i get a reference number please ? eos O O O O B-Restaurant-Inform+Time O O O O O O O O O O N/A +bos ok. that worked . it is booked and your reference number is qbvp0zv2 . eos 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 guesthouse with free wifi . something moderately priced , and i do n't care about parking . eos 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 O O O O O N/A +bos there are fourteen different options for your guesthouse . is there a specific area you would like to be in ? how about the star rating ? eos O O 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 O O Hotel-Request+Area,Hotel-Request+Stars +bos i do n't have any preference . could you just pick something and book 5 nights for 3 people beginning on monday ? 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 B-Hotel-Inform+Day O O O N/A +bos let 's go with acorn guest house . unfortunately , that booking was unsuccessful . want me to try something else ? 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 Booking-NoBook,general-reqmore +bos instead of 3 nights how about two nights ? eos O O O O O O O O O O N/A +bos there seems to be an error . can you please restate your preferred number of nights , the day you 'll arrive , and the number 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 O O O Booking-NoBook,Booking-Request+People,Booking-Request+Stay,Booking-Request+Day +bos certainly . two nights , three people , and i 'll need that room starting monday . eos O O O O O O O O O O O O O O O O O O N/A +bos great ! your booking was successful . the reference number is twu9em7u . 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 O O general-reqmore +bos i do n't . thanks so much . eos O O O O O O O O O general-thank +bos you 're welcome ! you have a great day ! eos O O O O O O O O O O O general-welcome,general-bye +bos hi , i need a hotel that includes free wifi in the north of cambridge . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos yes i have many listings for that type of hotel , if you tell me your price range i can narrow down your options . 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 +bos hotel does n't need to have free parking . i do n't care about price range . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos the avalon is a moderately priced guesthouse-type that matches your criteria . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O N/A +bos what is the postcode , price range , and address ? eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Addr +bos the postcode for the avalon is cb43pd , it is moderately priced hotel , and it is located at 62 gilbert road . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Post O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O N/A +bos thank you so much . i am also looking for information on a place to dine in the same area of the hotel . i would prefer international 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 B-Restaurant-Inform+Food O O O O N/A +bos unfortunately there are no matching restaurants in the north . would you like to try a different type of cuisine , or a different area ? 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 O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos maybe ... are you sure there is no cheap international food in the north ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A +bos no i am sorry there are no locations i have found . 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 Restaurant-NoOffer,general-reqmore +bos since there is no cheap international restaurants , is there any italian restaurants ? eos 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 is one , da vinci pizzeria , would you like to book that ? eos 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 Booking-Inform +bos hold off on booking . could you give me the address and phone number for it ? 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 sure , da vinci pizzeria is located at 20 milton road chesterton postcode cb41jy , phone 01223351707. can i help you with anything else ? 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 B-Restaurant-Inform+Post O B-Restaurant-Inform+Phone 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 general-thank +bos thank you , goodbye . eos O O O O O O general-bye +bos i am looking for a danish place to eat and i would like it to be on the expensive price range . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos sorry there is nothing matching your requests . would you like to change your request ? 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 i 'm afraid i 'm not finding any danish restaurants of any type . would you like to try a different style of restaurant ? 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 N/A +bos how about african 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 the bedouin meets your criteria . would you like to book a table ? eos O O B-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform +bos maybe later , for now i would like to know its 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 +bos the phone number is 01223367660 and the postcode is cb12bd . anything else i can do for you today ? eos O O 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 N/A +bos yes , i am a looking for a place to stay 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 O N/A +bos i found 5 hotels in the expensive price range , do you have an area of town you 'd prefer ? 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 Hotel-Request+Area +bos the area does n't matter , but i need free parking , free wifi , and a 3 star rating . 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 N/A +bos great , i 've found two hotels meeting that criteria . how many days were you spending at the hotel and how many people will be residing 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 O O O O Booking-Request+People,Booking-Request+Stay,Booking-Inform +bos i need a hotel for 2 people on 4 nights starting on friday eos O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day N/A +bos the lensfield hotel is 1 of 2 places that matches your needs . can i book you in for this hotel ? eos 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 N/A +bos how do the 2 places compare ? eos O O O O O O O O N/A +bos the lensfield hotel is in the south while the gonville hotel is in the center . eos O O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name O O O B-Hotel-Select+Area O N/A +bos the centre works much much better for us . can you please book that for me ? if that does n't work can you try 2 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 B-Hotel-Inform+People O O O O N/A +bos so sorry , the hotel is not available for that booking request . would you like a different day or 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 O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos try two nights and please give me a reference number when you are done . eos O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos i was able to book 2 nights at the gonville for 2 people , starting on friday . your reference number is wiqebn2a . can i help with anything else today ? eos O O O O O O O B-Booking-Book+People O O B-Booking-Book+Name 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 general-reqmore +bos can you book me a taxi please ? i am looking for one to pick me up at the bedouin and i would like to leave by 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+Depart O O O O O O O B-Taxi-Inform+Leave O N/A +bos i 'd be happy to book that for you , but i just wanted to confirm your destination . will that be 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 O O O Taxi-Request+Dest +bos yes i will be at the gonville . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos all right , i 've booked your taxi . eos O O O O O O O O O O Taxi-Inform +bos thanks . can i have 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 contact number is 07174376196 and the car is a yellow toyota . anything else i can help you with ? eos 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 general-reqmore +bos no that 's it . thank you very 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 are there any guest houses currently available iin the moderately priced range ? eos O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos yes , i have 15 hotels that meet your needs . would you like to narrow your search by area ? 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 would like to be in the north with the same requirements , thank you eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos i have nine guesthouses fitting this description . do you have a preference on free wifi or parking ? 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+Internet,Hotel-Request+Parking +bos it really does n't matter but i 'll need to know if the particular hotel has free parking and internet 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+Parking,Hotel-Request+Internet +bos that 's completely fine ! of the 9 , 7 of them have 4 stars . 6 of those 7 have internet and parking . would you like me to book one for you ? eos O O O O O O O O O O O O O B-Hotel-Inform+Stars 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 O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i will hold off on the booking for now but thank you . i am also looking for a particular restaurant called stazione restaurant and coffee bar . can you give me details ? 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 O O O O O O O O N/A +bos there is an italian restaurant by that name that is quite expensive . it is within the town centre , and also has a coffee bar . eos O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O N/A +bos can you book a table for four on thursday at 16:00 ? eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos you got it , your reference is rpxvz9z2 . thank you . eos O O O O O O O B-Booking-Book+Ref 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 you are welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos hello , are there any centrally located hotels in cambridge with free parking ? eos O O O O O O O O O O O O O O O N/A +bos there are a few hotels that meet your criteria . would you be interested in the alexander bed and breakfast ? it has four stars with cheap prices . 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 B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars I-Hotel-Recommend+Stars O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O N/A +bos the hotel should be in the expensive price range . eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are 2 hotels in the expensive price range . one has 3 stars and one has 4 stars . 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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars O N/A +bos let 's go with the 4 star option . i 'd like to book it for two people and three nights starting from thursday . 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+Day O O O O N/A +bos booking was unsuccessful . would you like to book another day or a shorter 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 please try to book a 1 night stay . eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos the booking was successful at the university arms hotel . your reference number is : e7ak16ik . would you like the phone number ? 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 general-reqmore +bos i also need a restaurant the restaurant should be in the expensive price range and serve north american food . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos the only result in your area meeting that criteria is gourmet burger kitchen in centre . would you like me to book a table for you ? eos O O B-Restaurant-Inform+Choice I-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 B-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform +bos yes please book the restaurant for me . eos O O O O O O O O O Restaurant-Inform +bos not a problem . for what time and day will that be for ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,general-greet +bos i changed my mind . i will go ahead and book it myself . but , can you please provide me the address and postcode . 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos gourmet burger kitchen is located at regent street city centre , cb21ab . can i help with anything else today ? 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 B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos could you book me a taxi please ? i would like to leave the restuarant at 20:15 and go back to the hotel . 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 N/A +bos i have successfully booked you a taxi ! you will be driven in a black toyota and the contact number is 07914565807. can i help you 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 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 O general-thank +bos no problem . you have a good day now ! eos O O O O O O O O O O O general-welcome,general-bye +bos hello , i would like information on the sesame restaurant and 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 O O N/A +bos sesame restaurant and bar number 01223358899 and it 's address is 17 hills road city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O N/A +bos i would like to make an appointment for 7 people at 6pm on monday . eos O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O N/A +bos i have booked your request for 7 people at the sesame restaurant and bar , located at 17 hills road city centre for 6pm on monday . eos 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 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 B-Booking-Book+Time B-Booking-Book+Day O O N/A +bos can i have the reference number please ? eos O O O O O O O O O Restaurant-Request+Ref +bos yes certainly . however , there seems to be an error . i was unable to book that time . is there another time i could book 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 Booking-NoBook,Booking-Request+Time +bos is 5pm available instead ? eos O O O O O O N/A +bos yes it is . i have booked a table for you at 17:00 on monday for 7 people . the reference number is cz3jggjp . eos O O O O O O O O O O O O B-Booking-Book+Time O B-Booking-Book+Day O O O O O O O B-Booking-Book+Ref O O O N/A +bos great . i 'm also looking for a place to stay . i need a hotel that includes free wi-fi 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 O N/A +bos i have found 29 hotels that meet your criteria , what price range are you 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 Hotel-Request+Price +bos do you have an expensive guesthouse ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos unfortunately there are no guesthouses that are in the expensive price range . eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O N/A +bos how about a cheap one ? eos O O O O B-Hotel-Inform+Price O O N/A +bos i have found 9 guesthouses that meet that requirement . is there a certain area you would prefer 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 Hotel-Request+Area +bos is there one close to the area i booked the restaurant reservation ? eos O O O O O O O O O O O O O O Restaurant-Inform +bos yes i have the alexander bed and breakfast in the city center . 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 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 +bos no , i would just like the star rating , postcode , and phone number of the establishment . 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 +bos the alexander bed and breakfast is a 4 star guesthouse . the postcode is cb12de and the phone number is 01223525725. is there anything else i can help you with ? 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 O B-Hotel-Inform+Post I-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 that takes care of everything . thank you for the help . 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 the restaurant named la raza . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos yes i have one listing for that restaurant , would you like the phone number and address for this listing ? 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 . instead , reserve a table for 3 at 18 ; 30 on thursday . please send me the reference number . eos O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O O O O O O O O O O O O Restaurant-Request+Ref +bos ok , you have a table at la raza on thursday at 18:30 for three people . your reference number is vh4p10x4 . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name 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 N/A +bos i 'm looking for a hotel called acorn guest house . 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 acorn guest house is located in north cambridge , has four stars , and offers free internet and parking . would you like to make a reservation ? 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 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 price range of the acorn guest house ? eos O O O O O O O O O O O O Hotel-Request+Price +bos the acorn guest house has a moderate price range 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 N/A +bos do they have free parking ? i will need that . 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 there ? 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+Internet,Hotel-Inform+Parking +bos no thanks , but i will need a taxi from the hotel to la raza , arriving by that reservation time . eos 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 N/A +bos ok , i have a taxi booked for you , it is a red ford , the contact number is 07672926538. 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 B-Taxi-Inform+Phone O O O N/A +bos thank you so much , i appreciate it ! eos O O O O O O O O O O general-thank +bos you are very welcome . have a safe trip ! eos O O O O O O O O O O O general-welcome,general-bye +bos can you tell me where the restaurant tandoori palace is located ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos tandoori palace is in the west , address 68 histon road chesterton , postcode cb43le . eos O B-Restaurant-Inform+Name I-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 great , could you reserve me a table for 1 on sunday at 18:15 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 N/A +bos i 've done it . the reference number is lpnkz7v5 . 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 general-reqmore +bos i 'm also looking for hamilton lodge . do you have any information on it ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O N/A +bos it is a moderately priced guesthouse in the north . eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O N/A +bos do you know if they offer internet and free parking ? eos O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos yes the hamilton lodge offers both free parking and internet . 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 O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no , what is the postcode , please ? eos O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb41da . 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 yes , i would like to make a reservation . eos O O O O O O O O O O O N/A +bos sure , what day would you like to stay ? anything else you 'd like to tell me ? 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-reqmore +bos no , that 's ok. i have everything i need for now . thank you for all of 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 general-thank +bos you 're welcome ! thanks for contacting me today ! eos O O O O O O O O O O O general-welcome,general-greet +bos hi , i am 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 N/A +bos there are 10 chinese restaurants in the centre . is there a particular price range you 're interested in ? 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 Restaurant-Request+Price +bos yes , i would prefer a restaurant 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 might i suggest the jinling noodle bar ? i can book a table there for you , if you like . 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 Booking-Inform +bos no , thank you . i would like 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure . the address is 11 peas hill city centre , the postcode is cb23pp , and the phone number is 01223566188. what else can i do for you ? 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 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 yes i 'm also looking for a place to stay . eos O O O O O O O O O O O O N/A +bos sure , i have 33 hotel options available . can you tell me more about what you need ? what area or price range , perhaps ? 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,Hotel-Request+Area +bos is there anything within walking distance of the jinling ? eos O O O O O O O O O O O N/A +bos i have a cheaper guesthouse nearby the restaurant named el shaddai or an expensive hotel called cityroomz . would you like more information 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 O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O general-reqmore +bos i am looking for a hotel with free wifi available for 3 people for 3 nights starting sunday eos 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 ok , cityroomz has free wifi . unfortunately , they can not book for 3 nights . would you like to try el shaddai or another night ? 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 O O O O Booking-NoBook,Hotel-Inform+Internet,Booking-Request+Stay,general-reqmore +bos actually , i 'd like a moderate hotel in the centre with free wifi . i need to book it for 3 people for 3 nights starting sunday . and a reference number 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 B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O O O O O O O Hotel-Request+Ref +bos great ! you 're all set . your reference number is g7yt1weq . how else may i assist 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 general-reqmore +bos yes . i 'd like to book a taxi between both places . i want to leave the hotel by 20:00. please provide me with a 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+Leave O O O O O O O O O O O O O O Taxi-Request+Car +bos great , you have a black toyota booked from cityroomz to jinling noodle bar , the contact number is 07486349106 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone 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 general-thank +bos you 're welcome ! it was a pleasure assisting you ! eos O O O O O O O O O O O O general-bye +bos yes , i am looking for a place to dine . i would prefer the city centre and am looking for halal food . eos 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+Food O O O O N/A +bos i am sorry i can find no place that serves that in the centre area . would you like to try another area or food type ? eos O O O O O O O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos ok. is there an indian 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 five indian restaurants in that area , what is your price-range ? 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 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 eos O O O 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 apologize . there were 9 differrent indian restaurants in the centre of town . my recommendation would be panahar . they are expensive . their postcode is cb12lf . anything else i can help with ? eos O O O O O O B-Restaurant-Inform+Choice 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-Recommend+Name O O B-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Post O O O O O O O O O O O O general-reqmore +bos what is the post code for the expensive restaurant panahar ? eos O O O O O O O O O O B-Restaurant-Inform+Name O Restaurant-Request+Post +bos the postcode is cb12lf . is there 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 O O general-reqmore +bos i 'd like some information on theatre 's in town . eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are five theatres in town , are you looking for something in the center of town as well ? 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 Attraction-Request+Area +bos yes , and i would also need a taxi to leave by 1:00. eos O O O O O O O O O O O O O O Taxi-Inform +bos i would love to help ! where would you be coming from or going ? 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 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 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 B-Attraction-Inform+Area O O O N/A +bos actually there are 4 theatres in the centre . adc , cambridge arts , mumford , and the cambridge corn exchange . eos O O O O O 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 I-Attraction-Inform+Name O O O O N/A +bos how about cambridge arts ? eos O O O O O O N/A +bos ok. and what is your destination ? eos O O O O O O O O Taxi-Request+Dest +bos 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 ? eos O O O O O 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 postcode is cb23pj and the phone is 01223503333. eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone N/A +bos great , i just need the taxi and i will be all set . eos O O O O O O O O O O O O O O O Taxi-Inform +bos sure . i have booked a red ford to pick you up . the contact number is 07021474520. eos 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 , thank you for your help . eos O O O O O O O O O general-thank +bos do n't hesitate to contact the help desk again if you require assistance . eos 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 it was a pleasure to serve you . have a nice day . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos yes , hello . i need a train departing from cambridge and should go to stansted airport . eos 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 O O O N/A +bos sure thing , what day will you be leaving ? 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 tr5529 leaves at 5:40 and arrives at 6:08 , will this 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 O N/A +bos yes , i need a booking for 7 people and 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 the total is 56.56 gbp and can be paid at the station . the reference number is y1mgncv3 eos 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 N/A +bos i want to see a boat eos O O O O O O B-Attraction-Inform+Type N/A +bos which side of town do you prefer ? eos O O O O O O O O O Attraction-Request+Area +bos no specific area . what do you recommend ? eos O O O O O O O O O O Attraction-Request+Area +bos there are 4 to choose from . if i may , might i suggest the riverboat georgina . it is located in the north . would you like more information on it ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Area O O O O O O O O O O O O general-reqmore +bos yes please . i 'd like to know the postcode and if 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 Attraction-Request+Post,Attraction-Request+Fee +bos the post code is cb43ax but i am uncertain of the entrance fee . eos O O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee O O O O N/A +bos thanks ! i 'm also looking for a moderately-priced guesthouse with free parking . eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O N/A +bos i would like to recommend the a and b guest house , which is moderately priced . 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 I-Hotel-Recommend+Name O B-Hotel-Recommend+Price O O O N/A +bos sure . thank you . i want to book the hotel for 2 nights starting on friday with 5 people . 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 B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O N/A +bos booking was successful . reference number is : bkehhlra . 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 that will be all , you made my day , they need to give you a raise . eos O O O O O O O O O O O O O O O O O O O N/A +bos lol , well , thank you ! i hope you have a great stay ! eos O O O O O O O O O O O O O O O O general-greet +bos thanks ! you 've answered all my questions and i think you do deserve a raise ! eos 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 . 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 you 've come to the right place . what can i 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 i want to stay in a 4 star hotel with wifi , i would like it to be moderately priced , 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 N/A +bos there are quite a few hotels that meet your needs . is there an area of town that you 'd prefer ? 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 O O O O O O O O O O O O O Hotel-Request+Area +bos no preference . can you book me a room for 5 nights starting monday for 1 person and i also need the reference number . 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 O O O O N/A +bos your reservation at warkworth house for 6 days for a party of 1 was successful . your reference number is : j0ozv066 . eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay O O O O O B-Booking-Book+People O O O O O O B-Booking-Book+Ref O O N/A +bos i 'm looking for a train . the train should depart from norwich and should go to cambridge 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 N/A +bos we have daily service for the route , any preference on day and time ? eos O O O B-Train-Inform+Day I-Train-Inform+Day O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i need it to arrive by 15:45 in cambridge on monday please . eos O O O O O O O B-Train-Inform+Arrive O O O O O O N/A +bos okay i have a train arriving at 15:35. would you like me to book that for you ? eos 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 yes please . i need 1 ticket . eos O O O O O O O B-Train-Inform+People O N/A +bos my apologies the arrival time is 10 minutes earlier . i assume that 's okay ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos yes that is fine eos O O O O O N/A +bos okay ! for how many people ? eos O O O O O O O O Train-Request+People +bos it is just for one person and i need the reference number as well . eos O O O O O O O O O O O O O O O O N/A +bos the booking was successful . the total fee is 17.6 which can be paid at the station . the reference number is sfrak36v . 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 N/A +bos great , thanks so much for your help with this . 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 eat ? how about some place in the centre of the town and in moderate 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 O N/A +bos is there a type of food you are interested in having ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos yes british food eos O O B-Restaurant-Inform+Food O N/A +bos there are 4 places that would suit your needs . could i recommend , restaurant one seven ? it 's very popular this time of year . 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 I-Restaurant-Recommend+Name O O O O O O O O O O O O general-greet +bos sure , can you reserve a table for friday for me ? eos O O O O O O O O B-Restaurant-Inform+Day O O O O N/A +bos sure . what time would you like the table for ? eos O O O O O O O O O O O O Booking-Request+Time,general-greet +bos 12:45 , friday . 7 people . reference number please . eos O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O 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 : 0dsrhj06 . 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 . i am also looking to stay at the finches bed and breakfast . can you tell me 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 O N/A +bos it is a cheap 4 star guest house in the west . can we book ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O Booking-Inform +bos can you book it for 7 people for 2 nights on friday ? 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 booking was successful.reference number is : 09niqsm0.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 general-reqmore +bos yes , please . i 'm going to need a taxi to take me from the hotel 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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos what time do you want to leave eos O O O O O O O O Taxi-Request+Leave +bos i need to arrive at the restaurant by 12:45. i also need the contact number and car type please . eos O O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O O O Taxi-Request+Car +bos look out for a yellow skoda with contact number 07860378071 eos 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 , that 'll be all today . eos O O O O O O O O O O general-thank +bos please call again if we can assist you in any 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 general-bye,general-greet,general-reqmore +bos i am planning a trip in cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A +bos sure , i can help you get here . where will you be leaving from ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos i will be coming in from ely on tuesday . eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O N/A +bos i can help you with that . do you have a certain departure or arrival 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+Arrive +bos i need to arrive by 8:30 eos O O O O O O O N/A +bos okay the tr6971 leaves at 07:35. does this work ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O general-reqmore +bos what time does it arrive ? eos O O O O O O O N/A +bos it arrives at 07:52. would you like to book tickets ? eos O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos ok , great . then it will get me there in time . can you book me 8 tickets please ? 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 N/A +bos i have booked your train for 8 and a cost of 35.2 gbp . your reference number is 53gsf184 . can i help you with anything else ? eos O 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos great i also am looking for some info on a place called sidney sussex college 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 N/A +bos i can help with that . sidney sussex college is a college in the centre . do you need any other information ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O O O O O O general-reqmore +bos thank you ! can you please tell 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 Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos the phone number is 01223338800 and address is sidney street eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos thanks . that will be it for now eos O O O O O O O O O general-thank +bos 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 . eos O O O O O O O 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 planning a trip to see the cambridge and county folk museum . 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 I-Attraction-Inform+Name O O O O O O O O O N/A +bos sure . the cambridge and county folk museum is one of the oldest social history museums in the uk and offers a various and unique collection of artifacts . 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 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 general-greet +bos i would like their entrance fee and address please . eos 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 their entrance fee is 3.50 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 O N/A +bos great , thanks ! could you also help me find a modern european restaurant in the centre ? eos O 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 N/A +bos there are four places to choose from . they range from cheap to expensive . do you have a preference on the price range ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O Restaurant-Request+Price,Restaurant-Select +bos i would prefer something in the moderate range . eos O O O O O O O B-Restaurant-Inform+Price O O N/A +bos de luca cucina and bar would fit your needs . they are located at 83 regent street , phone 01223356666 , cb21aw . would you like me to book reservations for you ? 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Phone B-Restaurant-Inform+Post O O O O O O O O O O O O O O Booking-Inform +bos yes , make a reservation for tuesday please eos O O O O O O O O O N/A +bos i 'd be happy to ! how many people and for 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,general-greet +bos 3 people at 20:00 on teusday eos O O O O O O O N/A +bos okay i will work on getting this done and get back to you . eos O O O O O O O O O O O O O O O Booking-Inform +bos thank you . i will also need the reference number , please . eos O O O O O O O O O O O O O O Restaurant-Request+Ref +bos your table has been booked . the table will be reserved for 15 minutes . your reference number is : 0z5ijb27 . can i be of any further assistance ? 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 general-reqmore +bos yes , i will need a taxi from the museum to the restaurant to arrive by 20:00 on tuesday . can you book that for me ? eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O B-Restaurant-Inform+Day O O O O O O O O O N/A +bos your taxi booking was successful . you will be picked up by a white audi . the contact number is 07915378958. anything else i can do for you 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 N/A +bos thank you so much for your time 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 calling . enjoy your trip ! goodbye ! eos O O O O O O O O O O O O general-bye,general-greet +bos i am looking for an expensive restaurants in the west 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 N/A +bos fantastic , i have nine options for you eos O O O O B-Restaurant-Inform+Choice O O O O N/A +bos do any of them serve european food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos cambridge lodge restaurant does.can i book for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Booking-Inform +bos no , but i 'd like the address if you can give it to me . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos it is cambridge lodge hotel 139 huntingdon road city centre . eos O O 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos thanks ! i 'll also be needing a place to stay . a hotel in the south , preferably also in the expensive range . 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 B-Hotel-Inform+Price O O O O N/A +bos the lensfield hotel is a 3 stars and is located in the south 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 O O O B-Hotel-Inform+Area N/A +bos no i wanted a 4 star hotel eos O O O O O O B-Hotel-Inform+Stars O N/A +bos unfortunately , i do n't have anything in that area that has a 4 star rating . eos O O O O O O O O O O O O O B-Hotel-NoOffer+Stars O O O O N/A +bos could you check in the north maybe ? eos O O O O O O B-Hotel-Inform+Area O O N/A +bos i do not have any in either area . would you like to change or restate your perimeters ? then i can check 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 Hotel-NoOffer,general-reqmore +bos try the west , i meant to say that instead of north . eos O O O B-Hotel-Inform+Area O O O O O O O O O O N/A +bos there is the huntingdon marriott hotel would you like me to book you a room there ? 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 yes can you book for 8 people , 3 nights , starting from monday ? 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 N/A +bos booking was successful . reference number is : nij5l29i . may 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 no thank you , that will be all . eos 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-greet +bos hi , i 'm heading to birmingham new street so please find me a train that leaves on friday 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 B-Train-Inform+Day O O N/A +bos are you leaving from cambridge ? is there a time you 'd 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+Leave +bos yes , i 'm leaving from cambridge . departure time does n't matter , but i need to arrive by 18:15. 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 O N/A +bos there are 12 trains available for you and the first one leaves at 05:01. can i book a seat for you or do you prefer a later departure time ? 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 O Train-OfferBook +bos no , i said arrive by 18:15. try again . eos O O O O O O B-Train-Inform+Arrive O O O O N/A +bos the closest arrival to 18:15 is 17:44. would that work for you ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos what is the price for a ticket ? eos O O O O O O O O O Train-Request+Price +bos the cost per ticket for that train is 75.10 pounds did you still want me to book it for you ? 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 Train-OfferBook +bos no , thats ok. i also need to find a cheap italian restaurant . eos O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos there are 15 italian restaurants to choose from . would you like one in a particular part of town ? 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 Restaurant-Request+Area +bos any that you choose will be fine . i 'll need to book a table for friday at 10:00. there will be 3 people dining . 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 O B-Restaurant-Inform+People O O O O N/A +bos i have you booked at ask , for friday at 10:00 for 3 people . it 's at 12 bridge street city centre . your reference number is : il7hzyw5 . eos O O O O O O B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+People 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-Booking-Book+Ref I-Booking-Book+Ref O O N/A +bos wonderful ! i think that 's it , 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 night ! eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a nightclub to visit while in town . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are six nightclubs in town ; 5 in the centre and 1 in the south . do you have a location or other preference ? eos O O O 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 O O O O O O O O O Attraction-Select +bos yes i would like to be in the center . eos O O O O O O O O O O O N/A +bos i have 5 nightclubs in the centre area , my personal recommendation is the soul tree nightclub , would you like more information on the soul tree ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area 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 O general-reqmore +bos sure , what 's the soul tree 's address and postcode ? i 'm also looking for an expensive danish restaurant . 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 O Attraction-Request+Post +bos the address is 1-6 corn exchange street and the postcode is cb23qf . there are no danish restaurants in cambridge . do you have another food type you would want to try ? 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 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+Type +bos do you have any restaurants in the same area as the attraction ? eos O O O O O O O O O O O O O O N/A +bos there are 69 restaurants in that area . do you have a preference for the pricerange ? 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 do you have some place that serves danish food and it should be expensive ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O N/A +bos i 'm sorry there are no danish restaurants in the centre . we do have others like chinese , italian , etc . do you have another preference ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O N/A +bos indian , please . eos O B-Restaurant-Inform+Food O O O N/A +bos there are 6 results . may i make a recommendation ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O general-reqmore +bos yes , please . although i would like it to be in the centre of town . eos O 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 great indian restaurant in the centre . can i book a table for you ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O O O O O O O Booking-Inform +bos yes , please book a table for 8 people . eos O O O O O O O O B-Restaurant-Inform+People O O N/A +bos what time were you thinking ? eos O O O O O O O Booking-Request+Time +bos at 20:00 for tuesday please . eos O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O 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 : lew935dx . 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 N/A +bos okay great . thanks for your help . eos O O O O O O O O O general-thank +bos do you need any further help ? eos O O O O O O O O general-reqmore +bos no , that will be all for now . 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 thank you im glad i could help eos O O O O O O O O general-welcome,general-bye +bos hi , i am interested in finding attractions on the west 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 how about magdalene college and cafe jello gallery ( 13 magdalene st ) , both free and on magdalene st ? 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Fee O O O O O O O O N/A +bos that 's great . what time does each attraction open ? eos O O O O O O O O O O O O Attraction-Inform +bos sorry , i do n't have that information . you can call them to find out . 01223332138 and 01223312112 are the phone numbers . eos O O O 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 N/A +bos can you tell me what type of attraction cafe jello gallery is please ? i also want to find an indian restaurant . 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 Attraction-Request+Type +bos cafe jello gallery is a museum . there are 22 indian restaurants in cambridge , do you have a preferred price range or area ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type 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,Restaurant-Request+Area +bos great thank you , i am also looking for an expensive indian place to eat eos 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 i 've got 14 expensive indian restaurants . is there a particular part of town you 'd like to eat in ? 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 Restaurant-Request+Area +bos i would prefer to eat in the same area as cafe jello gallery . eos O O O O O O O O O O O O O O O N/A +bos okay , how about the tandoori palace ? it 's in the same area . 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 O O O N/A +bos sounds great ! could i book a reservation for 6 people at 13: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 i 'm sorry , but you 'll have to book at another time slot . what other time slot would you like to book 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 Booking-NoBook,Booking-Request+Time +bos let 's try 12:30 then . eos O O O B-Restaurant-Inform+Time O O O N/A +bos no problem . your table is booked at 12:30 on wednesday . eos O O O O O O O O O B-Booking-Book+Time O B-Booking-Book+Day O N/A +bos what is the reference number for the reservation ? eos O O O O O O O O O O Restaurant-Request+Ref +bos your reference number is src2i813 , your table will be held for 15 mins . 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 O O O O O O O O O general-reqmore +bos yes . i need a taxi to take me from the museum 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 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 ? eos O O O O 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 will need to arrive at tandoori palace by 12:30 please . eos O O O O O O O O O O B-Taxi-Inform+Arrive O O N/A +bos i have confirmed your booking a white audi will be picking you up . their contact number is 07621830686. do you need 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 O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos no , i think that 's everything . thank you so much . eos 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 . eos O O O O O O O O O O O general-bye +bos please find a restaurant called stazione restaurant and coffee bar 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 N/A +bos that is an italian restaurant in the center of town in the expensive price range . could you like a reservation ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Booking-Inform +bos i would like a reservation for 2 people at 20:00 on sunday , 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 N/A +bos yes your booking was successful and the reference number is dxpl9fu2 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you for the reference number . i 'm also looking for a place called the junction . 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 Restaurant-Request+Ref +bos ah , that 's a great theatre in the south part of town . located on clifton way , phone is 01223511511. eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O O O O N/A +bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos the entrance fee is unknown . can i help you with anything else today ? eos O O O O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos i would also like a taxi to arrive at the restaurant on time . can i have the taxis phone number and vehicle 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 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 the junction , please . eos O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos what is your destination and what time do you want to leave ? eos O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest +bos my destination is stazione restaurant and coffee bar . i need to arrive by 20:00. 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 O O O B-Taxi-Inform+Arrive O N/A +bos your taxi has been booked . please look for a grey tesla . the contact number is 07362737220.. 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 . i have written the information down . i appreciate you gathering the details . 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 today ? eos 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 hope you have a great trip . good bye . eos O O O O O O O O O O O general-bye +bos i 'm looking for information about a hotel in cambridge called warkworth 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 sure , warkworth house is a 4 star moderately priced guesthouse in the east that offers free wifi and parking . do you need additional info ? eos O 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 O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos can you provide me with their phone number please ? eos O O O O O O O O O O O Hotel-Request+Phone +bos certainly , the phone number is 01223363682. is there anything else i can assist with ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , i am looking for places to go while i 'm there . perhaps a nightclub ? 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 there are 6 nightclubs around town . most are in the centre of town . if i may , might i suggest the ballare . they are on heidelberg garden , lion yard . eos O O O O B-Attraction-Inform+Choice 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 B-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O N/A +bos that sounds great ! thank you for the information . eos O O O 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 i need a cab to commute between both places and i want to leave the hotel by 18:45 , i also need the contact # & 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 Taxi-Request+Car +bos okay i will work on getting that for you and be back in a moment . eos 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 booking completed ! booked car type : yellow lexus contact number : 07550893023can i help with anything else ? eos 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 O O O O O O general-reqmore +bos no thats it have a nice day ! eos O O O O O O O O O N/A +bos you have a nice day . this is the end . eos O O O O O O O O O O O O general-bye +bos so this is probably impossible but can you find me a 0-star hotel that offers free parking ? eos 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 do n't have any 0 star hotels with parking available but i do have a couple of guesthouses available . do you have a location preference ? eos 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 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-NoOffer+Parking,Hotel-Request+Area +bos no , but i would like place in the moderate price range . eos O O O O O O O O O B-Hotel-Inform+Price O O O O Restaurant-Request+Price +bos well , i have the archway house that would fit your needs . it 's located in the north at 52 gilbert rd . can i book this for you ? 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 B-Hotel-Inform+Area 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 what about a moderately priced 4 star hotel with free parking ? eos O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O Restaurant-Request+Price +bos unfortunately there are no moderately priced 4 star hotels with free parking . could i interest you in either a 2 star moderately priced hotel , or 4 star guest house ? eos O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O B-Hotel-NoOffer+Stars 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 B-Hotel-Select+Type I-Hotel-Select+Type O O Hotel-NoOffer+Parking +bos i think i 'll go with my original 0 star . archway house sounds fine . can you reserve 3 nights arriving on thursday for 3 people please ? 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 B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O N/A +bos i was able to make a booking for you . your reference number is j7nf1fg6 . eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos ok i need a place to eat that serves portuguese food eos O O O O O O O O O O B-Restaurant-Inform+Food O N/A +bos nandos serves portuguese food . there 's one in south cambridge and one in the central area . would you like me to make a reservation for you ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food 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 O O O O O O O O O Booking-Inform +bos no , just tell me what kind of prices the one in the south charges . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Price +bos the one in the south is considered cheap eos O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price N/A +bos ok great . thanks for the help . eos O O O O O O O O O general-thank +bos i can make a reservation for nandos in the south . how many in your party , what day and what time do you want ? eos O O O O O O O B-Booking-Inform+Name O O B-Restaurant-Inform+Area 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 thanks , but i do n't need a reservation . can you tell me their price range please ? 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 it is in cheap price range eos O O O O B-Restaurant-Inform+Price O O N/A +bos okay , great . i 'll go there . eos O O O O O O O O O O N/A +bos is there anything else i can help with today ? eos O O O O O O O O O O O general-reqmore +bos no that 's all i need today . eos O O O O O O O O O N/A +bos have a great day eos 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-Select+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 O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-OfferBook +bos can you help me find a guesthouse in the north to stay at ? eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos there are quite a few guesthouses in the north . is there a price range you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-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 can you run a search for moderately priced guesthouses please ? eos O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos do you need free parking or free internet ( or both ! ) ? that will help me narrow it down even more . eos O 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+Internet,Hotel-Request+Parking +bos it does n't really matter . book it for 6 for 3 nights on sunday , and i 'll need the reference number too please eos 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 O O O O Hotel-Request+Ref +bos i have made a booking for your party at avalon hotel on 62 gilbert road . your reference number is ssslfoyc . i 'm sure you 'll love your stay ! eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Booking-Book+Ref O O O O O O O O O O O N/A +bos i would love it more if i was n't starving . can you point me in the direction of a good chinese restaurant near my hotel ? 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 N/A +bos i have 3 of them . two are expensive and one is moderately priced . do you have a preference ? 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 O O O O O O Restaurant-Select +bos yes , i do . the moderately priced restaurant , please . eos O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos how about the golden wok ? would you like 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 Booking-Inform +bos not for now but i do need their address , 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,Restaurant-Request+Addr +bos the address for golden wok is 191 histon road chesterton and post code is cb43hl . phone number is 01223350688. 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 B-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O N/A +bos thanks very much for your help today . 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 thanks for everything 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-welcome,general-bye +bos i am planning a trip in cambridge eos O O O O O O O O N/A +bos great ! is there a certain restaurant you 're looking for ? eos O O O O O O O O O O O O O Restaurant-Request+Name +bos moderate price in the east . and i need the phone number , address , and food type eos 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+Phone,Restaurant-Request+Food,Restaurant-Request+Addr,Train-Request+Price +bos i have the curry prince which is indian food . would you like that one ? 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 O O O O general-reqmore +bos yes . that would be fine . what is the address and phone number ? 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 address is 451 newmarket road fen ditton and the phone number is 01223566388. would you like me to make a reservation for 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 B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos not now . im also looking for a train from cambridge . eos O O O O O O 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 am going to leicester on wednesday and need to be there by 09:15. eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive N/A +bos tr3093 departs at 07:21 and arrives by 09:06. would you like a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O Train-OfferBook +bos i do n't need a ticket just yet , but i do need 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 Train-Request+Duration,Train-Request+Price +bos duration is 105 minutes and costs 37.80 pounds eos O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos i want to find an expensive restaurant in the north . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos saigon city is a good choice . 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 does it serve unusual food ? that 's what i 'm looking for . eos O O O O O O O O O O O O O O O N/A +bos saigon city offers asian oriental 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 how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos the hotspot and hakka are expensive restaurants on the north side that serve chinese food . would you like to book one ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food 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 Hotel-Request+Ref +bos definitely . what day would you like to book the reservation ? eos O O O O O O O O O O O O O Booking-Request+Day,general-greet +bos you know what ? i 'm not quite sure when i want to go . i 'll just take the address , postcode , and phone 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos hakka is located on milton road chesterton , postcode cb41jy . you can call them at 01223568988. 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 O B-Restaurant-Inform+Post O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos yes , is the aylesbray lodge guest house still in operation ? i stayed there the last time i was in town years ago and enjoyed it . 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 O O O O O O O O O N/A +bos it certainly is ! would you like more information on it ? eos O O O O O O O O O O O O O general-greet,general-reqmore +bos no , i just want to book a room , 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 N/A +bos sure . what day would you like it for 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 Booking-Request+Stay,Booking-Request+Day,general-greet +bos i would love it if you could reserve a room for friday for 1 person for 3 nights . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos okay . i 'll book a room for one for you at the aylesbray lodge guest house for three days starting on friday . is there anything else i can do for you ? 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 O B-Booking-Inform+Stay I-Booking-Inform+Stay O O B-Booking-Inform+Day O O O O O O O O O O O O O general-greet,general-reqmore +bos thank you i just need the reference number for the reservation . that 's all i need today . 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 booking was successful . reference number is : shl5dafu . may 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 no thank you for your help . eos O O O O O O O O general-thank +bos thank you , i hope you are having a nice day . eos O O O O O O O O O O O O O general-welcome,general-bye +bos can you give me information about cambridge artworks , please ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos cambridge artworks is a museum in the east located at 5 greens road and has no entrance fee . anything else i can assist you with today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O B-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 general-reqmore +bos that sounds pretty neat . my daughter is really into the arts . can i get 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 Attraction-Request+Phone +bos absolutely ! the phone number is 01223902168. 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-greet,general-reqmore +bos i need a 4 star hotel as well . eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos are you looking for lodgings near cambridge artworks , or in a different part of the city ? 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 'd rather stay in the centre if possible . eos O O O O O O O O O O O N/A +bos what would you like to pay per night ? eos O O O O O O O O O O Hotel-Request+Price +bos any would be fine . i just need to know the price range . eos O O O O O O O O O O O O O O O Hotel-Request+Price +bos cheap and moderate are the price ranges would you like to book a room ? eos O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O O O O O O O O O Booking-Inform +bos just the four star and hotel , tell me what my price options are with that one . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Price +bos thank you , what is the address ? eos O O O O O O O O O N/A +bos i am unsure of the address , can you look it up ? eos O O O O O O O O O O O O O O N/A +bos there are no 4 star hotels in the center area . eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area O O N/A +bos hmm are you sure about that ? can you check again ? eos O O O O O O O O O O O O O N/A +bos i double checked . there are no 4 stars hotels in the center area . 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 general-greet +bos can you suggest one in that area ? eos O O O O O O O O O N/A +bos im sorry , i am the manager and it is training day , we have two four star hotels in the centre university arms is expensive and alexander bed and breakfast is cheap ? eos 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+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area 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+Price I-Hotel-Inform+Price O O N/A +bos thanks i only needed the price ranges for those hotels . have a good day . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O O Hotel-Request+Price +bos alright , enjoy the rest of your day . eos O O O O O O O O O O general-bye +bos really would like to find a place that serves indian food in the north eos O O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area N/A +bos i have the nirala whch is moderate priced and the royal spice which is cheap . do you want to make a booking at one ? eos O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform,Restaurant-Select +bos how about the cheap one ? eos O O O O B-Restaurant-Inform+Price O O N/A +bos certainly , and on what day would you like to reserve a table at royal spice ? 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+Day +bos no i would like the postcode and address eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos their address and postcode is victoria avenue chesterton , cb41eh . will that be all ? eos 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 general-reqmore +bos i am also looking for a train that goes to cambridge eos O O O O O O O O O O O B-Train-Inform+Dest N/A +bos ok , where will you be coming from ? eos O O O O O O O O O O Train-Request+Depart +bos i 'll be leaving stevenage . i 'd like to arrive by 19:45 , if possible ? eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos ok , what day would you like to leave ? eos O O O O O O O O O O O Train-Request+Day +bos would be traveling on sunday . eos O O O O O B-Train-Inform+Day O N/A +bos there are 7 trains , starting at 05:54 , and departing every two hours . the ride is 49 minutes long . which train would you like ? all get you there by 19:45. eos 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Arrive O O O O O Train-Select +bos i would like the first train . eos O O O O O O O O Train-Inform +bos train tr1542 is the first train . would you like me to book it ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O Train-OfferBook +bos that would be great . ill need 6 tickets eos O O O O O O O O B-Train-Inform+People O N/A +bos booking was successful , the total fee is 61.44 gbp payable at the station .reference number is : 0u82ypd7 . 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 that 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 have a nice day . eos O O O O O O general-bye +bos i am looking for a train . the train should go to broxbourne and should leave on sunday 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 N/A +bos yes there are several trains available . what is your departure site and arrival and departure times . 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+Arrive,Train-Request+Leave +bos i 'd like to leave from cambridge to arrive at broxbourne 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 O N/A +bos tr2941 arrives at 10:01. eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive N/A +bos could i get the price , departure time and train id ? eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave +bos yes , train tr2941 , departing cambridge at 9:01 will cost 14.32 pounds per ticket . eos O O 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 N/A +bos great . i also need a moderate hotel in the south . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos there are no results matching your request . would another location be okay , or perhaps 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 Hotel-NoOffer,Hotel-Request+Price,Hotel-Request+Area +bos can you suggest something with free wifi and a 3 star rating ? i 'm open to less expensive price ranges . 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 Train-Request+Price +bos there is the lensfield hotel but it is in the expensive price range , would you like me to try another area ? 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 O O O O O O O O O O O O Hotel-Request+Area +bos i would like something in the moderate price range . eos O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price +bos would a guesthouse be ok ? i have a 3 star , moderately priced guesthouse in the south with 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 think i 'd prefer a hotel . i need it for 3 people , 2 nights starting friday . i need a reference number please . eos 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 O O Hotel-Request+Ref +bos i am sorry but there are no moderately priced 3 star hotels . could we try another search ? eos O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O O O O O O N/A +bos there are no moderate 3 star hotels in the whole of london ? eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O N/A +bos there are several in cambridge . 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 O O O O Hotel-Request+Area +bos i need a moderate priced room in the south . hotel , or guesthouse . eos O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O O Train-Request+Price +bos bridge guest house is popular this time of year and would suit those needs . can i book you a room ? 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 O O O O Booking-Inform +bos please book me a room , i would like the reference number . eos O O O O O O O O O O O O O O Hotel-Request+Ref +bos your reference number is t921utqk . what else can i do for you today ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos nothing else . i think that 's all i needed . 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 general-bye +bos good bye and have a great day eos O O O O O O O O general-bye +bos can you help me find a 4 star hotel to stay at that has free wifi ? thanks . eos O O O O O O O O B-Hotel-Inform+Stay B-Hotel-Inform+Type O O O O O O O O O O N/A +bos i have three hotels that have those requirements . i have 2 expensive and one cheap in pricing . which would you be interested in ? 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+Price O O O O O O O O O Hotel-Select +bos that does n't matter as long as i 'm in the east part of town . eos 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 N/A +bos i 'm sorry . there are no hotels matching that criteria in the area 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 Hotel-NoOffer +bos can you please check again ? hopefully , there was just an error in inputting the information into the search system . 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 i am sorry there is still no match coming up for your criteria . 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 Hotel-NoOffer,Hotel-Request+Area +bos can you check for a guesthouse with those requirements mentioned above ? eos O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos yes , there are 6 options . what is your price range ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Price +bos 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 . eos O O O O O O O O O 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 recommend leverton house phone 0122392094 eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Phone N/A +bos ok , i guess we can book that one then . there will be 3 of us staying 4 nights , starting sunday . eos O O O O O 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 N/A +bos booking was successful.reference number is : kxcix1qh . can i help 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 general-reqmore +bos no , that 'll be it . thanks for the help . eos O O O O O O O O O O O O O general-thank +bos great . thank you for calling . i hope you have a wonderful trip . 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 somewhere to eat in the centre . eos O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos the bedouin is a nice choice . do you want to book ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos is that a gastropub ? eos O O O O B-Restaurant-Inform+Food O N/A +bos yes . the bedouin serves gastropub food and is in the centre of town . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos that sounds good can you book it for 4 people at 16:30 on wednesday ? eos O O O O O O O O O O O O O O O O N/A +bos i apologize the bedouin serves african food . could i recommend the slug and lettuce , or backstreet bistro , if you would prefer something moderately priced the cow pizza kitchen and bar . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Food O O O O O O O O O O O O O O O B-Restaurant-Recommend+Price 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 N/A +bos the slug and lettuce would be fine . it will need to be on wednesday for 4 people . we 'd like to eat at 16:30. 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 B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O O O O O B-Restaurant-Inform+Time O O O N/A +bos okay , you 're all booked . your table will be reserved for 15 minutes and your reference number is 32v8aa4n . 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 B-Booking-Book+Ref O O 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 be in the cheap price range and should include free wifi . 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 O O N/A +bos cambridge has 10 options that meet your criteria . is there a particular area in which you would like to stay ? eos O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 yes , i would prefer to stay in the south . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos rosa 's bed and breakfast is a guesthouse in the south , with a 4 star rating , free wifi and 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 I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes , please book a stay 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 O N/A +bos okay , i 've got it booked for you for 4 people for 3 nights starting on wednesday . the reference number is : hrt9el5l . is there anything else i do for you ? 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 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 between the guesthouse and the restaurant ? eos O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos yes what time would you like to travel by taxi ? eos O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i would like to arrive in time for our booked time at the slug and lettuce . 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 N/A +bos you 're all set . your car will be a white toyota . if you need to contact the driver , you can call 07073603005. 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 O B-Taxi-Inform+Phone O O O O N/A +bos that is all i need to know . thanks . eos O O O O O O O O O O O general-thank +bos you are welcome , just 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 +bos i am looking for a moderately priced 3 star hotel to stay in in cambridge . eos O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O Train-Request+Price +bos unfortunately , i have no matches for your request . would you like for me to search all hotels 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 Hotel-NoOffer +bos yes , i would like a hotel in the moderate price range with 3 stars . eos O O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O Train-Request+Price +bos i 'm sorry , but i found no hotels matching your criteria , would you like to look for a cheaper 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-NoOffer +bos i would be open to a guesthouse if there are no 3 star hotels . i would like to stay in the moderate price range if possible . 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 O O O O B-Hotel-Inform+Price O O O O O O Train-Request+Price +bos there are 4 moderately priced guesthouses available . is there a particular area you would 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 Hotel-Request+Area +bos i would like to stay in the south area if possible . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos i have bridge guest house . would you like me to make a reservation , ? 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 Booking-Inform +bos no thanks . not today . but i could use some help finding a train from leicester to cambridge . 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 O O N/A +bos i can look that up for you . first , can you tell me the day and time frame you were thinking of 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 Train-Request+Arrive,Train-Request+Day,Train-Request+Leave +bos it needs to leave after 17:45 , thanks for checking . eos O O O O O O B-Train-Inform+Leave O O O O O N/A +bos there are 42 trains that leave after 17:45. eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Leave N/A +bos pick one for me and give me the price and arrival time 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 Train-Request+Price,Train-Request+Arrive +bos sure . i 'd recommend tr9629 which leaves at 18:09 and arrives at 19:54. the price is 37,80 pounds per ticket . eos 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 O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos just to check , does tr9629 leave on friday ? that 's the day i would like to travel . 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 yes , tr9629 leaves on friday . can i help you with anything else ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Day O O O O O O O O O O general-reqmore +bos nope , that was everything , thank you very much ! eos O O O O O O O O O O O O general-thank +bos you 're welcome . do n't hesitate to ask 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 O general-welcome +bos i need a train to bishops stortford that leaves after 16:30 , please . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Leave O O O N/A +bos where will you be travelling to ? eos O O O O O O O O Train-Request+Dest +bos i already told you . eos O O O O O O N/A +bos where will you be 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 Train-Request+Day,Train-Request+Depart +bos i would like to leave on tuesday , and depart from cambridge . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O N/A +bos the tr2153 departs cambridge for bishops stortford on tuesday at 17:29 , would you like to book a seat 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+Dest I-Train-Inform+Dest O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook +bos yeah . i need to book for 7 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 70.7 gbp payable at the station .reference number is : c2kpv8jc . 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 also need a place to stay , i 'd like possibly 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 ok i will find you one as soon as possible and inform you thanks a lot eos O O O O O O O O O O O O O O O O O general-greet +bos hello , i am looking for accommodations with free wifi . eos O O O O O O O O O O O O N/A +bos i can definitely help with that . i have many options . in order to narrow it down , do you have a preference between a 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 O O B-Hotel-Select+Type I-Hotel-Select+Type O O O N/A +bos either one , but i insist on 4-star quality . eos O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos how about arbury lodge guesthouse ? it is in north , is moderately price with free wifi and has 4 stars . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O Hotel-Inform+Internet +bos what 's the postcode and address for that ? eos O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos the address is 82 arbury road and the postcode is cb42je 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 N/A +bos am i able to park for free there ? eos O O O O O O O O O O N/A +bos yes , they offer both free wifi and free parking . do you need me to assist you in making 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no , thanks . i also need a train on sunday out of cambridge . eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O O N/A +bos there are many . what time would you like to leave and what 's 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+Dest,Train-Request+Leave +bos i want to leave for peterborough after 18:30. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave N/A +bos i 've booked you a ride on train tr8255 , your reference number is e1sggiuc , the ticket will cost 13.20 pounds . is there anything else i could help you with ? 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 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 i just need the arrival and travel times for that train , thanks . eos O O O O O O O O O O O O O O O Train-Request+Duration +bos tr8255 departs at 18:34 and arrives at 19:24. hope that helps ! any other questions ? 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 general-reqmore +bos you have been a great help . thank you very much ! goodbye ! eos O O O O O O O O O O O O O O O general-bye +bos you are welcome ! enjoy your stay ! eos O O O O O O O O O general-welcome,general-bye +bos i want a train that leaves after 10:30 and it needs to leave on thursday . eos O O O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Day O N/A +bos there are many that leave that day after 10:30 , where are you leaving from and headed ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Leave O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i am leaving from bishops stortford and heading into cambridge . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos the earliest option would leave at 11:29. shall i book it for you ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos yes , i need a booking for 5 people and please provide the reference number . eos O O O O O O O O B-Train-Inform+People O O O O O O O O N/A +bos i have booked it here is the information : booking was successful , the total fee is 50.5 gbp payable at the station .reference number is : r4cr5asg . 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 B-Train-OfferBooked+Ref O O O O N/A +bos thank you . i am also looking for a moderately priced hotel in the east . eos O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos there are n't any moderately priced hotels in that region . do you want to look for something else ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O general-reqmore +bos yes try another area please . eos O O O O O O O N/A +bos we can consider a couple of options . there are moderately priced guesthouses in the east . the other consideration would be a moderately priced hotel in a different area . eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 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 N/A +bos guesthouses are fine if they are in the east . do any of those have free parking and 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 N/A +bos carolina bed and breakfast and warkworth house are both guesthouses in the east that have free internet and parking . eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Choice I-Hotel-Recommend+Choice I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos alright , i 'd like to book for 5 people and 2 nights on the same day as the train . 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 your reservation for 5 people at carolina bed and breakfast this thursday for 3 days 2 nights was successful . your reference number is : bx36l29f . eos 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+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 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 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 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 yes please , can you help me find a train from birmingham new street to cambridge on friday ? 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 sure , what time would you like to leave ? eos O O O O O O O O O O O Train-Request+Leave +bos i would like to leave after 12:30 and leave on friday . eos O O O O O O O B-Train-Inform+Leave O O O O O N/A +bos there are 12 trains matching your search . will you be wanting me to book one 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 O Train-OfferBook +bos yeah , choose one and book it for 8 people . then give 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 N/A +bos booking was successful , the total fee is 600.79 gbp payable at the station . your on train number tr4431 and your reference number is fl53pcpe . 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+Id O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos no , that 's all for me ! thanks so much , goodbye ! eos O O O O O O O O O O O O O O O general-bye +bos have a nice trip ! eos O O O O O O general-bye +bos i 'm looking for a cheap place to stay that has free parking . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos there are 10 cheap places to stay with free parking . do you want particular 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 O Hotel-Request+Area,Hotel-Inform+Parking +bos the area does not matter , but it should have 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 the alexander bed and breakfast fits your needs . would you like me to book a room for how many days and guests/ 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 Booking-Request+Day,Booking-Request+People,Booking-Inform +bos please book for 3 people for 5 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 O N/A +bos 3 people staying at alexander bed and breakfast for 5 nights , starting monday . your confirmation number is 53r0pqmz . is there anything else i can help you with ? eos O O B-Booking-Book+People O O O 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 O O general-reqmore +bos yes , i also need a train that departs from stevenage and goes to cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A +bos which day and time would you like this for ? eos O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i want it for monday and to leave after 19:15 eos O O O O O O O O O O B-Train-Inform+Leave N/A +bos there is a train on monday at 19:54. eos O O O O O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave N/A +bos yes , please book it for 3 people eos O O O O O O O B-Train-Inform+People O N/A +bos your train booking at 19:54 was successful , the total fee is 38.4 gbp payable at the station . your reference number is : w0fcj48s . is there anything else i can help you with ? eos O O O O O B-Train-OfferBooked+Leave 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 thank you for your help . that is all 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 general-thank +bos great . let me know if you need any additional help . eos O O O O O O O O O O O O O general-bye +bos i am going to be visiting and need a guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos there are 24 guesthouses across the city . is there a certain part of town where you would like to 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 Hotel-Request+Area +bos yes , i am hoping to stay in the centre . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are two options . alexander bed and breakfast and el shaddai . would you like a reservation at one of these two choices ? eos O O O O O 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 either of those have a 0 star rating and are in a cheap price range ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos yes , the el shaddai has a 0 star rating and falls in the cheap price range . they 're located in the city centre as well . would you like to book a room ? 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 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 +bos hmm , do they have internet ? eos O O O O O O O O Hotel-Request+Internet +bos yes , both have internet and parking . eos O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos can i have the postcode for that one please ? eos O O O O O O O O O O O Hotel-Request+Post +bos sure . their postcode is cb11eg . i can book a room for you if you would like ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O O O O O Booking-Inform +bos i 'm not sure if i 'm ready to book , but i 'd like to also find a train if i can 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-Inform +bos i have over 2,800 listings for train departures . where are you looking to go ? and when ? eos 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+Day,Train-Request+Dest +bos i 'm leaving cambridge on wednesday and going to stevenage . eos O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Dest O O N/A +bos ok , the first train from cambridge to stevenage leave at 05:21 , there is a train every two hours until 23:21 , any time preference ? eos 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O N/A +bos i need it to leave after 08:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos tr8913 will leave at 09:21 , 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 that sounds perfect . can you make a booking for me for 6 ? eos 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 76.8 gbp payable at the station reference number is : 4ocma9vi . 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 O N/A +bos okay , thanks a lot . eos 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 no , that will be all . thanks for all of 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-welcome,general-bye +bos i need a room . eos O O O O O O N/A +bos i would love to help ! which part of town would you like ? 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 guesthouse to stay at in the moderate price range that includes free parking . eos O 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 N/A +bos there are 12 guest houses that fit that criteria . is there an area of the city you would like 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 Hotel-Request+Area +bos no specifics on area . eos O O O O O O N/A +bos you might enjoy the acorn guest house . it 's rated 4 stars , and offers free wifi as well as free parking . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos could i book it for 7 people for 4 nights starting friday ? 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 , i have your party in the acorn guest house . your reference number is : v4cgynw3 . 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 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 need a train leaving cambridge to go to stevenage . eos O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O N/A +bos i have 2,828 trains available , what day would you like the train ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Day +bos i 'd like to leave on tuesday after 21:15 and arrive at stevenage . eos 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 have train tr7822 that leaves cambridge at 21:21 and gets to stevenage at 22:10 , resulting in a 49 minute train ride . it costs 12.80 pounds . 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 O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos that sounds good . that was all i needed . thank you . eos O O O O O O O O O O O O O O general-thank +bos should i make reservations ? eos O O O O O O Train-OfferBook +bos yes , please i need the train i.d also eos O O O O O O O O O O Train-Inform +bos how many train tickets do you need ? eos O O O O O O O O O Train-Request+People +bos booking is not necessary , i just need the train id eos O O O O O O O O O O O O Train-Request+TrainID +bos ok , is there anything else that i can assist with ? eos O O O O O O O O O O O O O general-reqmore +bos thats it , just the train i.d eos O O O O O O O O Train-Inform +bos the train id is tr7822 as mentioned previously . anything else i can do for you ? eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O general-reqmore +bos nah , that 's pretty much it . thanks . eos 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 a place to stay in cambridge that includes 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 N/A +bos would you like to try cityroomz ? i can book it for you ? eos O O O O O O B-Booking-Inform+Name O O O O O O O O N/A +bos is it in the west ? what is the price range ? eos O O O O O O O O O O O O O N/A +bos cityroomz is moderately priced and in the centre . are you open to places that offer free parking , or do you specifically want to avoid it ? eos O B-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 O O O O O O O O Hotel-Select+Parking +bos i 'm open to it , and i suppose the centre will do . but i 'd prefer the west side if there is one . 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 N/A +bos i 'm so sorry . there are no hotels on the west side that match your requests . eos O O O O O O O O B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O N/A +bos that 's okay , cityroomz will work . can you book it for 3 people for 2 nights starting on tuesday ? eos O O O B-Hotel-Inform+Name 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 reference number is : z9rfjq4w . anything else you need ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos yes i am looking for a train that departs from cambridge and arrives at birmingham new street . eos 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 N/A +bos ok. when were you looking to leave ? eos O O O O O O O O O Train-Request+Leave +bos i will be leaving on wednesday after 14:30. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos there are 9 trains listed . would you like tickets for one of them ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-OfferBook +bos yes . please select the first train available after 14:30 and book 3 tickets . then provide me the reference number eos O O O O O O O O O B-Train-Inform+Leave B-Train-Inform+People O O O O O O O O O O O N/A +bos booking was successful , the total fee is 225.3 gbp payable at the station . reference number is : xmboa4e1 . 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 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 for contacting us . have a great day ! eos O O O O O O O O O O O O general-bye +bos hello , can you recommend local restaurants ? eos O O O O O O O O O Restaurant-Inform +bos i have many options for restaurants in the area . is there a certain type of food you would like me to find information on ? 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 O Restaurant-Request+Food +bos no . i am interested in the cambridge arts theatre . can you provide me with the phone number and postcode ? 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 Attraction-Request+Post,Attraction-Request+Phone +bos their phone number is 01223503333 , and their postcode is cb23pj . can i help you with anything else ? 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 general-reqmore +bos thanks for the theatre info . let 's go back to the restaurant search . i feel like spanish food , in the moderate price range , please . eos 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+Price O O O O O O O O O N/A +bos la tasca sounds perfect for you . would you like me to book it ? eos 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 yes , please book for 5 people on tuesday at 14:30. and i will absolutely need a reference number from you 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 O O O O O Restaurant-Request+Ref +bos you are booked with reference number nk0dz1yi . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O N/A +bos i will also need to book a taxi . eos O O O O O O O O O O Taxi-Inform +bos ok. i will be happy to help you with that . where will the taxi pick you up ? eos O O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos can the taxi pick me up from the cambridge arts theatre . 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 where would like the taxi to take you ? eos O O O O O O O O O O Taxi-Request+Dest +bos to la tasca , by 14:30 eos O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O N/A +bos yellow audicontact number : 07845910981is 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 that 's 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 great , thanks for letting us help you ! eos O O O O O O O O O O general-bye +bos hi , i 'm going to be visiting soon , and i am interested in trying a restaruant called curry prince . could you give me more information about it ? 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 N/A +bos yes it 's an indian restaurant in the east at the moderate price range . would you like the address and phone number ? eos O O O O B-Restaurant-Inform+Food 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 general-reqmore +bos no but i would like to make a booking for 5 people at 18: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 N/A +bos no problem ! i got that booked for your party of five . the reference number is jvgyc33y . do you need 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+Ref O O O O O O O O O general-reqmore +bos i am also looking for a train . it should should depart from london kings cross and should be on the same day . 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 O O O O O O N/A +bos i have several trains available . what is your destination and preferred time of departure and arrival ? 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+Leave,Train-Request+Arrive +bos the train should go to cambridge and should arrive by 15:00 , can you book it for me ? eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O O O O O 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 make sure i get there by 15:00. i will need the train id and departure time please . eos 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 Train-Request+TrainID,Train-Request+Leave +bos there is a train leaving at 13:17. would you like me to book the train 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 i just need the train 's departure time and id . eos O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave +bos okay , the tr1688 leaves at 13:17. eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O N/A +bos okay perfect do you think you could book that for me please ? 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 eos O O O O O O O O Booking-Inform +bos i need a train leaving from cambridge and should leave on tuesday . eos O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O N/A +bos there are several trains that may suit your needs . do you have a particular destination in mind ? 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+Dest +bos i would like one going to kings lynn and should arrive by 11: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 my last train of the day for kings lynn is tr7548 which departs at 10:11 and arrives by 10:58. would that work for you ? eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest 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-Request+Dest,general-reqmore +bos yes , that 's fine , thank you ! that 's all i need . 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 today . eos O O O O O O O O O general-bye +bos it has been my pleasure . eos O O O O O O O N/A +bos thank you 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 general-bye +bos i 'm sorry , i am also looking for an attraction in the town centre . can you locate anything architectural ? 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 N/A +bos the holy trinity church on market street is a great attraction that meets your needs . does that sound good ? eos 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 O O O O O O O O O O O O O general-reqmore +bos i am looking for an expensive place to dine which serves indian food . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O N/A +bos several restaurants fit your criteria . do you prefer a specific area ? eos O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Area +bos yes , i am looking to stay in the centre of town . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos the top 3 places serving indian cuisine are curry garden , the golden curry , and saffron brasserie . would you like more options ? eos O O O O B-Restaurant-Inform+Choice O 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 N/A +bos any of those would be fine . i need a table for 7 at 16:00 on saturday . is it possible to book at one of those places ? 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 O O O O O O O O O O N/A +bos your table for 7 is reserved at curry garden . your reference number is : 2ozt0p7i . is there anything else i can help you with today ? eos O O O O O B-Booking-Book+People 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-reqmore +bos i 'm also looking for a train leaving cambridge on sunday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos there are 202 trains leaving cambridge that day , do you have a destination or time ? 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 Train-Request+Leave,Train-Request+Dest +bos i am looking to go to kings lynn and arrive by 8:15 eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O N/A +bos there are 3 trains that fit what you are looking for . i can book you at 5:11 , 6:11 , or 7:11. which do 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+Leave I-Train-Inform+Leave O O O O O O O Train-Select +bos i would like to book the 5:11 train eos O O O O O O O O O Train-Inform +bos sure thing ! how many tickets do you need ? eos O O O O O O O O O O O Train-Request+People +bos actually , i do n't need any tickets today . but can you tell me 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 O O O Train-Request+Duration +bos sure , the travel time is about 47 minutes , is there anything else i can help you with ? 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 general-reqmore +bos that is all i need . thanks , and have a nice day . eos 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 O general-bye +bos i 'm looking for a latin american restaurant in the moderate price range . eos 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 we do n't have that in our records . can you change the 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 can you help me find a moderately priced resaturant in the south that serves latin american food ? 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 no restaurants available matching what you mentioned . eos O O O O O O O O O O O Restaurant-NoOffer +bos how about italian food . you do have italian restaurants do n't you . moderately priced and in the south area would work fine for me . eos O O O B-Restaurant-Inform+Food 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 N/A +bos the only moderately priced italian restaurant in the south part of town is the pizza hut cherry hinton . would you like a reservation ? eos 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 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 Booking-Inform +bos yes , please book a table for 1 people at 18:30 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 : am10lq20 . 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 great . thank you . eos O 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 , can you help me find a place to stay , a 4 star hotel ? 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 yes and which area would you be interested in ? eos O O O O O O O O O O O Hotel-Request+Area +bos the area does not matter . but , i need it to be an actual hotel and have 4 stars . eos 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 N/A +bos sure there are a few options . did you have a price range you were looking for ? eos 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 particular price range , but i would like free parking . eos O O O O O O O O O O O O O N/A +bos how about huntingdon marriott hotel ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos sure , i need the reservation to be for 4 people . eos O O O O O O O O O O O O O N/A +bos and what nights would you like me to reserve for you ? eos O O O O O O O O O O O O O Booking-Request+Stay +bos four nights starting sunday eos O O O O B-Hotel-Inform+Day N/A +bos your booking was successful . your reference number is : lnrxn5zt . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you , can i also book a taxi ? eos O O O O O O O O O O O Taxi-Inform +bos yes , where would you like to go to and from ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i need it to go from the restaurant to the hotel . eos O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos i can book you a taxi from pizza hut to huntingdon marriot , what time 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 O O O O O O O O O Taxi-Request+Leave +bos i need to be at the restaurant by 18:30 for my reservation , the pick up time does n't matter to me . 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 N/A +bos i 'm sorry i need clarification . do you need a taxi to the restaurant or 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 Taxi-Request+Dest +bos it should be to the hotel eos O O O O O O B-Hotel-Inform+Type N/A +bos 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 . eos O O O O O O O O O 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 'm sorry . let me clarify . i need a taxi to pick me up at the hotel and i want to arrive at the restaurant by 18:30. 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 B-Taxi-Inform+Arrive O O O N/A +bos booking completed ! booked car type : blue bmwcontact number : 07611077714 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 i 'm sorry for all the confusion on this call , and i appreciate your patience . 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 general-bye +bos no worries . you have a great day . goodbye . eos O O O O O O O O O O O O general-bye +bos i will be visiting cambridge and i need a list of the main 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 N/A +bos i have 8 entries for entertainment in the south . do you have a particular type that you are looking for ? eos O 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 Attraction-Request+Type +bos i do n't have a particular type . what would you recommend ? eos O O O O O O O O O O O O O O N/A +bos in my opinion , out of the options i think the theatre we have in the south would be my choice . it 's called the junction . would you like more info ? eos O O O O O O O O O O O B-Attraction-Recommend+Type 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 O O O O O O general-reqmore +bos what is their address ? eos O O O O O O Attraction-Request+Addr +bos they are located on clifton way . is there anything i may help you with ? eos O 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 yes i am also looking for a 2 star guesthouse to stay at . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos okay , how about the ashley hotel that is in the moderate price range ? eos O O O 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 N/A +bos is it a 2 star or better ? eos O O O O O O O O O N/A +bos ashley hotel is a 2 star hotel . would you like to 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 O Booking-Inform +bos no thank you . i just need the post code . eos O O O O O O O O O O O O Hotel-Request+Post +bos the post code is cb41er . eos O O O O O B-Hotel-Inform+Post O N/A +bos thanks . i will also need a taxi to take me from the junction to the ashley hotel . i would like to leave the attraction by 21:15. eos 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+Dest I-Taxi-Inform+Dest O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos i booked the taxi for you . it 's a black honda and the contact number is 07690147877. will that be all ? . 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 yes . thank you . eos O O O O O O general-thank +bos thank you for using are services and have a great day . eos O O O O O O O O O O O O O general-bye +bos can you help me find a restaurant ? eos O O O O O O O O O Restaurant-Inform +bos it would be my pleasure . what type of food are you in the mood for ? eos 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 north american food ! eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos we have one option , the gourmet burger kitchen , they are in the centre area and the pricing is expensive , can i book you ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O O O O B-Restaurant-Inform+Price O O O O O O O O Booking-Inform +bos yes , just myself at 11:45 on monday please . eos O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos i have made that reservation and your reference number is 0x0n3wv0 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks so much . can you help me find a place to stay in that area as well ? eos O O O O O O O O O O O O O O O O O O O O general-thank +bos what area are you looking to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos the south please . eos O O B-Hotel-Inform+Area O O N/A +bos there are a number of options . did 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 O O O O O O Hotel-Request+Price +bos the price does n't matter and i do n't need free parking . 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 O N/A +bos i recommend the aylesbray lodge guest house , it is in the moderate price range and four stars . it 's on 5 mowbray road , cb17sr . would you like me to make a bookin gfor 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+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars 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 +bos not yet , do they have internet ? and what is their postcode ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet +bos yes they have internet and their postcode is cb17sr . is there anything else i can help you with ? eos O O O O O O O O O B-Hotel-Inform+Post O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos i also need a taxi . it should leave the guesthouse and arrive at the restaurant by 11:45 please . 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 B-Taxi-Inform+Arrive O O O O O O O O O O O O Taxi-Request+Car +bos can you please give me the name of your departure and name of your desination ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart +bos i am leaving from the restaurant . eos O O O O O O O O Restaurant-Inform +bos just to be clear , do you want to be picked up at the gourmet burger kitchen , or is that 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 Taxi-Request+Depart,Taxi-Request+Dest +bos i am leaving from the aylesbray lodge guest house to get to the gourmet burger kitchen by my reservation at 11:45. please book . eos 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Arrive O O O N/A +bos i also need to know when you want to leave . eos O O O O O O O O O O O O Taxi-Request+Leave +bos i am leaving from the aylesbray lodge guest house to get to the gourmet burger kitchen by my reservation at 11:45. please 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 O N/A +bos okay , i have you booked in a blue audi . the contact number is 07920692950. 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 general-reqmore +bos that is everything today . eos O O O O O O N/A +bos i was glad to assist you today . eos O O O O O O O O O general-greet +bos can you help me find an expensive restaurant that serves british food ? eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos there are 6 matches , do you have a location preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Area +bos is one of them located in centre ? i will be staying over there and would like something close . 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 N/A +bos the fitzbillies restaurant is located in the city 's centre at 51 trumpington street . the phone number is 01223352500. eos 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O N/A +bos thank you very much for the assistance . eos O O O O O O O O O general-thank +bos would you like a reservation ? eos O O O O O O O Booking-Inform +bos no . i am also looking for a hotel . alexander 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 the alexander bed and breakfast that is on 56 saint barnabas road ? would you like me to book it ? 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 I-Hotel-Inform+Addr O O O O O O O O Booking-Inform +bos yes . i would like to stay starting wednesday for 5 nights with 6 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 : qvrve9as . can i help 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 general-reqmore +bos no that will be all for today . thanks so much for all 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 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 would like to find a guesthouse to stay at with a 4 star rating . eos 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 ok , 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 O O Hotel-Request+Area,Hotel-Request+Price +bos i 'd like it to be expensive , but have free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos i 'm sorry , there are absolutely no guesthouses that meet those requirements . can i look for something different ? eos O O O 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 how about a cheap one ? eos O O O O B-Hotel-Inform+Price O O N/A +bos i have several guesthouses in the cheap price range . do you have a preference in the part of town ? eos 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 O O Hotel-Request+Area +bos i do not care what area . eos O O O O O O O O N/A +bos how about the alexander bed and breakfast ? it is a guesthouse in the centre with 4 stars . it includes free internet and parking . shall i book it ? 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 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos actually i would just like their postcode at the moment . eos O O O O O O O O O O O O Hotel-Request+Post +bos sure , the guesthouse postcode is cb12de . do you need help with anything else ? eos O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Post 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 welcome and have a nice day eos O O O O O O O general-welcome,general-bye +bos i 'm sorry i am also looking for a restaurant called bedouin . eos O O O O O O O O O O O B-Restaurant-Inform+Name O O N/A +bos yes , it 's an african restaurant in the centre . would you like a booking ? 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 Booking-Inform +bos yes . can i book for 8 people on saturday at 16: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 your table is reserved at bedouin , the reference number is 8kd5rukv . is there anything else i can help you with today ? eos O O O O O O 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 thank you . that is all i needed . 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 british food in the expensive price range . eos O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O Train-Request+Price +bos okay how about the travellers rest on the west side ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos no . i need something in the centre . eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos fitzbillies restaurant is very good . do you need a table ? 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 6 people at 11:00 on tuesday . can i get a 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 yes i will get a confirm number for you eos O O O O O O O O O O Booking-Inform +bos i am looking for information and would appreciate the help . can you help with a train ? eos O O O O O O O O O O O O O O O O O O O Train-Inform +bos i can give you all kinds of information as well as book a ticket . 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 O O O O O Train-Request+Dest,Train-Request+Day,general-greet,Train-OfferBook +bos i want to go to cambridge on wednesday . eos O O O O O O B-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 will be leaving from ely . eos O O O O O O B-Train-Inform+Depart 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+Leave,Train-Request+Arrive +bos i need to arrive by 08:45 eos O O O O O O B-Train-Inform+Arrive N/A +bos how many tickets please eos O O O O O Train-Request+People +bos i would need 2 tickets . eos O O O O O B-Train-Inform+People O N/A +bos train tr9741 arrives at 07:52 and i have booked you for 2 , here is your information : booking was successful , the total fee is 8.8 gbp payable at the station .reference number is : u44p6dqp . eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive B-Train-OfferBooked+People 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 B-Train-OfferBooked+Ref O O O O O O N/A +bos can you also look up the hotel 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 thing , what kind of information do you need ? eos O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Type,Hotel-Request+Stars,Hotel-Request+Name,Hotel-Request+Price +bos i want you to book it for 5 nights , starting wednesday . 2 people . eos O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O B-Hotel-Inform+People O O O N/A +bos okay that booking was successful . your reference number is 2vd26230 . 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 nope , that 's all i need today . thanks 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 have a great stay in town . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos it 's my wife 's birthday and i promised i 'd take her out . are there any restaurants that serve mediterranean food ? 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 O O O N/A +bos there absolutely are ! to narrow down the locations which area would you like and at what 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+Area,Restaurant-Request+Price +bos i need something cheap please . eos O O O O O O O N/A +bos the gardenia is a cheap restaurant that you may like . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O O O N/A +bos i want you to book a table for 6 people at14:00 on friday . i need the reference number 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O Restaurant-Request+Ref +bos i have your reservation at the gardenia for 6 people on friday at 14:00 , your reference number is jz6h6i6x . can i help with anything else ? eos 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 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 yes , i am looking for a train that departs from cambridge to peterborough . is there any available ? eos 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 N/A +bos oh yes . many but i will need a day of travel . eos O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Day +bos it should leave on saturday and arrive by 15:45 eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos i have a train that will arrive by 15:24. would you like to make a booking ? 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 that is perfect how much is it and what time does it leave ? also how long is 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 Train-Request+Leave +bos it leaves at 14:34 and the ride lasts 50 minutes . eos O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos that time is perfect , but could you quote me a price on that ? eos O O O O O O O O O O O O O O O O Train-Request+Price +bos that one will cost 13.20 pounds . would you like me to book it ? eos 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 that would be great . i will need 6 tickets please . eos 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 79.19 gbp payable at the station .reference number is : 5cua7akf . is there any other way 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 O general-reqmore +bos what was the travel time ? eos O O O O O O O Train-Request+Duration +bos it 's a 50-minute ride . can i help you with anything else ? eos O O O B-Train-Inform+Time O O O O O O O O O O O general-reqmore +bos that will be all . thanks for all your help . eos O O O O O O O O O O O O general-thank +bos i am glad i have been of help to you . great day eos O O O O O O O O O O O O O O general-bye +bos i 'd like some help finding a train leaving peterborough on tuesday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos absolutely , do you want to leave or arrive by a certain time ? eos O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos leave after 10:15 , please . eos O O O O O O O N/A +bos unfortunately , there are no trains that leave after 10:15. eos O O O O O O O O O B-Train-NoOffer+Leave O N/A +bos okay what are the available train times ? eos O O O O O O O O O Train-Inform +bos i have booked you one leaving at 10.19. eos O O O O O O O O B-Train-OfferBooked+Leave N/A +bos ok , is it going to cambridge ? can i have the reference number please ? eos O O O O O O O O O O O O O O O O O Train-Request+Ref +bos there seems to be a break down in communication . please restate the departure and arrival locations and the day and 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,Train-Request+Dest,Train-Request+Depart +bos i need a train from peterborough to cambridge on tuesday , leaving after 10:15. eos 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 N/A +bos i have train tr1674 leaving at 10:48 and arriving at 11:38. would you like to book tickets ? 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 i need to book for one person , i will need the reference number . also , i need to book a hotel called caroline bed and breakfast , i need the 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 O O O O O O O O Train-Request+Ref,Hotel-Request+Addr +bos okay . your train booking was successful . you 'll owe 16.5 which can be paid at the station . the reference number is x58gnq74 . 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 B-Train-OfferBooked+Ref O O O O O N/A +bos can you look up 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 i have it right here eos O O O O O O general-reqmore +bos well , thats great . that means you should be able to give me the address eos O O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos the address is 138 perne road . would you like to book a room ? 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 Booking-Inform +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 it is 138 perne road . eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos have a nice day . eos O O O O O O N/A +bos thank you , have a wonderful day . let us know if we can help in any way . 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 i take a train from stevenage on tuesday ? eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos absolutely . where would you be heading to and what day/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+Dest,Train-Request+Day +bos i need to go to cambridge on tuesday and arrive by 11:15. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos the earliest from stevenage is the tr9263 , and it leaves at 05:54 and arrives in cambridge at 06:43. would you like to reserve a ticket for this train ? eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook +bos sure , i need to book it for 3 people . can i get a reference number please ? thanks so much ! 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 sure thing . the booking was successful , the total fee is 38.4 gbp payable at the station . reference number is : pl3izvma . anything else i can do for you ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos i also need a hotel in the center area . eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i have 3 hotels in the centre . two are expensive and one is moderately priced . 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O N/A +bos do any of them have free parking ? eos O O O O O O O O O N/A +bos yes , two hotels have free parking . the only difference between the two is that one has a 3-star rating and the other has 4 stars . 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 O O O O O O O O O O N/A +bos can i get the price range , address , and phone number for the 4-star place ? eos 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 4 star hotel is in the expensive price range and its address is regent street and its telephone number is 01223351241. eos O O O B-Hotel-Inform+Stars O O 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 O B-Hotel-Inform+Phone N/A +bos what is the name of the 4 star hotel that you are referring to ? eos O O O O O O O O O O O O O O O O Train-Request+Ref +bos it 's called the university arms hotel . would you like me to book your stay ? 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 yes please book it for me eos O O O O O O O N/A +bos i am getting that ready now , what day will that start . i also need to know how many people and 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 O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay +bos actually i do n't need it booked , i just need to know the price range , address and phone 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+Price,Hotel-Request+Addr +bos it is in the expensive range . it is located on regent street and their phone number is 01223351241. is there anything else i can assist you with ? eos O O O O O B-Hotel-Inform+Price 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 O general-reqmore +bos that was all i needed . thank you . goodbye . eos O O O O O O O O O O O O general-bye +bos alright . glad i could be of help . thanks for calling . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos yes , i 'm only looking for information right 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 O O Train-Inform +bos of course . where are you traveling from and what is your destination ? 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 leaving from london kings cross and want to arrive in cambridge . eos 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 N/A +bos there are lots of choices for those locations . what day and time will you be traveling ? 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+Day,Train-Request+Leave +bos wednesday after 13:15 would be great . eos O B-Train-Inform+Day O B-Train-Inform+Leave O O O O N/A +bos i have 6 trains leaving between 13:17 and 23:17. would you like me to book a seat for you ? eos O 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 O O O O Train-OfferBook +bos i do n't need to book . i just need the train id , travel time and arrival time for the 13:17 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 Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID +bos those would be tr0922 , 51 minutes , and 14:08. how else may i help you ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket B-Train-Inform+Time O O O O O O O O O general-reqmore +bos i 'd like to find somewhere to stay that is moderately priced , in the east , and with internet included eos 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 O O N/A +bos there are three 4 star guesthouses in the east part of town . they are all moderately priced . can i book one for you ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Booking-Inform +bos yes , please book it for 4 people and 5 nights starting wednesday . 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 no problem . i have booked your reservation at a & b guesthouse . the reference number is 8wqv1v9h . can i help you with anything else ? 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 B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos that'a all i need for today . thanks ! eos 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-greet +bos i 'm looking for a train that goes to cambridge and leaves on friday . any ideas ? eos O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Day O O O O N/A +bos from what station will you be departing ? eos O O O O O O O O O Train-Request+Depart +bos i 'd like to leave from london kings cross . eos O O 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 travelling from london kings cross to cambridge friday , what time would you like to leave/arrive ? 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 B-Train-Inform+Day O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need to leave after 14:45. i would like the arrival time and travel time for this journey as well . 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 Train-Request+Duration,Train-Request+Arrive +bos tr8842 will leave at 15:17 and arrive 51 minutes later at 16:08. do you want to make a reservation ? 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 O O O O Train-OfferBook +bos yes . also find a hotel in the north and should be a 4 star eos O O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars N/A +bos let 's take care of the reservation first . how many seats should i book ? 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 do n't need a reservations right now . i do need information on a hotel that has 4 stars in the north 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 O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O N/A +bos there are 2 that fit your criteria , ashley hotel comes highly recommended . shall i book you a room ? eos O O 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 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 certainly . how many people , what day are you arriving , and 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+Day,Booking-Request+Stay +bos please book for 3 people and for 4 nights starting friday . i will also need the reference number . eos 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 Hotel-Request+Ref +bos booking was successful . reference number is : 4sqr2cjb . 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 no that is it . thanks ! eos 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 +bos i am looking for a place to stay . i want to stay in a hotel that includes free wifi . 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 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 Hotel-Request+Area,general-greet +bos any area in cambridge is fine , but i want the hotel to have a 2 star rating . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O N/A +bos there are a few different options for that . what price range 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 Hotel-Request+Price +bos something moderately priced would be ideal , please . eos O O B-Hotel-Inform+Price O O O O O O O Train-Request+Price +bos i 'd recommend ashley hotel on 74 chesterton road . would you like a room ? eos 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 yes , that would be great . for 4 nights on tuesday for 7 people please . 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 O N/A +bos i will book you for the ashely hotel , ok ? eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O N/A +bos i am looking for place to stay in cambridge . i would like a 4 star hotel that includes free parking , please . 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 N/A +bos i have many available . did you have a specific area in mind ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos i have no preference in area but i would like something 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 O N/A +bos how about the leverton house in the east ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O N/A +bos does it include free parking ? i need the address , phone , and hotel type . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Type,Hotel-Request+Addr +bos it is a guesthouse with free parking located at 732-734 newmarket road . phone number is 01223292094. should i book it for you ? 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+Phone O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos not right now . can you look for a train for me . it should go to birmingham new street and arrive by 15:45. 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 B-Train-Inform+Arrive O O N/A +bos i have several trains can you tell me what day you plan to travel ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Day +bos i 'd like to travel on sunday , please . eos O O O O O O B-Train-Inform+Day O O O O N/A +bos i have train tr6725 leaving at 5:01 and arriving 7:44 on sunday . would you like to make reservations ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O Train-OfferBook +bos yes , please . i 'll be traveling alone this time . eos O O O O O O O O O O O O O N/A +bos ok , booking was successful , the total fee is 60.08 gbp payable at the station . reference number is : z42s9c3r . 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 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 . 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 can you recommend a hotel in the north part 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 i would recommend ashley hotel at 74 chesterton road . 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 N/A +bos does that hotel have a 3 star rating and free wifi ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos no , i am afraid i have none with a 3 star rating in that area . would you like to try another area or stars ? 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 O Hotel-Request+Area,Hotel-Request+Stars +bos any area is fine as long as it is a 3 star hotel with 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 ok. there is the gonville hotel in the centre and the lensfield hotel in the south . are you interested in booking one of them ? 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 O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Select,general-greet +bos no 3 star places to stay in the north ? it does n't have to be a hotel but maybe a guesthouse ? eos 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 O O N/A +bos i have one..the hamilton lodge . would you like me to make a reservation ? 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 no , i just need the price range and the phone number eos O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price +bos the price range is moderate . the phone number is 01223365664. would you like any other information ? eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos are there any french restaurants in the same area as the hamilton lodge ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos yes , i actually do have one . it is restaurant two two . they are expensive and located on 22 chesterton road , chesterton . their phone number is 01223351880. would you need 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 O O O O O O N/A +bos could you please give me the postcode for restaurant two two ? eos O O O O O O O O O O O O O Restaurant-Request+Post +bos postal code is cb43ax eos O O O O B-Restaurant-Inform+Post N/A +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 I-Hotel-Inform+Name 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 need to arrive by 18:00 , please . eos O O O O O O B-Train-Inform+Arrive O O O N/A +bos train tr9531 leaves cambridge at 16:01 and arrives in broxbourne at 17:01. that is the last train of the day . would you like to make a reservation ? 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 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 your reference number is 4hrlu45b , is there anything else you need ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos no , that 's all i need from you , thanks ! eos 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-bye +bos i need to get to bangkok city by 12:00 today . can you help ? eos 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 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 jesus green outdoor pool . 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 alright , i have arranged for a grey toyota to take you . they can be reached at 07230483691. anything else i can do for you ? 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 general-reqmore +bos no , that should do it . thanks so much . bye ! eos O O O O O O O O O O O O O O general-bye +bos happy to help ! please take care ! eos O O O O O O O O O general-greet +bos i need the address for the parkside police station . eos O O O O O O O O O O O Police-Request+Addr +bos certainly ! their address is parkside , cambridge postcode cb11jg . 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 N/A +bos yes , i 'll also need their phone number . eos O O O O O O O O O O O Police-Request+Phone +bos their 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 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 thank you , goodbye . eos O O O O O O general-bye +bos i need a taxi to pick me up from saigon city please eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 'd like to arrive by 15:45. eos O O O O O O B-Taxi-Inform+Arrive O N/A +bos and where will you be going ? eos O O O O O O O O Taxi-Request+Dest +bos i 'll be heading to huntingdon marriott hotel . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos great ! i was able to book a red audi for you ! eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos what is the contact number of that audi ? eos O O O O O O O O O O N/A +bos the contact number is 07062991767. do you have any other questions ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O 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 have a good one ! eos O O O O O O general-bye +bos i was robbed a few minutes ago and need assistance . eos O O O O O 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 i need the address including postcode of the police station and also the phone number . eos 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 of course . their address is parkside , cambridge postcode cb11jg and 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 thank you . that 's all i needed . eos 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-greet +bos ok , have a good day . goodbye . eos O 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-bye +bos are there any 3-star hotels , guesthouses , or b & b 's that have wifi that you do n't have to pay for ? 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 N/A +bos there are 5 places to stay that match your criteria . do you have a pricerange 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+Price +bos no , but the hotel should be in the north . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i have found the hamilton lodge . it is a guesthouse in the north . would you like more information about it ? eos O O O O O B-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 I-Hotel-Inform+Area O O O O O O O O O general-reqmore +bos yeah , how much does it cost ? eos O O O O O O O O O N/A +bos it is listed as moderately priced . eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos thanks , what is the address and 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 hamilton lodge is located at 156 chesterton road , and yes it does have free parking . 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 Hotel-Inform+Parking +bos cool , thank you . i 'm all set now . bye ! eos O O 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 we can be of any 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 got injured and are looking for a hospital nearby 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 in need of ? 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 'm not sure , do you have the postcode for the hospital ? eos O O O O O O O O O O O O O O O Hospital-Request+Post +bos yes , their postcode is cb20qq . do you need their phone number as well ? eos O O O O O O O O O O O O O O O O O N/A +bos nope , that 's all i need . thanks very much ! 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 thanks for the info . goodbye . eos O O O O O O O O general-bye +bos happy to help . have a great day . eos O O O O O O O O O O general-greet +bos i was involved in a car accident and i need help eos O O O O O O O O O O O O N/A +bos you can contact the parkside police station at 01223358966. eos O O O O O O O O O O N/A +bos may i please have the postcode as well ? eos O O O O O O O O O O Police-Request+Post +bos the postcode is cb11jg , in parkside , cambridge . do you need anything more ? eos O O O O O O O O O O O O O O O O O N/A +bos no , that should do it . thanks . eos O O O O O O O O O O general-thank +bos thank you . 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 hello , i am looking for a hospital in town . can you please help me find one ? eos O O O O O O O O O O O O O O O O O O O O Hospital-Inform +bos the addenbrookes hospital should suit whatever need you have . eos O O O O O O O O O O O N/A +bos can i have the address , please ? eos O O O O O O O O O Hospital-Request+Addr +bos the address is hills rd , 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 N/A +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 Hospital-Request+Post,Hospital-Request+Phone +bos the telephone number is 01223245151 and the postcode is cb20qq . may 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 N/A +bos thanks , that 's all . goodbye , now . eos 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-greet +bos i need to get to cambridge on sunday . can you find me a train from kings lynn please ? eos 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+Depart I-Train-Inform+Depart O O O N/A +bos we have several different time slots for sundays train to kings lynn . what time is good for you ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Day I-Train-Inform+Day O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i need to leave after 15:00. eos O O O O O O B-Train-Inform+Leave N/A +bos the first train to cambridge from kings lynn departing after 15:00 is the tr2965 , leaving at 15:11. would you like to reserve a seat on this train ? eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Id 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 . please book that for 3 people . eos O O O O O O O O B-Train-Inform+People O N/A +bos i booked the train . your reference is hfqyoumg . 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 i am also looking for a hotel on the north side of town with a 1 star rating eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos what is your preference on price ? eos O O O O O O O O Hotel-Request+Price +bos i do not have a preference on price , but it must include free parking . eos O O 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 any hotels fitting your criteria . would you like to search for something different ? eos 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 if there is no such hotel , how about one that has a star of 4 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 'm sorry i do not have any 4 star hotels in the north part of town with free parking . is there anything else i can do for you today ? eos O O O 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 I-Hotel-NoOffer+Area O O O O O O O O O O O O O O O Hotel-NoOffer+Parking,general-reqmore +bos huh . that 's odd . i was told there was a good one . eos O O O O O O O O O O O O O O O O N/A +bos on the north side there are 2 moderate priced hotels both have free parking and internet . they are both 2 stars . would you be interested in one of these ? eos O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Stars I-Hotel-Inform+Price B-Hotel-Inform+Type 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-Select,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i really would prefer a 4 star hotel . can you please look again on the north side ? eos 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 looked again , and there 's nothing meeting your criteria . we have several 4 star guesthouses in the north with parking , would that work ? eos O O O O O O O O O O O O B-Hotel-Inform+Choice 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-NoOffer,Hotel-Inform+Parking +bos sure , i 'll need it for the same group of people 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 would you like me to recommend a 4-star guest house is the north ? eos O O O O O O O O B-Hotel-Select+Stars B-Hotel-Select+Type I-Hotel-Select+Type O O B-Hotel-Select+Area 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 N/A +bos i would recommend the acorn house . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos ok , can you book for same group of people 3 nights starting on same day ? eos O O O O O 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 : vtjw67pc . acorn guest house starting sunday for 3 people and 3 nights . is there anything else i can assist you with ? eos O O O O O O O O B-Booking-Book+Ref B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People O O O O O O O O O O O O O O O O general-reqmore +bos you have helped me with everything i need today . thank you ! that will be all . 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 time . eos O O O O O O general-bye +bos hi , can you help me find a train that goes to cambridge on saturday ? eos 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 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 'll be departing from peterborough , arriving by 08:30. eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive O O N/A +bos : train tr9422 departs cambridge and arrives in peterborough at 08:09 , will that one work for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O N/A +bos that sounds great . please make a booking for 8 people , please . eos O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos you are all set , the total fee is 105.6 gbp payable at the station , your reference number is ylbt17ja , anything else that i can help 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 general-reqmore +bos yes , i 'm looking for places to go in the west part of town . eos 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 many options of things to do in the west , would you prefer a college , museum , or entertainment ? eos O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O N/A +bos a museum is more of my thing . recommend one and send me the phone number please eos O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O Attraction-Request+Phone +bos cafe jello gallery would be my recommendation . the phone number is 01223312112. is there anything else i can help you with ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 great . is there an entrance fee for that gallery ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos no it is free for everyone . anything else that i can help with ? eos O O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos no , that is all for today . you have been a great help ! eos O O O O O O O O O O O O O O O O N/A +bos thank you and enjoy your stay with us ! eos O O O O O O O O O O general-bye +bos hi , i am looking for information in cambridge . i 'll be coming in the next few weeks . 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 sort of information do you need ? eos O O O O O O O O O general-reqmore +bos we are visiting and hoping to find some great entertainment in the area . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are a few , do you have a certain area in mind ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Area +bos it should be in the centre , , how about one that is in the type of architecture eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos the centre has some wonderful architecture . there are several options that do not charge an entrance fee and one that charges 2 pounds . do you have a preference ? eos O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Type O O O 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 O O O O O O Attraction-Select +bos not really . what 's the address and postcode for your favorite one ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos great saint mary 's church is at market square 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 O N/A +bos what about the post code ? eos O O O O O O O Attraction-Request+Post +bos the post code is cb23pq . anything else ? eos O O O O O B-Attraction-Inform+Post O O O O general-reqmore +bos i need a place to stay - a guesthouse , i think . perhaps in the north ? eos 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 N/A +bos is there a price range you 'd like ? there are many moderate prices guesthouse , and 2 cheap ones . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O Hotel-Request+Price +bos i 'd prefer the moderate one , what is the name of it ? i will need a reservation for 7 people for 2 nights starting wednesday . 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 O O B-Hotel-Inform+Stay O O O O O N/A +bos do you need free wifi or parking ? eos O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos no those dont matter to me . eos O O O B-Hotel-Inform+Internet I-Hotel-Inform+Internet O O O N/A +bos there are actually 9 guesthouses on the north that are moderately priced . would you like me to select one ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Select +bos yes please . i need it for 7 people , 2 nights and starting from wednesday . eos 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 will work on booking this for you 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 thank you ! when you are done i will need the reference number . eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos booking was successful at the avalon . your reference number is : 0bmy3z94 . 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 general-reqmore +bos that will be l for now , thank you very much 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-welcome,general-bye +bos hi i am looking for a place to go in the west . can you help ? 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 i can help with that . what attraction type are you most interested in ? eos O O O O O O O O O O O O O O O O Attraction-Request+Type,general-greet +bos another sort of attraction . just let me know the postcode and address . eos O O O O O O O O O O O O O O O Attraction-Request+Post +bos cb39et cb39et there you are . eos O O O O O O O N/A +bos what is this place ? and 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 so sorry for the system error . that postcode was for queen 's college . the address is silver street . 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 O O O O general-greet +bos thank you . i also need the phone number please . eos O O O O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223335511 eos O O O O O B-Attraction-Inform+Phone N/A +bos thanks ! i also need a train to norwich sometime after 15:00 on tuesday , please . eos 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 O O N/A +bos train tr6524 will work for you , 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 does it leave from cambridge ? eos O O O O O B-Train-Inform+Depart O N/A +bos yes , train tr6524 leaves from cambridge . may i book it for you ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart O O O O O O O O O Train-OfferBook +bos no . but what is the travel time and when will it arrive ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive +bos it would leave at 15:36 and arrive by 16:55. eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos that will be fine . can you help me book this ? eos 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 Train-OfferBook +bos please make a booking 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 17.6 gbp payable at the station .reference number is : 4iyvezib . 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 what was the travel time for the train please ? eos O O O O O O O O O O O Train-Request+Duration +bos it will take 79 minutes eos O O O O O B-Train-Inform+Time N/A +bos ok , thank you very much eos 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 , thank you . that 's all i need . goodbye . eos O O O O O O O O O O O O O O general-bye +bos welcome any time you need our help eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a hotel in the east , and it does n't need to include 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 N/A +bos i can help with that ! how much money are you looking to spend ? eos 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 eos O O O O O N/A +bos i have several available . do you want a hotel or guesthouse ? eos O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos a guesthouse please . i 'd like wifi also . eos O O B-Hotel-Inform+Type O O O O O O O O N/A +bos okay . i have several in different price ranges . would you like me to recommend one to you ? 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 N/A +bos can you suggest one ? eos O O O O O O N/A +bos yes , i recommend the autumn house . it is cheap and it has 4 stars . would you like their information ? eos O O O O O B-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 O O O O O O N/A +bos no , that 's all the info i need . can you book some rooms for me ? 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 i can help ! what day do you want to check in ? eos O O O O O O O O O O O O O O O O Booking-Request+Day +bos please book for 7 people , 4 nights and starting on saturday . eos O 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 reference number is : e0bd9v4y . is there anything else ? eos O O O O O B-Hotel-Inform+Ref O O O O O O general-reqmore +bos i 'm also looking for a train . the train should leave on wednesday 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 O O N/A +bos there are many trains which depart daily from cambridge-what is the destination to which you will be traveling ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Depart O O O O O O O O O O Train-Request+Dest +bos i 'm headed to bishops stortford . i 'd like to leave cambridge after 9:45. eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Depart O O O O O N/A +bos train id tr3262 leaves at 19:29 and arrives at 20:07. will that suit 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 Train-OfferBook +bos that is fine . book for 7 people please eos O O O O O O O B-Train-Inform+People O O N/A +bos your all set reference is ipftbllm , the cost is 70.7 payable at the station , anything else ? eos 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 general-reqmore +bos no that will be all thanks for everything , you have been great ! eos O O O 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 general-bye +bos i 'm looking for a good place for entertainment in the centre . any recommendations ? eos 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 unfortunately there are no places in the centre . would you like to try another area ? eos O O O O O O O O B-Attraction-NoOffer+Area O O O O O O O O O Attraction-Request+Area +bos lets drop entertainment and look up one for 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 13 colleges in the centre . do you have one 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 Attraction-Request+Name +bos any one would be fine , can i just get 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos christ 's college , in the centre of town . number is 01223334900. address is post code , cb23bu , saint andrew 's street . no fee to enter . do you need anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post 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 O O O O O O O O O general-reqmore +bos find a train that departs from cambridge , leaving on thursday , please . eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Day O O O O N/A +bos sure , where are you going to ? eos O O O O O O O O O Train-Request+Dest +bos i 'm going to leicester and need to leave after 21: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 three trains that leave cambridge after 21:00 , would you like me to book one for you ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook +bos yes please book the train for me , and i will need the travel time as well . 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 Train-Request+Duration +bos tr3470 leaves at 21:21 and arrives by 23:06 , duration is 105 minutes . i will book it for you if you will tell me how many tickets you need . 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+Time I-Train-Inform+Time 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 is ok. i appreciate all your help . eos O O O O O O O O O O O O N/A +bos i hope you got all the information you need . 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 general-bye +bos hi , i 'm looking for a train from cambridge on wednesday . can you help ? 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 sure can . where will you be traveling to ? eos O O O O O O O O O O O O Train-Request+Dest +bos i will be traveling from cambridge to norwich on wednesday . the train should leave after 16:00. 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 B-Train-Inform+Leave N/A +bos how about tr6838 ? it leaves at 16:36. eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos can you give me the arrive time , train id , and price ? thank you . 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 tr6838 and the price is 17.60 pounds . would you like to book a ticket ? 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 Train-OfferBook +bos yes , please . i am also looking for the cambridge and county folk museum . eos O O O O O O O O O B-Train-Inform+Depart I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos i managed to book you on tr6838 . your confirmation number is dci4nswk . the cambridge and county folk museum is located at 2-3 castle street . eos O O O O O O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ref 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+Addr I-Attraction-Inform+Addr N/A +bos what area of town is that located in ? eos O O O O O O O O O O Attraction-Request+Area +bos the museum is located in the west . eos O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos what 's the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos it would be 3.50. eos O O O O B-Attraction-Inform+Fee N/A +bos ok , i would like to purchase a ticket to the museum . can you process 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 N/A +bos i am sorry i am unable to purchase tickets here is the phone number 01223355159 so you can reserve tickets . eos 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 N/A +bos what attraction type is the cambridge and county folk museum . eos 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 Attraction-Request+Type +bos it is a type of museum . that is all the information i have . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos thank you . you have helped me with all my needs . have a good 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 general-bye +bos you 're very welcome , enjoy your trip ! eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a museum in the west . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos i have several . how does the cafe jello sound ? it has free admission . eos O O O B-Attraction-Inform+Choice 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 N/A +bos that one sounds great what is the phone number ? eos O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223312112 , do you need any more information ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos i 'll give them a call , thanks . are you also able to help with train tickets ? eos O O O O O O O O O O O O O O O O O O O O Train-Inform +bos 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 ? eos O O O O O O O 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,Train-Request+Day +bos i would like to leave on monday from cambridge to ely . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos the first train leaves cambridge at 05:50 and the last train that leaves is at 23:50 , with several leaving in-between . what time do you want to leave cambridge ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Leave +bos i need to leave anytime after 18:45. eos O O O O O O O O N/A +bos tr6975 leaves cambridge for ely at 19:50. does that work ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O O B-Train-Inform+Dest B-Train-Inform+Leave O O O O N/A +bos could you please tell me the price and when it arrives ? eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos yes , it arrives by 20:07 and the price is 4.40 pounds . anything else ? eos 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 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 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-bye +bos i 'm looking for a train that departs from ely anytime after 20:15. eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos i have many . which day would you be traveling on ? eos 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 you be going , cambridge ? eos O O O O O O O O O Train-Request+Dest +bos yes i will be going to cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A +bos tr0292 will leave at 21:35 would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos yes i need the price . also , i am traveling in the east , can you recommend a good place to go ? 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 Train-Request+Price +bos 4.40 pounds payable at the station . the funky fun house is a great place for entertainment . i ca n't quote the price on that though sorry . eos O B-Train-Inform+Ticket I-Train-Inform+Ticket 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+Type O O O O O O O O O O O O O N/A +bos thats okay . can i just have their address and postcode ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos yes , it is 8 mercers row , mercers row industrial estate and the postal code is cb58hy 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 I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O N/A +bos can you tell me the entrance fee please ? eos O O O O O O O O O O Attraction-Request+Fee +bos unfortunately the entrance fee is not listed . can i help you find anything else ? eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O general-reqmore +bos no thanks . i think that answered all my questions . 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 general-bye +bos 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 general-bye +bos are there any trains leaving sunday that arrive by 11:30 ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos there are many trains to choose from , where are you looking to depart from ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Depart +bos kings lynn , to cambridge . eos O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos there are two are available tr6003 leaving at 05:11 and arriving at 05:58 and tr0412 leaving at 06:11 and arriving at 06:58. would you like me to book either one ? eos O O O O B-Train-Inform+Choice 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 I-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos no thank you , i have all the information i need on that . thank you ! 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 today ? eos O O O O O O O O O O O O general-reqmore +bos yes i am looking for information on the regency gallery . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos the regency gallery is a museum in the centre . it is located at 39 fitzroy street . admission is free . may i help you with anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O B-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 general-reqmore +bos no , 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 happy to be of service . enjoy your time in cambridge ! eos O O O O O O O O O O O O O general-bye +bos yes i was wondering if you can tell me about an attraction called ballare ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Name O N/A +bos sure , its a nightclub on heidelberg gardens , lion yard . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos what is the door charge ? eos O O O O O O O N/A +bos it is 5 pounds to enter . eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos i 'm also looking for a train . it will depart from broxbourne and should arrive at cambridge . 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 i have 133 results of trains departing from broxbourne to cambridge , do you have a specific date and time you 're looking at ? eos O O O O B-Train-Inform+Choice 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 Train-Request+Leave,Train-Request+Day +bos yes i 'd like to travel on tuesday and i need to get there by 09: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 i have train tr4537 that departs at 07:32 and arrives by 08:32. do you think you would be interested in that schedule ? 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 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 it is 17.90 pounds . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 , just to confirm the booking you are traveling alone ? eos O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos yes , just one ticket please . eos O O O O O O O O N/A +bos i have your ticket booked for tuesday . the reference number is 2kx2mctxxx and the fee is 17.89 gbp payable at the station . eos O O O O O O O B-Train-OfferBooked+Day 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 N/A +bos perfect . thank you so much . that 's all i need . eos 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 'm planning a trip to cambridge , i would like to visit multiple sports 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 O N/A +bos the cherry hinton village centre is in the east area 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O general-reqmore +bos no , but i 'd like the address and postcode if you have it . 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 O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the address is on colville road , cherry hinton and the postcode is cb19ej . is there anything else i can assist 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 B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore +bos thanks . i also need information on a train . i need one that leaves bishops stortford after 13:30. eos 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+Leave O O N/A +bos there are several trains available after that time , what is your preferred time and day for booking ? 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+Day +bos the train needs to leave on sunday and depart after 13:30. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos okay , i 've got tr4651 which leaves sunday at 15:29 and arrives 16:07 , will that work for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Day O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O Train-Select +bos yes that works , can i also get the price ? eos O O O O O O O O O O O O Train-Request+Price +bos certainly . the price is 8.08 pounds . would you like me to book this now ? 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 ok great , can you confirm that this train goes to cambridge please ? eos O O O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos yes , tr4651 does indeed go to cambridge . eos O O B-Train-Inform+Id O O O O B-Train-Inform+Dest O O N/A +bos thank you for the information . that 's all i need right now . good bye . eos O O O O O O O O O O O O O O O O O O general-bye +bos of course . thank you for choosing help desk . have a nice 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 train from cambridge leaving monday . eos 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 want to go to ely . i need to arrive by 15:45. eos O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O N/A +bos i can get you tickets for an arrival time at 14:07 , that is the soonest , is that okay ? eos O O O O O O O O O O O B-Train-OfferBook+Arrive O O O O O O O O O O N/A +bos yes . that 's perfect . can you book for 2 people ? eos O O O O O O O O O B-Train-Inform+People O O O O N/A +bos yes , i made a reservation for 2 people . the reference number is k9r2w1i6 and the total fee is 8.8 gbp payable at the station . 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 B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O N/A +bos great . can you recommend a concerthall to go to ? eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos the man on the moon is a concert hall located in the centre part of town . would you like their address and their 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O O O O O O O general-reqmore +bos do you have any concert halls located in the west ? eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos no , there are no concert hall on the west-side . 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 is there one that is in the type of college ? eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos clare hall is a college in the west with no entrance fee . will that do ? eos 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos yes , that would work . could i get the full address and phone details for clare hall 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+Phone,Attraction-Request+Addr +bos yes , clare hall 's address is herschel road and it 's phone number is 01223332360. 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 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 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 hi . i am looking for a good attraction 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 N/A +bos i would recommend the cambridge museum of technology , would you like any information about that ? 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 N/A +bos yes . what is the postcode and phone number ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223368650 , and the code is cb58ld . is that all ? eos O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O general-reqmore +bos i 'm also looking for a train that departs from cambridge and arrives by 13:45. 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 day will you be traveling , and what is your destination ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos tuesday , cambridge to brouxbourne . eos O B-Train-Inform+Day O O O O O N/A +bos there are 8 trains for you to choose from , do you have a specific departure time you 'd 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 Train-Request+Leave +bos not particularly , there will be 3 of us . eos O O O O O O O B-Train-Inform+People O O O N/A +bos booking was successful . train id is tr2368 . the total fee is 53.7 gbp payable at the station . reference number is : k7ssyp8j . can i help with anything else ? eos 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 B-Train-OfferBooked+Ref O 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 O general-bye +bos you 're very welcome . text us back anytime ! eos O O O O O O O O O O O general-welcome,general-bye +bos looking for places to go in town that are theatres . eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos we have five theatres to choose from , is there a preferred area ? 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 no , i have no preference , which one do you recommend ? eos O O O O O O O O O O O O O O N/A +bos the cambridge arts theatre is a good choice . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A +bos that sounds good . what area is it in ? eos O O O O O O O O O O O Attraction-Request+Area +bos it is in the centre at 6 saint edward 's passage . eos O O 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 O N/A +bos i also need the postcode , if you will . eos O O O O O O O O O O O Attraction-Request+Post +bos sure , the postcode is cb23pj . what else can i do for you 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 i need a train as well . eos O O O O O O O O Train-Inform +bos i can help you with that , where will you be traveling from and to , 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 O O O O O O O O Train-Request+Dest,Train-Request+Arrive,Train-Request+Leave,Train-Request+Day,Train-Request+Depart +bos i will be leaving from leicester going to cambridge on saturday . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are a lot of choices on that day . is there a particular time you are looking for ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Day I-Train-Inform+Day O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like it to arrive by 10:15 please eos O O O O O O O O B-Train-Inform+Arrive O N/A +bos i have four trains for you , depending on how early you want to leave . do you have a depart time ? 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+Leave +bos just the one closest to 10:15 is fine . eos O O O O O O B-Train-Inform+Arrive O O O N/A +bos tr2969 arrives at 09:54 after a 105 minute trip . how many tickets would you like ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-Request+People,Train-OfferBook +bos i do n't want to book right now but can i get the ticket price and departure time on tr2969 ? 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+Leave +bos the cost of the train ticket arriving in cambridge at 09:54 on saturday would be 30.24 pounds . is there anything else i may assist you with ? eos 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O general-reqmore +bos yes , can you just tell me how long the trip will be ? eos O O O O O O O O O O O O O O O N/A +bos the duration of that trip is 105 minutes . eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos what is the train departure time ? eos O O O O O O O O Train-Request+Leave +bos it leaves at 08:09. do you have any other questions for me ? eos 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 . goodbye 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-bye +bos i am looking for some place to go in the west . eos O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos no problem . any preference on type ? eos O O O O O O O O O Attraction-Request+Type +bos any type of attraction will do . eos O O O O O O O O Attraction-Inform +bos great . the cambridge and county folk museum is located at 2-3 castle street and is free . would you like the phone number ? 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 O B-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 general-reqmore +bos no thanks . i am also looking for 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 wow ! we 've got over 400 choices . where would you like to depart or arrive ? 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+Dest,Train-Request+Depart +bos i also need to get information on trains running from cambridge to stansted airport on tuesday . 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 O B-Train-Inform+Day O N/A +bos that narrows it down a bit . is there a certain time of day you 'd like to travel ? the choices range from very early morning to quite late at 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 B-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 +bos i would like to arrive at the airport by 08:30. eos O O O O O O O O O O B-Train-Inform+Arrive N/A +bos i have train id tr0684 . it leaves cambridge at 7:40 and arrives at the airport at 08:08. eos O O O O O B-Train-Inform+Id O O 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 N/A +bos ok that sounds great , thank you ! that 's 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 ok , i booked you on tr0684 tuesday leaving cambridge at 07:40 going to stansted airport with an arrival at 08:08. anything else i can help with ? eos O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Depart O O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O O O O B-Train-OfferBooked+Arrive O O O O O O O O general-reqmore +bos perfect ! that will do it for today . have a great afternoon . bye . eos O O O O O O O O O O O O O O O O O general-bye +bos have a lovely day then , goodbye . eos O O O O O O O O O general-bye +bos hi , i 'm looking for a train from cambridge that arrives by 17:45. 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 where will you be going ? eos O O O O O O O Train-Request+Dest +bos going to london liverpool street from cambridge . i need to arrive by 17:45. eos O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O N/A +bos what do and time and do want to leave ? eos O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i would like to arrive by 17:45 eos O O O O O O O O N/A +bos tr5154 leaves at 05 : 59 should i book it for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-OfferBook +bos how long is the trip on the tr5154 ? eos O O O O O O O O O O N/A +bos each train on that route makes the run in 88 minutes . eos O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos excellent . i need to a nightclub in the centre as well . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos sure , there 's club salsa in the centre , their phone number is 07782218745 and the entrance fee is 5 pounds . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O 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 O O N/A +bos great . thank you 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 ? eos 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 great ! should you need anything else , please let us know . eos O O O O O O O O O O O O O O general-bye +bos can i get some help locating a room for the night ? eos O O O O O O O O O O O O O N/A +bos absolutely . what type of lodging did you have in mind ? eos O O O O O O O O O O O O O Hotel-Request+Type +bos i am looking for a guesthouse with free wifi and parking , please . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos you 're in luck , there are a great number of guesthouses that might work . did you have an area in mind ? eos O O O 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 O O O O O Hotel-Request+Area +bos i do n't care about the area . which one do you suggest ? eos O O O O O O O O O O O O O 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 I-Hotel-Recommend+Name N/A +bos that sounds great ! i need a reservation just for me for 5 nights starting on thursday . eos 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 N/A +bos i have that booked , the reference number is lulj5n6x . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you that is all , bye bye . eos 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 looking for a moderately priced place to stay with free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos i have several options for you , but how about the acorn guest house ? it is moderately priced and has free wifi as well as parking . 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 O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos sure , that sounds good . can you book that for me , please ? eos O O O O O O O O O O O O O O O O N/A +bos okay , i will need to know how many people are staying and the duration please . 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 before we continue , can you check if the acorn guest house has a star of 4 or not ? 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 N/A +bos yes certainly . i have checked and the acorn is indeed a 4 star hotel . would you still like me to book that for you ? eos 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 O O O O O O O Booking-Inform +bos yes please , for 5 people and 4 nights starting from thursday . 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 great news ! i was able to book you into the acorn hotel for 4 nights accommodating 5 people . your reference number is b0wc4956 . is there anything else i can help you with ? 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-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 O general-reqmore +bos no , thanks eos O O O O general-thank +bos goodbye . eos O O O general-bye +bos could you help me find a cheap hotel in the center of town ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos i have two options to offer you , the 4 star alexander bed and breakfast and the unrated el shaddai . would you like me to book you a room at one ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars 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 great can you find one with free parking and a 0 star rating eos O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos the el shaddai meets your needs . would you like to book a room ? eos 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 at the moment , can i just get the postcode and it is a hotel ? 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+Post +bos sure , the postcode is cb11eg . is there anything else i can help you with ? eos 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 just want to confirm that it is actually a hotel , as opposed to a guesthouse ? eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos el shaddai is a guesthouse , not a hotel . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O N/A +bos are there any hotels that are cheap in the centre of town that include free parking with 0 stars ? eos O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Stars O N/A +bos nope , just el shaddai , a guesthouse . sorry ! eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Type O O O O O Hotel-NoOffer +bos actually that is fine . thank you for your help . eos 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 ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos no , i am all set . good bye . eos O O O O O O O O O O O general-bye +bos thank you , have a good day , goodbye . eos O O O O O O O O O O O general-bye +bos i 'm looking for a guesthouse with free parking . eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos do you have a preferred location or price range ? eos O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i 'm not too concerned with location , but i would like it to include internet and have a 4 star rating please . 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 N/A +bos there are 16 guesthouses that meet those requirements . any preference on price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price +bos not really . anything would be fine . eos O O O O O O O O O N/A +bos i recommend the acorn guest house . would you like a room there ? 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 Booking-Inform +bos yes , please . i 'd like to book it for 6 people and 5 nights starting from monday . 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 N/A +bos booking unsuccessful . want to try for a shorter stay ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay +bos yes , how about 3 nights ? eos O O O O O B-Hotel-Inform+Stay O O N/A +bos that was a successful booking , your reference number is t6c83p46 . eos 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 you 're so welcome . thank you . eos O O O O O O O O O general-welcome +bos hello , i 'm in need lodging that has free wifi and zero stars . eos O O O O O O O O O O O O O O O O N/A +bos great ! i found three results ! two are in the centre and one in the north . which would you prefer ? 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 O O O O O O O Hotel-Select +bos i would prefer one that is a guesthouse . eos O O O O O O O O B-Hotel-Inform+Type O N/A +bos there are 2 options : one in the north and one in the town centre . which would you like ? eos O O O O B-Hotel-Inform+Choice 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 Hotel-Select +bos can i have the pricing and address of the one in the centre of town ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos i can not see the price but it does say it is cheap . their address is 41 warkworth street . would you like me to book it of you ? eos O O O O O O O O O O O O B-Hotel-Inform+Price 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 am not ready to book just yet . thanks for your help . eos O O O O O O O O O O O O O O O general-thank +bos certainly , is there anything else you need ? eos O O O O O O O O O O general-reqmore +bos yes , could you tell me the name of the lodging that you mentioned , please ? eos 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 is el shaddai . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos thank you so much . i am all set . 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 there is 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 general-reqmore +bos hello , i 'm looking for information on 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 O N/A +bos alpha-milton guest house is in the north part of town , in the moderate price range , 3 stars rated , and has no internet or 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 B-Hotel-Inform+Price 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 make a reservation for me for 8 people for 5 nights starting on 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 i was able to successfully book that for you . your reference number is mxws56bv . is there anything else 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 nope , that 'll do it ! 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 thank you for using cambridge towninfo centre . eos O O O O O O O O O N/A +bos thanks , have a good day . goodbye . eos 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 trying to find the alexander bed and breakfast . 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 N/A +bos i have the alexander b & b located on 56 saint barnabas road . would you like me to assist you in making a reservation ? 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 I-Hotel-Inform+Addr O O O O O O O O O O O O Booking-Inform +bos yes please . there will be 7 of us , and we 'll be arriving thursday . we want to stay 5 nights . 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 B-Hotel-Inform+Stay O O O O O N/A +bos the hotel is booked . the reference number is 5gtaja8k . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you ! that 's all i needed . eos O O O O O O O O O O general-thank +bos i am glad i was able to help you . thank you for calling 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 O O O general-bye +bos any chance you can direct me to where i can locate a cheap room for the night ? eos 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 sure , we have a lot of cheap places to stay . is there an area of town that you prefer ? eos O O O O O B-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 O Hotel-Request+Area +bos a guest house , with free parking , would be just the thing . eos O O O O O O O O O O O O O O O N/A +bos might i suggest the alexander bed and breakfast ? they 're cheaply priced , ranked 4 stars , and they do offer free parking . 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+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O O O O O O O O Hotel-Recommend+Parking +bos that sounds perfect , actually . can you book me a room on thursday for 5 people for a 4 night stay ? 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 B-Hotel-Inform+Stay O O O O N/A +bos that booking was successful , your reference number is d3q7safm . 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 general-reqmore +bos no , that gives me everything i need . eos O O O O O O O O O O N/A +bos ok great . have a nice day . bye . eos O O O O O O O O O O O general-bye +bos i 'm looking for a 4 star hotel with free parking . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A +bos there are 3 hotels which fit your needs . one is cheap and 2 are expensive . do you have a preference ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos yes , i would like a cheap guesthouse . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos there are several guesthouses that meet your criteria . is there a particular part of town you wish to stay ? 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 O O O O Hotel-Request+Area +bos no , but i am trying to find rooms for a party of 8 for 2 nights . could you see who has room for us ? 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 O O O O N/A +bos would you like to try the alexander bed and breakfast first ? 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 N/A +bos yes , that would be fine . eos O O O O O O O O N/A +bos all right , and can you tell me which day you 'll be beginning your stay ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Day +bos we 'll arrive on monday and stay 2 nights . there will be 8 of us . eos O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O O O O O O O N/A +bos you are all set at the alexander b & b. reference number m95xhcdt . can i find anything else 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 general-reqmore +bos wonderful , thank you . i am all set . bye . eos O O O O O O O O O O O O O general-bye +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 i 'm looking for the lensfield hotel . can you help me find it ? 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 N/A +bos yes of course , it is located at 53-57 lensfield road . would you like me to book you a reservation ? eos 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 no thank you . could you give me the postcode and tell me 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 Hotel-Request+Post,Hotel-Request+Parking +bos yes , they have free parking . the postcode is cb21en . is there anything else you 'd like to know about this hotel ? eos 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 O O O Hotel-Inform+Parking +bos no , that 's all i needed . thanks ! bye ! eos O O O O O O O O O O O O O general-bye +bos you are welcome . goodbye ! eos O O O O O O O general-bye +bos i need info on the cambridge and county folk museum please . 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 O N/A +bos the museum is located in the west side of town at 2-3 castle street . the entrance fee is 3.50 pounds . their phone number is 01223355159. shall i connect you ? eos O O B-Attraction-Inform+Type 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos no thank you . but thank you for all your help . eos O O O O O O O O O O O O O general-thank +bos anything else i can do for you ? eos O O O O O O O O O general-reqmore +bos yes , i am also looking for a nice , moderately priced lebanese restaurant in the area . i 'd prefer it to be within walking distance of the museum . eos O O 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 O O O O O O O O O O N/A +bos i am sorry but there is not a lebanese restaurant in the west area , but i found one in the centre . would you like me to book a reservation ? eos 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 O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform +bos in the centre yes please . eos O O O B-Restaurant-Inform+Area O O O N/A +bos ok , it 's called ali baba . how many people will be in your party ? also , what day and time would you like ? eos 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 O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos i would like to make a reservation for 2 people at 19:30 on tuesday . 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 okay , your table is booked . the reference number is 7gd7f8a8 . 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 general-reqmore +bos i 'm also looking to book a taxi between the two locations . eos O O O O O O O O O O O O O O Taxi-Inform +bos at what time would you like to leave the museum ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i just want to make sure i am at the restaurant by 19:30. eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos your booking is completed . you will be picked up by a grey lexux . can i help you with 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 O O O O O O N/A +bos could i get a taxi as well ? eos O O O O O O O O O Taxi-Inform +bos yes , i will have one pick you up eos O O O O O O O O O O Taxi-Inform +bos can you give me the contact number for that taxi you booked ? eos O O O O O O O O O O O O O O Taxi-Inform +bos absolutely , the contact number for the taxi that i have booked for you is 07503689471. is there anything else i may assist you with ? 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 O O O O O O general-reqmore +bos what type of car have you booked ? eos O O O O O O O O O N/A +bos a grey lexus will be picking you up . can i assist you with anything else ? 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 no , thank you . that all sounds good . eos O O O O O O O O O O O general-thank +bos okay do not hesitate to call us if you need something else . eos O O O O O O O O O O O O O O general-bye +bos i want a cheap restaurant in the east part of town . what is the address and postcode ? eos 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos how about the missing sock ? they serve international food at finders corner newmarket road , postal code c.b 25 , 9 a.q . eos O O 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+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 woah , okay , bye . eos O O O O O O O general-bye +bos hi ! my friends told me about a restaurant called the nirala . what can you tell me about it ? 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 N/A +bos hello , the nirala is an indian restaurant in the north area . it is moderately priced . eos O 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O general-greet +bos thank you ! do you have the phone number for that restaurant ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos yes . the phone number is 01223360966. can i help you with anything else ? eos O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-greet,general-reqmore +bos yes , i need a train from cambridge and going to norwich . eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O 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 O Train-Request+Leave,Train-Request+Day +bos yes , i would like to leave on sunday and arrive by 16:45. eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos tr1036 will arrive at 15:55. would you like to book passage on that 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-OfferBook +bos not yet i need information on travel time and the price . eos O O O O O O O O O O O O O Train-Request+Duration +bos the option arriving at 15:55 would cost 14.08 pounds and the travel time is 79 minutes . eos 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 B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you goodbye eos O O O O general-bye +bos is that all you needed today ? eos O O O O O O O O general-reqmore +bos thats it , thanks eos O O O O O general-thank +bos thank you . good day . eos O O O O O O O general-welcome,general-bye +bos hello , can you help me find a museum ? eos O O O O O O O O B-Attraction-Inform+Type O O N/A +bos is there a certain area you 're interested in ? we have lots of museums in town . 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 Attraction-Request+Area +bos can you choose the one you like the best and tell me the postcode , phone number , 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos i would suggest the broughton house gallery in the centre of town . their address is 98 king street , the post code cb11in , and the phone is 01223314960. it is free . eos 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 I-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O O B-Attraction-Recommend+Fee O O O O N/A +bos thank you , that is all i need for today , goodbye . eos O O O O O O O O O O O O O O general-bye +bos okay . glad i could help . have a great time . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos i am interested in seeing the whipple museum of the history of science in cambridge . where is it located ? eos 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 O O O O O O O O N/A +bos it is located at free school lane cb23rh and their phone number is 01223330906 eos 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 B-Attraction-Inform+Phone N/A +bos 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 . eos O O O 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 it is a museum that is located in the centre of town . eos O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos thank you and i am also looking for the alexander 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 i can give you information on that . alexander b & b is a guesthouse in the centre of town . it is relatively cheap , has a 4-star rating . would you like to book here ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area 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 Booking-Inform +bos yes , i 'd like to book for 4 people for 2 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 O O O N/A +bos booking was successful and your reference number is lcf5iper . eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos can you also book me a taxi to take me between the two places ? i want to leave the attraction by 04:15. 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 N/A +bos ok. a red audi will pick you up at the museum at 04:15. the contact number is 07264778844. do you need 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 B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Phone 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 great , glad we could help ! eos O O O O O O O O general-welcome +bos i 'm are looking for a train . the train should depart from peterborough and should leave after 10:15 eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave O O N/A +bos what day would you like to depart ? eos O O O O O O O O O Train-Request+Day +bos it will be sunday , from peterborough to cambridge , i will need the price of the ticket as well . eos O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O O O O O O O O O O O O Train-Request+Price +bos the closest match i have is the tr8509 . it leaves at 10:19. eos O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that sounds good . what is the train fare , please ? eos O O O O O O O O O O O O O Train-Inform +bos it costs 13.20 pounds . do you need any other information ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O general-reqmore +bos no that is all . 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 i need a train out of norwich on thursday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos what is your destination ? eos O O O O O O Train-Request+Dest +bos i want to go to cambridge , i need to get in by 18:00 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 have several trains , shall i book one ? eos O O O B-Train-Inform+Choice O O O O O O O Train-OfferBook +bos as long as i 'm there by 18:00 it does n't matter . eos O O O O O O O B-Train-Inform+Arrive O O O O O O N/A +bos i have booked you a train arriving at 17:35 , the reference number is u0bvsosq and the total fee of 17.6 gbp will be payable at the station . eos O O O O O O O O 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 O O O N/A +bos thank you for your help ! have a good day . goodbye . 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-bye +bos i am looking for a train . the train should depart from bournemouth and should leave on sunday . eos 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 where is your destination for that day ? eos O O O O O O O O O Train-Request+Dest +bos i 'm sorry i misspoke earlier , i 'm actually looking to leave from broxbourne and would like to go to cambridge . 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 N/A +bos there is train on sunday at 08:32 that goes from broxbourne to cambridge eos O O O O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest N/A +bos i am looking for a hotel with free parking . eos O O O O O O B-Hotel-Inform+Type O O O O N/A +bos i found 8 hotels , do you care about price or location ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i do prefer that it be expensive and include wifi . location does not matter . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos the university arms hotel has 4 stars and is in the town centre . does that interest 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+Stars O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O N/A +bos yes , i would like to book that for five nights starting wednesday and for eight people . eos O O 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 booked you stay at university arms hotel wednesday for 8 people for 5 nights . your reference number is 1yhgvysz . may 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 B-Booking-Book+Day 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 general-reqmore +bos i 'm also looking for a nightclub to go to located in the centre . eos 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 5 nightclubs in the centre area , they all have an entrance fee of 5 pounds but one , which has a fee of 4 pounds . 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 O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos can i get the address and phone number for the nightclub with an entrance fee of 4 pounds ? 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 1-6 corn exchange street and the phone is 01223477900. is there anything else i can help with ? eos 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 nope , you have been great ! eos O O O O O O O O N/A +bos thank you , please let me know if you need anything further . 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 looking for a guesthouse to stay in in the south eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O N/A +bos i see three locations that match your criteria . they all include free parking and wifi . is there a particular price range you 're interested in or any specific star rating you 'd like ? 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 O O O O O O O Hotel-Request+Stars,Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like one in the cheap price range . eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos rosa 's bed and breakfast is cheap . can i make a reservation for you ? eos 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 could i get the address ? eos O O O O O O O Hotel-Request+Addr +bos the address to rosa 's bed and breakfast is 53 roseford road . can i do anything else for you ? 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 O O O O O O O O O general-reqmore +bos yeah um how about i can see camboats . eos O O O O O O O O B-Attraction-Inform+Name O N/A +bos camboats are in the east area and their number is 01223902112. i apologize i do not know the entrance fee . eos O B-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos what exactly is camboats ? eos O O O O O O N/A +bos it is a boat type of attraction , can i get you anything else ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O general-reqmore +bos 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 . eos O O O O O O O O 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 they do offer free wifi yes , what taxi info do you need ? eos O O O O O O O O O O O O O O O Hotel-Inform+Internet +bos i would like to get a taxi to leave rosa 's b & b by 22:45 to go to camboats . eos O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest O O O O N/A +bos perfect ! i have you booked in a grey skoda . the contact number is 07370293766. 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 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 need a taxi as well . eos O O O O O O O O Taxi-Inform +bos yes i booked you one . will you be needing anything else ? eos O O O O O O O O O O O O O O Taxi-Inform,general-reqmore +bos that 's all i need , thank you . goodbye . eos O O 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 general-welcome,general-bye +bos i am looking for a particular restaurant . its name is called restaurant two two . 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 restaurant two two is an expensive french restaurant on the north side . would you like to make a reservation ? 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 Booking-Inform +bos can you book a table for 8 people at 11:00 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 yes , your ref . # is e7d8f4sm . can i help you with anything more ? 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 thank you ! that is 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 need to book a place to stay with a star of 4. i do n't need 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 we have over 20 fine hotels . do you have any preferences of cost or location ? 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,Hotel-Request+Price +bos i do n't care about location , just would like a moderate price with 4 stars please . eos 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 11 in the moderate range . they are all a guesthouse accommodation . would you like one of these ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O general-reqmore +bos i need one with free wi-fi . eos O O O O O O O O N/A +bos i have two : a and b guesthouse in the east and avalon in the north . would one of these work for you ? eos O O O B-Hotel-Inform+Choice O O O O O O O O B-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 Hotel-Select +bos can i book one on tuesday ? eos O O O O O O O O N/A +bos how long do you want to stay ? eos O O O O O O O O O Booking-Request+Stay +bos i would also need to book it for 4 nights . eos O O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos before i look for that , could you let me know how many people are staying and what day you 'd 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 O Booking-Request+Day,Booking-Request+People +bos one person , and i 'd like to arrive on tuesday . eos O O O O O O O O O O O O O N/A +bos ok , let me see what i can do . eos O O O O O O O O O O O Booking-Inform +bos after that i 'm also going to need the reference number . eos O O O O O O O O O O O O O Hotel-Request+Ref +bos i have you booked . the reference number is wpgq4adj . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos ok , now can you tell me about some of the attractions 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 44 attractions in the centre of town broughton house gallery is a museum we have available . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O N/A +bos can you please provide me with the address , telephone number and the cost of admission . eos O O O O O O O O O O O O O O O O O O Taxi-Request+Phone,Attraction-Request+Addr +bos how about all saint 's church at 01223452587 in the centre ? it 's free . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee O O O O N/A +bos i now need a taxi to get to the church from the hotel . i would like to leave the hotel by 15:45. can you book 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 B-Taxi-Inform+Leave O O O O O O O O N/A +bos i have your taxi booked . look for a blue volkswagen , contact number 07655267463. is there 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , that is all . thanks so much . bye . eos 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 general-bye +bos i 'd like to dine for expensive british cuisine . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos of course , let me help you with that . in which area of town 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 O O O Restaurant-Request+Area,general-greet +bos any area is fine . can i have the postcode for your favorite one ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post +bos sure ! i recommend travellers rest . their postcode is cb30df . is there anything else i can help you with ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Post O O O O O O O O O O O O O general-reqmore +bos that 's all for right now , 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 nice day ! eos O O O O O O O O O O general-welcome,general-bye +bos i want to find a cheap 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 N/A +bos what food type are you looking for ? eos O O O O O O O O O Restaurant-Request+Food +bos any type of restaurant will be fine . eos O O O O O O O O O N/A +bos da vinci pizzeria is located in the north part of town and in the cheap price range . 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 O O O B-Restaurant-Inform+Price O O O N/A +bos hi , i am planning a trip and need some information on a particular hotel . eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos we have 33 options available , any specific details on the type of place that your 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 Hotel-Request+Type +bos yes , the gonville hotel . can i get the price range , area , and address please ? 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 Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Addr +bos sure i can get that for you . the address is gonville place , cb11ly in the centre area . the price range is expensive . eos O O O O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Price O O N/A +bos thank you . could you also give me information about an attraction called the man on the moon ? 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 I-Attraction-Inform+Name O N/A +bos i sure can ! the man on the moon is a concert hall located at 2 norfolk street in centre . do you need more information ? 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 B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos i need the postcode . eos O O O O O O Attraction-Request+Post +bos of course . the postcode is cb12lf . is there anything else i can help you with ? 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 takes care of it thank you eos O O O O O O O O O general-thank +bos thank you and have a good trip . eos O O O O O O O O O general-bye +bos that is all i needed today . eos O O O O O O O O N/A +bos it was my pleasure to be of help . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos please suggest me some moderately priced restaurant in the south . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos i found two moderately priced restaurants in the south part of town . would you prefer italian or modern european food ? eos O 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 I-Restaurant-Inform+Area O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos italian food eos O B-Restaurant-Inform+Food O N/A +bos pizza hut cherry hinton is a nice italian restaurant in the moderate price range and it is in the south . eos O B-Restaurant-Recommend+Name I-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+Price I-Restaurant-Recommend+Price O O O O O O B-Restaurant-Recommend+Area O N/A +bos is there anything else ? eos O O O O O O N/A +bos pizza hut cherry hinton is the only italian restaurant in the moderately priced category in the south part of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 O N/A +bos can i get the address , 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,Restaurant-Request+Addr +bos the phone number for pizza hut cherry hinton 01223 323737 and they are located at g4 cambridge leisure park clifton way cherry hinton . the postcode is c.b 1 , 7 d.y 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 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 B-Restaurant-Inform+Post 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 'm looking for a train to stevenage , please . eos O O O O O O O B-Train-Inform+Depart O O O O N/A +bos there are 70 trains departing to stevenage . what day would you like to leave ? 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+Day +bos i would like to leave on saturday and would like to arrive by 21:00 to cambridge . eos O O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A +bos i have many options available . may i have the departure site please ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O Train-Request+Depart +bos i am departing from stevenage . i need to book seats for 8 people to cambridge on a saturday to arrive by 21:00. eos 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 N/A +bos i have several trains that will arrive in cambridge by 21:00 what time of day would you prefer to depart ? eos O 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+Arrive O O O O O O O O O O Train-Request+Leave +bos early evening please . eos O B-Train-Inform+Leave I-Train-Inform+Leave O O N/A +bos could you please specify a precise time you would like to leave . eos O O O O O O O O O O O O O O Train-Request+Leave +bos close to arriving by 21:00. i need to book it for 8 people for a saturday . eos O O O O O O O O O O O O O O O O O O N/A +bos tr6759 leaves stevenage at 19:54 and arrives in cambridge at 20:43. would you like me to book it ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 Train-OfferBook +bos yes , i 'd like 8 tickets please . may i also have the reference number ? . eos 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 booking was successful . the reference number is iqc4rp3i , and the total cost will be 81.92 gbp . what else can i help you with ? eos O O O O O O 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 general-reqmore +bos i 'm also looking fore a moderately priced hotel that has free wifi on the east side . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area O O O N/A +bos i 'm sorry , there are n't any hotels that match your criteria . would any other area , price , or internet availability be acceptable ? 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 O O O O O Hotel-Request+Internet,Hotel-Request+Area,Hotel-Request+Price +bos how about the one that is in the type of guesthouse ? eos O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos there are 3 guesthouses available , 2 of them have free parking . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Inform+Parking +bos 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 . eos O O O O O 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 phone number for a and b guest house is 01223315702. the address and postcode is 124 tenison rd , cb12dp . it is a 4 star guesthouse . 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 B-Hotel-Inform+Phone O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Type O O N/A +bos thanks ! i think 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-greet +bos i 'm looking for a hotel with free wifi and at least a three-star rating , 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 listed these hotels , which one do you want me to book for you ? eos O O O O O O O O O O O O O O O O O Booking-Inform +bos i would like a hotel that has free wifi and free parking . it should be moderately priced with a 3 star rating . 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 N/A +bos i have several options for you , ranging from cheap to expensive in price . do you have a price range in mind , or perhaps a certain area of town ? eos O O O B-Hotel-Inform+Choice O O 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 O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos moderate priced anywhere in town please . eos O B-Hotel-Inform+Price O O O O O O N/A +bos i unfortunately was n't able to find anything that matches your request . shall we look for a hotel that 's a bit more 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 O Hotel-NoOffer,general-reqmore +bos there are n't any 3 star hotels that offer free wifi and park that is moderately priced ? eos 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 N/A +bos that 's correct . there are three guesthouses that have your requirements . would any of those interest you ? eos O 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 general-reqmore +bos i am not particular . where are they located ? eos O O O O O O O O O O O N/A +bos the guesthouses are located in the south , north , and west end . which do you prefer ? eos O O B-Hotel-Inform+Type 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 Hotel-Select +bos i would like whichever one is cheapest please . eos O O O O O O O O O O N/A +bos i am just showing that they are moderately priced . if you would like i can give you their phone numbers or search for a cheap price range hotel . eos 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 O O O O O general-reqmore +bos that wo n't be necessary . i 'm looking to book a train too . eos O O O O O O O O O O O O O O O O Train-Inform +bos i can help you find a train . please let me know the day , time and destination . 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+Dest,Train-Request+Leave +bos i need to leave friday . i need to arrive in cambridge by 20:30. eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos i am departing from 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 how about the tr5015 train to cambridge from london liverpool ? it arrives by 15:07. eos O O O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A +bos sure . how long is the travel time please ? eos O O O O O O O O O O O Train-Request+Duration +bos it leaves at 13:39 and arrives at 15:07. i noticed we never found you a hotel . did you still need information on one also ? eos O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O general-reqmore +bos no on the hotel . what is the train id for that one , and how long is the travel 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+TrainID +bos the train id for that is tr5015 and the travel time is 88 minutes . would you like me to book you a seat ? eos O O O 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 O O O O O O O Train-OfferBook +bos no , that would all right . i 'll do it myself . eos O O O O O O O O O O O O O O N/A +bos ok is there anything else that i can assist you with ? eos O O O O O O O O O O O O O general-reqmore +bos no , if you 're sure there are no 3-star moderately priced hotels with free parking then there 's nothing else you can do for me . 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 O O O O O O O N/A +bos after further review i believe hamilton lodge would be perfect for your stay ! 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 N/A +bos is the hamilton lodge a hotel or bed and breakfast ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O N/A +bos it 's a guesthouse actually eos O O O B-Hotel-Inform+Type O O N/A +bos that sounds perfect . eos O O O O O N/A +bos if you like i can make a reservation for you or you can call them at 01223365664. they are located at 156 chesterton rd . eos O O O O O O O O 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 Booking-Inform +bos go ahead and make a reservation please . eos O O O O O O O O O N/A +bos sure , when would you like to stay and for how long ? eos O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos i would like to stay for 2 days , and it will just be me . eos O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos when would you like to check in ? eos O O O O O O O O O Booking-Request+Day +bos i do not believe i need a reservation . i have everything 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 general-thank +bos okay , not a problem . i 'll cancel that reservation and 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 general-bye +bos i would like information about the express by holiday inn in cambridge , please . eos O O O O O O O O O O O O O O O O N/A +bos the express by holiday inn cambridge is an expensive 2-star hotel on the east side of cambridge . it offers free wifi and free parking . would you like more information ? 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 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 Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos yes please , could you advise on the price per night for the room ? eos O O O O O O O O O O O O O O O O Train-Request+Price +bos i do not have that information , but they can be reached at 01223866800. eos O O O O O O O O O O O O O B-Hotel-Inform+Phone O N/A +bos can you please book a room there for 2 people starting on wednesday 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 N/A +bos ok i have booked you a room for 4 days beginning wednesday . your reference number is ykuiegtj . is there anything else i may assist you with ? eos O O O O O 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 O general-reqmore +bos yes i need a train on sunday after 19:00 from cambridge to london liverpool street . eos O 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 I-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos i have three trains that match your criteria , how many tickets do you need ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+People +bos i just need one.i also would like to know the cost , arrival time and id of the train . 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+TrainID +bos a ticket on tr9732 costs 13.28 pounds and will arrive at 21:27. eos O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Arrive 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 my pleasure . enjoy your trip ! eos O O O O O O O O general-bye +bos i would like to book a train from cambridge on thursday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos there are 202 trains leaving from cambridge that day . where would you like to travel to ? 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 Train-Request+Dest +bos i 'd like to go to norwich . eos O O O O O O B-Train-Inform+Dest O O N/A +bos there are 19 trains available on thursday . what time would you like to travel ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O O Train-Request+Leave +bos i would like to leave on the first train after 9:30. can i get the travel time , train id 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 O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos ok , tr1584 costs 17.60 pounds and leaves at 9:36. the travel time is 79 minutes . would you like me to book it ? eos O O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 O N/A +bos no , i 'll think about it . i will also need a place to stay 3 star please and free wifi . 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 there are 5 hotels that meet your criteria . are you looking for a certain price range or part 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 O O O O Hotel-Request+Price,Hotel-Request+Area +bos cheap price range please eos O O O O O Train-Request+Price +bos there are no cheap hotels with 3 stars and free wifi . would you be interested in a moderately priced one instead ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Stars O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O O Hotel-NoOffer+Internet +bos yes , what moderate hotels are in the area ? eos O O O B-Hotel-Inform+Price O O O O O O O N/A +bos there are no hotels with the moderate price range , but we do have three different guesthouse in the moderate price range with a 3 star rating . 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos can you book one for me ? i need a room for 5 people starting on monday . we would be staying 3 nights . eos 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 O O B-Hotel-Inform+Stay O O O N/A +bos fantastic , i have booked you at the bridge guest house . your reference no . is 7xmddv3l . is there anything else i can help you with today ? 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 B-Booking-Book+Ref 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 general-bye +bos glad i could be of service , goodbye . eos O O O O O O O O O O general-bye +bos i am looking for a train that departs from cambridge . it needs to leave after 15:00. eos O O O O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Leave O N/A +bos there are many trains that leave from cambridge , where are you going and what day would you like to leave ? 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 O O O O O Train-Request+Dest,Train-Request+Day +bos i need to go to stansted airport and i want to leave on monday eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Day N/A +bos ok , there are 9 different trains , did you have an arrival time you needed ? eos 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 leave after 15:00. eos O O O O O O B-Train-Inform+Leave N/A +bos sure . tr7095 is leaving at 15:40. the price is 10.10 pounds and duration 28 minutes . it 'll arive at 16:08. should we book ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes please . i also need a place to stay , preferably in the west 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 O N/A +bos in the west , we have four fine lodging establishments . do you prefer a guesthouse or a hotel ? eos O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Type +bos a guesthouse please that is not too expensive . eos O O B-Hotel-Inform+Type O O O O O O O N/A +bos finches bed and breakfast is listed as cheap , and it has 4 stars . hobson 's house is moderately priced , with 3 stars . 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+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O N/A +bos is finches located in the west and if so , can i please get the postcode ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Post +bos yes it is , the post code is cb30nd . eos O O O O O O O O B-Hotel-Inform+Post O O N/A +bos thank you . that is everything i needed today . eos O O O O O O O O O O O general-thank +bos you are welcome and i am glad we could be of help . eos O O O O O O O O O O O O O O general-welcome +bos can you tell me about the carolina b & b ? eos O O O O O O O O O O O O N/A +bos the carolina bed and breakfast is a guesthouse in the east that is in the moderate price range . are you looking to stay a specific day ? 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 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 Booking-Request+Day +bos yes , i need the guesthouse starting wednesday for 6 people and 3 nights . eos 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 Booking-Inform +bos yes please book that for me . eos O O O O O O O O N/A +bos oh dear . i am sorry but the hotel is not available for the time specified . could we look at a different day or 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 O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos oh sure , try for 2 nights instead of 3. eos O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos booking was successful . your reference number is lne5khxr eos O O O O O O O O B-Booking-Book+Ref O N/A +bos i would also like to find a train that will arrive by 13:45 departing from cambridge . eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart O N/A +bos sure , i will be happy to assist you . what day would 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 to get to kings lynn on friday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos tr2621 leaves friday at 12:11 and arrives in kings lynn at 12:58. can i book that for you ? eos O B-Train-Inform+Id O 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 Train-OfferBook +bos yes , i would like to book it for 6 people . please provide me with the reference number 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 booking was successful . the total price is 58.8 gbp and your reference number is 24zd48nb . eos 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 great , thank you ! eos 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 all for now . goodbye . eos O O O O O O O O O O O general-bye +bos no problem . thank you ! eos O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for a place to stay in the north part of town . 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 i have 13 hotels in that area , is there any special accommodations 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 N/A +bos i would prefer a guest house and free wifi please . eos O O O O O O O O O O O O N/A +bos that narrows it down to 10 , any other requirements ? eos O O O O O O O B-Hotel-Inform+Choice O O O O N/A +bos nope . have any recommendations ? eos O O O O O O O N/A +bos how about archway house . it is a guesthouse with a 4 star rating , moderate price range . it has free parking and wifi . would you like to book a room ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Type O O O B-Hotel-Recommend+Stars O B-Hotel-Recommend+Price O 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-Inform +bos okay , i 'd like to book 8 people for 4 nights staring sunday , and i need a reference number . i 'd also like a train to broxbourne thursday . eos O O O O O O O B-Train-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 B-Train-Inform+Dest B-Train-Inform+Day O O O O O O N/A +bos your booking has been completed ! your reference number is m8y6v3hx . will your train be departing from cambridge ? 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 Train-Request+Depart +bos yes it should be , is the one booked departing from cambridge ? eos O O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos yes the train will be departing from cambridge . eos O O O O O O O O B-Train-Inform+Depart O N/A +bos thanks . i 'm good then . eos O O O O O O O O general-thank +bos i think there 's been some confusion . your lodgings are booked but we have n't yet found your train . do you have a particular time you need 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 O O O O O O O O O O O O O O O Booking-Book,Train-Request+Leave,Train-Request+Arrive +bos yes , i need to book my train . i need it to arrive by 17:30 , please . eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos the tr2885 train leaves cambridge at 06:01 and arrives in broxbourne at 07:01. the ticket price is17.90 pounds each . would you like to book this train and how many tickets . 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 O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos yes . i will need 8 tickets for the train . eos O O O O O O B-Train-Inform+People O O O O O N/A +bos great ! i booked those 8 tickets for you . you are all set . your reference number is 0h84w4j6 . is there anything else i can help you with ? eos O O O O O O B-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 O general-reqmore +bos i think that is 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 great ! the total fee is 143.19 gbp . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O general-welcome +bos hi , i 'm looking for a hotel called aylesbray lodge guest house . do you have anything with that name ? 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 we do have a hotel with that name . it is in the south area and is moderately priced . would you like me to book this for you ? eos O O O O O B-Hotel-Inform+Type 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 O O O O Booking-Inform +bos can you confirm if this is a guesthouse or hotel ? do they have free wifi ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Internet +bos the aylesbray is a guest house and yes , it does include free internet . would you like me to book for you ? eos O O B-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 O O O O O Booking-Inform,Hotel-Inform+Internet +bos no that wo n't be necessary . what is the address though so i have it for my reference ? 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 the address in 5 mowbray road . is there anything else i can help you with today ? 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 would also like to get a train that leaves cambridge and i arrive by 17:45. 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 there are 2,828 trains that leave cambridge and arrive somewhere in the world by 17:45. where would you like to go ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-Request+Dest +bos i need to get to the stansted airport on friday , please . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O N/A +bos i could get you on the tr1316 leaving at 14:40 and arriving at 15:08. would you like tickets ? 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 O O O O O N/A +bos no , that 's alright . could i have the train id and travel time , however ? 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+TrainID +bos the train id is tr1316 , and the travel time is 28 minutes . eos O O O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos alright . thank you . that is all i 'll need today . 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 you have a nice 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 to arrive in cambridge by 08:15. eos O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive 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 'll be leaving from bishops stortford on monday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O N/A +bos it look like the tr0532 is what you are looking for departing bishops stortford at 7:29 and arriving in cambridge at 8:07. would you like to book ? eos 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+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos what is the price for that trip ? eos O O O O O O O O O N/A +bos the fare is 10.10 gbp per ticket . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos i need to make a booking for 2 people and can you find me a place to stay in the north ? 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 i 've booked your tickets for the 7:29 train from bishops stortford , reference zht6r80s . can you give me more information about the type of hotel you 'd like ? eos O O O O O O O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Ref O O O O O O O O O O O O O O O O O O Hotel-Request+Type +bos i need a cheap hotel with free parking . eos O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are 10 total hotels , do you have a preference for area ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Area +bos i would prefer the hotel be in the north part of town . eos O O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos city centre north b and b and worth house are both guesthouses and located in the north . would you like me to book one for you ? eos O O O B-Hotel-Inform+Area O O 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,Hotel-Select +bos 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 ! eos O O O O O O O O O O O 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 +bos the postcode for worth house is cb41da and yes , it has internet ! eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O O O Hotel-Inform+Internet +bos i will go ahead an book at the worth house . eos O O O O O O O O O O O O N/A +bos 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 ? eos O O O O O O 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 nope , same people . eos O O O O O O N/A +bos i 'd be happy to book that for you , what day will you be arriving on , and for how many 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+Day,Booking-Request+Stay +bos 1 person 5 nights please eos O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O N/A +bos could you clarify if you need the reservation for 1 or 2 people please ? eos O O O O O O O O O O O O O O O O Booking-Request+People +bos i need reservations for 2. eos O O O O O B-Hotel-Inform+People N/A +bos okay let me see if i can book that for you . eos O O O O O O O O O O O O O N/A +bos actually , i 'm all set . thank you ! bye ! eos O O O O O O O O O O O O O general-bye +bos okay you sure you will not require a booking ? eos O O O O O O O O O O O Booking-Inform +bos hi , i am looking for a moderately priced hotel in cambridge that includes free parking . eos 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 have several different options available . do you have a preference on what area the hotel is located 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 O Hotel-Request+Area +bos yes is there any located in the north ? eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos yes . i have 7 guesthouses and 2 hotels available . would you like me to book one for you ? 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 Booking-Inform +bos no , i just want the phone number of one place that you would recommend . eos O O O O O O O O O O O O O O O O O Hotel-Request+Phone +bos surely , here is the number for a 4 star facility named acorn guest house , their telephone number is 01223353888. may i assist you with anything else today ? eos O O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos i also need to book a train from kings lynn . i need to arrive by 11:45. eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O N/A +bos there are 42 trains departing from kings lynn that will arrive in cambridge by 11:45. do you know what day you need to travel on ? eos O O O O B-Train-Inform+Choice O O B-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 Train-Request+Day +bos yes , wednesday . eos O O B-Train-Inform+Day O O N/A +bos tr3225 departs kings lynn wednesday at 10:11 and will arrive by 10:58 in cambridge . would you like a ticket for this train ? eos O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O O O O Train-OfferBook +bos sounds great . i need tickets for 2. eos O O O O O O O B-Train-Inform+People O N/A +bos the total fee is 19.6 gbp payable at the station . the reference number is otk59dzx . is there anything else i can do for you ? 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 O O O O O O O O O O O O general-reqmore +bos no thank you . that sounds like everything i need today . eos O O O O O O O O O O O O O general-thank +bos i 'm happy to have been of assistance . thank you for choosing cambridge towninfo centre . 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-bye +bos where is the nearest emergency room ? eos O O O O O O O O N/A +bos i 'm sorry , there seems to be an error . could 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 i need a train to bishops stortford on thursday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos ok. i have several trains leaving cambridge and going to bishops stortford on thursday . do you have a preferred departure or arrival time ? eos O 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 B-Train-Inform+Day O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need it to arrive at 11:45. can i get the departure time and the price ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos tr4260 leaves at 09:29. the cost is 10.10 pounds . eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i also need information about a hotel called lovell lodge ? can you tell me about it ? 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 O N/A +bos lovell lodge is a moderately-priced 2-star hotel in the north part of the city . they offer internet and parking . would you like to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price 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 I-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 not yet . i am considering booking a room for a friend . do you have a map with directions or maybe a phone number for the lovell lodge ? eos O O 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 I-Hotel-Inform+Name O O O Hotel-Request+Phone +bos i do n't have a map , but the address is 265 milton rd . their phone number is 01223425478. 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 B-Hotel-Inform+Phone O O O N/A +bos ok , that 's all that i need . thank you for being so helpful ! eos O O O O O O O O O O O O O O O O O general-thank +bos you are welcome 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-reqmore +bos that 's it for today . thanks again ! 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 hoping you can help me with my planning . i am trying to find information on the trains . 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 i can definitely help you with that . can you give me more information , like your departure and destination 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 Train-Request+Depart,Train-Request+Dest +bos i will be departing from stansted airport to go to cambridge on wednesday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos i am getting the information up now , do you have a specific arrival or departure time ? 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 arrive by 13:15. eos O O O O O O O B-Train-Inform+Arrive N/A +bos tr6386 departs at 12:24 and arrives by 12:52. would you like a ticket ? eos O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos find me a train out of cambridge to london kings cross 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 N/A +bos there are 70 results . is there a certain day or 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 it on friday and it should arrive at london kings cross by 21:45. eos O O O O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Arrive N/A +bos tr1006 arrives at 19:51 , would that work ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O N/A +bos i guess that will work . can you please make a booking for 3 people and when you are through may i also have the booking reference number . 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 Train-Request+Ref +bos yes i have booked that for you and your reference number is e3m7qm9f . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i also need a place to dine . eos O O O O O O O O O N/A +bos is there a particular cuisine or location that i can recommend for you ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos yes , british food in the west would be great ! eos O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O N/A +bos saint johns chop house serves british food in the west . 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 N/A +bos what is the phone number and postcode to saint johns chop house ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos 01223353110 is the number . eos O B-Restaurant-Inform+Phone O O O O N/A +bos may i have the postcode as well ? eos O O O O O O O O O Restaurant-Request+Post +bos here you go cb30ad eos O O O O B-Restaurant-Inform+Post N/A +bos great , thanks very 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 . have a nice day ! eos O O O O O O O O O O general-welcome,general-bye +bos can i please book a train to bishops stortford on saturday ? 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 where would you like to depart from ? eos O O O O O O O O O Train-Request+Depart +bos i 'd like to leave cambridge and arrive by 17:30. eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A +bos i have the tr0121 train available . it departs from cambridge at 15:29 and arrives at bishops stortford at 16:07. would you like to book a ticket ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id 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 O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos yes . please book for 2 people . eos O O O O O O B-Train-Inform+People O O N/A +bos your passage has been booked . 16.16 gpb will be payable at the station and your reference number is zvftq0x3 . will that be all ? eos 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 O O O O general-reqmore +bos thank you . i also need help finding a place to stay . i 'd prefer a guesthouse with free wifi 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 may i ask a price range that you would like ? eos O O O O O O O O O O O O Hotel-Request+Price +bos i do n't care about price . it needs to be in the north , however . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O Hotel-Request+Price +bos we have many guesthouses located in the north , many of which are 4 stars . may i recommend the kirkwood house located in the north for a moderate price 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 O O O O O O O O O O O O O O N/A +bos does the kirkwood house include free parking ? eos O O O O O O O O O N/A +bos yes it most certainly does . eos O O O O O O O Hotel-Inform+Parking +bos i 'm looking for museums in town eos O O O O B-Attraction-Inform+Type O O O N/A +bos cambridge has a variety of museums in all sections of town . let 's narrow your search . is there a part of town or a type of museum you are interested in ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos none in particular can you just pick one and give me the address please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos the museum of classical archaeology is located in the west at sidgwick avenue . they have a free entrance fee . 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee O O O O N/A +bos thanks . i also need a guesthouse to stay in that is in the moderate price range . eos 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 i have several guesthouses in the moderate range available . what area of town would you prefer ? eos 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 Hotel-Request+Area +bos i 'd like to find something in the east , preferably with 4 stars . eos 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 recommend the carolina bed & breakfast . it has free parking and wifi , and it 's located at 138 perne road , cb13nx . 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 B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos that sounds great ! what 's their phone number ? eos O O O O O O O O O O O Hotel-Request+Phone +bos here you go . do you need anything else . 01223247015 eos O O O O O O O O O B-Hotel-Inform+Phone O O general-reqmore +bos no that will be it ! thank you ! eos O O 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 yes . that 's all i need . thanks . eos O O O O O O O O O O O general-thank +bos hope you enjoy your stay in cambridge ! eos 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 good bye ! enjoy ! eos O O O O O O general-bye +bos i am looking for a restaurant in the west 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 there are two restaurants in the west part of town . what type of food are you interested in ? 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 Restaurant-Request+Food +bos i do n't care . any type of food will be fine . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Food +bos there is prezzo which is italian at 21 - 24 northampton road , phone number is 01799 521260. 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos i am planning a trip in cambridge eos O O O O O O O O N/A +bos i am happy to help , can you please give me some information on what you would like 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 general-reqmore +bos i 'm looking for a place to stay in cambridge in the expensive range with a 0 star rating 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 B-Hotel-Inform+Stars O O O O O O O N/A +bos i 'm sorry , i 'm not seeing any options for an expensive place to stay with a 0 rating and free parking . should i look for something else ? eos O O O O O O O O O O B-Hotel-NoOffer+Price I-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 general-reqmore +bos how about one with a 4-star rating ? eos O O O O O O B-Hotel-Inform+Stars O O N/A +bos there are 2 hotels that meet your needs , one in the west and one in the city centre . do you have a preference on where you 'd like to stay ? 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 O O O O Hotel-Request+Area +bos the one in the west will be fine . i 'll need the address , postcode , and if they have 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 O Hotel-Request+Post,Hotel-Request+Internet,Hotel-Request+Addr +bos sure their address kingfisher way , hinchinbrook business park , huntingdon and the postcode is pe296fl and they do have free wifi . eos O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Post O O O O O O O O O Hotel-Inform+Internet +bos great , thanks ! also , will you please find me a train that goes to ely , leaving on friday ? eos 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 O N/A +bos we have 10 trains that leave every two hours starting at 5:50 , any time preferences ? eos 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 I-Train-Inform+Leave I-Train-Inform+Leave O O O O O Train-Request+Leave +bos i need to leave after 10:30. eos O O O O O O B-Train-Inform+Leave N/A +bos tr0767 leaves at11:50 on friday morning , arriving 12:07. price is 4.40 pounds . would you like me to book a seat ? eos O B-Train-Inform+Id O B-Train-Inform+Leave O B-Train-Inform+Day 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 Train-OfferBook +bos yes please . book it fror friday , 2 peopl . i 'll need a reference number 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 Train-Request+Ref +bos i will complete that booking for you now . eos O O O O O O O O O O Train-OfferBook +bos okay . great . can i have the reference number please ? eos O O O O O O O O O O O O O Train-Request+Ref +bos your reference number is iwvoh34o . eos O O O O O B-Train-OfferBooked+Ref O N/A +bos ok. thanks . nothing further . eos O O O O O O O general-thank +bos it was a pleasure to assist you . have a good day . eos O O O O O O O O O O O O O O general-bye +bos i 'm looking for places to go in town . eos O O O O O O O O O O O N/A +bos sure , i can help you with that . were you looking for a specific part of town ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos in the east , please . eos O O O B-Attraction-Inform+Area O O O N/A +bos is there a certain type of place you are looking for ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos i would like a cheap place to stay at with 5 stars . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i 'm sorry , but there are no 5-star accommodations in all of cambridge . eos O O O O O O O B-Hotel-NoOffer+Stars O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O N/A +bos are there any 4 star places i can stay ? i also need free internet . eos O O O O O B-Hotel-Inform+Stay O O O O O O O O O O O N/A +bos which area would you like to be in ? eos O O O O O O O O O O Hotel-Request+Area +bos i am not particular . eos O O O O O O N/A +bos how about alexander bed and breakfast , in the centre part of town ? 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+Area O O O O O N/A +bos yes , i want that from sunday on for 4 nights . 3 people will be staying . eos O O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O O O N/A +bos alright you are booked and good to go ! here is your reference number v84dyhi3 . is their 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 thank you that will be all i need 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 need information about a certain restaurant called charlie chan . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos charlie chan serves chinese food and is located in regent street city centre ( centre area ) . the phone number is 01223361763. do you have any other questions ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , could you please give me the specific address of the restaurant ? eos O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos yes , it 's located at regent street city centre cb21db . may i help book a table ? eos 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 O O O O O O O O Booking-Inform +bos maybe later . i also need to find a train to ely on tuesday . can you help with that ? eos O O O O O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O N/A +bos i can absolutely help ! where are you departing from and when 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 Train-Request+Depart,Train-Request+Arrive +bos i will be leaving from cambridge and need to leave after 12:30 please . eos O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O N/A +bos there is a train that fits that criteria leaving at 09:50 and arriving at 10:07 , would that work ? eos O 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 N/A +bos i really ca n't leave at that time . like i said , i need something that leaves after 12:30. 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 N/A +bos my apologies . how about this : tr3420 leaves cambridge at 13:50 and arrives in ely at 14:07. would this be better ? eos O O O O O O O B-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 O O O O O O N/A +bos yes i would like reservations on train tr3420 . eos O O O O O O O O O O Train-Inform +bos how many tickets will you need ? eos O O O O O O O O Train-Request+People +bos one ticket please , thank you . eos O O O O O O O O N/A +bos booking was successful , the total fee is 4.4 gbp payable at the station . reference number is : ckpzrg81 . 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 N/A +bos what is the travel time ? eos O O O O O O O Train-Request+Duration +bos you will be leaving at 13:50 and arriving by 14:07. eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos thank you and goodbye . eos 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,general-bye +bos i need a place to stay that has 4 stars and includes free parking . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos there are many high quality places to stay here , we have 19 4 stars places to choose from , any other preferences ? eos O O O O O O O O O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars O O O O O O O O O O general-reqmore +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 autumn house is available , would you like to book that ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform +bos i need a reservation for 7 people for 3 nights starting on thursday . can you please book that for me ? 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 N/A +bos all set . your reference number is tqa52sn1 . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks , i also need a train from cambridge starting at 10:30 eos O O O O O O O O B-Train-Inform+Depart 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 i need to leave on sunday and my destination is london kings cross . eos 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 O N/A +bos i 'm sorry the earliest train i have on sunday leaves at 11:59. eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A +bos could you check one more time ? i 'm departing cambridge and going to london kings cross . i should arrive by 10:30 on sunday . eos 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 O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O N/A +bos i have a train leaving at 7:59 and arriving at 9:27. 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-Select,Train-OfferBook +bos yes . please book for 7 people . eos O O O O O O O O O N/A +bos the booking was successful and 79.67 gbp will be payable at the station . your reference number is gpu9owrw . what else can i do for you ? 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-Inform+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 O general-thank +bos thank you for calling . please enjoy your trip to cambridge , and let us know if there is any other way we can 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 O O O O O general-bye,general-reqmore +bos i want a train leaving from norwich . eos O O O O O O O B-Train-Inform+Depart O N/A +bos there are several trains leaving norwich , what day are you leaving and where are you going ? i also need the time you want to leave or arrive . eos O O O B-Train-Inform+Choice I-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 O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest,Train-Request+Day +bos i would like to leave after 14:30 and go to cambridge , please . eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O O O N/A +bos which day are you planning to travel ? eos O O O O O O O O O Train-Request+Day +bos i 'm planning to leave on thursday . eos O O O O O O B-Train-Inform+Day O O N/A +bos i have a 5:16 departure to cambridge that arrives at 16:36. would that do ? eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Arrive O O O O N/A +bos as long as you mean a 15:16 departure , i 'll take 8 tickets , please . eos O O O O O O O O O O O O B-Train-Inform+People O O O O O N/A +bos yes the departure time is 15:16. i booked you for 8 on train id tr8040 . the reference number is : 1hy8aj7y . eos O O O O O O B-Train-Inform+Leave O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ref O N/A +bos i 'm also looking for a hotel to stay in . preferably a 3 star one . 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 N/A +bos what area of town would you like ? 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 Hotel-Request+Area,Hotel-Request+Price +bos i do n't have a preference for either , but i 'd like it to be in the type of hotel . i 'll also need free parking . 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 O N/A +bos i have gonville hotel in centre area or the lensfield hotel in the south area . what is your preference ? eos O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 the gonville would be great , could you get me the phone number , price range , and postcode ? 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 Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Price +bos they are in the expensive range , located on gonville place , postal code cb11ly , they are reachable at 01223366611 , may i assist with anything else ? eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 general-reqmore +bos no thank you for everything . eos O O O O O O O general-thank +bos you are welcome . have a good evening . eos O O O O O O O O O O general-welcome +bos i want to know if any trains run on sunday ? eos O O O O O O O O O O B-Train-Inform+Day O N/A +bos yes , i have 404 trains running on sunday . where are you departing from ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O O Train-Request+Depart +bos i 'll be heading to cambridge from stevenage , and i 'd like to arrive on sunday by 12:45 , please . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O N/A +bos how about train tr8799 , which departs on sunday at 11:00 and arrives by 11:51 ? eos O O O O B-Train-Select+Id O O O B-Train-Select+Day O B-Train-Select+Leave O O O B-Train-Select+Arrive O O N/A +bos that sounds good , how much is a ticket ? eos O O O O O O O O O O O N/A +bos the price is 18.88 pounds . would you like me 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 Train-OfferBook +bos 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 ? 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 O O O O O O N/A +bos i 'm unsure if the wifi at alexander bed and breakfast is free but it is cheap and in the center of town and definitely does have internet access . would that do ? 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+Price 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 Hotel-Select,Hotel-Inform+Internet +bos actually , i would prefer a guesthouse is the north . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos okay i have many options . any price preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O Hotel-Request+Price +bos no , i just need to know the price eos O O O O O O O O O O Train-Request+Price +bos i would recommend archway house , it is moderately priced and 4 stars . would you like a reservation ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O O O O O Booking-Inform +bos okay . i would like to book the archway house for three nights and for one person starting on sunday and what is the price . 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 O O B-Hotel-Inform+Day O O O O O O Train-Request+Price +bos perfect , the archway house is booked for one person . the reference number is xxa3vm1f . the price is not listed online , the phone number is 01223575314. eos O 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 O O N/A +bos is there an email i can contact them at ? eos O O O O O O O O O O O N/A +bos we do not have email contact information on the venues . but you can call them if you like . their phone number is 01223575314. 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+Phone O O N/A +bos that would be all thanks you very much eos O O O O O O O O O general-thank +bos ok , thank you for choosing to visit cambridge , enjoy your stay . eos O O O O O O O O O O O O O O O general-greet +bos 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 . eos O O O O O O O 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 the archway house has wifi . also , i see that the train was not booked . i can book the tr8225 leaving stevanage at 11:54 and arriving in cambridge at 12:43. ok ? 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 B-Train-OfferBook+Id I-Train-OfferBook+Id B-Train-OfferBook+Depart O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest B-Train-OfferBook+Arrive O O O O O Hotel-Inform+Internet +bos 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 ! eos O O O O O O O O O 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 10.24 pounds per ticket . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos thank you for looking that up for me . eos O O O O O O O O O O general-thank +bos you are welcome . are you sure that all your questions have now been answered ? i can wait . 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 yes that is everything thank you for all your help . goodbye eos O O O O O O O O O O O O O general-bye +bos you are welcome ! have a great trip to cambridge ! 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 . 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 there are many options for places to stay any preferences such as area or rating ? 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 i 'm looking to stay in a guesthouse that includes free wifi and it should have a star of 2. eos 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 N/A +bos unfortunately we do n't have anything that matches all of those requirements . which are your top priorities ? 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 you check instead for 3 stars ? eos O O O O O O O B-Hotel-Inform+Stars O N/A +bos i have three places . what area do you prefer to stay in ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos i do n't have a preference for the area . can you recommend 1 of the 3 ? i need 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 N/A +bos i would recommend the hamilton house in the north . when would you like to book a room for ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O O O O O O Booking-Request+Day +bos that sounds great . lets see if you can book it for tuesday for 2 people , 2 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 O O O N/A +bos i was able to book you for hamilton lodge for 2 people and 2 nights . your reference number is : 2sr5w0rp . can i help you with anything else ? eos O O O O 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i am also looking for a train on thursday . i will be departing from cambridge and traveling to norwich . 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 B-Train-Inform+Dest O O N/A +bos we have many trains departing from cambridge and arriving in norwich on thursday . do you need a specific departure or arrival time ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart I-Train-Inform+Depart 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 Train-Request+Leave,Train-Request+Arrive +bos i am looking to arrive no later than 12:45. i have no preference for departure time . thank 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 O N/A +bos i 'd recommend tr7779 , it departs at 10:36 and arrives by 11:55. would you like a ticket ? 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 O O Train-OfferBook +bos yes , i 'll actually need 2 tickets please . eos O O O O O O B-Train-Inform+People O O O O N/A +bos booked ! total fee is 35.2 gbp payable at the station.reference number : 620vr2vs . eos 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 thanks for all of 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 you have covered everything , thanks again . eos O O O O O O O O O general-thank +bos enjoy your time with us ! eos O O O O O O O general-bye +bos i 'm looking to book a place to stay while in town . i want the hotel to be fairly expensive and near the centre . can you give some suggestions ? eos 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+Price O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos i have 2 wonderful hotels in that area . both offer free internet and parking . i have the gonville hotel and the university arms hotel . how do these sound ? 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+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-Inform+Internet,Hotel-Inform+Parking +bos is one of them a guesthouse ? eos O O O O O O B-Hotel-Inform+Type O N/A +bos no , they are both hotel types . eos O O O O O B-Hotel-Inform+Type O O O N/A +bos i really need a guesthouse can you find one for me please ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos would you like me to try to search in a different area for a guesthouse for you ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type O O O Hotel-Request+Area +bos no , i 'd like one in the centre . i could change it to a cheaper price though . 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 is none under that criteria , 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 Restaurant-Request+Area,Restaurant-NoOffer +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 certainly . when would you like to depart ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos sometime after 12:15 on saturday , please . eos O O O B-Train-Inform+Leave O B-Train-Inform+Day 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 from leicester . there will be 6 of us . and i 'll need a reference number as well . 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 N/A +bos tr0662 departs at 13:09 and arrives at 14:54 cost is 30.24 pounds per person , before i book you for 6 , can i once more confirm this is ok ? 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 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 Train-Request+People +bos that is right . also find me a please to stay . eos O O O O O O O O O O O O O N/A +bos we have 33 fine places to stay all over cambridge . is there a certain area or price range you had in mind ? 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 Hotel-Request+Price,Hotel-Request+Area +bos pricing should be somewhere in the mid range , and i would like free parking . could i get the reference number for the train 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 vkjgwfnr is the referance number for the train . there are also several hotels that fit your criteria . would you like me to recommend one ? eos O B-Train-OfferBooked+Ref O O O O O 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 yes but it should include free wifi eos O O B-Hotel-Inform+Internet O O O O O N/A +bos if you would like to stay in the east , i recommend the carolina bed and breakfast . it 's on 138 perne road . would you liek me to book it for you ? eos O O O O O O O O O B-Hotel-Recommend+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 B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O O O Booking-Inform +bos yes , that would be great . it will be on the same day , same people , and 5 nights . 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 great , ref # is 33tx20td , anything else ? eos O O O O O B-Booking-Book+Ref 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 it was my pleasure . have a good evening . eos O O O 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 ok , where are you headed and what time do you need to travel ? eos O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i need to arrive by 13:15 and i am leaving from broxbourne going to cambridge . eos O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos tr1426 arrives by 12:32 , would you like me to book you ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Arrive O O O O O O O O O N/A +bos not just yet . what 's the cost for a ticket on that train ? eos O O O O O O O O O O O O O O O O Train-Inform +bos the price is 14.32 pounds . 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 O O O O general-reqmore +bos i am trying to find 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 N/A +bos that is a great place to stay on the north side . what would you like to know about it ? eos 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 general-reqmore +bos i need to know the prive range . eos O O O O O O O O O N/A +bos the price range for the alpha-milton guesthouse is moderate . is there anything else i can help you with ? eos O O O O 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 general-reqmore +bos no that would be all . eos O O O O O O O N/A +bos thank you for contacting us today . have a great day . eos O O O O O O O O O O O O O general-bye +bos i would like to see if you can find a train that leaves to cambridge . also , can it be on a thursday too ? eos 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+Day O O O O N/A +bos we have several trains going to cambridge . where are you coming from ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O Train-Request+Depart +bos i 'll be leaving from the birmingham new street station . 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 do you have any time constraints ? eos O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need to arrive in cambridge by 15:15 please . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A +bos tr6105 arrives by 12:23. would you like some seats ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos not at the moment . i would , however , like information on a place to stay in the moderate price range with a rating of 3 stars . 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 B-Hotel-Inform+Stars O O O O N/A +bos the hamilton lodge matches your criteria . would you like more information ? 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 general-reqmore +bos sure , can i get the phone number ? eos O O O O O O O O O O N/A +bos of course ! the phone number is 01223365664. is there anything else i can help you with today ? eos O 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 does the hotel offer internet ? eos O O O O O O O Hotel-Request+Internet +bos yes it does . eos O O O O O Hotel-Inform+Internet +bos thank you ! that will be all for today ! eos O O O O O O O O O O O general-thank +bos excellent , i hope you enjoy your stay ! eos O O O O O O O O O O general-bye +bos can i get a train from cambridge to bishops stortford ? eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos certainly . when would you like to depart ? eos O O O O O O O O O O Train-Request+Leave +bos on thursday after 20:15. eos O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos there is a train leaving cambridge and heading to bishops stortford at 21:29 on thursday . would you like more information or to book a ticket ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos no . i need to depart from bishops stortford and go to cambridge on thursday after 20:15. eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos i have one train that leaves at 21:29 and arrives by 22:07 on thursday . do you want me to book tickets ? eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O Train-OfferBook +bos yes , that train would work better for me . can you book tickets for 7 people please ? eos 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 booked ! reference number is s6s3ln7b . you will pay 70.7 gbp at the station . eos O O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O N/A +bos great ! thank you ! eos O O O O O O general-thank +bos thank you ! i am glad i could help . eos O O O O O O O O O O O general-bye +bos can you help me find a train out of cambridge that leaves after 10:30 ? eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave O N/A +bos i sure can ! the tr1502 leaves at 11:00. would that work ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O general-greet,Train-OfferBook +bos i am looking to travel sunday going to stevenage . does that train travel on that day ? 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 N/A +bos that train does not travel on sunday , but tr8464 leaves at 11:21 if that will work for you . would you like me to book you a ticket ? eos O O O O O O O B-Train-NoOffer+Day 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 Train-OfferBook +bos yes , that will work for me . can you please make a booking for 7 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 yes , i will book it for 7 , is there anything else i can do for you ? eos O O O O O O B-Train-OfferBook+People O O O O O O O O O O O O O general-reqmore +bos well yeah , i would need the reference number if you booked it ? eos O O O O O O O O O O O O O O O Train-Request+Ref +bos the total fee is 71.68 gbp payable at the station .reference number is : dsique20 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 N/A +bos thank you . i 'm also looking for a hotel in the south area of town . it needs to be a hotel . can you recommend any ? 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 O O O O O O N/A +bos i recommend the lensfield hotel . it is 3 stars . would you like to make a booking . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars O O O O O O O O O Booking-Inform +bos just give me the postcode please and tell me if they offer parking eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Parking +bos the hotel does offer parking and the postcode is cb21en . eos O O O O O O O O O O B-Hotel-Inform+Post O Hotel-Inform+Parking +bos great . thank you for all your help . eos 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,general-greet +bos i want to book a 05:45 taxi to come to bishops stortford train station . 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 I-Taxi-Inform+Dest 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 bishops stortford station . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos i 'm sorry for the confusion , please clarify if you are arriving or departing at bishops stortford 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 Taxi-Request+Depart,Taxi-Request+Dest +bos i 'm departing from bishops stortford train station . eos O O O O O O O O O O Train-Inform +bos thank you . where is your destination , please ? eos O O O O O O O O O O O Taxi-Request+Dest +bos i would like to go to cambridge train station will you send me the car type and contact number ? eos 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 Taxi-Request+Car +bos i have booked a taxi for you at 05:45. the car type is a blue lexus and the contact number is : 07791528384. eos 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 B-Taxi-Inform+Phone I-Taxi-Inform+Phone N/A +bos sounds good . thanks , goodbye . eos O O O O O O O O general-bye +bos can i help you with anything else ? eos O O O O O O O O O general-reqmore +bos i 'm looking for a place called riverside brasserie eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos riverside brasserie is a modern european restaurant in the moderate price range . would you like to book a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos no , that is ok. could you give me the phone number , though and i will take care of 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 Restaurant-Request+Phone +bos 01223259988 is the phone number eos O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O N/A +bos thanks ! i also need a train from norwich on thursday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos there are several trains departing norwich on thursday . is there a specific time you are looking to depart ? eos 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 Train-Request+Leave +bos leaving on thurs from norwich going to cambridge and i need to get there by 13:00 eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive N/A +bos okay the tr3078 arrives by 12:35. eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive 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 have a great time in cambridge . goodbye . eos O O O O O O O O O O general-bye +bos i 'm interested in finding a train to peterborough on wednesday please eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos i can help ! what time are you looking to depart ? eos O O O O O O O O O O O O O Train-Request+Depart +bos on wednesday by 8 15 please eos O O O O O O O N/A +bos ok , i 've got train tr3730 that leaves at 07:06 and would put you in peterborough by 07:56. would that work for you ? eos O 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 B-Train-Inform+Arrive O O O O O O O O general-reqmore +bos yes that will work great can you book me 2 tickets ? eos 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 33 gbp payable at the station . reference number is : j7jweilx . 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 N/A +bos great , i 'm also looking for a swimming pool in the north . can you find me one ? 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 2 to choose from - jesus green outdoor pool and kings hedges learner pool . which would you prefer ? 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 I-Attraction-Inform+Name O O O O O general-reqmore +bos either is fine , i just need the postcode . eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb43px . anything else . eos O O O O B-Attraction-Inform+Post O O O O general-reqmore +bos no that takes care of all my needs for now . thanks ! bye ! eos O O O O O O O O O O O O O O O O general-bye +bos you are welcome . glad i could help . eos O O O O O O O O O O general-welcome +bos i 'm hoping to find a cheap restaurant in the centre . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos no problem ! what type of food were you interested in ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos i would love to have some indian food please . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 've found 3 restaurants in that area : kohinoor , the gandhi , and mahal of cambridge . 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 O O O O N/A +bos would you see if any of those are available on wednesday at 14:45 for 5 people ? thanks . 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 O N/A +bos i was able to get you a table at the gandhi . your reference number is myume8fr and they 'll hold the table for 15 minutes . can i help you with anything else ? eos O 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 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 thank you ! there will be nothing else , goodbye . eos 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 can you find a restaurant in the west that serves british 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 there are 3 different restaurants that match your inquiry . would you like to know more about them ? eos O 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 i would like to see if one has a table available at 20:00 on tuesday for 4 people . eos O 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 N/A +bos okay i put in a reservation for you at saint johns chop house . the reference number is 5cts8f6c . is there anything else i can do for you today ? 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 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 do thank you very much . eos O O O O O O O O O O general-thank +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 want to find an international restaurant eos O O O O O O B-Restaurant-Inform+Food O N/A +bos okay ! i have found 3. one is in the east part of town , and one is in the centre . what part of town would you like to dine in ? 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Area +bos what is the price range of the one in the east ? eos O O O O O O O O O O O O O N/A +bos the price range for the east restaurant is cheap . would you like to book a table ? eos 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 O O O Booking-Inform +bos yes , i 'd like a table for 5 at 16:45 on friday 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 great ! booking was successful . the table will be reserved for 15 minutes.reference number is : w9rrjvpx . 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-welcome,general-reqmore +bos i need to find a room too . eos O O O O O O O O O N/A +bos what area would you like me to look for hotels at ? eos O O O O O O O O O O B-Hotel-Inform+Type O O Hotel-Request+Area +bos does n't matter so much , as long as it has 4 stars & is cheap . i would also like parking and wifi . eos 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 O O O N/A +bos the allenbell hotel is available in the east part of town . 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 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 no all i need is the phone number eos O O O O O O O O O Hotel-Request+Phone +bos you can reach them at the number 01223210353. anything else i can do for you ? eos O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos that 's all i need for now . thanks ! 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,general-bye +bos i am looking for a restaurant in the centre that serves modern european food . eos 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 N/A +bos there are 4 matching restaurants . what price range would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Price +bos i would like one in the expensive price range please . eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos darry 's cookhouse and wine shop would suit your interests . it 's at 40270 king street 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O N/A +bos do they have booking available for 7 people at 16: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 there does not appear to be availability at that time . would you like me to try 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 is there another restaurant in the area in that price range that is available at that time ? eos O O O O O O O O O O O O O O O O O O O N/A +bos ok , i got you a table at the bedouin . the table will be reserved for 15 minutes . your reference number is : q7r6zvre . can i help you with anything else ? eos O O O O 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 no thanks . thank you and goodbye . eos O O O O O O O O O general-bye +bos okay you 're welcome . thank you for calling . eos O O O O O O O O O O O general-welcome,general-bye +bos hello there , please find me a restaurant on the west side that serves scandinavian 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 N/A +bos there are no restaurants of that type available in the west . would you prefer to try a different area or a different type of cuisine ? eos O O O O 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 O O Restaurant-Request+Food +bos how about indian cuisine then ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos there are 6 ! what price range would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Price +bos the price range does n't matter but i would like to make a reservation at one you may 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 i recommend the meghna . it has moderate pricing and great food . will that be satisfactory ? eos O O O O B-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 yes . that will do just fine . can you reserve me a table for 5 people on friday at 13:15 please ? eos 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 O O N/A +bos the booking was successful . the table will be reserved for 15 minutes . reference number is : te8ootzc . 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 yes , could you help me find a train to birmingham new street 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 B-Train-Inform+Day O O N/A +bos we show 19 trains going to birmingham new street from cambridge . do you have a preference as to the time ? eos O O O O B-Train-Inform+Choice 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 O Train-Request+Arrive,Train-Request+Leave +bos i do need to get there by 08:30. can you tell me the travel time for that route ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-Request+Duration +bos tr4975 will get you there by 07:44 leaving cambridge at 05:01. travel time is 163 minutes cost is 60.08 pounds . would you like me to book seats for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave 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 no i do n't nee it booked yet . thank you for all the 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 spending time in cambridge , hope you have a pleasant stay . eos O O O O O O O O O O O O O O O O general-bye +bos are there any casual restaurants in the south ? eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos yes . would you like an expensive , cheap or moderately priced restaurant ? eos O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O Restaurant-Inform +bos i would like it to be 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 i found 2 moderately priced restaurants in the south . one serves italian and the other modern european food . would you like me to book at one of these ? 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 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 Booking-Inform +bos modern european sounds wonderful . yes , please book a table for 1 at 14:45 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 that was n't available . i did book you in the other one though . the pizza hut in cherry hinton is located on clifton way . reference number p2o7es3d . will that be acceptable ? 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 O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Booking-Book+Ref O O O O O O O Booking-NoBook,general-reqmore +bos yes , that would be fine . thank you for your help today . 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 . good-bye . eos O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for cheap places to eat in the city centre ? eos O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O N/A +bos yes i have several chinese and asian restaurants . do any of these interest 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 O O O O O Restaurant-Select +bos yes . i would like to book a reservation for 3 at 16:45 on saturday . 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 ok , i was able to get you a table at dojo noodle bar . the reference number is t5aaepl9 and they 'll hold the table for 15 minutes . is that good ? 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 I-Booking-Book+Ref 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 general-thank +bos will you be needing anything else today ? eos O O O O O O O O O general-reqmore +bos no thank you . eos O O O O O general-thank +bos glad that i could help . enjoy your visit . do n't hesitate to contact me if you need 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 general-welcome,general-bye,general-reqmore +bos i am planning a trip to cambridge eos O O O O O O O O N/A +bos how great ! i 'm sure you 'll love it here . is there something specific i can find 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 general-greet,general-reqmore +bos train should leave after 11:15 and should depart from stansted airport on sunday eos O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day N/A +bos okay , the tr9445 leaves at 11:24 and arrives by 11:52. would you like me to book tickets 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 Train-OfferBook +bos yes , please . i 'll need tickets for 5 people . 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 40.4 gbp payable at the station . reference number is : 38e1ssyp . 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 i 'm also looking for a restaurant in the moderate 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 O O N/A +bos im sorry there are no restaurants like that . 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 O Restaurant-NoOffer,general-reqmore +bos no moderately-priced thai places in the east , huh ? eos O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O N/A +bos there are not - would you like to adjust the type of restaurant or the price range ? 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,Restaurant-NoOffer +bos let 's try indian food . eos O O O B-Restaurant-Inform+Food O O O N/A +bos do you have a preference - i come up with 2. curry prince , or rajmahal . i recommend curry prince . is this okay ? eos O O O O O O O O O O O O O B-Restaurant-Select+Choice B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O O Booking-Inform +bos curry prince is good . book it for the same group of people please eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O N/A +bos okay . i 'll need to know the day and time you 'd like to dine . eos 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 on sunday at 20:45 please . eos O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time B-Restaurant-Inform+People O N/A +bos you are all set for curry prince . your reference number is 7flig346 . 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 ok , great , that 's all i needed ! thanks ! eos O O O O O O O O O O O O O general-thank +bos great . you have a wonderful day and feel free to message me if you need any more assistance . eos 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 i want a place to dine that is in the centre please . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are 69 restaurants in the centre . would you like to narrow it down by type of food or price ? 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 Restaurant-Request+Food,Restaurant-Request+Price +bos i would like to narrow it down by price and i want chinese . eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O N/A +bos there is five different options , that are in various price ranges eos O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Price O O O N/A +bos i want to find a seafood restaurant in the centre eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area N/A +bos i 've found one seafood restaurant in the centre . would you like to know more about it ? eos O O 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 general-reqmore +bos no that 's fine . just book me a table for 2 people at 13:00 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 O N/A +bos the restaurant is loch fyne . they do not have any availability at that time . would you like me to try a different time ? eos 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 O Booking-NoBook,Booking-Request+Time +bos let 's try a different restaurant in the same area and price range please . eos O O O O O O O O O O O O O O O O N/A +bos there are 5 expensive restaurants in the centre . one serves african , one serves asian , and three serve british . which would you prefer ? eos O O O O B-Restaurant-Inform+Price O 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 O O O O O O O O Restaurant-Select +bos the african restaurant sounds great . can you make a reservation for 2 at 13:00 this saturday ? eos O O B-Restaurant-Inform+Food O O O O O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos i have your reservation made for bedouin on saturday for 2 people at 13:00 eos O O O O O O O B-Booking-Book+Name O B-Booking-Book+Day O O B-Booking-Book+People O B-Booking-Book+Time N/A +bos may i have the reference number for that reservation eos O O O O O O O O O O Restaurant-Request+Ref +bos the reference number is ch13iby4 . 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 general-reqmore +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 you 're welcome . good-bye . eos 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 would you like to look into a hotel ? eos O O O O O O O O O O Booking-Inform +bos uhm , no . that 's your job , weirdo . also , i need a train . eos O O O O O O O O O O O O O O O O O O O Train-Inform +bos where will you be travelling to ? eos O O O O O O O O Train-Request+Dest +bos i am going to cambridge and arrive by 18:45. i need the train id , travel time and departure time . eos 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 O O O Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave +bos tr4748 deperts at 13:17 and arrives 14:08 eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O B-Train-Inform+Arrive N/A +bos thanks ! what is the travel time ? eos O O O O O O O O O Train-Request+Duration +bos the travel time for tr4748 is 51 minutes . eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Time I-Train-Inform+Time N/A +bos ok , i do need a hotel after all . i need 3 stars and it should be moderately priced . eos 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 some lovely 3-star guesthouses in cambridge . which area would you like results for ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Area +bos i do n't have a preference . why do n't you pick one for me . eos O O O O O O O O O O O O O O O O O N/A +bos bridge guest house is a 3 star guesthouse in the south part of town with free parking and wifi . can i book it for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars 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 O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos yes i would like to book that one . eos O O O O O O O O O O N/A +bos yes , please book that one . eos O O O O O O O O N/A +bos 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 eos O O O O O 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 +bos 01223247942. what other info may i provide about the guest house ? eos O B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore +bos thank you . that is all that i need for today . 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 thanks you too ! bye ! eos 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 are there any guesthouses in the east ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos there are six guesthouses in the east . do you have a preference on price ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price +bos it needs to be cheap . eos O O O O O B-Hotel-Inform+Price O N/A +bos i have 3 options for you . all of them are 4 star rated and all offer free parking and free internet . might i suggest the leverton house . 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 B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos can i have the address for leverton house ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Request+Addr +bos that address is 732-734 newmarket road . would you like me to make you a reservation ? eos 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 Booking-Inform +bos do they have internet and free parking ? eos O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos yes they have internet and free parking . eos O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +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 sure , what day will you be arriving ? eos O O O O O O O O O O Booking-Request+Day +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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O O O O O O general-reqmore,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 Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos can you find me a good moderately priced hotel in cambridge ? no guesthouses please . eos O 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 the cityroomz is located downtown . would you like more info ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O O O O O O O general-reqmore +bos thank you ! i am looking for a place in the west part of town , though . are there any available ? 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 N/A +bos no , i 'm sorry . not in the moderate price range . i do have a cheap 4 star though . would you like to check it out ? 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 I-Hotel-Inform+Price B-Hotel-Inform+Stars O O O O O O O O O O O O O O N/A +bos how about any guesthouses that are moderately priced in the west with free parking ? eos 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 about the hobsons house with internet and parking ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos that sounds good . there will be 7 persons for 3 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 N/A +bos i was able to book that for you successfully . our reference number is cw5rj5hb . 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 B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos yes please , i need to find a restaurant in the same area as my hotel . i do n't care about the 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 N/A +bos there are 14 options to choose from , is there a particular cuisine you are wanting to try ? 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 i do n't care what cuisine , but i 'd like one 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 O O O N/A +bos okay , i see three options here , which are british , indian , or italian food types . i recommend prezzo . would you like a reservation ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Recommend+Name O O O O O O O O O O O O Booking-Inform +bos yes . please book that restaurant for 7 people on sunday at 11:00 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 okay i have that booked for you . 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 get the reference number please ? eos O O O O O O O O O N/A +bos reference number : d7277smz . eos O O O B-Booking-Book+Ref O O N/A +bos i need a taxi to get me to the restaurant please . eos O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos and what time would you like the taxi ? eos O O O O O O O O O O Taxi-Request+Leave +bos i want to arrive at the restaurant in time for my reservation at 11:00. eos O O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos a yellow volvo is booked . contact number : 07514653314 eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O 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 my pleasure . is that all eos O O O O O O O general-welcome,general-reqmore +bos yes that should be everything that 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 O O general-thank +bos you are quite welcome ! goodbye ! eos 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 sure , i have so many options for you ! eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O N/A +bos great , what would you recommend for me ? eos O O O O O O O O O O N/A +bos i would recommend bedouin , which serves african food and is in the expensive price range . eos O O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Price O O O O O N/A +bos can you give me addresss and phone number please eos O O O O O O O O O O N/A +bos bedouis is located in the centre of town . their address is 100 mill road city centre . their phone number is 01223367660 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 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 thanks for that . i also need a train to bishops stortford from cambridge . i need it to leave from cambridge on friday . 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 B-Train-Inform+Day O O O N/A +bos did 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 yes , i need to arrive at bishops by 14:45. eos O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive N/A +bos i 'm afraid there is no record for such trains , should we try for a different time ? eos O O O O O O O O O O O O O O O O O O O O Train-NoOffer,Train-Request+Leave +bos any arrival time would work so long as it gets to bishops before 14:45. eos O O O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos tr8585 leaves cambridge at 13:29 and arrives in bishops stortford at 14:07. the price is 10.10 pounds . would you like me to book it for you ? eos 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 I-Train-OfferBook+Dest B-Train-OfferBook+Arrive O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O O O O Train-Inform +bos no but i am looking for a lebanese restaurant in the city 's center . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos ali baba is the only lebanese restaurant in the centre of town in the moderate price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Choice 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 N/A +bos that sounds great . i need to book it for 5 people at 11:45 on friday . can i get the reference number please ? 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 O O O O O O Restaurant-Request+Ref +bos you 're all set . ali baba will be expecting the 5 of you at 11:45 on friday . your reference number is : uhpzftuk . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+People O O B-Booking-Book+Time O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O 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 thank you for using our service today ! eos O O O O O O O O O general-bye +bos hello , what expensive restaurants do you know of in the east part of town ? eos O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos i have 5 , 2 indian , a chinese , a british , and a gastropub . any of them tickle your fancy ? 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 O O O O O O O O O O general-reqmore +bos can you tell me about the indian places ? are any of them expensive ? eos O O O O O O O O O O O O O O O O N/A +bos sitar tandoori is my favorite . they are indeed expensive . would you like to book a table there ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Price O O O O O O O O O O O Booking-Inform +bos what is their phone number ? eos O O O O O O O Restaurant-Request+Phone +bos their phone number is 01223249955. would you like to make a reservation ? or can i help with anything else ? 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 Booking-Inform,general-reqmore +bos i need to find an attraction . eos O O O O O O O O Attraction-Inform +bos there are several attractions in the east part of town . are you interested in a specific type , such as a museum or outdoors ? 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 O O O O O O O O Attraction-Request+Type +bos it is called cambridge book and print gallery . 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 N/A +bos cambridge book and print gallery is in the west , not the east . are you sure that was the name of the attraction ? 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 O O O O O O O O O O O O Attraction-Request+Name +bos yes , i just need the 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 good news , the entrance fee is free ! and the phone number is 01223694264. can i help you with anything else today ? eos O O O O O O O B-Attraction-Inform+Fee 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 's it . thank you for your assistance today , you have 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 have a great night . i 'm glad to be of assistance ! eos O O O O O O O O O O O O O O general-bye +bos hello i am looking for a train leaving from ely and arriving at cambridge . eos O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O 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 monday leaving after 8:00. eos O B-Train-Inform+Day O O O N/A +bos train tr2987 leaves ely at 09:35 and arrives in cambridge at 09:52. would that work ? eos O O B-Train-Inform+Id O 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 general-reqmore +bos yes it will , please book for three and get the reference number eos O O O O O O O O O O O O O O N/A +bos ok , your 3 seats on tr2987 are reserved , reference # d4k46w8t . can i help you with anything else today ? eos O O O O B-Train-OfferBooked+People 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 general-reqmore +bos i am also looking to get some indian food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos curry prince is an indian cuisine on the east side of town and in the moderate price range , would you like to try ? eos O B-Restaurant-Inform+Name I-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 B-Restaurant-Inform+Price O O O O O O O O O N/A +bos no i want somewhere cheap in the centre actually eos O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O N/A +bos there are three options available to you then . i recommend kohinoor . do you want a table reserved ? eos O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos yes . please reserve for 3 people on monday at 11:00 and give me the reference number 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 O N/A +bos the table is book and the reference number is tzs9rxi3 . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos that is all i needed , thank you and good day ! eos O O O O O O O O O O O O O general-thank +bos okay , have a wonderful time during your visit ! eos 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 there 's a lot to do in cambridge . is there a certain type of attraction you 'd like more information on ? 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 O O O O O O Attraction-Request+Type +bos museum and i need postcode adress and entrance fee please eos O B-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Fee +bos cambridge artworks is a great museum ! the address is 5 greens road . the postcode is cb12ef . it 's also free to enter . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type O O 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 O O O O O O N/A +bos i 'm also looking for a train to london liverpool . eos O O O O O O O O O O O O Train-Inform +bos what time is best for you ? eos O O O O O O O O Train-Request+Leave +bos is cambridge artworks in the center of town ? i have get to liverpool station by 11:30 on saturday . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O 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 no the museum is in the east , do you want an attraction in the center instead ? what station will you be departing from ? eos 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 Train-Request+Depart,Attraction-Request+Area +bos yes i 'd rather find one in the centre , a museum . i just need the entrance fee and the address . eos O O O O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos no such attractions in the north eos O O O O O O B-Attraction-NoOffer+Area N/A +bos i need a museum to visit in he centre . eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos there is no museums in the centre . can i help you with anything else 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 general-reqmore +bos could you check again . a museum in the centre . eos O O O O O O O O O O O O N/A +bos the museum of archeology and anthropology is located in the center . would you like more information ? 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 B-Attraction-Recommend+Area O O O O O O O general-reqmore +bos i need the entrance fee and address please . eos O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos admission is free and it 's located at university of cambridge , downing street eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos do i need tickets ? eos O O O O O O N/A +bos 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 ? eos O O O O 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 's alright . but now what i do ned is to find a train from cambridge going to london liverpool street . could you help me ? eos O O O O O O O O O O O O O O O B-Train-Inform+Depart 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 sure why not ? eos O O O O O general-greet +bos i need to arrive by 11:30. are there any train that has arrival by that time ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O N/A +bos train is tr1887 arrives at 11:27. shall i book it ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos can you just tell me the travel time and departure time for the tr1887 please ? eos 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 . the departure time is 9:59. the duration of the trip is 88 minutes . can i help with anything else today ? eos 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 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 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 N/A +bos yes , you have . thank you . eos O O O O O O O O O general-thank +bos if we can be of further assistance , please contact us again . thank you . good-bye . 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 i need a place to dine in the center thats expensive eos O O O O O O O O O O O B-Restaurant-Inform+Price N/A +bos i have several options for you ; do you prefer african , asian , or british food ? 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 O O N/A +bos any sort of food would be fine , as long as it is a bit expensive . could i get the phone number for 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 Restaurant-Request+Food +bos there is an afrian place named bedouin in the centre . how does that sound ? eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O N/A +bos sounds good , could i get that phone number ? also , could you recommend me an expensive hotel ? eos 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 Restaurant-Request+Phone +bos bedouin 's phone is 01223367660. as far as hotels go , i recommend the university arms hotel in the center of town . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone 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 I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O N/A +bos yes . can you book it for me ? eos O O O O O O O O O O N/A +bos sure , when would you like that reservation ? eos O O O O O O O O O O Booking-Request+Day +bos i want to book it for 2 people and 2 nights starting from saturday . 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 your booking was successful . your reference number is frgzwql2 . may i help you further ? eos 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 all i need to know . thanks , good bye . eos O O O O O O O O O O O O O O general-bye +bos thank you so much for 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 so i 'm planning a trip to your lovely town and i need recommendations on an expensive place to eat on the west side . 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 N/A +bos there are a few choices . do you have a cuisine preference ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos i would like to try indian food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos how about maharajah tandoori restaurant ? they are located at 41518 castle street city centre . eos O O O B-Restaurant-Recommend+Name I-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 I-Restaurant-Inform+Addr O O N/A +bos get me the phone number and postcode please . eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos they are 01223358399 and cb30ah respectively . do you need anything else ? eos O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone B-Restaurant-Inform+Post O O O O O O O O general-reqmore +bos yes , i 'm looking for a hotel called hobson 's house . eos O O O O O O O O O O O O O O Hotel-Inform +bos hobson 's house is a guesthouse in the west . it 's moderately priced with free internet and parking . would you like me to book it ? eos 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 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 yes please book for 7 people and 5 nights starting from wednesday . what is their address and phone number . 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 O O O O O O Restaurant-Request+Phone +bos yes the booking was successful and the reference number is 31l2hy44 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you goodbye eos O O O O general-bye +bos you are all booked at hobsons house at 96 barton road . you 're welcome . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O general-welcome +bos hi , i need to find a train to cambridge , please . eos O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos certainly . from where are you planning to depart , and when ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i want to leave from stevenage on saturday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos i have 10 trains available . is there a certain 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 Train-Request+Leave +bos yes , i would like to arrive by 12:30. eos O O O O O O O O B-Train-Inform+Arrive O N/A +bos tr9024 will get you to cambridge by 10:43. would you like to book this train ? eos O B-Train-Inform+Id O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos that is all . thank you . eos O O O O O O O O general-thank +bos it was a pleasure to help . have a good night . eos O O O O O O O O O O O O O general-bye +bos actually , can you give me the reference number ? eos O O O O O O O O O O O Train-Request+Ref +bos all set up , your reference number is c4foekw5 . do you need any more help ? 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 that 's all thanks ! eos O O O O O O general-thank +bos glad i could help bye ! eos 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 you with that . can you tell me your departure location and where you are headed 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 Train-Request+Depart,Train-Request+Dest +bos i am looking to go to london kings cross and depart from cambridge . 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+Depart O N/A +bos there are 70 trains making that trip , do you have a day or 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,Train-Request+Day +bos i 'll be leaving on friday after 12:45. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos the tr3685 leaves just 15 minutes later , at 13:00. eos O O B-Train-Inform+Id O O O O O O B-Train-Inform+Leave O N/A +bos that sounds great . i 'll get back to you when i decide on the booking . 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 O O general-bye +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 a train going to ely please . eos O O O O O O O O O B-Train-Inform+Dest O O N/A +bos what day is this for ? eos O O O O O O O Train-Request+Day +bos it will be for thursday . eos O O O O O B-Train-Inform+Day O N/A +bos what time would you like to go ? eos O O O O O O O O O Train-Request+Leave +bos i just need to arrive by 14:15. eos O O O O O O O O N/A +bos i have three different train choices . depending on how early you want to arrive . i have one arriving at 6:07 , one at 8:07 and one at 10:07. 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 O O O O O B-Train-Inform+Arrive O N/A +bos what 's the travel time ? knowing that will help me select on a time . 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 only 17 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O N/A +bos when is the departure time for 10:07 ? eos O O O O O O O O O Train-Request+Leave +bos tr1923 departs cambridge at 9:50 and arrives in ely by 10:07 , total travel time of 17 minutes . do you want to book a ticket ? 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 O B-Train-Inform+Dest I-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 not at this time . thank you for your help ! eos O O O O O O O O O O O O general-thank +bos is there any other information i can get for you at this time ? eos O 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 O general-thank +bos you 're welcome . enjoy your day . 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 sure thing . could you tell me where you 're departing from , where you 're arriving , and when you 'd like to travel by 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 Train-Request+Depart,Train-Request+Leave,Train-Request+Dest +bos i need to leave on thursday from cambridge . eos O O O 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 am heading to the stansted airport , just myself , and i need to leave after 17:00. go ahead and book it and give me the reference number . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest 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 Train-Request+Ref +bos i have booked your train . 10.1 gbp is payable at the station and the reference number is vphsfwc9 . is there anything else i can help you with ? 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 , thank you . that is all i need . 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-greet +bos yes they have . thank you ! eos O O O O O O O O general-thank +bos it has been my pleasure ! do n't hesitate to contact us again if you require any additional assistance . eos O O O O O O O O O O O O O O O O O O O O O general-greet +bos yes , i would like a train ticket for sunday . i 'm going to london kings cross . eos 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 O O O N/A +bos sure . where will you be leaving from ? eos O O O O O O O O O O Train-Request+Depart +bos i 'll be leaving from cambridge , and i need to get to kings cross by 10:00. eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos the tr3207 leaves at 07:00 and arrives at 07:51. would you like 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 Train-OfferBook +bos that sounds good . please book it for 6 people and 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 Train-Request+Ref +bos train tr3207 is booked for 6 people . the reference number is baal6j4h and the total fee is 113.28 gbp payable at the station . eos O O B-Train-OfferBooked+Id 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 N/A +bos thank you . that 's everything i needed . eos O O O O O O O O O O general-thank +bos okay . glad i could be of assistance . eos O O O O O O O O O O general-bye +bos hi , could you find me a train for friday ? i need to leave from leicester . 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 N/A +bos i can assist you with that . what time friday 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 general-welcome,Train-Request+Leave,Train-Request+Day +bos i would like to leave after 12:15. eos O O O O O O O B-Train-Inform+Leave N/A +bos okay there are several trains that may work . what is your destination ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O Train-Request+Dest +bos i 'd like to go to cambridge , please . eos O O O O O O B-Train-Inform+Dest O O O O N/A +bos tr4625 leaves at 13:09 friday . would that train work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave B-Train-Inform+Day O O O O O O O O Train-OfferBook +bos yes . could you book that for 7 people and give 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 sure . i booked tr4625 leaving leicester friday at 14:09 , 7 tickets . reference number is u32yddw9 and 264.59 gbp will be due , payable at the station . eos O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Day B-Train-OfferBooked+Leave O B-Train-OfferBooked+People 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 N/A +bos great , that 's all for today . goodbye ! eos O O O O O O O O O O O general-bye +bos you are welcome , enjoy your trip . eos O O O O O O O O O general-welcome,general-bye +bos i need a train that leaves on tuesday and should depart from cambridge . eos O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O N/A +bos i 'm finding many trains departing from cambridge on tuesday . what is your destination ? eos O O O O O O O O O O O O O O O O O Train-Request+Dest +bos i am going to peterborough and want to arrive by 13:30. eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive N/A +bos i have a train that departs cambridge on tuesday at 12:34 and will get you to peterborough at 13:24 exactly . would you like me to book that seat for you ? eos O O 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 O O O O O Train-OfferBook +bos yes , please ! i need 6 seats . 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 gbp payable at the station .reference number is : nh7gxpva . 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 thank you so much , that 's all i need today . eos O O O O O O O O O O O O O general-thank +bos okay great . i 'm glad i was able to help you . eos O O O O O O O O O O O O O O general-bye +bos yes , i need a train that is leaving from stansted airport on saturday . 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 tr4194 stansted airport cambridge saturday 05:24 05:52 8.08 pounds 28 minutes . would you like me to book you on this schedule ? eos 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 O O O O O O O O Train-OfferBook +bos i need to leave after 17:00 and it should go to cambridge . eos O O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest O N/A +bos train tr5953 leaves at 17:24 and arrives in cambridge at 17:52. would this work for you ? 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 O N/A +bos this works perfectly , thank you ! 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 how much would the train ride cost me ? eos O O O O O O O O O O Train-Inform +bos the train is 8.08 pounds per person . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos can you give me the travel time ? eos O O O O O O O O O Train-Request+Duration +bos the travel time is 28 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos fantastic , thank you , that should be all . eos O O O O O O O O O O O general-thank +bos thank you for using this service , have a nice day . eos O O O O O O O O O O O O O general-bye +bos i am looking for a train that departs 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 N/A +bos there 's a train that leaves at 9 am and arrives at 9:51 am . is that good ? eos 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 no , i actually need to leave after 12:00. eos O O O O O O O O B-Train-Inform+Leave O N/A +bos okay , and what is your destination ? eos O O O O O O O O O Train-Request+Dest +bos i need to go to ely after 12:00. eos O O O O O O O B-Train-Inform+Dest O N/A +bos i have a train that leaves ely on thursday at 13:50 and arrives by 14:07. would you like to book tickets ? eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , that would be great . can you book tickets for 7 people please . and i 'll need a reference number for it . 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 Train-Request+Ref +bos booked ! your reference number is uct2sj8w . fee is 30.8 , paid at the station . anything else . eos O O O O O O B-Train-OfferBooked+Ref O O B-Train-OfferBooked+Ticket 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 great . glad i could be of assistance . eos O O O O O O O O O O O general-bye +bos i need a train from cambridge that can arrive by 16:15. eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A +bos certainly . where is your destination ? eos O O O O O O O O Train-Request+Dest +bos i want to go to broxbourne , please . eos O O O O O O O O O O N/A +bos what day do you want to travel ? eos O O O O O O O O O Train-Request+Day +bos the train needs to leave by saturday and i need three tickets . i would also like the reference number once you book it please ? 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 O O Train-Request+Ref +bos i booked it you reference number is duw21nut eos O O O O O O O O B-Train-OfferBooked+Ref N/A +bos thank you , that 's all i needed . eos O O O O O O O O O O general-thank +bos you are welcome . your total for the three tickets is 42.96 pounds . you can pay at the station . 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 general-welcome +bos i need a train that leaves after 13:30 saturday afternoon please . eos O O O O O O O O B-Train-Inform+Leave B-Train-Inform+Day O O O N/A +bos can you please tell me what your destination is for that trip ? eos O O O O O O O O O O O O O O Train-Request+Dest +bos i would like to depart from cambridge and arrive at stevenage , please . eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O N/A +bos there are 5 trains meeting that criteria . would you like me to book you a ticket ? 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 yes , i would like to book the ticket now , could i please have the 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+TrainID +bos the train id is tr8813 , how many tickets would you like to book ? eos O O O O O B-Train-Inform+Id O O O O O O O O O O Train-Request+People +bos i can take care of that myself . can you also help me find a place to dine in the south , priced cheaply please . eos 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 B-Restaurant-Inform+Price O O O O N/A +bos how about portuguese cuisine at nandos ? would you like any more information about them or assistance booking a reservation ? eos O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos that 's perfect . i 'd like to book that restaurant for just myself at 10:00 on the same day . could i get the reference number as well , please ? 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 O O O O O O O O Restaurant-Request+Ref +bos ok , you have a table for 1 at 10:00 on saturday at nandos . your reference number is 3jrn2t9y . can i help with anything else today ? eos 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 B-Booking-Book+Ref O O O O O O O O O O O N/A +bos i am all set . thanks ! eos O O O O O O O O general-thank +bos thank you for contacting the help desk . please , if you have any more questions , do not 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 general-bye +bos i want to try food in cambridge and need to get a train to stevenage that leaves after 14:45. eos O O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave N/A +bos hello , trains depart every 2 hours on the :21 's , what day are you hoping to travel ? 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 Train-Request+Day +bos i want 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 there are 5 such trains . do you have a preferred arrival time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Arrive +bos i would like to arrive in time for lunch , preferably around 11:00 eos O O O O O O O O O O O O O O N/A +bos i do n't have any for that time frame , every train is running after 12:00. i can book you for one that leaves at 15:21. is that alright ? eos 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 B-Train-OfferBook+Leave O O O O O O Train-NoOffer +bos ok , the 15:21 going to stevange on sunday would be great . i 'll need the price and train id as well please . 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 O O O O O Train-Request+Price,Train-Request+TrainID +bos the prices is 10.24 pounds and the trainid is tr4550 . would you like me to book that for you ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook +bos 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 . eos O O O O O 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 there are 110 restaurants to choose from . what area are you looking to dine in , and what kind of food are you hungry 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 O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos find expensive welsh food , or if not welsh , indian , for 6 people at 10:30 sunday . i need a reference number , please . eos O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O O O O O O O O O Restaurant-Request+Ref +bos sorry , there are n't any expensive welsh restaurants , but there 's an indian place named curry garden . eos O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A +bos sounds good to me . book it for six people at 10:30 on sunday . out of curiousity ... how long is that train trip going to take ? 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 O N/A +bos booking was successful . the table will be reserved for 15 minutes reference number is : mueiryk2 . and the train will arrive at 16:10. 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 B-Train-Inform+Arrive O O N/A +bos great - i do still need to know the travel time for that train , though . the 15:21 train to stevenage ? 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 O Train-Request+Duration +bos the 15:21 train to stevenage will take approximately 49 minutes to reach its destination . is there anything else i can help you with ? eos O O B-Train-Inform+Leave O O B-Train-Inform+Dest 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 general-reqmore +bos yes , can you also let me know the price for that train ? eos O O O O O O O O O O O O O O O Train-Request+Price +bos the price is 10.24 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos can you book me 6 seats on that train ? eos O O O O O O B-Train-Inform+People O O O O N/A +bos your total for 6 tickets is 61.44 gbp , payable at the station , for reference number t0kzhaa5 . eos O O O O O B-Train-OfferBooked+People 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 you 're still not done ! give me the train id for the train . eos O O O O O O O O O O O O O O O O Train-Request+TrainID +bos thank you for reminding me , your train id number will be : tr4550 . eos O O O O O O O O O O O O O B-Train-Inform+Id O O N/A +bos i am looking for a train leaving cambridge after 15:00. eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos what is your destination ? eos O O O O O O Train-Request+Dest +bos i 'm going to bishops stortford . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos the tr2730 leaves at 15:29. do you want to book it ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos yes please and i need the price and arrival time eos O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos how many tickets do you need ? eos O O O O O O O O Train-Request+People +bos just 1 ticket please . eos O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 10.1 gbp payable at the station . your reference number is : 12vhbcg9 . 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 O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos yes , i would like to find an expensive austrian food . eos 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 austrian restaurants anywhere in 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 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 oh , that 's too bad . i do need something in the center . is there any british food ? 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 N/A +bos yes , there are a number of options . did you have a price range in mind ? 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 Restaurant-Request+Price +bos i 'd like something expensive please . eos O O O O B-Restaurant-Inform+Price O O O N/A +bos we have three options that meet your criteria . would you like a recommendation ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O N/A +bos yes , whatever you recommend will be fine . i need a reservation for monday at 10:15 . 2 people please . eos O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O B-Restaurant-Inform+People O O O O O N/A +bos i 've booked you at fitzbillies restaurant . your reference number is x5jh9o7f . what else can i help you with today ? 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 general-reqmore +bos great ! 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 , 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 i need a train leaving after 14:30 on wednesday . eos O O O O O O O B-Train-Inform+Leave 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 hi , i 'm looking for a train to kings lynn from cambridge . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O N/A +bos there is a train leaving at 15:11 that will arrive at 15:58. would you like assistance booking a ticket ? 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 O O Train-OfferBook +bos yes , please make the booking for me . eos O O O O O O O O O O N/A +bos i have booked you one ticket to leave at 15:11 from kings lynn and arriving at cambridge at 15:58. reference number is dldqir5g . eos O O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O B-Train-OfferBooked+Ref O N/A +bos actually i need a booking for 2 people total not just me . eos O O O O O O O O B-Train-Inform+People O O O O O N/A +bos your reference number is dox6tu6m . you may pay 19.6 pounds at the station . do you need help with anything else ? 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 general-reqmore +bos yes i need a place to eat that is in the north and should serves indian 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 N/A +bos i would recommend the nirala . it is moderately priced and located on 7 milton road chesterton eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+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 N/A +bos can i have the postcode for that restaurant to please ? eos O O O O O O O O O O O O Restaurant-Request+Post +bos sure thing it 's cb41uy . eos O O O O B-Restaurant-Inform+Post O O N/A +bos thank you ! so much . that 's all i needed help with . eos O O O O O O O O O O O O O O O general-thank +bos you are welcome always eos O O O O O general-welcome +bos that 's all i needed today , have a good day . eos O O O O O O O O O O O O O N/A +bos thank you for using the cambridge towninfo centre . we hope you have a pleasant visit . eos O O O O O O O O O O O O O O O O O O general-bye +bos i was robbed and need help eos O O O O O O O N/A +bos oh dear ! parkside police station 's phone 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 N/A +bos that 's great , may i have their 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 the address is parkside , cambridge . postcode is cb11jg eos O O O O O O O O O O O N/A +bos i 'm going to contact them now , thank you . eos O O O O O O O O O O O O general-thank +bos let us know if there 's anything else we can do ! eos O O O O O O O O O O O O O general-reqmore +bos do you know of any cheap indian restaurants ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are 4 to choose from . would you prefer the centre or north ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area N/A +bos i would like it to ideally be in the center . eos O O O O O O O O O O O O Train-Request+TrainID +bos i have the kohinoor , the gandhi , or mahal of cambridge . would you like me to book one for you ? 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 O O Booking-Inform +bos yes , could i have a table for 1 please ? eos O O O O O O O O O O O O N/A +bos sure , first let 's figure out which restaurant you would like . kohinoor , the gandhi , or mahal of cambridge ? 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 I-Restaurant-Select+Name O O O O O N/A +bos let 's try the gandhi . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos what day and time will you be coming in ? eos O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i will need a table on wednesday at 18:15. eos O O O O O O O O O O N/A +bos i will book you up , welcome eos O O O O O O O O Booking-Inform +bos i need the reference number for the booking . also can you help me find a train going to cambridge wednesday ? eos O O O O O O O O O O O O O O O O O O O B-Train-Inform+Dest B-Restaurant-Inform+Day O O Restaurant-Request+Ref +bos i have booked a table for 1 at the gandhi . your reference number is wjboroqr . can you give me more information about the train you need ? eos O O O O O O 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 O O O O O O O O O N/A +bos i need a train on wednesday from stevanage to cambridge . it needs to arrive by 10:45. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive N/A +bos the tr4626 could get you there by 10:43 , does that work for you ? eos O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos absolutely ! what is the travel time ? eos O O O O O O O O O Train-Request+Duration +bos travel time is 49 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos would you like me to book it for you ? eos O O O O O O O O O O O N/A +bos i believe i am to book that for you , shall i book it ? eos O O O O O O O O O O O O O O O O Booking-Inform +bos no , thank you . i need to check some other things before i book . eos 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 assist you with today ? eos O O O O O O O O O O O O general-reqmore +bos no that is all for now . eos O O O O O O O O N/A +bos there are two other trains that arrive earlier that day if you are interested . would you like that information as well ? 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 general-reqmore +bos no thank you that will be all . eos O O O O O O O O O general-thank +bos thank you for using ours 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 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 using this service eos O O O O O O O general-bye +bos i want to find a german restaurant please that 's in the cheap 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 O N/A +bos unfortunately , there are no german restaurants in the price range you requested . would you like a different restaurant ? 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 general-reqmore +bos perhaps there is one that serves indian food . indian food is also good . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos can i recommend kohinoor ? they serve budget friendly indian food in the centre of town . eos O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O N/A +bos the kohinoor sounds good . could you book a table for 2 for me ? eos O O 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 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 Booking-Request+Time,Booking-Inform +bos it 's for around 12:45 on wednesday . and that was for 2 people please . can i get the reference number then too please ? eos 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 N/A +bos i was able to book a table for you at 12:45. the reference number is 0cur7iqx . eos O O O O O O O O O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A +bos i 'm also looking for a train that leaves after 15:15 that arrives at birmingham new street . eos O O O 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 O N/A +bos please book trainid tr8952 leaving cambridge at 16:01. eos O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave N/A +bos thanks , could you book 2 tickets and let me know the reference number please ? eos O O O O O O B-Train-Inform+People O O O O O O O O O O N/A +bos booked ! reference number is fgbpbwp1 . total fee is 150.19 gbp , paid at the station . anything else ? 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 general-reqmore +bos that 's everything . thank you very much ! eos O O O O O O O O O O general-thank +bos you are very welcome . enjoy your day . eos O O O O O O O O O O general-welcome,general-bye +bos well , i am coming to cambridge and was hoping to try some local restaurants . can you help me with my choices ? eos O 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 , i can help you 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 O O Restaurant-Request+Food,Restaurant-Request+Price,general-greet +bos i need something expensive please preferably in the north . eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos if you like european food , i 'd recommend city stop restaurant . eos 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 N/A +bos i 'll give that a try . book a table for 6 people for sunday at 12:30 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 N/A +bos thank you . i have booked you a table for six on sunday at 12:30 at city stop restaurant , and your reference number is cawrd4d1 . eos 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 B-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 . i also need a train the same day . eos O O O O O O O O O O O O O N/A +bos ok , let 's narrow this down a bit . where would you like to depart from and where are you 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 Train-Request+Dest,Train-Request+Depart +bos i am departing from peterborough 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 did you have an arrival or departure time in mind ? eos O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i want ot get in by 8:00 , i need to get in in plenty of time for my sunday 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 N/A +bos the tr7721 would work for you , do you need a booking ? eos O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook +bos yes , i need 6 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 79.19 gbp payable at the station .reference number is : 8m72fmpk . 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 thanks you , that is everything , you helped me a lot . thanks a bunch ! ! 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 contacting us , have a pleasant stay ! eos O O O O O O O O O O O general-welcome,general-bye +bos i was in a car accident dispute and i need help ! eos O O O O O O O O O O O O O N/A +bos the parkside police will be able to help . here is their contact information , telephone : 01223358966 , address : parkside , cambridge , postcode : cb11jg . is there 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 O O 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 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-reqmore +bos i am looking for information on train schedules . i need a train that leaves after 11:00 to cambridge . eos O O O O O O O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Dest O O N/A +bos there are 973 trains that meet your needs . what is your departure station and what day 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+Day +bos i will be departing from london kings cross and want to leave on monday . 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+Day O N/A +bos there is a train , tr572 that departs from london kings cross monday at 11:17 eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos perfect . i 'd like to be on that train . tr572 , is that the 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+TrainID +bos no , sorry . the train id is tr5720 . that is the london kings cross to cambridge on monday at 11:17. eos O O O O O O O B-Train-Inform+Id 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 B-Train-Inform+Leave O O O N/A +bos ok , great thanks . could you also give me information on 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 N/A +bos la mimosa is an expensive mediterranean place in the centre . would you like me to book this 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 O O O O O O O O O O O Booking-Inform +bos yes please book it for seven people on the same day also please give me a reference number eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +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 the reservation for 20:00. eos O O O O O O O B-Restaurant-Inform+Time N/A +bos i 'm sorry , but can you please restate your requirements for the restaurant . 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 O O O O N/A +bos la mimosa restaurant for 7 people at 15:15 on monday . can you please send me the reference number ? eos 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 O O O O O O O Restaurant-Request+Ref +bos okay ! great ! i was able to book that restaurant at 15:15 for 7 people on monday and your reference number is c0bm6nfl . eos O O O O O O O O O O O B-Booking-Book+Time O O B-Booking-Book+People O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O N/A +bos thank you , that is all i need at this time . eos 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 a hospital in town.it should have the intermediate dependency area department . eos 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 N/A +bos the department you 're looking for can be found by calling 01223348144. eos O O O O O O O O O O O O O N/A +bos okay , thank you . what is the post code ? eos O O O O O O O O O O O O Hospital-Request+Post +bos their postcode is cb11jg . eos O O O O O O N/A +bos thank you so much ! eos 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 'll need a taxi to pick me up today after 02:45 eos O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos certainly . can you tell me your departure and destination locations ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i 'm departing from nusha and i want to go to pizza hut city centre . eos O O O O B-Taxi-Inform+Depart 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 you 're all set ! booked car type : yellow teslacontact number : 07359534792 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 N/A +bos thank you so much , you 've been very helpful . eos O O O O O O O O O O O O general-thank +bos we are glad to help . do you need any further assistance ? eos O O O O O O O O O O O O O O general-reqmore +bos thats perfect that you for your help eos 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 i am looking for a restaurant . the restaurant should be in the moderate 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 N/A +bos i have to cotto that meats those requirements they serve british food . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i am looking for a restaurant . the restaurant should be in the moderate price range and should be in the centre . the restaurant should serve modern european food 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 O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos riverside brasserie looks lovely . would you like a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos yes please . can i get one for thursday at 17:00 for 6 ? eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O B-Restaurant-Inform+People O O N/A +bos i have booked that for you and your reference number is eu6j389k . anything else i can help 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 general-reqmore +bos that should be it . thank you . 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-greet +bos i am looking for a particular restaurant . its name is called restaurant one seven 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 N/A +bos it is a moderately-priced british restaurant in the centre of town . would you like the address ? eos 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 N/A +bos yes , please give me the complete address . eos O O O O O O O O O O Restaurant-Request+Addr +bos it is located at de vere university arms regent 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 I-Restaurant-Inform+Addr 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 to get to michaelhouse cafe by 12:45. can you help me ? eos O O O O O O B-Taxi-Inform+Dest O O B-Taxi-Inform+Arrive O O O O O N/A +bos i can , would you like to take a taxi and from where ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos yes , a taxi would be great . and i want to depart from williams art and antiques 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 O O N/A +bos i have you booked in a grey volkswagen , 07828883795 is their number . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone O O O O O N/A +bos that will be just fine , thank you . eos 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 . everything is great . thank you . eos O O O O O O O O O O general-thank +bos you 're welcome and have a nice day . eos O O O O O O O O O O general-bye +bos i was robbed and i need some help . eos O O O O O O O O O O N/A +bos the number for the parkside police station is 01223358966. they 're located at 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 O O O O O O O O O N/A +bos okay , thanks . i 'll call them . that 's all i need for now . eos O O O O O O O O O O O O O O O O O O general-thank +bos i hope everything works out for you . good bye . eos O O O O O O O O O O O O general-bye +bos can you tell me where a hospital is located ? eos O 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 thank you , that was all i needed . eos O O O O O O O O O O general-thank +bos i hope you have a wonderful day , then . eos O O O 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 expensive price range and should be in the type of guesthouse 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 B-Hotel-Inform+Type O N/A +bos i do n't have a guesthouse type of hotel , but i could suggest the huntingdon marriott hotel eos O O O O O O O O O O O O O O O O O O O N/A +bos its ok if it has free parking eos O O O O O O O O N/A +bos it does have 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 are there any guesthouses 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 there are nine cheap guesthouses , all in different areas . any preference ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price O O O O O O O O O O Hotel-Select +bos can you please tell me about the star of the hotel eos O O O O O O O O O O O O Hotel-Inform +bos allenbell has a star rating of 4. eos O B-Hotel-Inform+Name O O O O O B-Hotel-Inform+Stars N/A +bos what is the price of allenbell ? eos O O O O O O O O N/A +bos the allenbell is in the cheap price range . do you want me to book it ? eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform +bos no , that 's all i need for today . 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 i need a train that departs tuesday with the destination of 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 yes i have a train leaving on tuesday at 05:17 from london kings cross . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos is there one departing kings lynn later than 16:15 please ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O O N/A +bos yes , tr5793 is departing kings lynn at 17:11 and arriving at cambridge at 17:58 , will this work for you ? eos O O B-Train-Inform+Id O 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 O O O Train-OfferBook +bos yes . i need a booking for 3 people . eos O O O O O O O O B-Train-Inform+People O O N/A +bos you 're all set ! the total fee is 29.4 gbp and your reference number is 2i8xtn6s . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos i 'd also like to find a restaurant serving british food 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 i have 7 fitting that criteria , what price range do you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price +bos the price range does n't matter to me , but can you book at table for 3 people at 19:15 on tuesday ? 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 am sorry i can not book for that many people at that time , another time slot perhaps ? 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 18:15 then ? eos O O O B-Restaurant-Inform+Time O O N/A +bos i have confirmed your reservation for 3 on tuesday at 18:15 at the oak bistro . your reference number is 82yqhdqq . 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 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 general-reqmore +bos no . thank you . eos O O O O O O general-thank +bos ok , thank you for using our services . have a wonderful day . eos O O O O O O O O O O O O O O O general-bye +bos where is addenbrookes hospital ? eos O O O O O O Hospital-Inform +bos addenbrookes hospital is located on hills rd , cambridge . 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 N/A +bos i need the postcode please . eos O O O O O O O Hospital-Request+Post +bos the postcode is cb20qq . do you need specific department information ? eos 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 thank you goodbye eos O O O O general-bye +bos i 'd like to reserve a taxi to take me to jesus green outdoor pool today 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 N/A +bos sure thing , when you like to leave by ? eos O O O O O O O O O O O Taxi-Request+Leave +bos just after 06:15. please send me the taxi 's contact number and car type . eos O O O B-Taxi-Inform+Leave O O O O O O O O O O O O Taxi-Request+Car +bos where will we pick you up ? eos O O O O O O O O Taxi-Request+Depart +bos i am leaving from la raza . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos ok , there should be a white ford to pick you up . the contact number is 07251519275. 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 general-reqmore +bos no thanks , that will be it . eos O O O O O O O O O general-thank +bos you are all set . thank you and have a good evening , goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos in need a train from cambridge to stevenage . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos i have 70 trains matching that departure and destination . 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+Arrive,Train-Request+Leave +bos i would like to arrive by 17:45 on saturday . eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos i am sorry but i can not book that timeslot for you . the earliest i have is one arriving by 14:10. is that okay ? 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 B-Train-Inform+Arrive O O O O O O Train-NoOffer,Train-OfferBook +bos that will be good enough . what is the train id and departure time ? eos O O O O O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave +bos actually , there 's a train arriving at 16:10. it 's train tr8813 , and it departs at 15:21. would you like me to book that for you ? eos O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O Train-OfferBook +bos what would the price be for that train ? eos O O O O O O O O O O Train-Inform +bos the price for this train is 10.24 pounds . would you like me to book it ? 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 no thanks , just that info . can i get a place to dine , i 'm looking for an expensive place in the west . 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 B-Restaurant-Inform+Area O O O O O N/A +bos not a problem . we have 9 to choose from . any type of cuisine ? eos O O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food +bos 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 ? eos O O O O O O 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 i enjoy graffiti . the postcode for that place is cb30lx and the phone number is 01223277977. eos O O O B-Restaurant-Recommend+Name O O O O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O N/A +bos great , thank you very much ! that 's all i needed for today . eos O O O O O O O O O O O O O O O O general-thank +bos we 're happy to help ! thank you for using cambridge towninfo centre today . 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 find an expensive restaurant in the north part of cambridge . 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 sure what type of food are you wanting to eat ? eos O 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 there 2 of them - the hakka and the hotpot . which one would you like to try ? eos 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 Restaurant-Select +bos book a table for 6 people at 11:15 on tuesday at the hakka 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 booking was successful . the table will be reserved for 15 minutes.reference number is : 48wf5g7x . 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 i am looking for a hotel in the same area that has free parking . eos O O O O O O O O O O O O O O O O N/A +bos the hamilton lodge sounds perfect for you . would you like to know more ? 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 do they have free wifi ? eos O O O O O O O N/A +bos yes , they do have internet . shall i make a booking ? eos O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes please . i want 4 nights from tuesday , and for 6 people . give me the reference number too . eos 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 O O O O O O O N/A +bos booking was successful , and your reference number is tdvd6xsm . 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 i will need a taxi to get to the restaurant . eos O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos i booked the taxi , it is a yellow tesla the contact number is 07809860598. is there anything else i can assist 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 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 i 'm glad we were able to help . eos O O O O O O O O O O general-welcome +bos i 'm looking for a place to stay , in the north , that offers 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 11 different options , any other features that you are looking for ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O N/A +bos i 'd prefer a guesthouse instead of a hotel , if possible . eos O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos did you have a particular price range in mind ? eos O O O O O O O O O O O Hotel-Request+Price +bos no , but i want free parking . eos O O O O O O O O O N/A +bos acorn guest house is a guesthouse in the north , moderately priced and 4 stars . would you like to make a reservation ? eos O B-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 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 yes , please . can you book a room for thursday for 5 people , 4 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 absolutely , your booking was successful.reference number is : 9an6iosf . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos perfect . i 'm also looking for a moderately priced swedish restaurant . eos O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry there are no matching results . eos O O O O O O O O O O Restaurant-NoOffer +bos can you find a restaurant in the north ? eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos there is a chinese restaurant and an indian restaurant in the north . both are moderate priced which do you prefer ? eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Restaurant-Select +bos the indian place could work . eos O O B-Restaurant-Inform+Food O O O O N/A +bos ok great and how many people will the table be for ? eos O O O O O O O O O O O O O Booking-Request+People +bos there will be 5 of us for thursday . eos O O O O O O O O O O N/A +bos sure , what time would you like the reservation for ? eos O O O O O O O O O O O O Booking-Request+Time +bos i would like reservations at 13:15. eos O O O O O O B-Restaurant-Inform+Time N/A +bos i reserved a table at the nirala , your reference # is 6klpx1t4 , 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 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 Taxi-Inform +bos i booked you a taxi ! it 's a red bmw and the contact number is : 07337581816. 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 N/A +bos im looking for a the kymmoy restaurant in cambridge eos O O O O O O B-Restaurant-Inform+Name O O O N/A +bos yes , they are a bit expensive but are located in the city centre at 52 mill road . may i help you with reservation ? eos O O O O O O B-Restaurant-Inform+Price 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 O O O O O O O O Booking-Inform +bos yes i 'd like to book a table of 8 at 15:15 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 N/A +bos the book for successful , did you need the reservation number ? eos O O O O O O O O O O O O O Booking-Book,general-reqmore +bos yes please . i would also like a train that will depart from bishops stortford and go 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 O O O B-Train-Inform+Dest O N/A +bos your reservation number is al0qeu6x . what day would you like to make this trip ? eos O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O O Train-Request+Day +bos the train should arrive by 08:00 and should be on the same day as the restaurant booking . eos 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 the latest train leaves bishops stortford at 17:29 and arrives in cambridge at 18:07. will this work or would you like an earlier time ? eos O O O O 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 O O O O O O general-reqmore +bos that 's too late . i need something that arrives by 8:00 , please . eos O O O O O O O O O O O O O O O O N/A +bos the train departs bishops stortford on monday at 05:29 and arrives at 06:07. would you like to make a reservation ? eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day 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 am just looking for information . could you give me the ticket price ? eos O O O O O O O O O O O O O O O O O O Train-Request+Price +bos they are 10.10 pounds each , thanks ! eos 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 needed , thanks for your help . eos O O O O O O O O O O O O O O O O general-thank +bos well thank you for contacting the help desk , and 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 am looking for a europeon restaurant in the west of cambridge . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos ok , i found the cambridge lodge restaurant . would you like to make 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 Booking-Inform +bos is that an expensive restaraunt ? i really need someplace expensive , it is a special occasion for me . 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 N/A +bos i 'd suggest cambridge lodge restaurant on cambridge lodge hotel 139 huntingdon road city centre , cb30dq . would you like me to make a reservation ? 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 , please make the reservation for me . eos O O O O O O O O O O N/A +bos i need to know for what day and time and for how many people please eos 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 make the reservation for 3 people on friday at 20:00. thank you ! eos 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 've got it booked for you at 20:00 on friday for 3 people . they 'll hold your table for 15 minutes . your reference number is y2c9cd1c . eos O O O O O O O O B-Booking-Book+Time O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thanks . can you also give me some information about finches bed and breakfast ? we 're thinking of staying there . 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 O O O O O N/A +bos sure thing , it 's a 4 star guesthouse on the west side , located at 144 thornton road . is there anything else you would like to know ? eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 general-reqmore +bos can i book a room there for 3 for 3 nights starting friday ? eos O O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O N/A +bos booking was successful.reference number is : gpz76pro . 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 thanks i also need a taxi arriving in time for the reservation at 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 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 Taxi-Request+Depart,Taxi-Request+Dest +bos departing from finches bed and breakfast , and arriving at cambridge lodge restaurant . eos 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 O O N/A +bos booking completed ! booked car type : blue toyotacontact number : 07359871598 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 you were a great help . that 's all 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 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 modern european restaurant . got any ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos you might like city harvest . it 's a very popular modern european restaurant . eos O O O 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 N/A +bos can you book it for me for 3 people at 14:00 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 , that restaurant seems to have closed . i can reserve a table at the river bar steakhouse and grill if you 'd like . eos 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 I-Booking-Inform+Name O O O O O O Booking-NoBook +bos yes , that is fine . i also need a place to stay that has free parking and at least a three star rating , can you find one for me ? 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 N/A +bos yes , i have 5 that meet that criteria . eos O O O O O B-Hotel-Inform+Choice O O O O O N/A +bos i need one to be the same price range as the restaurant . eos O O O O O O O O O O O O O O Restaurant-Inform +bos i found no hotels that are in the cheap price range like the restaurant . is there another price range or star rating you would consider ? eos O O O O B-Hotel-NoOffer+Type 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 Hotel-Request+Stars,Hotel-Request+Price +bos actually it should be in the moderate price range . eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos would you like to try hamilton lodge ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos yes . i will need it for three nights , 3 people starting wednesday . eos O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O N/A +bos your booking was successful . confirmation # is ajanort5 , anything else today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos no that was all i needed . eos O O O O O O O O N/A +bos if you need anything else contact our help desk anytime . have a good 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 am looking for a place to stay with a guesthouse set up and free parking . 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 sure , i can assist you with that . was there an 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 Hotel-Request+Area +bos i am looking in the cambridge area . eos O O O O O O B-Hotel-Inform+Area O O N/A +bos i 'm sorry but i am unable to find anything with those specifications . would you like to try 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 Hotel-NoOffer +bos ok no preference for area any guest house eos O O O O O O O O O N/A +bos is there a price range you 'd prefer ? eos O O O O O O O O O O Hotel-Request+Price +bos no that does n't matter . please just recommend a guesthouse for me that has both parking and 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 there are quite a few choices available for guest houses with free parking and internet . may i suggest the acorn guest house in the north 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 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos sure , 4 people for 5 nights beginning sunday . eos O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos okay 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 O Booking-Book,general-reqmore +bos look for a hotel within the cambridge area that has an expensive price range eos O O O O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos the university arms hotel is in the centre of town . would that work ? 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O Hotel-Select +bos that sounds good , does it have a 4 star rating and wifi ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos yes it does have wifi and its a 4-star . eos O O O O O O O O O O B-Hotel-Inform+Stars Hotel-Inform+Internet +bos does it also have free parking ? eos O O O O O O O O N/A +bos yes , it provides free parking for guests . eos O O O O O O O O O O Hotel-Inform+Parking +bos if that one is in the expensive price range , i 'd like to book a room for 2 nights starting sunday please . eos 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 N/A +bos 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 Booking-Request+People +bos there will be two people for two nights . eos O O O O O O O O O O N/A +bos i was able to book the room for 2 people for sunday and monday . your reference number is 6iq0o2lb . is there anything else i can help with ? eos O O O O O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day I-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 yes , i am looking for an indian restaurant 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 how about curry prince or pipasha ? eos O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name N/A +bos i would like one in the same price range as the hotel . eos O O O O O O O O O O O O O O N/A +bos i have two options that are expensive . there is the pipasha restaurant and the sitar tandoori . do you need a reservation to one of these ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price 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 Booking-Inform,Restaurant-Select +bos book sitar tandoori . 2 people , 14:45 , sunday . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O N/A +bos done ! your table will be reserved for 15 minutes . the reference number is 415mkpvk . 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 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 too , enjoy your stay in cambridge . eos O O O O O O O O O O general-bye +bos i would like to find a hotel that has free wifi . eos O O O O O O O O O O O O O N/A +bos do you have a area of town or price range your interested in ? eos 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 specific area or price . eos O O O O O O O O O O O Restaurant-Request+Price +bos the arbury lodge guesthouse is one of 32 options 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+Choice O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O N/A +bos will it fit 8 people ? eos O O O O O B-Hotel-Inform+People O N/A +bos yes , all of the hotels and guesthouses are able to accommodate 8 guests per booking . are you ready to book ? if so , i just need a little more info . eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O B-Booking-Inform+People 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 to book it for 8 people and 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 have made those reservations and your reference number is ruxdbyb8 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i am also looking for a place to dine . eos O O O O O O O O O O O N/A +bos is there an area or cuisine you prefer ? eos O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos i want a chinese restaurant in the south eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area N/A +bos there are 3 restaurants that fall into those categories . one is cheap and 2 are expensive - which do you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Select+Choice B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O O O N/A +bos tell me the postcode for the cheap restaurant eos O O O O O O O B-Restaurant-Inform+Price O Restaurant-Request+Post +bos the restaurant is called the lucky star . the post code is cb17dy . may i help with anything else ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos okay thanks , thats all i need . eos O O O O O O O O O N/A +bos okay , have a great stay in cambridge ! eos O O O O O O O O O O general-bye +bos i 'm looking for a 3 star rated place to stay at that does n't need to have free parking 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 N/A +bos i 've got the alpha-milton guest house which matches your needs and is in the north . would you like to book that ? 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 B-Hotel-Recommend+Area O O O O O O O O O Booking-Inform +bos can you tell me the price of the room per night ? eos O O O O O O O O O O O O O N/A +bos not an exact price but it is moderate price range , do you want me to provide their info or book you ? eos 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 Booking-Inform,general-reqmore +bos yes , give me their phone number and i will call them . eos O O O O O O O O O O O O O O N/A +bos sure , you can reach them at 01223311625. can i help you further today ? eos O O O O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos i also need to find portuguese restaurant in the south . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area N/A +bos nandos is a portuguese restaurant in the south area . would you like a reservation ? 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 O O O O O O O Booking-Inform +bos what is the price range of that restaurant ? eos O O O O O O O O O O Restaurant-Inform +bos it 's a fairly inexpensive restaurant . eos O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos i want something in the moderate price range . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have nothing that meets those requirements . can i try something else ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos what about modern european food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos restaurant alimentum is moderately priced modern european cuisine and is located in the south . shall i book that for you ? 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 I-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Area O O O O O O O O Booking-Inform +bos no thank you i just need information right now . i would like 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 Restaurant-Request+Addr +bos the address is 152 - 154 hills road , postcode cb28pb . is there something else i can help 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 B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos thanks ! i also need to book a taxi between my hotel and the restaurant , leaving my hotel by 04:30 , please . 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 N/A +bos your taxi is booked . be expecting a blue volvo . please call 07811154619 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 I-Taxi-Inform+Phone O O O O O O 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 i 'd like a train from leicester to cambridge , please ! eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest 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 traveling on monday and need to arrive by 14:15 eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A +bos train tr5054 leaves leicester and arrives in cambridge at 13:54. would you like to book this train ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos sounds great . can you please book it for 2 people ? eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos of course . your total will be 75.59 gbp payable at the station . your reference number is pcjmqzxo . can i help you with anything else ? eos 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 no thank you . that 's all . eos O O O O O O O O O general-thank +bos all right , have a great trip ! eos O O O O O O O O O general-bye +bos i 'm looking for an hotel in the north . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos i have 2 hotels in the north both priced moderately the ashley hotel and the lovell lodge . eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area 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 I-Hotel-Inform+Name N/A +bos the ashley hotel will work for me . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos ok would you like me to book a room for you ? eos O O O O O O O O O O O O O Booking-Inform +bos yes , please book a room for me . eos O O O O O O O O O O N/A +bos sure , i can do that . when were you looking to stay ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform +bos i need rooms for 5 people and 2 nights starting on thursday . if you could make a reservation that would be great . 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 O O O O O O O O O N/A +bos you are all set ! your reference number for you booking is 8cazn8nd . 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 yes , i am looking for entertainment attractions in the centre of town . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O N/A +bos there are no entertainment type attractions in the centre , shall i look up another area or attraction type ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos how about a museum instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there are 11 museums including cambridge contemporary art , museum of archaelogy and anthropology , and whipple museum of the history of science . eos O O O O B-Attraction-Inform+Choice 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 N/A +bos i would like the phone number and entrance fee to the whipple museum . 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 Attraction-Request+Phone,Attraction-Request+Fee +bos the museum is reachable at 01223330906 and there is no charge for admission . eos O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos thank you for your time . eos 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 can you direct me to hotel in the west end ? ideally one with free parking ? 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 we have two guesthouses and two hotels on the west end offering free parking . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 Hotel-Inform+Parking +bos i need a guesthouse that also has free wifi . eos O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i have finches bed and breakfast or hobsons house . would you like to make a booking ? 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 Booking-Inform +bos yes , 5 people 2 nights from monday . eos O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos the booking was successful . your reference number is buumap41 . 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 general-reqmore +bos no that 's it ' . i really appreciate your help ! eos O O O O O O O O O O O O O N/A +bos have an excellent stay ! eos O O O O O O general-bye +bos i am looking for a park in the west area . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos unfortunately there are no parks in the west . wan na try another area ? eos 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 N/A +bos how about museums in the west ? eos O O O B-Attraction-Inform+Type O O O O N/A +bos yes and lynne strover gallery is a nice one and it is free . would you like their information ? eos 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+Fee O O O O O O O general-reqmore +bos yes please give me their address . eos O O O O O O O O Attraction-Request+Addr +bos yes the address is 23 high street , fen dilton . 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 O O O O O O general-reqmore +bos yes , i 'm looking for a guesthouse with free parking please . eos O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos there are 21 options . do you have a preference for star rating , area or pricerange ? 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+Stars,Hotel-Request+Price,Hotel-Request+Area +bos i want it to be rated 4 stars and have wifi included eos O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos there are 16 to choose from . does price range or area matter to you ? 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 no that does not matter to me , i just need it for 2 people for 3 nights starting on tuesday . i 'll need a reference number . 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 O O O O O O O Hotel-Request+Ref +bos booking was successful at the acorn house , reference number is q3abqgje , is there anything else i can help you with ? eos 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 general-reqmore +bos i want a taxi to pick me up at 19:15 from the attraction and take me to the hotel . please give me car type and contact info . 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 O O O O O O O Taxi-Request+Car +bos the taxi will be a blue teslacontact number : 07110094473 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 you 're welcome and enjoy your stay . eos O O O O O O O O O general-welcome +bos i need lodgings , and i 'd like to stay in an expensive guesthouse . eos O O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A +bos our database does n't list an expensive guesthouse , would you like me to 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 O O O O general-reqmore +bos i would like a 4 star hotel , in an expensive guesthouse please . thanks ! eos O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Type O O O O O N/A +bos i do n't have anything in that area that meets those criteria . can i try searching 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 what about a moderate priced one instead ? eos O O O O B-Hotel-Inform+Price O O O O N/A +bos i have 11 results . do you prefer to stay in a particular 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 Hotel-Request+Area +bos i do n't have an area preference . eos O O O O O O O O O Hotel-Request+Area +bos i located avalon guesthouse located north , is a 4 and moderately priced . would you like me to book a room for how many guest , days and starting on what day ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O O O B-Hotel-Recommend+Stars 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 Booking-Request+People,Booking-Request+Stay,Booking-Request+Day,Booking-Inform +bos do you know what area that is in and whether they have internet ? eos O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Internet +bos they are wifi capable and in the north area , would you like more information or a booking ? eos 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+Internet,general-reqmore +bos can i please have the address along with post code ? eos O O O O O O O O O O O O Hotel-Request+Post +bos sure , the address is 62 gilbert road and the postcode is cb43pd . 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 thanks , that takes care of everything for me . have a good one ! eos O O O O O O O O O O O O O O O O general-thank +bos have a great time on your trip . eos O O O O O O O O O general-bye +bos i 'm looking for a cheap place to stay with free wifi please . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos i recommend allenbell 01223210353 eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos okay that sounds great ! thanks for your help ! eos O O O O O O O O O O O general-thank +bos you 're very welcome ! 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 general-welcome,general-reqmore +bos does the allenbell have free parking ? eos O O O O O O O O N/A +bos yes , it does offer free parking eos O O O O O O O O Hotel-Inform+Parking +bos i would like to make a reservation for 5. book it for 4 nights starting this wednesday eos O O O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A +bos your reservations have been made . your reference number is 6ag8hv72 . 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 are there any architecture attractions near the centre ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A +bos i have 5 architectural attractions in the centre . if i may , i would suggest all saints church . they offer free entrance . 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Inform+Fee O O O O O N/A +bos cool , what 's their phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos all saints church 's number is 01223452587. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O N/A +bos can i get their address as well ? eos O O O O O O O O O Attraction-Request+Addr +bos the address is jesus lane . can i get you any other information ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 okay , have a great day ! eos O O O O O O O O general-bye +bos can you help me get a room at the arbury lodge guesthouse ? 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 definitely ! can you let me know how many people are in your party , what night you 're arriving , and how many nights you 're 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+Stay,Booking-Request+People,Booking-Request+Day,Booking-Inform +bos first , i have a couple of questions . do you have internet and free parking ? also , what is the address 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 Hotel-Request+Parking,Hotel-Request+Internet,Hotel-Request+Addr +bos the address of the hotel is 82 arbury road and they have both free parking and internet access . eos O O O O O 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos that all i need on the hotel , can you also give me information on the mumford theatre ? 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 O O N/A +bos the phone number is 08451962320. eos O O O O O B-Attraction-Inform+Phone N/A +bos can i get the postcode and area please ? eos O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post +bos yes this is theatre in the centre , its located at anglia ruskin enterprise , east road with a postcode of cb11pt . do you need anything else ? eos O O O 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 B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos no that is all thank you so much eos O O O O O O O O O general-thank +bos that is all i need today thank you for contacting us . eos O O O O O O O O O O O O O general-bye +bos thank you for helping me . i 'm all done for today . eos O O O O 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 'd like to find a museum to visit eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos sure , do you want to be in a certain area ? eos O O O O O O O O O O O O O Attraction-Request+Area +bos i do n't have a preference . i do need the area , address and postcode . 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,Attraction-Request+Addr +bos can i recommend broughton house gallery ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos that would be great . can you provide me with the area , 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 Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Addr +bos sure thing ! broughton house gallery is located at 98 king street in centre and the postcode is cb11in . can i help you further today ? 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 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 a 3 star hotel in the expensive price range that includes free parking in the south . eos O B-Hotel-Inform+Parking 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 B-Hotel-Inform+Area O O N/A +bos i did happen to find 1 hotel that will meet your needs . it is called the lensfield hotel . they are expensive and 3 star rated . shall i reserve a room ? eos O O O 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 O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform +bos yes please , for 4 people for 3 nights eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O N/A +bos what day do you want to check in ? eos O O O O O O O O O O Booking-Request+Day +bos i will get there on saturday . eos O O O O O O B-Hotel-Inform+Day O N/A +bos i have your rooms booked ! what else can i do ? eos O O O O O O O O O O O O O Booking-Book,general-reqmore +bos i need a reference number for the hotel . eos O O O O O O O O O O Hotel-Request+Ref +bos reference number is 26ovk8q2 . eos O O O O B-Booking-Book+Ref O N/A +bos thanks ! i will need a taxi , too , please . i 'd to leave the hotel by 10:30 to head to 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 N/A +bos you will be picked up by a blue audi . their contact number is 07805502716 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 great ! that is all i needed , thanks . 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 would like to find a place to stay with free parking 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 you have a preference for the location ? i have two expensive hotels in the center of town . eos O O O O O O O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O Hotel-Request+Area +bos i do not have a preference in location . eos O O O O O O O O O O N/A +bos i have five places . what more may i help you with about them ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O N/A +bos are any of them three stars and including wifi ? eos O O O O O O O O O O O N/A +bos yes there are two options would you like the info ? eos O O O O O B-Hotel-Inform+Choice O O O O O O N/A +bos can you make a suggestion and make reservations for 1 person for 3 nights starting from saturday ? 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 i recommend the gonville hotel in the centre and will be more than happy to make you a reservation there eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O Booking-Inform +bos can you please make the reservation ? eos O O O O O O O O N/A +bos i have booked your reservation , the reference number is xygxd4i0 . is there anything else ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i am also looking to visit a museum in the centre of town . any recommendations ? 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 sure . the cambridge contemporary art museum is a really good one and it is located in the center of town . eos 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 O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O N/A +bos that sounds perfect ! 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 Attraction-Request+Post,Attraction-Request+Phone +bos of course the number is 01223324222 and the post code is cb21su . eos O 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 , i also need a taxi . i want to leave gonville hotel by 19:45 and go to the cambridge contemporary art museum . 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+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O N/A +bos a black volkswagen has been successfully booked and scheduled to pick you up at the gonville hotel by 19:45 and take you to the cambridge contemporary art museum 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+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos can i get a contact number for the taxi ? eos O O O O O O O O O O O Taxi-Inform +bos the contact number is 07161683700. 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 that is all i need thank you for your time . eos O O O O 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 i need to find a place to stay in the south , it does not matter if parking is included or not . 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 N/A +bos i have 4 places in the south , ranging from cheap to expensive . do you have a preference ? 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 I-Hotel-Inform+Price O O O O O O O O Hotel-Request+Price +bos i would like cheap with a 4 star rating please . eos O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O N/A +bos i did find one place that meets your needs . it 's rosa 's bed and breakfast . its a wonderful guesthouse . they offer both free parking and internet . can i help you book ? 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 B-Hotel-Inform+Type 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 could i just have the phone number and address ? eos O O O O O O O O O O O Taxi-Request+Phone,Attraction-Request+Addr +bos the address for rosa 's bed and breakfast is 53 roseford road . the phone number is 01223512596. 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Phone O O N/A +bos thanks ! i actually would like a room , please . we 'll arrive on monday and stay 4 nights . there will be 4 of us . eos 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 O O O O O O O N/A +bos booking was successful.reference number is : c9z8avu3 . 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 i also wanted to find a theatre in the same area the hotel is in . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos the junction theatre is located in the south near your hotel . is there anything else i can assist you with today ? 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 I-Attraction-Inform+Area O O O O O O O O O O O general-reqmore +bos yes , may i have both the address and postcode for the junction theatre ? 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 clifton way . the phone is 01223511511. how else can i help you ? eos O O O O B-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 i 'd like a taxi please to pick me up at the junction at 06:45 and then take me to rosa 's . give me the car type and contact number 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 O O O O O O O O O O O O O O O Taxi-Request+Car +bos a white bmw has been booked . call them at 07945579886 if anything comes up . do you need anything else ? eos O O B-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 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 i am so glad that you asked us , have a great day . good-bye ! eos O O O O O O O O O O O O O O O O O general-bye +bos hi , i could sure use some help with my planning . i am looking for a particular 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 can you please tell me the name of the hotel you are looking for ? eos O O O O O O O O O O O O O O O O Hotel-Request+Name +bos the name of the place is 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 a and b guest house located 124 tenison road is can 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O Booking-Inform +bos yes , i 'd like to book for 4 people and for 4 nights , starting from friday . can you check availability ? eos 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 O O O O O N/A +bos i was able to book you for 4 people for 4 nights starting on friday . your reference number is bta1mee0 . can i help you with anything else ? eos O O O O O O O O O B-Booking-Book+Stay 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 general-reqmore +bos i am also looking for some attractions in the west . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there is the cafe jello gallery , if you like museums , or churchill college . 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 N/A +bos hmmm . cafe jello gallery sounds interesting . may i please get their address ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos their address is 124 tenison road . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos i need a train from broxbourne eos O O O O O O B-Train-Inform+Depart N/A +bos what day would you like to travel to broxbourne ? eos O O O O O O O O O O O Train-Request+Day +bos i need to leave on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos do you have time travel preference ? eos O O O O O O O O Train-Request+Leave +bos yes , time travel would be fine . but i need to get to cambridge by 11:45 at the latest . eos O O O O O 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 my apologies about the confusion , it looks like the best option for you is the tr5979 , which leaves at 10:32 and arrives at 11:32. shall i book this for you ? eos 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 B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos yes , please book this for 8 people . i will also 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 Train-Request+Ref +bos booking was successful for tr5979 , the total fee is 143.19 gbp payable at the station . your reference number is : cnus8vfv . can i help you 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 O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos i 'm looking for a hotel 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 O O N/A +bos will a guesthouse do , or are you only interested in a hotel ? eos O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O Hotel-Request+Type +bos just a hotel , and it needs a three star raiting . eos O O O O O O O O O O O O O N/A +bos i 've got the gonville hotel with a 3 star rating . would you like me to make a booking for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O O Booking-Inform +bos no thank you . i just need the price and the postcode please . eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price +bos certainly , the postcode for gonville hotel is cb11ly . the price range for the hotel is expensive , but i do n't have the actual price . 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 B-Hotel-Inform+Price O O 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 hobsons house looks good , it 's got a 3 star rating and wifi . would you like me to book it ? eos O B-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 O O O Hotel-Recommend+Internet,Restaurant-Recommend,Booking-Inform +bos is that a hotel . if so , could you get me the postcode 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 Hotel-Request+Post,Hotel-Request+Price +bos hobsons house is a guesthouse and the postcode is cb39lh . it is in the moderate price range . would you like to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform +bos no , i 'll book one when i get there . 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 i 'm happy to have been of service . 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 general-welcome,general-reqmore +bos no that is all i needed . eos O O O O O O O O N/A +bos okay then , you have a wonderful day ! eos O O O O O O O O O O general-bye +bos could you please get me a train ? eos O O O O O O O O O Train-Inform +bos 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 ? eos O O O O O O O O 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 +bos i am leaving leicester and i need to leave by 20:30. eos O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave N/A +bos what is your destination and day of travel ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos cambridge and on friday . can i just get the travel time for the train ? thanks ! eos O B-Train-Inform+Dest O O B-Train-Inform+Day O O O O O O O O O O O O O O Train-Request+Duration +bos the first train leaving after 20:30 is 21:09 and the travel time is 105 minutes . eos O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos that sounds perfect , thank you for your help . eos O O O 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 Train-OfferBook +bos no , that 's ok , i 'll get my tickets at the station . i just needed information . 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 assist you with anything else today ? eos 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 i 'm sorry , i think i misunderstood you . you want to leave before 20:30. you should book tr2602 , leaving at 20:09. travel time is 105 minutes . eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A +bos thank you for correcting that for me . have a god day eos O O O O O O O O O O O O O general-thank +bos thanks for using cambridge towninfo centre today , and enjoy your weekend ! eos O O O O O O O O O O O O O O general-bye +bos i 'm looking for a train that will depart from bishops stortford and that will arrive by 11:45. i 'm looking forward to a good lunch in cambridge ! eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O O O O O O O B-Train-Inform+Dest O O O N/A +bos there is a train everday that arrives at 10:07 eos O O O O O B-Train-Inform+Day I-Train-Inform+Day O O B-Train-Inform+Arrive N/A +bos ok thank you , lets book that one eos O O O O O O O O O general-thank +bos how many seats would you like to book on tr9178 ? eos O O O O O O O O O O B-Train-OfferBook+Id O Train-Request+People +bos i would need seats for 5 people please . eos O O O O O O O B-Train-Inform+People O O N/A +bos i have you booked on tr2083 arriving in cambridge at 10:07. it will cost 50.5 payable at the station . reference eebgs9ff . eos O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ticket O O O O O O B-Train-OfferBooked+Ref N/A +bos thank you . can you also help me find a good italian eatery ? i 'd like it to be moderately priced , please . 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+Price O O O O O O O N/A +bos sure , i can help you with that . what section of town 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+Area,general-greet +bos the area does n't matter . please recommend a good place if you could . i need a table booked for 5 people at 16:45 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 O O O O O O O N/A +bos my all time favorite italian food place is prezzo . it is located in the west . would you like me to reserve you a table ? eos O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Name O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform +bos yes , it 'll be for the same group of people . eos O O O O O O O O O O O O O N/A +bos for what day and time is the reservation for 5 ? eos O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Time +bos same day tuesday , lets try for 16:45 , get a little ahead of the dinner crowd . eos O O O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O O O O O O N/A +bos your reference number for your reservation is 7e1mpes0 and they will hold the table for 15 minutes . is there anything else that i may assist you ? eos 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 general-reqmore +bos that is all , thank you very 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 hello , i 'd like some information on a train going to leicester . eos O O O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos do you know when you will be traveling ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i need to arrive by 20:45 eos O O O O O O B-Train-Inform+Arrive N/A +bos almost there , ive got the time and route in , but never got a date , what day will you need this ? eos O 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 need to travel on tuesday . can i get the train id and travel time ? thank you so much ! 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 O O Train-Request+Duration,Train-Request+TrainID +bos train tr0776 arrives in leicester at 20:06. it departs cambridge at 18:21. would you like to book this ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos yes can you please and send me the reference number . eos O O O O O O O O O O O O Restaurant-Request+Ref +bos how many tickets do you need ? eos O O O O O O O O Train-Request+People +bos i will need 7 tickets . eos O O O O O B-Train-Inform+People O N/A +bos reference number is : xcucxu2m . will you need any more help ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos i will need a restaurant for 7 people at 12:45 on the same day at graffiti . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O B-Restaurant-Inform+Name O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : llby85zo . 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 no that 's all thanks a lot eos O O O O O O O O general-thank +bos happy to help . goodbye . eos O O O O O O O general-bye +bos i need a place to eat in the moderate price . eos O O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos we have lots of options in that price range . is there a particular type of food you 're 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-Request+Food +bos i would love to find a place that serves irish food ! eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i do n't have any irish places listed . is there another type of food you would like to try ? 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 Restaurant-Request+Food +bos how about international food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos yes , i would recommend bloomsbury restaurant . would you like some information on it ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O general-reqmore +bos please book a table for 7 at 15:30 on wednesday and provide the reference number . i also need a train leaving thursday and arrive by 13:15. 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 O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos the restaurant booking number is 47559fux , as far as the train , where is your destination ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O Train-Request+Dest +bos i want to go from cambridge to london kings cross . 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 tr3433 will get you to london kings cross at 11:51. would you like me to book passage , or would you like additional information ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 O O O general-reqmore,Train-OfferBook +bos please make a booking for the same group of people . eos O O O O O O O O O O O O N/A +bos what day shall i book your train ticket ? eos O O O O O O O O O O Train-Request+Day,Train-OfferBook +bos thursday and for 7 people , i will also need to reference number . eos O B-Train-Inform+Day O O O B-Train-Inform+People O O O O O O O O O N/A +bos the reference number for your train reservation is tr3433 . 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 O O O O O O general-reqmore +bos that will be all for today ! thanks for your help ! eos O O O O O O O O O O O O O general-thank +bos not a problem . thank you for choosing us for your needs ! eos O O O O O O O O O O O O O O general-bye +bos i need help picking the correct train that will arrive at the time i need . eos O O O O O O O O O O O O O O O O O Train-Inform +bos what are your departure and destination sites ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i am leaving from leicester 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 what time do you want to arrive ? eos O O O O O O O O O Train-Request+Arrive +bos i would like to arrive by monday at 16:30. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive N/A +bos the closest you could arrive on monday is the 14:09 train that will get you there by 16:30. does that sound good ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Day I-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos that sounds great . my math is n't the best so please tell me what the total 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 O Train-Request+Duration +bos the travel time is 105 minutes . shall i book it ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O Train-OfferBook +bos no thanks i will book it . can you help me find an expensive restaurant as well ? eos 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 sure thing i would suggest this place graffiti . eos O O O O O O O O B-Restaurant-Recommend+Name O N/A +bos is it in the north area ? eos O O O O O O O O N/A +bos no . it is in the west . need a place in north ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Select+Area O Restaurant-Request+Area +bos yes , please . i 'd like something with some creative food . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos actually , i ca n't find any restaurants serving creative food . can we try a different cuisine ? 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 Restaurant-Request+Food +bos how about european food please ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos i have one option for you that is called the city stop restaurant and it is expensive . does this interest you ? eos O O O O B-Restaurant-Recommend+Choice 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+Price O O O O O O Booking-Inform +bos can you book a table for 2 ? eos O O O O O O O B-Restaurant-Inform+People O N/A +bos on what day would you like to dine ? eos O O O O O O O O O O Booking-Request+Day +bos i need a table at 20:15 on monday . eos O O O O O O O O O O N/A +bos how many people will be dining ? eos O O O O O O O O Booking-Request+People +bos make the reservation for 2 people please . 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 v8cr4enn . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos that is all . have a nice day . eos O O O O O O O O O O N/A +bos great , you have one too ! eos O O O O O O O O general-greet +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 , there are a lot of available restaurants . may i help you narrow down your choices ? 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 O N/A +bos i 'm looking in particular for the 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 mahal of cambridge is located at 3-5 millers yard mill lane . would you like me to book a reservation for you ? 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform +bos yes , please reserve a table for thursday . eos O O O O O O O O O O N/A +bos sure , how many 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 Booking-Request+Time,Booking-Request+People +bos there will be 4 in my party and we would like to book for 13:15. eos O O O O O B-Restaurant-Inform+People O O O O O O O O O B-Restaurant-Inform+Time N/A +bos got it ! your table will be held for 15 minutes . your reference number is : cju3r6kz . 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 yes , i also need a train to cambridge on the same day . eos 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 and leave the station ? 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+Depart,Train-Request+Leave +bos i will be departing from stansted airport and need to arrive by 08:00. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Arrive N/A +bos the tr6437 will fit your needs . how many tickets would you like ? eos O O B-Train-Inform+Id O O O O O O O O O O O O Train-Request+People +bos no tickets needed . 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 Train-Request+Duration,Train-Request+Leave +bos thursday leave at 07:24 arrive at 07:52 eos O B-Train-Inform+Day O O O B-Train-Inform+Leave O O N/A +bos what is the travel time ? eos O O O O O O O Train-Request+Duration +bos the total travel time from stansted airport to cambridge is 28 minutes . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O B-Train-Inform+Time I-Train-Inform+Time 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 have a great day . eos O O O O O O general-bye +bos yes , i need a train departing from kings lynn . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos what time will you be departing and 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,Train-Request+Leave +bos i 'm leaving from kings lynn on sunday after 14:30 and arrive at cambridge . eos O O O O O O O O O B-Train-Inform+Leave O O O O O O N/A +bos tr5331 leaves kings lynn at 15:11 on friday and arrives in cambridge at 15:58. will this train work for you ? eos O O 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-Select +bos no . the train should leave on sunday as i said . eos O O O O O O O O B-Train-Inform+Day O O O O N/A +bos i have the tr2965 leaving kings lynn sunday at 15: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 B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos yes please . i need 7 seats . eos O O O O O O O B-Train-Inform+People O N/A +bos i have booked your seats , here is the information : booking was successful , the total fee is 54.88 gbp payable at the station .reference number is : 5c3sflv2 . 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 B-Train-OfferBooked+Ref O O O O O O N/A +bos i also need a cheap place to eat in the center 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 several listings . do you have a food preference ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food +bos no . could you pick something you like for me ? eos O O O O O O O O O O O O N/A +bos i would recommend the river bar steakhouse and grill , a modern european joint at quayside off bridge street . would you like to make 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 I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food 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 can you get me a table for 7 ? my group will probably head there at 17:00 on the same day . eos O O O O O O O O O B-Restaurant-Inform+People 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 booking was successful . the table will be reserved for 15 minutes . reference number is : 9atx95ag . 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 that is perfect . that is all i need today . eos O O O O O O O O O O O O N/A +bos okay , have a wonderful visit in cambridge ! eos O O O O O O O O O O general-bye +bos i was looking for a chinese place in cambridge . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos we have several chinese restaurants in the city center , is that where you were looking to eat ? 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 O O O O Restaurant-Request+Area +bos yes , the city centre was where i was planning to go . eos O O O O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos jingling noodle bar is my favorite ! it is moderately priced and in the centre . would you like to book a table ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O 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 O O O Booking-Inform +bos that would be fine i need the phone number , postcode and address 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 the address is 11 peas hill city centre cb23pp . the 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 O O O O B-Restaurant-Inform+Phone N/A +bos thanks ! i also need a train after 14:45 on saturday . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos ok , and where will you be traveling to ? eos O O O O O O O O O O O Train-Request+Dest +bos kings lynn to cambridge . eos O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos tr1031 leaves at 15:11. does 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 yes that works please book for 5 people . eos O O O O O O O O B-Train-Inform+People O N/A +bos you are set , reference number is 5s55128o , any other questions eos O O O O O O O B-Train-OfferBooked+Ref O O O O O N/A +bos no thanks . you were very helpful . until next time . goodbye . eos 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 hello ! can you help me find a particular restaurant ? eos O O O O O O O O O O O O Restaurant-Inform +bos sure , is there a particular cuisine you 're looking for ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos i am looking for the missing sock . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos the missing sock is located at finders corner newmarket road in the east . phone is 01223812660. 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 I-Restaurant-Inform+Addr O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Phone O N/A +bos can you book the missing sock for 5 people on monday at 17:45 ? eos O O O O O O O O O O O O O O O N/A +bos i sure can . if you bump your time back an hour there is a discount . would you be interested in that ? eos O O O O O O O O O B-Booking-Inform+Time I-Booking-Inform+Time I-Booking-Inform+Time O O O O O O O O O O O O O N/A +bos no thank you . can you try to keep it at 17:45 unless its unavailable . and can i get a reference number please . eos O O O O O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O O O O O O O O O Restaurant-Request+Ref +bos ok , all set . the table will be reserved for 15 minutes and your reference number is ut72j030 . 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 thanks , i also need a train departing from cambridge and going to london liverpool street and need to arrive by 17:30. eos 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 O O O B-Train-Inform+Arrive O N/A +bos will this be for monday also ? eos O O O O O O O O Train-Request+Day +bos yes , monday and please provide the price . eos O O O O O O O O O O Train-Request+Price +bos there are 49 train options and the price is 16.60 pounds . eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos as long as it arrives by 17:30 and meets the other criteria you can choose . eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O N/A +bos the first train leaves at 5:59. eos O O B-Train-Inform+Choice O O O B-Train-Inform+Leave N/A +bos that might be a little early . can you find something that arrives clsoer to 17:30 ? eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos tr3602 arrives at london liverpool street by 17:27 , if that is cutting it too close the next closest is tr1764 arriving by 15:27. eos 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 B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive I-Train-Inform+Arrive N/A +bos will you book it for me ? eos O O O O O O O O N/A +bos i would be happy to book for you , how many tickets will you need ? eos 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 ticket . eos O O O O O N/A +bos you are set , the total fee is 16.6 gbp payable at the station . reference number is : 7fgno098. , any other questions ? 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 general-reqmore +bos no , that will be all for me . thank you and have a nice day ! ! eos 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 enjoy your stay . eos O O O O O O O O general-bye +bos hi , can you please help me find a restaurant that serves kosher food ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos im sorry there are no places serving kosher food eos O O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food N/A +bos that 's alright . how about chinese food ? eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos yeah , there are a lot of options . was there a specific part of town or price range you were looking at ? 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 O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos i need it to be in the moderate range please . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos great , i have four options for you ! eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O N/A +bos cool , which one is the best ? eos O O O O O O O O O N/A +bos i like the golden wok . would you like a booking made . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos no thanks . i would like the area , address , and postcode please and i will 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 O O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Addr +bos the golden wok is located in the north part of town at 191 histon rd , chesterton . the postcode is cb43hl . 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+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 O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos i also need a train from cambridge to norwich . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos on which day do you want to travel ? eos O O O O O O O O O O Train-Request+Day +bos i need to leave monday and arrive by 21:30. eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos train tr3753 arrives at norwich at 09:55 , should i book that ? 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 Train-OfferBook +bos yes that should work , how much will that cost ? eos O O O O O O O O O O O O N/A +bos 17.60 pounds per person , also how many shall i book for ? eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-Request+People +bos that is all i need today thank you for your time . eos 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 hello , i 'm looking for a place to eat on the east . i prefer a restaurant that serves british food eos O 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 i see one option - grafton hotel restaurant , an expensive restaurant . would you like the address or to make a reservation ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O O Booking-Inform,general-reqmore +bos yes , please . for 15:45 on thursday . eos O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos how many people will there be in your party ? eos O O O O O O O O O O O Booking-Request+People +bos seven altogether . and i need to find a train leaving from cambridge too . eos O O O O O O O O O O O O B-Train-Inform+Depart O O O N/A +bos your table is reserved , reference # tqsyle3m . for the train , where will you be heading , and what day and time ? 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 Train-Request+Dest,Train-Request+Leave,Train-Request+Day +bos i need to get to the airport by 21:00 on friday . eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos the tr1110 could get you there by 20:08. do you want tickets ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos yes i will like tickets for 2 please . eos O O O O O O O O B-Train-Inform+People O N/A +bos you are set , the reference number is g9d4vf1v , your total is 20.02 , you will need to pay at the station , any other questions ? eos O O O O 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 O O O O O O general-reqmore +bos no , that would be all . eos O O O O O O O O N/A +bos thank you for calling cambridge towninfo centre , we were happy to help you explore our city . 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 general-bye,general-greet +bos bonjour , i need a 4 star hotel with free internet , please . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos alright , i have many options available for you to chose from . do you have a price range you 're looking for , or an area 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 O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos no , i do n't have a price range or area of town . eos O O O O O O O O O O O O O O O N/A +bos there are 21 places that meet your needs . would you like to narrow it down based on anything else , such as free parking or whether it 's a hotel or guesthouse ? 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+Parking,Hotel-Request+Type +bos yes , i would like free parking . i do n't care whether it 's a guesthouse or hotel , though . could you suggest a place ? 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 N/A +bos would you like 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 do n't care , a hotel or guesthouse . pick a good four star , with wifi and parking . i need to book for 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-Hotel-Inform+Day O O O O O O N/A +bos i have several choices . the acorn guest house has 4 stars , wifi and is moderately priced . how many nights and how many people will be staying ? eos O O O B-Hotel-Inform+Choice 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Hotel-Inform+Internet +bos great . i have 7 people and need it for 5 nights starting thursday . eos 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 wonderful . i have booked acorn guest house to meet your needs . the reference number is tdutd8dv . 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 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 welcome , enjoy your stay . eos O O O O O O O O O general-bye +bos i 'm looking for a place . i think it 's called like bridge house or bridge guesthouse or something . 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 you are looking for the bridge guest house eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos could you book it for 3 people and 4 nights starting from thursday ? 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 booking was unsuccessful . eos O O O O O Booking-NoBook +bos okay , book it for 4 nights starting saturday . eos O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos booking was successful.reference number is : epwuawm5 . eos O O O O O O O B-Booking-Book+Ref 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 our services . eos O O O O O O O O general-bye +bos i need a taxi to take me today to camboats eos O O O O O O O O O O B-Taxi-Inform+Dest N/A +bos okay , where is your departure site ? eos O O O O O O O O O Taxi-Request+Depart +bos kings hedges learner pool eos O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos great . and now i will just need a time from you please eos O O O O O O O O O O O O O O Booking-Request+Time +bos i want to arrive by 02:45. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos i have booked you a blue audi with contact number 07255776269. 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 fabulous . thanks so much for your help . bye ! eos O O O O O O O O O O O O general-bye +bos can i do anything else for you today ? eos O O O O O O O O O O general-reqmore +bos i 'm looking for a train please going to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O O N/A +bos 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 ? eos O O O O O 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 +bos i 'm looking for a train leaving from london liverpool street after 20:00 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+Leave O B-Train-Inform+Day O O N/A +bos how about train tr8373 that leaves at 21:39 ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O N/A +bos its ok. book for 8 people and help me get the 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 all right , that 's done . your reference number is 3s77wuwe . how else may i help 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 O general-reqmore +bos that was everything , thanks ! eos O O O O O O O general-thank +bos have a nice trip thank you . eos O O O O O O O O general-bye +bos i have just been robbed and i am seeking assistance eos O O O O O O O O O O O N/A +bos i am sorry to hear that . you can contact the police at 01223358966. the address is parkside , cambridge cb11jg . can i help you futher ? eos O O O O O O O O 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 general-thank +bos you are quite welcome , thanks for using our services . eos O O O O O O O O O O O O general-welcome +bos thank you.i am looking for a guest house .i am also looking for one that is rather cheap . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Price O N/A +bos i have 5 cheap guesthouses available . do you have any other requirements for location or amenities ? 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 Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet +bos the hotel does n't need to have free parking and should have a star of 3. eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars N/A +bos unfortunately , i could n't find a match . eos O O O O O O O O O O Hotel-NoOffer +bos advic me on any other option eos O O O O O O O N/A +bos would you like to try a hotel ? eos O O O O O O O O O Hotel-Request+Type +bos no , how about a moderate-price guesthouse , please . try that . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O N/A +bos hamilton lodge is a moderately priced guesthouse in the north with 3 stars and free wifi and parking . do you want to make reservations ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos can i just get the phone number instead please ? eos O O O O O O O O O O O Hotel-Request+Phone +bos of course . the hamilton lodge 's phone number is 01223365664. is there anything else you 'd like to know , or anything else i can help you with ? eos O 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 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 have a great day ! eos O O O O O O general-bye +bos i have been robbed and am looking for help . can you help me ? eos O O O O O O O O O O O O O O O O N/A +bos the nearest police station is located at parkside , cambridge and the 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 thank you very much for your help . eos O O O O O O O O O general-thank +bos i hope you get your belongings back . eos O O O O O O O O O general-welcome +bos actually , i ca n't find it on my phone . can you give me the postcode of the station ? eos 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 +bos absolutely ! the postcode is cb11jg ! eos O O O O O O O O N/A +bos great , have a good day eos O O O O O O O N/A +bos glad i could help bye eos O O O O O O general-bye +bos i need a taxi from bedouin that will leave after 20:00 eos O O O O O O B-Taxi-Inform+Depart O O O O B-Taxi-Inform+Leave N/A +bos i 'd be happy to help - what is your destination ? eos O O O O O O O O O O O O O Taxi-Request+Dest +bos stansted airport train station is the drop off location eos O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O N/A +bos i have booked a black tesla for you eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos i need a contact number please . eos O O O O O O O O N/A +bos the contact number is : 07720856341. eos 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 ? 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 general-thank +bos no problem . have a great day . eos O O O O O O O O O general-greet +bos i am looking for a restaurant . the restaurant should be in the centre and should serve persian food 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 N/A +bos i am sorry . there are no person food eateries in the centre . would you like to find a different type of food ? eos O O O O O O O B-Restaurant-NoOffer+Food O O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O O Restaurant-Request+Food +bos yes , i am looking for a moderate price range . eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i 'm sorry , we have no persian restaurants in the centre . eos O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O O N/A +bos what about modern european foods ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos riverside brasserie looks good . would you like a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos yes , i want a reservation for 8 people at 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 sorry , the restaurant does n't have any openings for that date and time . eos O O O O O O O O O O O O O O O O Booking-NoBook +bos ok. ill check latter eos O O O O O N/A +bos alright . have a good day . eos 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 no , but i need address and postcode for the hospital , please . eos O O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr +bos addenbrookes hospital 's address is hills rd , cambridge and their postcode is cb20qq . can i be of 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 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 have a great day ! eos O O O O O O general-bye +bos i am looking for a cheap place to stay that includes 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 ten different possible locations for you that are cheap and have free parking . is there anything else to narrow down your selection , such as area ? eos O 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 O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking +bos do any of those offer free wifi as well ? eos O O O O O O O O O O O N/A +bos yes , all of them include free wifi . 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 O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet +bos the area does not matter to me , but i need accommodations for 6 adults for 3 nights and 4 days beginning this sunday . eos 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+Stay O O B-Hotel-Inform+Day O O N/A +bos i 'm sorry but it looks like all the hotels are booked on those days . would you like to change the start date or 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 O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos would i be able to book for two nights ? eos O O O O O O O O O O O N/A +bos yes . i have you booked at alexander bed and breakfast for two night for 6 people starting on sunday . your reference number is mtxch8mn . 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 O B-Booking-Book+People O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O N/A +bos are there any nightclubs in the east side of town ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos there are no nightclubs in that part of town . would you like to try a different part of town ? eos 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 O O O O O O O O O Attraction-Request+Area +bos how about a museum in the east instead ? eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are four museums in that area : cambridge artworks , cambridge museum of technology , gallery at twelve a high street , and saint barnabas press gallery . do any of those sound interesting ? 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+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-Select +bos yes , may i have the phone numbers to those museums ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos sure . artworks is 01223902168 , museum of tech is 01223368650 , gallery is 01223295264 , and barnabas is 01223902116. 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 O O O O O N/A +bos thanks , that 's all i need today . goodbye ! eos O O O O O O O O O O O O general-bye +bos have a wonderful day ! eos O O O O O O general-greet +bos i 'd like a train from cambridge , please . eos O O O O O O B-Train-Inform+Depart O O O O N/A +bos i can help you with that . where will you be traveling to ? eos O O O O O O O O O O O O O O O Train-Request+Dest +bos i will be traveling to ely . eos O O O O O O B-Train-Inform+Dest O N/A +bos there is quite a number . which day do you want to travel ? eos O O O O O O O O O O O O O O O Train-Request+Day +bos i would like to go on thursday leaving after 19:45. eos O O O O O O O O O O O N/A +bos the tr1709 leaves at 5:50 , would you like me to book it ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos no , i need to find a train that leaves after 19:45 on thursday . can you help me with that ? 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 O O O O N/A +bos i have tr7979 that leaves thursday at 19:50 and arrives at 20:07. would you like me to book it ? eos O O O B-Train-Inform+Id I-Train-Inform+Id 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 Train-OfferBook +bos yes , for 6 please . eos O O O O B-Train-Inform+People O O N/A +bos your reservation is complete , with reference number 42pk9gm4 eos O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i would also like to look for a multo sports center in town too . eos O O O O O O O O O O O O O O O O N/A +bos there is just one . it is the cherry hinton village centre in the east . 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 B-Attraction-Inform+Area O O N/A +bos oh , well i really wanted to visit the centre . maybe you could find me a park instead ? one in the centre of town ? eos 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 N/A +bos cambridge university botanic gardens is the only park in the centre of town . would you like any further info on the park or 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 N/A +bos do you have their phone number ? eos O O O O O O O O Attraction-Request+Phone +bos yes , their phone is 01223336265. is there anything else you need assistance 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 no , thank you for all your help . i believe you helped with everything 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 O O general-bye +bos thank you and enjoy your stay . eos O O O O O O O O general-bye +bos i need to book a room at alexander bed and breakfast and also what restaurants are near there ? 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 N/A +bos let first take care of your room reservation . what days would you like to book your room ? i will check for availability . eos O O 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-Inform,general-greet +bos could i please get the address , hotel type , and phone number first ? eos O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Type,Hotel-Request+Addr +bos it is located at 56 saint barnabas road , it is a guesthouse , and the phone number is 01223525725. 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 B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Phone O O N/A +bos great ty so much . i was wondering if you can help me find a place to eat that serves italian 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-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O N/A +bos there is one place , shall i book it for you ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O Booking-Inform +bos is that restaurant in the cheap price range ? eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , it is da vinci pizzeria and is located at 20 milton road chesterton . is there anything else you need ? eos 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 O O O O O O O general-reqmore +bos i need to book for 1 people at 13:45 on sunday . remember the reference number 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 O Restaurant-Request+Ref +bos i have your table reserved . your reservation number is qyb6yhuq . 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 O general-bye +bos was there anything else you needed today ? eos O O O O O O O O O general-reqmore +bos i am going on a trip to cambridge and i would like a train leaving wednesday around noon . eos O O O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Day O O O N/A +bos sure . there are many options . where would you be departing from ? and do your prefer an 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 Train-Request+Depart,Train-Request+Arrive +bos it should depart from cambridge and arrive by 08:15 eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos ok great ! so that i can narrow down our results , can you tell me where you will be 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 Train-Request+Dest +bos yes , i am going to peterborough . eos O O O O O O B-Train-Inform+Dest O O N/A +bos tr3730 will arrive by 07:56 , would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , for four please . eos O O O O O O O N/A +bos i was able to book you 4 tickets for that train . your reference number is fd20ahtb . is there anything else i can assist you with today ? 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 O general-reqmore +bos yes . i 'd like some information on a particular attraction called little saint mary 's 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 I-Attraction-Inform+Name O O O O N/A +bos sure ! little saint mary 's church is in the centre of the city on little saint mary 's lane . the phone number is 01223366202. it has free admission . 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+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 B-Attraction-Inform+Fee O O O O N/A +bos thats perfect and what is the entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos there is n't an entrance fee for little saint mary 's church . is there anything else i can help you with today ? eos O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 general-reqmore +bos hes , can you provide me the postcode please ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode for little saint mary 's church is cb21qy . 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 N/A +bos and what type of attraction is it ? eos O O O O O O O O O Attraction-Request+Type +bos it is an architecture type attraction renowned for it 's stained glass windows . can i help with anything else ? 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 general-reqmore +bos no , you 've been very helpful . thank you . goodbye eos O O O O O O O O O O O O O general-bye +bos glad to help . 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 general-bye +bos i 'm looking for some modern european food . can you help me with that ? eos 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 absolutely , there are four listed in the centre and one in the south.will one of these 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 N/A +bos i 'm looking for one in centre that has a moderate price range . eos O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O N/A +bos you choice s between riverside brasserie and de luca cucina and bar . which one do you like eos 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 O O O N/A +bos i 'd like riverside brasserie please . can you book me a table for wednesday at 13:45 for 7 people please ? this sounds perfect . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos you 're all booked . your reference number is 3mipu28b . can i assist you further ? 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 what is the postcode ? eos O O O O O O Attraction-Request+Post +bos the post code is cb21rt . will that be all today ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O general-reqmore +bos i 'm also looking for an architecture attraction near the restaurant . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos fortunately , there are four churches plus an old schools which are well-known for architecture . would you like more information ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O O O O O O O general-reqmore +bos what is the postcode for the old school ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Post +bos the postcode is cb21tt eos O O O O B-Attraction-Inform+Post N/A +bos could you tell me the name of that architecture attraction , please ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos old schools is both the name and description of the attraction . it 's very popular . may i help with something else ? 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 O O general-reqmore +bos i will need a taxi between them so i get to the restaurant in time . eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos booked car type : yellow fordcontact number : 07750272488they will pick you up at old school and get you to the restaurant . is there anything else i can help with ? eos 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 B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest O O O O O O O O O O general-reqmore +bos that is all i need , thank you good bye . eos O O O O O O O O O O O O general-bye +bos you 're welcome and enjoy your stay . eos 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 with that . what do you want to know ? eos O O O O O O O O O O O O O O O O general-greet,general-reqmore +bos i need a train that leaves on monday heading to cambridge . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A +bos sure ! there are 202 trains heading into cambridge on monday . do you have a particular departure location ? eos O 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 Train-Request+Depart,general-greet +bos yes , i 'm heading in from stevenage . i really want to arrive in cambridge by 19:00. eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A +bos tr5825 arrives in cambridge at 16:43. would you like me to book a ticket ? 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 Train-OfferBook +bos i actually need a place to stay with free wifi with a 4 star rating . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos i found 21 different hotels that are 4 stars and have free internet . is there a particular area you would like for me to check ? 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 O O O O Hotel-Request+Area,Hotel-Inform+Internet +bos area does not matter . eos O O O O O O N/A +bos due to the number of places matching your description , i 'd like to narrow the results down . what is your price range 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 O O B-Hotel-Select+Type I-Hotel-Select+Type O O O Hotel-Request+Price,general-greet +bos how about a 4 star , moderately priced hotel ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O O N/A +bos i 'm sorry there are no results for 4 star hotels with free internet in the moderate price range . would a guesthouse be suitable for you ? eos O 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-NoOffer+Price I-Hotel-NoOffer+Price O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O Hotel-NoOffer+Internet +bos yes , a guesthouse is fine . eos O O O B-Hotel-Inform+Type O O O O N/A +bos will you need parking while you 're there ? eos O O O O O O O O O O Hotel-Request+Parking +bos yes i will need a parking and i want to book for four nights for seven people starting from the day of our arrival . 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 N/A +bos please specify the area of town 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 i do n't have a preference as to the area . eos O O O O O O O O O O O O N/A +bos i have booked you a room at the acorn guest house , i think you 'll like it . reference number is : 5epgq1mr . 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 O B-Booking-Book+Ref O O O N/A +bos awesome , thanks for the help . eos O O O O O O O O general-thank +bos not a problem ! anything else i can help you with ? eos O O O O O O O O O O O O O general-greet,general-reqmore +bos no , that should be it . 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 i appreciate you our customer eos O O O O O O general-greet +bos i do n't take that for granted . thanks eos O O O O O O O O O O general-thank +bos i hope you have a wonderful stay , and please feel free to holler if you need 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 general-bye,general-greet +bos i 'm going to be in cambridge for 4 days and need a place to stay in the south with free wifi . i do n't need parking . 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 O N/A +bos no i am so 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 O O O Hotel-NoOffer +bos how about a guesthouse and it does n't need to have free parking . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos i 'm still not able to get any results . can we try a new search ? eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer +bos yes 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 how about a and b guest house ? it 's located in the east . 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 B-Hotel-Inform+Area O O O N/A +bos sure , could you book it for 7 people for 5 nights starting tuesday ? thanks so much . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay B-Hotel-Inform+Name B-Hotel-Inform+Day I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos your booking was successful . your reference number is 79tpbidu . 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 no , i think that 's it ! thanks for your helpful searches ! eos O O O O O O O O O O O O O O O general-thank +bos of course , happy to help ! eos O O O O O O O O general-welcome +bos hi . can you help me find a moderately priced restaurant ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O Train-Request+Price +bos there are a variety of moderately priced restaurant in what area do you prefer ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Area +bos i was thinking somewhere in the centre of town . eos O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos how about the oak bistro ? it looks lovely eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos ok , that sounds good , i need to book a table at 18:00 on tuesday for 6 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 O O O N/A +bos your table is reserved , reference # 9sjwcxza . can i be of any further assistance 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 can you also find me a train that goes to peterborough on wednesday ? i need to arrive by 10:45. eos 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 B-Train-Inform+Arrive O N/A +bos what time would you like to leave at ? i have 5 trains leaving between 5:06 and 7:06. eos O O O O O O O O O O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Leave Train-Request+Leave +bos which train arrives closest to 10:45 ? i do n't want to wait around too long after i arrive . 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 N/A +bos where are you travelling from ? eos O O O O O O O Train-Request+Depart +bos departure from cambridge . eos O O O B-Train-Inform+Depart O N/A +bos the tr0467 leaves at 9:34 and arrives at 10:24. the cost is 16.50 pounds . does this work 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O N/A +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 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 i would like to visit an attraction in the west area of town ? 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 help with that . what kind of attraction were you intersted in ? eos 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 places to go in town in the west and i need the postcode , entrance fee and phone number . 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos queens ' college costs 2.50 pounds . their phone number and postcode are 01223335511 and cb39et0 . do you need anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos yes please . i also need a restaurant for a nice , expensive meal . near the college , at least 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 O O N/A +bos we have several available . 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 Restaurant-Request+Food +bos i have heard a lot about molecular gastronomy food and want to try it , any places like that around ? 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 we dont have such a place around . can i suggest a good place ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos if there is no such restaurant , how about one that serves european food eos O O O O O O O O O O O O B-Restaurant-Inform+Name O O N/A +bos unfortunatley , i could n't find european food . eos O O O O O B-Restaurant-NoOffer+Food O O O O N/A +bos just give me your best picks eos O O O O O O O N/A +bos how about a french restaurant ? eos O O O O B-Restaurant-Select+Food O O N/A +bos yes , please also make a reservation for 8 people . eos O O O O O O O O O B-Restaurant-Inform+People O O N/A +bos sure , what day a time do you want your reservation ? eos O O O O O O O O O O O O O Booking-Request+Day +bos monday at 11:45 please . eos O O O O O O N/A +bos i have restaurant two two in the north of town and cote in the centre . which would you prefer ? 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+Area I-Restaurant-Inform+Area O O O O O Restaurant-Select +bos sorry , did you not understand me earlier ? i said the restaurant needs to be in the same area as the attraction . neither of those are 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 B-Attraction-Inform+Area O O O O N/A +bos cambridge lodge restaurant will suit your needs and is located in the west . i 'm sorry about before , there must have been something wrong with my computer . can i 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 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 Booking-Inform +bos please . to reiterate - i need a table for 8 on monday at 11: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 O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 5kfvokbo . 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 - and sorry for any confusion . i appreciate your patience . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos no worries , goodbye . eos O O O O O O general-bye +bos 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 cambridge university botanic gardens . eos O O 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 O O O O N/A +bos that sounds like an exciting trip ! cambridge university botanic gardens is located in the centre of town on bateman street . its admission fee is 4 pounds . 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 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O general-greet +bos that sounds perfect for what i am looking for . can you tell me what type of attraction that is considered ? 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 there is a beautiful park uniquely decorated with well scented flowers i bet you might have never seen . do you want to buy an entrance ticket for that ? 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 O O O O O O Attraction-Select +bos uh ... no thanks . can you help me find a train going to stevenage ? eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos where you will be traveling from and when would you like to leave ? eos O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart +bos the train should leave after 09:30. depart from cambridge and should leave on tuesday eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Depart O O O O N/A +bos the earliest train after that time is tr6009 . it departs at 11:21 and arrives in stevenage at 12:10. would that work or do you prefer a later train ? eos 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+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O N/A +bos that sounds fine . how long will the travel time be ? eos O O O O O O O O O O O O O Train-Request+Duration +bos the travel time is 49 minutes . would you like a ticket ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O Train-OfferBook +bos yes , please book me a round trip ticket and can you locate a cheap diner . 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 food would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos i do not need a ticket booked . i do not 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 are you sure you do n't need anything else ? eos 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 ok. thank you and goodbye eos O O O O O O general-welcome,general-bye +bos i 'm bored and need to venture out into the centre . what should i absolutely go see ? eos 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 lots of museums , colleges , and churches to visit eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O N/A +bos what kind of museums are offered in that area ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are 11 museums in the centre of town . they are all free to enter . 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 N/A +bos perfect . i also need a train that goes to cambridge and arrives by 20: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 can i ask where you 're departing from and what day ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos departing from peterborough and going to cambridge . eos O O O O O O O O O N/A +bos there are quite a few trains all week that could fit your needs . which specific day are needing so we can narrow these down a bit . eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O 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 Train-Request+Day +bos i 'll be travelling on wednesday eos O O O O O B-Train-Inform+Day O N/A +bos tra tr0922 leaves at 13:17 and you will arrive by 14 : l08 that is the latest one , can i book it for you ? eos O O B-Train-Inform+Id 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 Train-OfferBook +bos may i have the price ? eos O O O O O O O Train-Request+Price +bos the fare is 23.60 pounds eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos how long is the train ride from peterborough to cambridge , please ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A +bos the trip will last 50 minutes eos O O O O O O B-Train-Inform+Time N/A +bos thanks , that 's it for today . goodbye ! eos O O O O O O O O O O O general-bye +bos did you want reservations ? eos O O O O O O Train-OfferBook +bos i 'd like to find a moderately priced italian restaurant . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos there are a few to choose from . are you looking for pizza or more of a varied italian fare ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i would like more varied italian fare , please . eos O O O O O O O O O O O N/A +bos well then i would recommend prezzo in the west that is also moderately priced . eos O O O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O Restaurant-Inform +bos i rather eat somewhere in the centre of town . eos O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos pizza express serves italian 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 O B-Restaurant-Inform+Price O O N/A +bos please find a place to eat in the moderate price range in the north . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos there are two great restaurants to choose from . one is a chinese restaurant and on is a indian resaurant . do you have a preference ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Select +bos let 's go with indian . can you book me a table for thursday at 14:00 for 8 people ? eos O O O O B-Restaurant-Inform+Food 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 N/A +bos your table at the nirala will be reserved for 15 minutes . the reference number is am8rphxf . 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 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 boat attraction to visit near the restaurant . eos 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 riverboat georgina boat attraction in postcode cb43ax . do you want to book a seat ? eos O O O O 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 Booking-Inform +bos book me a seat get phone number and entrance fee cost . i need a taxi that will arrive at the restaurant and take me to the boat 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 B-Attraction-Inform+Type O O O Attraction-Request+Phone,Attraction-Request+Fee +bos unfortunately bookings are not avialable , but the phone is 01223902091 and the price is unavailable . what time would you like the taxi for ? eos O O O O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee O O O O O O O O O O O Taxi-Request+Leave,Booking-NoBook +bos i want the taxi to arrive at the restaurant in time for my reservation at 14:00. please tell me the car type and contact number for my taxi too . 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 Taxi-Request+Car +bos i have booked a yellow volvo . the number to reach them is 07941084568. was there anything else you needed 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 O general-reqmore +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 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 need a place to eat , modern euro food at the centre . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos there are 4 modern european places in the centre . which price range is best for you ? 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 Restaurant-Request+Price +bos if you could recommend the best one , that would be great . eos O O O O O O O O O O O O O O N/A +bos i believe darrys cookhouse and wine shop is popular . it is at 40270 king street city centre . can i make you 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 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 ok great i also need a train that departs from broxbourne and should leave after 15:00 eos O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave N/A +bos which day would you be traveling ? eos O O O O O O O O Train-Request+Day +bos i 'd like to arrive in cambridge on wednesday if possible . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O N/A +bos train tr5972 departs broxbourne on wednesday at 15:32 and arrives by 16:32. would you like to buy a ticket ? 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+Arrive O O O O O O O O Train-OfferBook +bos not at this time , thanks . but i appreciate the information . that 's all 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 general-bye +bos you 're welcome , 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 place serving spanish food somewhere in town . eos 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 , both of which are in the town center . la raza is rated cheap , la tasca is rated moderately priced . please choose one of those options . eos O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 I-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Select +bos i do n't have a preference , please make a suggestion . eos O O O O O O O O O O O O O N/A +bos la raza serves spanish food , is located in the centre part of town and is in the cheap price range . would you like more information for them ? eos O 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 O O O B-Restaurant-Inform+Price O O O O O O O O O O O O general-reqmore +bos i will go to la tasca . what is their phone number ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos la tasca 's phone number is 01223 464630. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 thank you for choosing our system . good bye eos O O O O O O O O O O general-bye +bos could you help me locate a restaurant in the east area of town ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos absolutely , there are quite a few restaurants . can you help me by specifying what type of food you 're 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 O O O O O Restaurant-Request+Food +bos i am interested in an expensive restaurant . see what 's available , and maybe i can choose from there . 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 O N/A +bos i have five places , what type would you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos italian would be great . i also need a train to cambridge that arrives on tuesday by 15:30. eos O B-Restaurant-Inform+Food O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O B-Train-Inform+Arrive N/A +bos there are no italian places to dine , is there another food you would prefer before we book the train ? eos 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 Restaurant-Request+Food +bos any expensive restaurant will suffice . reserve it for 8 people at 18:30 on tuesday and i 'll need the reservation number please . eos O O B-Restaurant-Inform+Price O O O O O O O B-Train-Inform+People O B-Restaurant-Inform+Time O B-Train-Inform+Day 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 : 51veerac . 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 to cambridge departing from stevenage . eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O 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 'll be traveling tuesday , and need it booked for 8. could i also get the reference number for that as well ? eos 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 O N/A +bos the first train leaves stevenage at 05:54 and every two hours thereafter until the last train at 23:54. what time would you like to leave or arrive ? eos 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 O O Train-Request+Leave,Train-Request+Arrive +bos anytime would be great , i 'd like to book it for the same number of people as my 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 ok , i 've booked your party on tr0517 , it leaves at 11:54. reference number is iayfj8si . total is 102.4 gbp payable at the station . anything else i can do ? eos 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 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 reference number is iayfj8si , that will be all eos O 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 'm looking for a guesthouse in the north . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos there are 11 guesthouses in the north . is there a specific price range your looking for ? 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 Hotel-Request+Price +bos it should have a moderate price and i do n't care about free parking . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos we have 9 moderately priced guesthouses in the north . do you need need free internet ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Request+Internet +bos i do n't need it but do they offer it ? also , can you provide me with the address . 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 8 that include free wifi with a room . would you like information on one of those ? 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-Select,Hotel-Inform+Internet +bos yes please . i would like the address . eos O O O O O O O O O O Hotel-Request+Addr +bos acorn guest house is located at 154 chesterton road . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr N/A +bos great . i am also looking for a restaurant that is 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 O O O N/A +bos there are 5 restaurants in the same area , are you looking for a specific type of food or price range ? 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 Restaurant-Request+Food,Restaurant-Request+Price +bos north indian , please , and moderately priced . eos O B-Restaurant-Inform+Area I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O N/A +bos unfortunately , i do n't have anything serving north indian food . is there another cuisine type i can find for you ? 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 O Restaurant-Request+Food +bos how about indian food by itself ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos there is the nirala that serves indian food would you like me to book that ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O O O O Booking-Inform +bos yes please and may i have the address and phone number . i would also like to book a taxi to get 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 Taxi-Request+Phone,Restaurant-Request+Addr +bos nirala is located at 7 milton road chesterton . i need a little more information to book a reservation . how many in your party and did you have a time in mind ? 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 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 do n't need to book the restaurant . i do need a taxi to pick me up from the restaurant and take me back to the 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 O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos i need to know what time you need the taxi at ? eos O O O O O O O O O O O O O Taxi-Request+Leave +bos i need to leave the restaurant by 17:45. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos i was able to book a yellow volkswagen , phone number is 07242504396. 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 , that will be all for me this time . eos 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 hi there . i 've heard great things about the grafton hotel restaurant . can you find me some details 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 O O O O N/A +bos i can do that . the grafton hotel restaurant is located in the east area , it serves british and is in the expensive price range . 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O N/A +bos can i get their phone number please ? eos O O O O O O O O O Restaurant-Request+Phone +bos of course . the phone number is 01223241387. do you need anything else ? eos O O O O O O O O B-Restaurant-Inform+Phone O O O O O O general-reqmore +bos i also need information about a train leaving from leicester . eos O O O O O O O O O O B-Train-Inform+Depart O N/A +bos there are 133 trains leaving leicester . can you be more specific ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O O O O O O O N/A +bos yes . i need a train going to cambridge leaving after 19:15. eos O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O N/A +bos there are several trains departing from leicester heading to cambridge after 19:15. what day would you like to leave ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Leave 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 narrowed the selection down to 4 trains . arrival times are 21:54 , 22:54 , 23:54 , and 24:54. what time would you prefer ? eos O O O O O O O O O B-Train-Inform+Choice O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O Train-Select +bos the 21:54 one , what 's it 's id and travel time ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos the id is tr2292 and has a travel time of 105 minutes . eos O O O O B-Train-Inform+Id O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos what 's the arrival time for that ? eos O O O O O O O O O Train-Request+Arrive +bos the tr2292 departs leicester at 20:09 and arrives in cambridge at 21:54 , for a trip duration of 105 minutes . 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 B-Train-Inform+Time I-Train-Inform+Time O N/A +bos okay thank you . that will be fine . 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 , that is all . have a nice day . eos O O O O O O O O O O O O N/A +bos thank you for contacting us and enjoy your visit . eos O O O O O O O O O O O general-bye +bos i 'm looking for european restaurant in the centre . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos i see there are several , can you make a recommendation ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O general-reqmore +bos i have n't tried any in that area before . what would you suggest ? eos O O O O O O O O O O O O O O O O N/A +bos i have the eraina that is expensive or the riverside brasserie which is in the moderate range . 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price N/A +bos can i get the phone number and postcode for eraina , please ? eos 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 01223368786 , and postcode is cb23rh . eos O O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O N/A +bos i also need a cheap place to stay , with free wifi . eos O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos i have about 10 different options . to help narrow it down , do you prefer a certain area of town 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 Hotel-Request+Area +bos the same area as the restaurant and i prefer a guesthouse . eos O O O O O O O O O O O O O N/A +bos there are 2 guesthouses that match your specifications . the alexander bed and breakfast has 4 stars , and el shaddai has 0. would you like to book one of these ? eos O O O O B-Hotel-Inform+Type 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+Stars I-Hotel-Inform+Stars O O O O O O O O O Booking-Inform,Hotel-Select +bos i would like to book the alexander bed and breakfast eos O O O O O O O O O O O N/A +bos i can help you with that . how many people should i book it for ? 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 Booking-Request+People,Booking-Request+Stay +bos it will be for six people for 4 nights starting on monday . eos O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos you booking if successful , the reference number is ihxz0b9o , 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 yes 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 Taxi-Inform +bos i can do that , what time would you like that done . eos O O O O O O O O O O O O O O Taxi-Request+Leave +bos i would like to be picked up at the restaurant by 16:30. eos O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos i have booked a taxi for you . it is a red volkswagen , contact number 07105298211 , and it will pick you up at riverside brasserie at 16:30. 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+Phone O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O 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 today ? eos O O O O O O O O O O N/A +bos i 'm sorry but i will be dining at the eraina restaurant . can you have the same taxi pick me up there instead ? eos O O 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 N/A +bos my apologies ! i 've changed your taxi booking : picking up : eraina and drop off : alexander b and b , leaving at 16:30. your car will be a white honda , contact number 07834851292. eos O O O O O O O O O O B-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Leave 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 awesome . that 's all i need thanks . eos O O O O O O O O O O general-thank +bos thank you and enjoy your visit . goodbye . eos O O O O O O O O O O general-bye +bos i 'm in the city centre right now , and i 'm really craving some indian food . can you help me find a place ? eos O O O O O B-Restaurant-Inform+Area 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 can recommend several options , but it depends upon the price range you are looking for ? eos O O O O B-Restaurant-Recommend+Choice O O O O O O O O O O O O O O Restaurant-Request+Price +bos i 'm looking for some good , cheap food . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are 3 cheap indian restaurants in the city centre : kohinoor , the gandhi , and mahal of cambridge . do any of these sound good ? eos O 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 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 general-reqmore +bos yes , wonderful book a table for 4 on 18:45 thursday at any one of those places . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O O O O O N/A +bos they are all booked for that time frame . 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 Booking-NoBook,Booking-Request+Time +bos can you try 17:45 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos your booking was successful at the kohinoor for thursday at 17:45. may i help you with anything else today ? eos O O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O general-reqmore +bos can i please get the reference number ? eos O O O O O O O O O Restaurant-Request+Ref +bos that would be t91t1imx . what else can i help you with ? eos O O O O B-Restaurant-Inform+Ref O O O O O O O O O general-reqmore +bos thanks . i also need to find a train going to cambridge on thursday . i need to arrive by 9:15. 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 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 will be departing from broxbourne eos O O O O O O O N/A +bos i have the tr5496 arriving by 08:32. would you like me to book you passage ? eos O O O 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 only need the train 's departure time and travel time . eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos okay . the tr5496 leaves broxbourne at 07:32 and travels for 60 minutes , arriving in cambridge at 08:32. is there anything else i can help you with ? eos O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O general-reqmore +bos can you verify that the train is departing on thursday ? eos O O O O O O O O O O B-Train-Inform+Day O N/A +bos yes , it is . 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 Train-Inform,general-reqmore +bos no thanks . that does it . have a nice night . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos good night to you too , and goodbye . eos O O O O O O O O O O general-bye +bos i am looking for train schedules 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 i have 133 results for trains departing cambridge to norwich . what day will you be traveling ? eos 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 Train-Request+Day +bos i need to leave on tuesday after 19:00. what do you have ? eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O N/A +bos i have one leaving at 19:36. would you like more info on this train ? eos O O O O O O B-Train-Inform+Leave O O O O O O O O O general-reqmore +bos yeah that one would work . could you book it for 2 people for me ? eos O O O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos i have booked 2 tickets on tr0821 for tuesday . reference number lvktjiqn . is there anything else i can help you with today ? eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Day O O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos great . are there any cinemas in town that you could recommend ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are 2 i would suggest , cineworld cinema in the south area and vue cinema in the centre area , would you like more info on either ? 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 O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O Attraction-Select,general-reqmore +bos yes , pleas send me the address and postcode on both . eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos cineworld cinema is located at cambridge leisure park , clifton way , cb17dy . vue cinema is located at the grafton centre , east road , cb11ps . 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O N/A +bos ok 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 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 i 'm looking for an expensive british restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos there are quite a few british restaurants . what area of the city would you like to dine in ? eos 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 Restaurant-Request+Area +bos i would like something in the west , if possible . eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos of course , the travellers rest is in the west at huntingdon road city centre . 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 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 O O O O Booking-Inform +bos yes , please . i need a table for 3 at 18: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 N/A +bos your booking was successful . the table will be reserved for 15 minutes and your reference number is s1nj8gac . 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 N/A +bos i also need a place to stay , the hotel should also be the west area . eos O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O N/A +bos what price range do you prefer ? eos O O O O O O O O Hotel-Request+Price +bos moderately priced if possible . eos O B-Hotel-Inform+Price O O O O N/A +bos the only moderately priced place in the west is hobsons house guesthouse . eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Area O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos that sounds good , can you book me for that ? eos O O O O O O O O O O O O N/A +bos sure , what day do you want to start your stay , 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 O O O O O Booking-Request+Day,Booking-Request+Stay +bos for 3 people and for 2 nights , starting on tuesday . eos O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A +bos i 'm sorry , they do n't have the availability . would you like me to try a different 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos i could also look up a different part of town if you like ? eos O O O O O O O O O O O O O O O N/A +bos i 'm sorry , i tried several other moderately priced hotels in other areas and none of them could accommodate you . would you be able to travel on another day ? eos 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 O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos how about an expensive one instead ? eos O O O O B-Hotel-Inform+Price O O O N/A +bos how about the huntingdon marriott hotel ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos that sounds like a nice hotel . is that located in the west ? if it is , i would want to book a room there . eos 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 O O O O O N/A +bos yes , it is indeed in the west . eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos i need to book it for the same groups , same day as we eat out . eos O O O O O O O O O O O O O O O O O O N/A +bos okay , great . your reservation is booked ! the reference number is s1nj8gac . eos O O O O O O O O O O O B-Booking-Book+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 may i help you with anything else for your stay ? eos O O O O O O O O O O O O general-reqmore +bos no thank you , you were fantastic ! thank you for all the help . eos 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 wonderful trip ! 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 in cambridge eos O O O O O O O B-Train-Inform+Dest N/A +bos would you like to come by bus , or train ? eos O O O O O O O O O O O O general-reqmore +bos i 'm actually looking for a particular 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 O N/A +bos yes nice place . did you need any info on it ? eos O O O O O O O O O O O O O general-reqmore +bos what type of attraction is that ? eos O O O O O O O O Attraction-Request+Type +bos it 's a museum . will that be all ? eos O O O B-Attraction-Inform+Type O O O O O O O general-reqmore +bos thanks . i do actually need help finding a train . i want to go to london kings cross on monday . 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 B-Train-Inform+Day O N/A +bos okay , and what time would you like to leave ? eos O O O O O O O O O O O O Train-Request+Leave +bos i would like to depart cambridge after 13:30. eos O O O O O O O O B-Train-Inform+Leave N/A +bos how many tickets please ? eos O O O O O O Train-Request+People +bos i 'll need tickets for 4 people . can i have the reference number please ? 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 your train booking for 4 on the tr6028 was successful . your reference number is : ig9gl7ff . is there anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 naw i 'm good thanks eos O O O O O O general-thank +bos well , have a great day . eos O O O O O O O O general-bye +bos likewise , thanks very much ! eos O O O O O O O general-thank +bos you are very welcome , it was a pleasure helping you . goodbye . 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 attraction called cambridge artworks . do you have any information on 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 N/A +bos sure thing ! the entrance is free ! it is located at 5 greens road in postcode cb13ef . eos O O O O O O B-Attraction-Inform+Fee 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 N/A +bos do you have their phone number ? eos O O O O O O O O Attraction-Request+Phone +bos sure , the phone number is 01223902168. can i help with anything else ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos no , i think that is good . thanks for your help and have a nice day . 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 wonderful day and enjoy your trip to cambridge artworks ! eos O O O O O O O O O O O O O general-bye +bos okay . thank you for all your help . eos O O O O O O O O O O general-thank +bos you are welcome . thank you for contacting the help desk , 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 yes please . can you tell me where addenbrookes hospital is ? eos O O O O O O O O O O O O O Hospital-Inform +bos addenbrookes is located on hills rd , cambridge . do you also need the postcode or 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 i need the address , phone number , and postcode . eos O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone +bos their postcode is cb20qq and phone number is 01223245151. can i help with anything else ? eos O O O O O O O O O O O O O O O O O N/A +bos do you have their full street address ? eos O O O O O O O O O Hospital-Request+Addr +bos address : hills rd , cambridge 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 ! 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 that was all . thanks 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 i 'm looking for 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 hello , i have a bunch of options for you . do you have a specific area or price range you are interested in ? 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 O Restaurant-Request+Area,Restaurant-Request+Price +bos i am looking for an indian restaurant in the west . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos what price range are you interested in ? eos 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O N/A +bos maharajah tandoori restaurant on 41518 castle street city centre is a good fit for you . eos 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O N/A +bos i 'm looking for the addenbrookes hospital . eos O O O O O O O O O Hospital-Inform +bos thank you . can i direct you to a specific department ? eos O O O O O O O O O O O O O general-reqmore +bos the cambridge eye unit department . eos O O O B-Hospital-Inform+Department I-Hospital-Inform+Department I-Hospital-Inform+Department O N/A +bos the phone number for the cambridge eye unit is 01223245151. 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 N/A +bos yes , can i have the address ? eos O O O O O O O O O Hospital-Request+Addr +bos addenbrookes hospital is located at hills rd , cambridge , postcode 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 N/A +bos no . thank you very much for your help today . eos 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 need to book a taxi from the junction and i need to arrive by 04:00. eos 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+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 need picked up at the junction , i will be going to regency gallery . eos 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 booking completed ! booked car type : yellow skodacontact number : 07606313194 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 hi , i just had a fight with someone regarding an automobile accident we had and i need to contact 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 O Police-Inform +bos i have the parkside cambridge police telephone 01223358966. eos O O O O O O O O O N/A +bos can i get the zip code or postal code for the area i 'm in right now ? eos O O O O O O O O O O O O O O O O O O O Police-Request+Post +bos i 'm not sure where you are , but the police postcode is cb11jg . eos 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 always welcome . at your service eos O O O O O O O general-greet +bos i need a tax going to tang chinese . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos sure , where are you coming from ? eos O O O O O O O O O Taxi-Request+Depart +bos i 'll be coming from whale of a time eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos i can help you with that booking , what time are you wanting to leave/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 need to arrive by 05:15. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos okay i have a grey lexus and the contact number is 07087526103. anything else i can help you with ? 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 O O O O O O O O general-reqmore +bos nothing else right now . thanks for the booking . goodbye . eos O O O O O O O O O O O O O general-bye +bos happy to help ! eos O O O O O general-greet +bos i need medical treatment . eos O O O O O O N/A +bos you can reach addenbrookes hospital at phone number 01223245151 , and they are located at hills rd , cambridge , postcode 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 O O N/A +bos no thank you . eos O O O O O general-thank +bos thank you is there anything else eos 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 . enjoy your day . eos O O O O O O O O O general-bye +bos am looking for the addenbrookes hospital eos O O O O O O O Hospital-Inform +bos addenbrookes hospital is located on hills rd , cambridge . is there a particular department you 'd like the 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 N/A +bos no , but do you have the postal code by any chance ? eos O O O O O O O O O O O O O O Hospital-Request+Post +bos the postal 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 N/A +bos no , that 's all . good bye . eos O O O O O O O O O O general-bye +bos you are welcome . goodbye . eos O O O O O O O general-bye +bos i will be in the south this week and know i will want to catch a movie , what cinema 's are in that area ? 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 O O O O O O O N/A +bos there is a great cinema on the south side called cineworld cinema . the are located at cambridge leisure park , clifton way . their phone number is 00872208000. is there anything else ? 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 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 yes , what is the postcode ? is there an admission fee ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb17dy , and it looks like there is n't an admission fee . is there anything else you 'd like to know ? eos 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 O O O O O O O O O O general-reqmore +bos can i also get a train leaving after 16:45 on sunday ? eos O O O O O O O O O O O B-Train-Inform+Day O N/A +bos i also need your departure and arrival cities please . eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos the arrival city is obviously going to be cambridge ... ... i 'll be coming from duxford eos O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Depart O O N/A +bos i 'm sorry , there are no train departures from duxford that match your criteria . can you leave at another day or time ? eos O O O O O O O O O B-Train-NoOffer+Depart O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i 'm sorry . i 'd be departing from cambridge to norwich . can you double check that ? 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 N/A +bos train tr1975 meets your criteria , can i book something for you ? eos O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook +bos yes can you book that for me please ? eos O O O O O O O O O O N/A +bos 1 ticket , reference # is 4ahioulb . anything else ? eos O O O O O O B-Train-OfferBooked+Ref 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 general-thank +bos well i am glad to help enjoy your stay eos O O O O O O O O O O general-welcome +bos thank you so much . you have been a huge help . eos O O O O O O O O O O O O O general-thank +bos you 're very welcome . good bye . eos O O O O O O O O O general-welcome,general-bye +bos i 'm in the mood for some fusion food . please find me an expensive restaurant that serves it eos O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos i 'm afraid that we do n't have any fusion restaurants in town , unfortunately . is there another type of food that you might like ? 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 O Restaurant-Request+Food +bos ok. what about a restaurant serving mediterranean food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos we have two in the centre of town , shiraz restaurant and la mimosa . do you require more information or do you want to reserve a table at one ? 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 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 can i get the postcode and phone number of shiraz restaurant ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O Restaurant-Request+Post,Restaurant-Request+Phone +bos the post code for shiraz restaurant is cb21dp and the phone number is 01223307581. eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone N/A +bos thank you ! i 'm also looking for a train that will take me to bishops stortford by 15:15. 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+Arrive O O N/A +bos okay what day would you like to travel ? eos O 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 tr8585 departs at 13:29 and arrives by 14:07. 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 yes , i would like to book five tickets , may i please have a 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 booking was successful . reference number is : blzulwir . eos O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks . nothing further . eos O O O O O O general-thank +bos thank you for calling . 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 hotel called city centre north b and b 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 I-Hotel-Inform+Name O N/A +bos may i help set a booking for you ? eos 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-Request+Parking +bos they offer parking but i am unsure if it is free , but their phone number is 01223312843 if you 'd like to call and check with them . eos O O O 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 O O O Hotel-Inform+Parking +bos hmm . okay . could you help me find a train ? i need to leave on sunday . eos 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 and when would you like to leave by ? eos O O O O O O O O O O Train-Request+Leave +bos i want to leave on sunday and arrive by 14:00. eos O O O O O O O O O O B-Train-Inform+Arrive N/A +bos where are you traveling from and to ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am traveling to cambridge from broxbourne . eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest N/A +bos tr2939 will leave at 12:01 and arrive at 13:01. would you like 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 can you help me find a place in the north where i can stay ? eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos sure i have 5 guest houses all in the moderate price range . when is your stay ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O O O O O O Booking-Request+Day +bos do any of them have a four star rating ? eos O O O O O O O O O O O N/A +bos yes , actually they all have 4 star ratings , do you need parking ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Request+Parking +bos yes , i 'd like to book one that offers parking please . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O N/A +bos kirkwood house is a lovely place i would recommend . what day will you be checking in , how long will you be staying , and how many people will it be for ? 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 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 actually just need information on the kirkwood house . what is the 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 Hotel-Request+Post,Hotel-Request+Phone +bos okay , the postcode is cb41da and the phone number is 01223306283. eos 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 i am also looking for a restaurant to book for friday eos O O O O O O O O O O O B-Restaurant-Inform+Day N/A +bos i have 5 different restaurants i can give you some information for . they are all pretty good . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O O N/A +bos i am looking to eat indian . eos O O O O O O B-Restaurant-Inform+Food O N/A +bos there are more than five restaurants in cambridge , lol . disregard my last statement . there are 22 indian restaurants any preference on price or area ? 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 O O O Restaurant-Request+Price,Restaurant-Request+Area +bos i would like it to be in the north as well . eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos how about the royal spice restaurant or the nirala , which both are located in the north . eos 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 B-Restaurant-Select+Area O O N/A +bos royal spice sounds great . can you make a reservation for 3 at 18:45 on friday , please ? eos 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 N/A +bos the restaurant will hold your table for 15 minutes after your reservation time . your reference number is : 2nua9rgd . 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 B-Booking-Book+Ref 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 general-thank +bos excellent , have a great day ! eos O O O O O O O O general-bye +bos can you help me find a train leaving after 8:15 on tuesday ? eos O O O O O O O O O O O O B-Train-Inform+Day O N/A +bos sure ! where would you like to go ? eos O O O O O O O O O O Train-Request+Dest +bos cambridge , from bishops stortford . eos O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos the first train of the day leaves at 9:29 and then another departs every two hours . 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 N/A +bos the first train sounds perfect . can you give 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 of course . the train id is tr0635 . would you like me to 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 O O O Train-OfferBook +bos no thank you , but , i need to find a particular hotel called arbury lodge guesthouse . 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 O O O N/A +bos sure , their phone number is 01223364319 eos O O O O O O B-Hotel-Inform+Phone O N/A +bos book it for 1 people and 2 nights starting from the same day . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O O N/A +bos no problem , i have that room booked for you ! your reference number is going to be uyzisod6 . is there anything else that 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 O O general-reqmore +bos nope that 's it thanks for all of your help today eos 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 hi , what can you tell me about the bangkok city restaurant ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos sure ! it serves thai food and is located in the centre . would you like to book it ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O O O O O Booking-Inform,general-greet +bos yes for 2 at 19:30 on sunday please . i need the reference number then too . 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 O O O N/A +bos i 've booked that for you and your reference number is x4w3u0lm . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i 'd also need a train leaving the centre going to kings lynn and arriving by 17:00 on monday . eos 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+Arrive O B-Train-Inform+Day O O N/A +bos i can certainly help with that . could you just verify your departure point for me ? 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 yes , it should depart from cambridge . eos O O O O O O B-Train-Inform+Depart O O N/A +bos the earliest arrives by 17.58 eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice N/A +bos ok , i think that should be fine . can you make a booking for me ? eos O O O O O O O O O O O O O O O O O O N/A +bos sorry , the arrival time is actually 16:58. how many tickets would you like ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+People +bos i need tickets for the same group of people going to the restaurant with me . eos O O O O O O O O O O O O O O O O O N/A +bos i have booked train tr2324 . the total fee is 19.6 gbp which is payable at the station . your reference number is egiil92a . 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 O B-Train-OfferBooked+Ref O 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 O general-reqmore +bos no that is it . thank you so much . eos O O O O O O O O O O O general-thank +bos well we are here to help . enjoy your time here ! eos O O O O O O O O O O O O O general-bye,general-greet +bos thank you for your assistance . eos 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-welcome,general-bye,general-greet +bos i 'm looking for information on a restaurant called mahal of cambridge . 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 it is a great indian restaurant in the town centre . it 's also cheap , so that is a plus . eos O 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 N/A +bos can you book a table for 4 on tuesday at 17:30 for me ? 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 N/A +bos ok you are booked and reference number is von7z83e . eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks for handling that . one more thing . i want to explore town and see an attraction . i love theatre . 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 N/A +bos is there a particular area you 're looking for a theatre in ? eos O O O O O O O O O O O O O O Attraction-Request+Area +bos are there any near the restaurant by any chance ? eos O O O O O O O O O O O Restaurant-Inform +bos yes , the restaurant is called mahal of cambridge you are booked for 4. your reference number is von7z838 . 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 O B-Booking-Book+People O O O B-Booking-Book+Ref O O O O O O O O Restaurant-Inform,general-reqmore +bos i want to find a chinese 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 sure , i have four options for you eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O N/A +bos great , what are they ? eos O O O O O O O N/A +bos you have the charlie chan , the rice house , the lucky star , and the golden house . would you like to make a booking for any of these ? 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 I-Restaurant-Inform+Name O O O O O O O O O O O O O O O Booking-Inform +bos you decide . i need the area their located in eos O O O O O O O O O O O Restaurant-Request+Area +bos i recommend charlie chan located on regent street , city centre , in the town centre . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr B-Restaurant-Inform+Area I-Restaurant-Inform+Addr O O O 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 how many people and what time ? eos O O O O O O O O Booking-Request+People,Booking-Request+Time +bos actually , i wo n't need a booking . i 'll just need the phone number , address and 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 Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure , phone is 01223361763 address is regent st city centre and its in the centre of town , anything else ? eos O O O O B-Restaurant-Inform+Phone 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O general-reqmore +bos i 'm looking for places to go in town . the attraction should be in the centre . eos 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 how does the mumford theatre sound to you ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A +bos its sounds great , what is the address and post code please ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos sure , the address is anglia ruskin enterprise , east road post code cb11pt . would you like a reservation ? 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 O O O O O Booking-Inform +bos no , i do n't need anything else ! thanks 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 you are welcome . goodbye . eos O O O O O O O general-welcome +bos i would want 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 ok. and where are you leaving from ? eos O O O O O O O O O Train-Request+Depart +bos the train should leave on wednesday and should depart from ely eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart N/A +bos okay , there are 10 trains available . do you have a departure or arrival time in mind ? eos 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+Leave,Train-Request+Arrive +bos it should arrive by 11:15. get me the price eos O O O O O B-Train-Inform+Arrive O O O O Train-Request+Price +bos tr2006 is leaving at 11:35 and costs 4.40 pounds . eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thanks , i 'm also looking for some places to go 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 there are 44 different attractions in the centre . can you narrow down your choices ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O Attraction-Request+Price,Attraction-Request+Type +bos i think whatever you think is the best place , just choose that . i am not picky . eos O O O O O O O O O O O O O O O O O O O O N/A +bos perhaps you would enjoy seeing all saints church on jesus lane ? eos O O 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 that sounds lovely , what is their phone number , address and any entrance fee 's ? 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 for all saints church is 01223452587 and they are located on jesus lane . they do not charge an entrance fee . can i do anything else for you ? 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 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 I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos no , that will be it . 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 thank you for using our service ! eos 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 general-reqmore +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,general-reqmore +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 general-reqmore +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 I-Hotel-NoOffer+Type O O O O O O O O O O O O O general-reqmore +bos need a place to dine , chinese near centre . eos O O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O N/A +bos i have 10 places . would you like a certain price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Price +bos i prefer something cheap . eos O O O O B-Restaurant-Inform+Price O N/A +bos there are three options , charlie chan , rice house and golden house . can i book you for one of those ? eos 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 O O O O O O O Booking-Inform +bos lets go with charlie chan , i would like to to book a table for 5 people at 11:00 on wednesday . 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 N/A +bos your booking was successful , the reference number is b1fika09 . 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 place to stay at a 4 star hotel near the restaurant . eos 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 two located in the same area . alexander bed and breakfast and university arms hotel ? eos 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 I-Hotel-Inform+Name O N/A +bos are either option cheap ? eos O O O O B-Hotel-Inform+Price O N/A +bos the alexander bed and breakfast is cheap , 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 I-Hotel-Inform+Name B-Hotel-Inform+Price O O O O O O O O Booking-Inform +bos yes , for 5 nights on the same day . i also need the reference number . thanks ! eos O O O O B-Hotel-Inform+People O O O O O O O O O O O O O O O N/A +bos i was able to book a room for 5 people , 5 nights . your reference # is 5dd52jos . can i help you with anything else today ? eos O O O O O O O O O O B-Booking-Book+Stay 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 think 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 okay , have a great day ! eos O O O O O O O O general-bye +bos what are my choices for a moderately priced hotel in the west please ? eos O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O N/A +bos the hobsons house guesthouse is in the west and is moderately priced . they are a 3 star establishment offering free wifi and parking . would you like to make a reservation ? 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 O B-Hotel-Inform+Stars I-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 a guest house sounds perfect . i am not sure about a reservation ? is it a good place ? 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 based off its 3 star rating i would say it is a good place to stay . would you like to book a room ? eos O O O O O B-Hotel-Recommend+Stars I-Hotel-Recommend+Stars O O 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 two guests ? we will be staying three nights beginning 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 N/A +bos booking was successful.reference number is : 4axdyt23 . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos yes - are there any indian restaurants in town ? something moderately priced ? eos 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 are 4 such restaurants . i recommend curry prince . eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos is it located in the west ? eos O O O O O O B-Restaurant-Inform+Area O N/A +bos curry prince is in the east . if you need someplace in the west , i recommend meghna . 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-Recommend+Area O O B-Restaurant-Recommend+Name O O O N/A +bos either is fine . i need a table for 2 the same day at 17:00. eos O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Time O N/A +bos i would go with meghna in the west . but they are fully booked at that time . would you like me to try another time ? eos O O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area 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 , perhaps 15:00 eos O O O O B-Restaurant-Inform+Time O O N/A +bos i 'm sorry , that time was also unsuccessful . 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 Booking-NoBook,general-reqmore +bos okay . let 's try 16:00. eos O O O O B-Restaurant-Inform+Time O O N/A +bos that worked ! . your reservation number will be mpqpd3pq . eos O O O O O O O O B-Booking-Book+Ref O O O N/A +bos fantastic , thank you , that should be all . eos O O O O O O O O O O O general-thank +bos great ! have a wonderful time ! eos O O O O O O O O general-bye +bos can you help me find a hotel called city centre north b and b please ? 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 N/A +bos yes , it 's a guesthouse in the north part of town with cheap prices . do you want me to book it for you ? eos O O O O B-Hotel-Inform+Type 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 Booking-Inform +bos yes , please . 2 people for 3 nights starting on wednesday 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 the booking was successful , your reservation number is oomoe6l0 . 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 yes , are there any vietnamese restaurants in the north area 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 no , there are not . the only vietnamese restaurant is located in the west . eos O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O Restaurant-NoOffer +bos how about a chinese restaurant instead ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 3 : hakka , golden wok , and the hotpot . do any of these sound good ? 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 O O O O O O O O O Restaurant-Select +bos could you reserve a table at hakka for me ? eos O O O O O O O B-Restaurant-Inform+Name O O O N/A +bos what day and time would you like ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos i would like to book a table for the same day at 17:15 eos O O O O O O O O O O O O O O N/A +bos and for how many people ? eos O O O O O O O Booking-Request+People +bos just two please . eos O O O O O N/A +bos you are all set for your reservation . the reservation number is 0cbramik . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos ok that is all i needed thank you ! eos 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 hi , i need a hotel on the west side , please . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O N/A +bos we have a couple options available to you , is there a particular price range you are looking for ? 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+Price +bos i do n't care about price range , but i do want the hotel to have a 4 star rating and have free wifi . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos i have the huntingdon marriott that is more expensive . also , the cambridge belfry that is cheap . do you have a preference ? 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 B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O Hotel-Select +bos can you tell me their post codes ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Request+Post +bos huntingdon marriott post code is pe296fl and the cambridge belfry postcode is cb236bw . anything else i can assist you with 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+Post I-Hotel-Inform+Post 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 you 're welcome . have a wonderful day ! eos O O O O O O O O O O general-welcome,general-bye +bos i also need information on the maharajah tandoor restaurant please . eos O O O O O O O O O O O O Restaurant-Inform +bos it is an expensive restaurant in the west area serving indian food . would you like me to book it for you ? eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 O O Booking-Inform +bos yes , please book a table for 1 at 16:00 on wednesday . 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 i have completed the booking . the table will be reserved for 15 minutes . the reference number is kqlhm8st . 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 N/A +bos would you be able to schedule a taxi to take me from the huntingdon marriott to the maharajah tandoor ? 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 sure thing , what time would you like to arrive at your destination ? eos O O O O O O O O O O O O O O O Taxi-Request+Arrive +bos i need to arrive in time for my reservation . eos O O O O O O O O O O O N/A +bos i have reserved you a blue tesla , contact number : 07639403969. 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 O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no that is all thank you for your help ! eos O O O O O O O O O O O general-thank +bos you are welcome . if you need anything else , we are always here to help . eos O O O O O O O O O O O O O O O O O O general-welcome,general-greet +bos hello , i am traveling to cambridge and i 'm looking for some local restaurants . i would like to find some located in the centre 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 B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O N/A +bos we have a lot of locations to chose from . what type of food would you like ? 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 Restaurant-Request+Food +bos are there any restaurants that serve bistro food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are no bistro style places that meet your criteria , would you like another style 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 O O O O O Restaurant-Request+Food +bos how about italian ? eos O O O B-Restaurant-Inform+Food O N/A +bos sure , there are two such restaurants . how about pizza express , at regent street city centre ? would you like to book a table ? eos O O O O O B-Restaurant-Inform+Choice O O O B-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 O O O O Booking-Inform +bos yea ! please book a table for 2 people at 15:00 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 O N/A +bos that time is not available , would you like to book another day or time slot ? 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 can you try 14:00 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos yes i was able to make you a reservation at the pizza express on thursday at 14:00 for 2 people . your reference number is un9onone . 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 B-Booking-Book+Time O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O N/A +bos i am also looking for a hotel in the same area of the restaurant eos O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos i have several options . do you prefer a certain price range so that we can narrow down the options ? 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+Price +bos i do n't really care about price range , but i 'd like 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 the gonville hotel is in the expensive range but is located in the centre . eos O 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+Area O N/A +bos does it have free parking ? eos O O O O O O O N/A +bos yes it does ! shall i book that hotel for you ? eos O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos please . book it for 2 people on thursday , for 3 days . i 'll need the reference number for that as well . eos 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 O O O O N/A +bos your booking was successful.your reference number is : k9jgoogy . eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos can i also book a taxi to get from the restaurant to the hotel ? we want to make our dinner reservation . 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 N/A +bos i have you booked leaving at 13:45 and arriving at 14:00. your car is a black audi . eos O O O O O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car N/A +bos that sounds great . can you provide the contact number for the taxi ? eos O O O O O O O O O O O O O O O Taxi-Inform +bos certainly , the number is 07937202537. 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 O general-reqmore +bos that 's all . thanks . eos O O O O O O O general-thank +bos thank you as well and have a wonderful day ! eos O O O O O O O O O O O general-bye +bos i am looking for a place to stay with free parking and need to be in the north eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area N/A +bos there are several that offer free parking in the north , do you have a price range ? eos O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking +bos yes , i 'd like a moderately priced one , and i also need free wifi . eos O B-Hotel-Inform+Internet O O O B-Hotel-Inform+Price O O O O O O O O O O O O N/A +bos i have 9 different places for you . do you prefer a guesthouse or hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Type +bos i would like a hotel please . eos O O O O O B-Hotel-Inform+Type O O N/A +bos ashley hotel looks like a good choice . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O N/A +bos ok i would like to book it for thursday for 2 people for 3 night im also looking for a restaurant in the same price range as the hotel eos O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O 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 i53ii5mx . there are several restaurants is there any food preference ? eos O O O O O O O B-Booking-Book+Ref O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos great . i also need to find a restaurant for the same number of people on the same day for 19:00. 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 N/A +bos 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 ? eos O O O O O O O O O O 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 i do n't care about the type of cusine , i 'd like it to be in the moderate range 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-Restaurant-Inform+Area O O O O N/A +bos there is a chinese restaurant and an indian restaurant in the north . where would you like to go ? eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Food +bos let 's go with the chinese place . can you book me a table for 2 on thursday at 19:00 ? eos O O O O O B-Restaurant-Inform+Food 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 have your table reserved at the golden wok for thursday at 19:00. the reference number is 5zzi5fkl . is there anything else i can help with ? eos 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos no , thank you , that 's all . eos O O O O O O O O O O general-thank +bos it was my pleasure to help . have a great afternoon . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos i need a place to stay , ideally it should be 3 stars and moderately priced . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O N/A +bos sure , there are some nice guesthouses to choose from . would you like to stay in the north , south , or west 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 Hotel-Request+Area +bos centre , please ! thanks ! eos O B-Hotel-Inform+Area O O O O O N/A +bos unfortunately there are n't any hotels available in the area that are moderately priced . would you like me to look in a different area ? eos O O O O O B-Hotel-NoOffer+Type O 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 Hotel-Request+Area +bos ok that 's fine , let 's try something in the west then please , i really need a room 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 there is hobsons house located in the west that meets your needs . would you like to book a room now ? eos 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 O O O O Booking-Inform +bos yes . that sounds good . can you book it for 1 person and 2 nights starting from monday ? 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 N/A +bos it is not open then , maybe a shorter stay ? eos O O O O O O O O O O O O Booking-Request+Stay +bos okay , try just 1 night instead . eos O O O O O B-Hotel-Inform+Stay O O O N/A +bos i booked your room for 1 night . your reference number is ir6yzxfd . can i help with anything else today ? eos O O O O O O 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 restaurant , maybe with english food ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there is no restaurant serving english food . anything else ? eos O O O O O O B-Restaurant-NoOffer+Food O O O O O N/A +bos could you try again , english food , moderate priced in the centre of town . eos 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 restaurants serving english food in the city . would you like to try another cuisine ? maybe british ? 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 B-Restaurant-Select+Food O O O O O N/A +bos yes , can you list some that serve indian food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 22 indian restaurants do you have a price range and area you prefer ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos i 'd like it in the same price range and area as the hotel , please . eos O O O O O O O O O O O O O O O O O O N/A +bos there is the meghna restaurant that fits your criteria . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos i 'll take that for 12:30 on monday for 1 person . eos O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A +bos your reservation was successful . the table will be reserved for 15 minutes.reference number is : l5a3cswf . 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 general-reqmore +bos nope ! that should do it , thanks ! eos O O O O O O O O O O general-thank +bos thank you , let us know if you need any more help . good bye . 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 hotel . eos O O O O O O O O Hotel-Inform +bos ok can we narrow our search a little . where are you staying and what can you afford ? 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 i need a hotel named university arms , i need the star of this hotel and the postcode 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 Hotel-Request+Post +bos the university arms hotel is a 4 star hotel in the centre of town , and their postcode is cb21ad . would you like to make a reservation ? 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Post O O O O O O O O O O Booking-Inform +bos no thanks , but i am looking for an expensive restaurant in the center of town . can you tell me what 's available ? 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 N/A +bos there are 33 restaurants that match your preferences . 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 i would really like chinese food please eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i have 4 different restaurants to choose from . if i might offer a recommendation , the ugly duckling is highly rated and has an excellent buffet option . eos O O O O B-Restaurant-Inform+Choice O O O 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 N/A +bos would i book a table for 1 people at 13:30 on saturday 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 N/A +bos i 'm sorry , they do n't have anything available then . would you like me 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 O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about a little earlier , say 12:30 ? eos O O O O O O O B-Restaurant-Inform+Time O O N/A +bos booking was successful . the tabled will be reserved for 15 minutes . the reference number is : zieexays 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 very much . goodbye . eos 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 hello , i 'm trying to find an international restaurant in the east . any ideas ? 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 N/A +bos yes , the missing sock is an international restaurant in the east in the cheap price range . would you like a reservation ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform +bos no , please give me their post code instead . eos O O O O O O O O O O O Restaurant-Request+Post +bos the post code is cb259aq . eos O O O O O B-Restaurant-Inform+Post O N/A +bos i also need a hotel on the southside . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos i have 1 hotel called the lensfield hotel located on 53-57 lensfield road . eos O O O O O O O B-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 Hotel-Recommend +bos can you tell me if it offers free parking ? also , how many stars is the lensfield ? 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 lenfield is a 3 star hotel . they do offer free parking . 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 O O Hotel-Inform+Parking +bos can you look for a 2 star hotel in that area if not available then could you try one that is in the east ? 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 B-Hotel-Inform+Area O N/A +bos there is one located in the east , express by holiday inn cambridge . it has free internet and parking , would you like to book ? eos 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 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 'd like to book 5 nights for 1 beginning on tuesday . could i get the reference number for that as well ? eos O O O O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+Day O O O O O O O O O O O O O Hotel-Request+Ref +bos how many guests will be staying ? eos O O O O O O O O Booking-Request+People +bos just one , thanks . eos O O O O O O N/A +bos you are all set , the reference number is 9wzd62ff , 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 what are the nearest diners by the hotel ? eos O O O O O O O O B-Hotel-Inform+Type O N/A +bos there is a missing sock off of finders corner newmarket road . it looks to be cheap , and is in the east side of the city . eos 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 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 actually , i 'd like to book a taxi from the hotel to the missing sock . i 'd like to depart by 09:15. eos O O O O O O O O O O B-Hotel-Inform+Type O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Leave O O O O N/A +bos sure , i found you a blue tesla , their contact number is 07980198100. can i assist 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 general-reqmore +bos no , thank you . goodbye . eos O O O O O O O O general-bye +bos thank you and enjoy your time in cambridge ! eos O O O O O O O O O O general-bye +bos i am looking for a place to stay in the north with a 0 star rating . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O N/A +bos there is one place , city centre north b and b. it is a guest house that has internet and parking available , is cheap , and is at 328a histon road . 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 B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos okay thank you so much ! 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 ! eos 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 what is the phone number and post code for that b and b ? 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 01223312843 and the postcode is cb43ht . do you need anything else ? 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 general-reqmore +bos yes , i need a restaurant that serves sri lankan food in the same area . eos 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 there are no sri lankan restaurants in that area . is there another type of food place you 'd like to try ? 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+Food +bos that 's ok , can you look for an italian food restaurant . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there 's da vinci pizzeria in the north located at 20 milton road chesterton . would you like me to book a reservation for you ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O Booking-Inform +bos no that will be all thank you eos O O O O O O O O general-thank +bos thanks , 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 a train going from ely to cambridge please . eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest 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+Leave,Train-Request+Day +bos i 'd like to leave on friday and arrive by 14:45. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos i have 5 trains that arrive by 14:45. is there a particular time you would 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 O O O Train-Request+Leave +bos no time in particular , please reserve any one of them for 3 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 three seats booked on tr0236 , departing at 13:35 and arriving at 13:52. your confirmation number is t3y4y9s8 . eos O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O N/A +bos that is all for now . thank you . eos O O O O O O O O O O general-thank +bos you are welcome and thank you for using cambridge towninfo centre . eos O O O O O O O O O O O O O general-bye +bos i need help finding a train that will depart on saturday . eos O O O O O O O O O O O B-Train-Inform+Day O N/A +bos okay we have a lot of trains departing on saturday . where are you headed and where are you departing from ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O 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 i am going to cambridge and leaving from stevenage . eos O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart O N/A +bos what time do you need to arrive ? eos O O O O O O O O O Train-Request+Arrive +bos by 18:45 please . eos O O B-Train-Inform+Arrive O O N/A +bos i have seven trains available . what time do you want to leave ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Leave +bos the train should arrive by 18:45 and should leave on saturday . eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O N/A +bos i have train tr9925 leaving at 7:21 ad arriving at 8:10 and the cost is 10:24 pounds . would you like 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O Train-OfferBook +bos yes please . also i am looking for a concerthall in the east . if there are none available , how about a boat attraction . 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 B-Attraction-Inform+Type O O O N/A +bos i found one boat attraction . camboats located at the plough , green end , fen ditton . eos O O O O B-Attraction-Inform+Type 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 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 have a great time . eos O O O O O O general-bye +bos 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 ? eos O O O O O O O O O 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 definitely ! what type of cuisine and price range are you looking for ? eos 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 was hoping to find something expensive , preferably italian food . eos O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos we have 5 listings for expensive italian restaurants . do you prefer a certain area of town ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Area +bos yes south please . eos O O B-Restaurant-Inform+Area O O N/A +bos frankie and bennys is an expensive italian restaurant in the south . would you like a reservation ? eos O B-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 O O Booking-Inform +bos yes . friday . 4 people . 14:30. eos O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O N/A +bos your table for 4 at frankie and bennys at 14:30 this friday was successful . the table will be reserved for 15 minutes . your reference number is : h6ruhknu . eos O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time O B-Booking-Book+Day I-Booking-Book+Day 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 . could you also recommend a college in the centre of town to go to ? 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 N/A +bos how about christ 's college ? it 's free and located in the centre . would you like more information about it ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Area O O O O O O O O O O O general-reqmore +bos what is the post code ? eos O O O O O O O Attraction-Request+Post +bos the post code is cb23bu . can i assist 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 general-reqmore +bos i also want to know the phone number so that i can call them up eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number to christ 's college is 01223334900 eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O N/A +bos can you give me the postcode ? eos O O O O O O O O Attraction-Request+Post +bos the postcode for christ 's college is cb23bu . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O N/A +bos thank you . can you also book a taxi for me ? eos O O O O O O O O O O O O O Taxi-Inform +bos sure , i need to know destination and where you need picked up . i also need the time 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 Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest +bos i also need a taxi from the church so i can 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 O Restaurant-Inform,Taxi-Inform +bos i will work on getting that booked for you . eos O O O O O O O O O O O general-greet +bos ok thank you . eos O O O O O general-thank +bos i apologize , looks like the other rep took a break without finishing your request . your booked . look for a black lexus , the number is 07168633535. 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 B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O O O O general-greet,general-reqmore +bos thank you that is all . eos O O O O O O O general-thank +bos have a great time . eos O O O O O O general-bye +bos can you help me find a resturant ? eos O O O O O O O O O N/A +bos i can do that . i have 110 restaurants listed . do you have a price range , a specific part of town or a specific kind of food in mind ? 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 O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price +bos i am looking at the missing sock . i need to book it monday at 19:15 for 6 people . 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+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O N/A +bos your table is reserved for monday at 19:15 for 6 people . the reference number is zh5ihczv . eos O O O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+People O O O O B-Booking-Book+Ref O O N/A +bos great , how about finding a cool place for us to check out in the centre area also ? 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 what would you like to do ? if you like music , i would recommend the man on the moon . it 's a concert hall located at 2 norfolk street . 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 I-Attraction-Recommend+Name O B-Attraction-Recommend+Type I-Attraction-Recommend+Type I-Attraction-Recommend+Type O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O N/A +bos i want to visit an entertainment attraction please eos O O O O O O B-Attraction-Inform+Type O O N/A +bos we do n't have any entertainment attractions in the center . 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 O O O O O O O O O O Attraction-Request+Area +bos what about any museums 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 there are 11 options . i personally recommend castle galleries . it is free to visit . eos O O O O B-Attraction-Inform+Choice 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 thank you , can 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 sure . the postcode for castle galleries is cb23bj and the phone number is 01223307402. 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 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 general-reqmore +bos i want a taxi . i 'll depart from the attraction and go to the restaurant , arriving by 19:15. please give me the car and contact info . eos 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 O O O N/A +bos booking completed ! booked car type yellow skoda contact number 07348916006. may 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 is all i need 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 O general-thank +bos you are welcome , enjoy your stay eos O O O O O O O O general-welcome +bos i 'm looking for a nightclub to visit in the centre area . eos 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 5 nightclubs in the centre area , there is ballare , club salsa , kambar , soul tree nightclub and the fez club . would you like more information on one ? 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 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-Select +bos can i just get the address for ballare , please ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos the ballare is located in heidelberg gardens , lion yard . is there anything else i can help you with today ? 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 O O O O O O O O O O general-reqmore +bos oh , no . that answered all my questions . thanks . goodbye ! eos O O O O O O O O O O O O O O O general-bye +bos awesome . glad we could help ! eos O O O O O O O O general-bye +bos what sort of entertainment is available on the east side of town ? eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O N/A +bos cherry hinton hall and grounds is available , would you like to try that ? 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 O O O O O O O Booking-Inform +bos yes ! can you give me the postcode ? eos O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb18dw . 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 i also need a place to eat around the same area , for a moderate price . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos if you like italian , i suggest pizza hut fen ditton . would you like me to book you a table ? eos O O O O B-Restaurant-Recommend+Food 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 i am actually looking for irish food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i do n't have anything in the east side that serves irish food . can i try something else ? eos 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 general-reqmore +bos can you try italian food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos i would recommend the pizza hut fen ditton for you . would you like me to book you a table there ? eos 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 O O O O O O O O Booking-Inform +bos yes . please book for 5 people on sunday at 19:00. 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 pizza hut fen ditton , 5 people sunday at 19:00. the table will be reserved for 15 minutes . your reference number is : ifrhvxz2 . eos O O O O O O 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 some information on a train going to stevenage . eos O O O O O O O O O O B-Train-Inform+Dest O N/A +bos we have many trains leaving to stevenage at all times . can i get your point of departure and day of 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+Leave I-Train-Inform+Leave O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i will be departing from cambridge on sunday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr6488 departs cambridge on sunday at 9:21 and arrives in stevenage by 10:10. would this 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 B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos that 's too early . i need an afternoon train . what do you have later on ? eos O O O O O O O O O O O O O O O O O O O Train-Inform +bos what time would you like to leave or arrive ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i have to leave cambridge after 13:00. eos O O O O O O O B-Train-Inform+Leave N/A +bos how about tr0523 departing at 13:21 and arriving in stevenage at 14:10 ? eos O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O N/A +bos that is fine . can i get the price for a ticket please ? eos O O O O O O O O O O O O O O O Train-Request+Price +bos sure , that ticket costs 10.24 pounds . do you want me to book it ? eos O 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 not just yet . i am just getting some information for now . eos O O O O O O O O O O O O O O N/A +bos ok. is there anything else you 'd like to know , about the train or about anything else ? 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 i would like to find a restaurant in the moderate price range . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O Train-Request+Price +bos i have 31 moderate priced restaurants . is there a certain cuisine or area of town you would be 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 O O O Restaurant-Request+Food,Restaurant-Request+Area +bos i 'm interested in an italian restaurant . what would you recommend in the moderate price range ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Price O O O O O Train-Request+Price +bos pizza hut cherry hinton looks pretty good . would you like me to make you a reservation ? 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 O O O O O O O Booking-Inform +bos yes , for 8 people at 10:15 on sunday 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 . the table will be reserved for 15 minutes.reference number is : l0nmnty2 . 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 's all i need today ! eos O O O O O O O O O O O general-thank +bos can i look anything else up for you today ? eos O O 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 thank you for your help . eos O O O O O O O general-bye +bos i am looking for a place to dine eos O O O O O O O O O N/A +bos there are many different options in town ! do you have a particular type of food and 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 O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos expensive is what i am looking for . i do n't have a preference for the exact type of food . eos 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 Restaurant-Request+Food +bos there is saigon city which is asian oriental located in chesterton 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+Addr N/A +bos that sounds great . can i get their phone number ? eos O O O O O O O O O O O O Restaurant-Request+Phone +bos sure , it is 01223356555. is there anything else i can assist you with today ? eos O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O general-reqmore +bos looking for a train , the train should arrive by 15:45 and should leave on saturday.the train should go to cambridge and should depart from ely eos 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 O B-Train-Inform+Dest O O O O B-Train-Inform+Depart O N/A +bos tr4698 leaves ely at 13:35 and arrives in cambridge at 13:52. will this work for you ? eos 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 N/A +bos yes please book it foe me thank you eos O O O O O O O O O general-thank +bos i have booked the train tr4698 for you successfully . your reference number is 7mhih3mb . the price is 3.52 gbp payable at station . is there anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 O O O O O O O general-reqmore +bos no that 's 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-welcome,general-bye +bos i am looking for a restaurant in the centre that offers moderate pricing . eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price 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 have a taste for british . eos O O O O O O B-Restaurant-Inform+Food O N/A +bos i have four options would you like a reservation ? eos O O O B-Restaurant-Inform+Choice O O O O O O O Booking-Inform +bos yes i would like to book a moderately priced one for 3 people at 14:15 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 N/A +bos i booked you guys for cotto at 183 east road city centre . your reference number is 7u05r8oz . need anything else ? eos O O O O O 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 O O O B-Booking-Book+Ref O O O O O O N/A +bos thanks i 'm also looking for a train eos O O O O O O O O O Train-Inform +bos where are you traveling from and to on that day ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am going to cambridge from norwich eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart N/A +bos tr9900 arrives in cambridge on friday at 06:35. would you like me to book seats for you ? 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 O Train-OfferBook +bos i want to get to cambridge at least by 11:30 , no sooner and i just need the train id please eos 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 O O Train-Request+TrainID +bos tr2365 gets to cambridge at 10:35 eos O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos great ! let 's go ahead and book for three people . eos O O O O O O O O O O O O O N/A +bos booking was successful , the total fee is 52.8 gbp payable at the station .reference number is : pgurwwjb . 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 's all i need . 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-welcome,general-bye +bos i 've got a particular restaurant we want to try , but i will need some help with it . 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 i 'd be happy to help , what is the name of the restaurant you want 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+Name +bos i 'm looking for a pizza hut city centre . eos 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 i am familiar with it . it is on regent street . do you need a reservation ? eos O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O Booking-Inform +bos can i get the area of town and the price range pleas ? eos O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos it is inexpensive and located in the centre of town . eos O 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 N/A +bos can you find a train going to cambridge that leaves after 19:45 ? eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A +bos of course ! do you know where you 'll be departing from ? eos O O O O O O O O O O O O O O Train-Request+Depart +bos yes , departing from stevenage on wednesday . how much will that cost ? eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O N/A +bos the train ticket will cost 12.80 pounds . can i book that for you ? eos 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 . that 's all i need tonight . thanks . eos O O O 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 have a great day . goodbye . eos O O O O O O O O general-bye +bos thanks , have a great trip . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a restaurant called pizza express fen ditton , do you have any information on it ? 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 N/A +bos yes , what would you like to know about it ? eos O O O O O O O O O O O O Restaurant-Inform,general-greet +bos can you tell me if they have a table for 8 available at 12:45 monday ? eos O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O N/A +bos yes they certainly do . i made you a reservation for monday and your reference number is 8v5qecrh . eos O O O O O O O O O O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O N/A +bos wait , i need to change the booking to friday . eos O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos no problem ; i 've updated your reservation to friday . your new reference number is rjqo3oz0 . can i help with anything else ? 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 O general-reqmore +bos yes , i also need a train after 18:15 on saturday . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos sure i can help you with that . where would you like to depart from ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart +bos i 'm leaving from cambridge , and i need to go to bishops stortford . eos O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos the tr4673 leaves at 19:29 , you 'll arrive by 20:07. would you like to book it ? 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 Train-OfferBook +bos yes , i would like to reserve seats on that train . same group from the restaurant . 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 all your information . enjoy your lunch at pizza express fen ditton . 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 O general-welcome +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 O general-bye +bos i need a restaurant in the centre of town . eos O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos i can book you a table at j restaurant . eos O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name N/A +bos i would like a restaurant that also serves indian food please . eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 9 results . is there a certain price range you are wanting ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Price +bos do you have a recommendation ? eos O O O O O O O N/A +bos the curry garden is delicious but it is also expensive . 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 great book for 2 on friday at 13:30. i need the reference number . i need to get train tickets too then eos O O O O O B-Train-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 i was able to book you at the restaurant . the reference number is : jwd13x11 . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos great . could you also help me with a train from kings lynn to cambridge . i need to leave after 19:45 on sunday . 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 B-Train-Inform+Leave O O O O O N/A +bos there are four trains leaving kings lynn after 19:45. they leave hourly starting at 20:11 until 23:11. would you like me to book one for you ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart 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 Train-OfferBook +bos yes i need a booking for 2 people . please book the one leaving at 20:11. eos O O O O O O O O B-Train-Inform+People O O O O O O O O N/A +bos train tr1120 , departing kings lynn at 20:11 has been booked for 2 seats . your reference number is o5bx1y1g . eos O O B-Train-OfferBooked+Id B-Train-OfferBooked+People B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos i 'm so sorry , i misspoke , i need the train on saturday . is it possible to change the reservation ? eos O 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 N/A +bos the train is for saturday you are all set eos O O O O O B-Train-Inform+Day O O O O N/A +bos oh ok , thank you . eos 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 , thank you . i think we 've covered it all . eos O O O O O 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 i 'm looking for an expensive restaurant in the centre if you could help me . eos 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 i sure can . there are lots of choices . are you looking for a particular type of food ? 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 Restaurant-Request+Food +bos no , not really . i think i 'd like to try something different . could you suggest something ? 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 is a korean restaurant called little seoul located at 108 regent street city centre . would you like their phone number ? eos O O O 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 general-reqmore +bos yes , i would like both the phone number and the 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 phone number for little seoul is 01223308681 , postcode cb21dp . 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 B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos can i also have the address please ? eos O O O O O O O O O Restaurant-Request+Addr +bos the address for little seoul is 108 regent street , city centre . 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 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 also want to see the travel times for a train going from kings lynn from cambridge on saturday . it should leave after 09:15. eos 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 B-Train-Inform+Leave O Train-Request+Duration +bos is there a time you would like to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos i got that backwards . need a train leaving kings lynn after 9:15 and arriving in cambridge sometime on saturday . eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O N/A +bos tr2514 leaves at 10:11 and arrives at 10:58. will this one 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 O general-reqmore +bos sure . could you tell me the exact travel time ? eos O O O O O O O O O O O O Train-Request+Duration +bos sure . the travel time for tr2514 is 47 minutes . anything else i can help you with today ? 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 general-reqmore +bos that is it for today . good day thank you eos O O O O O O O O O O O general-thank +bos have a wonderful day yourself . goodbye . eos 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 can i get your destination please ? eos O O O O O O O O Train-Request+Dest +bos stansted airport please . eos O B-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 leave after 14:45. i need a booking for 7 people and the reference number . eos O O O B-Train-Inform+Leave 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 56.56 gbp payable at the station . reference number is : lzy6et2m . 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 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 'm also looking for info about a restaurant . eos O O O O O O O O O O O Restaurant-Inform +bos what part of town would you like ? eos O O O O O O O O O Restaurant-Request+Area +bos i am specifically looking for a restaurant called fitzbillies restaurant . i am wanting to book a table for 10:15 for 7 people on sunday . 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 B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O N/A +bos alright i booked that , and your reference is pmcey5ja . anything else i can do ? 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 thanks so much for your help , i think that will be all i need 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 very welcome . enjoy your stay . eos O O O O O O O O O O general-welcome,general-bye +bos good morning , i am looking forward to trying some local restaurants when i arrive in cambridge next week . 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 wonderful . is there a type of cuisine that interests you ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos i would like to try some modern american food . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i 'm sorry there appear to be no modern american restaurants in the area . would you like to try something else ? 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 O O Restaurant-NoOffer +bos yes , can you check chinese for me please ? eos O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are 17 chinese places that you may like , do you have further criteria to narrow it down ? 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 Restaurant-Request+Price,Restaurant-Request+Area +bos what 's the most expensive one ? eos O O O O B-Restaurant-Inform+Price O O O N/A +bos i have nine in the expensive range . is there an area you prefer ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O O O O O O O O Restaurant-Request+Area +bos no . i would like you to pick the best one you know of . eos O O O O O O O O O O O O O O O O N/A +bos in that case , i would recommend the sesame restaurant and bar . would you like to know more about it ? 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 O O O O O O O O O O general-reqmore +bos no , that 's okay . can i book a table for 2 on friday at 15:15 ? 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : lz2ki6g5 . 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 also need train information . we are planning to leave on saturday at some time after 11:45. eos 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 would the tr4003 train departing at 13:00 and arriving in london by 13:51 work for you ? eos O O O B-Train-Inform+Id I-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 Train-OfferBook +bos yes . that works . eos 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 2 tickets please . eos O O O O B-Train-Inform+People O O N/A +bos the total fee is 37.76 gbp payable at the station , reference number tkp9k1u4 . eos 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 N/A +bos thank you for your help . eos 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 it for today thank you for asking 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 a thai restaurant - any area will do . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos bangkok city is an expensive thai restaurant in the centre of town . 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos can i have its phone number and postcode ? eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos bangkok city 's phone number is 01223 354382 and their postcode is c.b 2 , 3 j.x . 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 B-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 . goodbye . eos O O O O O 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-bye +bos i am looking for an expensive restaurant that serves welsh food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos i apologize , there are no restaurants in the expensive price range that serve welsh food . 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 O O O O O O O O O Restaurant-Request+Food,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 korean restaurant . 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+Price B-Restaurant-Inform+Food O O O O O O O O O O O O general-reqmore +bos yes , i would like their address and what part of town they are located in . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos little seoul is located in the centre of town and the address is 108 regent street city centre . 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 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 have a nice day ! goodbye . eos O O O O O O O O general-bye +bos i 'm looking for an expensive restaurant in the south . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos hi ! we have mexican , italian , indian , and chinese restaurants that fit the bill . do you have any preferences ? 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 O O O O O O O Restaurant-Select +bos i do n't have any preference . eos O O O O O O O O N/A +bos chiquito restaurant bar is located in the south part of town and in the expensive price range . 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 O O B-Restaurant-Inform+Price O O O N/A +bos do you have a phone number for them ? eos O O O O O O O O O O Restaurant-Request+Phone +bos the number is 01223 400170. eos O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos have a good evening . eos O O O O O O N/A +bos have a good evening . eos O O O O O O general-bye +bos hello . can you help me find the address of an inexpensive restaurant in the south part of town ? 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 Restaurant-Request+Addr +bos there are two restaurants that are in the cheap price range and in the south part of town . would you like portuguese or chinese food ? eos O O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos chinese food eos O B-Restaurant-Inform+Food O N/A +bos the lucky star is chinese . would you like the phone number ? 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 general-reqmore +bos no , just the address please eos O O O O O O O Restaurant-Request+Addr +bos the lucky star is located at cambridge leisure park clifton way cherry hinton . 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 N/A +bos thank you , goodbye . eos O O O O O O general-bye +bos goodbye and enjoy your meal ! eos 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 i 'm showing three restaurants that fit that description . are you interested in a particular area or 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 Restaurant-Request+Area,Restaurant-Request+Price +bos no , any price range is fine . can you recommend one of the restaurants ? eos O O O O O O O O O O O O O O O O O N/A +bos bloomsbury restaurant is an international restaurant in the centre area . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos hmm , i do n't really like the food there . is there anything else ? eos O O O O O O O O O O O O O O O O O N/A +bos the missing sock is another restaurant there . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos can i get the 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 the missing sock is located at finders corner newmarket road and their phone number is 01223 812660. 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 O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos thank you . eos O O O O general-thank +bos thank you . eos O O O O general-welcome +bos thank you eos O O O general-thank +bos good bye . eos O O O O general-bye +bos hi , i want a french 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 N/A +bos cote is a french restaurant in the city centre and is in the expensive price range . 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 O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos could you please find me a different restaurant ? eos O O O O O O O O O O Restaurant-Inform +bos another option is restaurant two two . would you like more information on 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 general-reqmore +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 is 01223 351880 and the postcode is c.b 4 , 3 a.x eos O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O N/A +bos thank you goodbye . eos O O O O O general-bye +bos enjoy your meal . goodbye . eos O O O O O O O general-bye +bos bye . eos O O O general-bye +bos thank you and have a great day ! eos O O O O O O O O O general-bye +bos i would like a moderately priced restaurant in the south 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 i have two restaurants . they are pizza hut cherry hinton and restaurant alimentum . 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 O N/A +bos what type of food do each of them serve ? eos O O O O O O O O O O O Restaurant-Request+Food +bos pizza hut cherry hinton is italian , and restaurant alimentum is modern european . would you like information on either of them ? eos 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 O O O O O O O O O O general-reqmore +bos yes , what is the address and phone number for pizza hut cherry hinton ? 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 address for pizza hut cherry hinton is g4 cambridge leisure park clifton way cherry hinton and the phone number is 01223 323737 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 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 what type of food do they serve ? eos O O O O O O O O O Restaurant-Request+Food +bos they serve italian food . can i help you with anything else ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O 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 general-bye +bos goodbye again . eos O O O O general-bye +bos goodbye . eos O O O general-bye +bos hi , i 'm looking for a moderately priced restaurant in the south 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 O O N/A +bos the pizza hut cherry hinton is moderately priced and in the south part of town . would you like their location ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 general-reqmore +bos yes . i would like the location and the phone number , please . eos O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the address of pizza hut cherry hinton is g4 cambridge leisure park clifton way cherry hinton and the phone number is 01223 323737. 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 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 and good bye . eos O O O O O O O general-bye +bos i need the address and postcode of a cheap 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos the address for royal spice is victoria avenue chesterton and the post code is c.b 4 , 1 e.h. royal spice is in the cheap price range and is 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 O O O O O O O O O O O O O O O O O N/A +bos than you . eos O O O O N/A +bos thank you . goodbye . eos O O O O O O general-bye +bos i want to find a cheap restaurant in the east part of town . what is the address and postcode ? 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos the missing sock fits your criteria . it is on finders corner newmarket road , postode isc.b 25 , 9 a.q eos O O B-Restaurant-Inform+Name I-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 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 . eos O O O O general-welcome +bos i 'm traveling to cambridge and looking for places to go . are there any good colleges to see ? 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 N/A +bos there are quite a few for you to choose from . did you have a particular area of town you would prefer to spend your time in ? eos 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 O O Attraction-Request+Area +bos no , any area will do . can you recommend one ? eos O O O O O O O O O O O O O N/A +bos i sure can . how about corpus christi in town centre ? eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O general-greet +bos yes that sounds great . can you give me the address for that college ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos king 's parade , cb21rh . is there anything else you need to know ? eos 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 general-reqmore +bos no , i just need help finding a place to stay . eos O O O O O O O O O O O O O N/A +bos i 'd be happy to help with that . may i ask if there is a price range or 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 Hotel-Request+Price,Hotel-Request+Area,general-greet +bos i need a guesthouse in the moderate price range that includes free parking . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos we have 14 places matching your criteria . lets narrow this down . is there 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 Hotel-Request+Area +bos no , i 'm really not picky . j eos O O O O O O O O O O N/A +bos how about the acorn guest house ? it is in the north area and has 4 stars with free internet and parking . would you like for me to book it for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Inform+Area I-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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , i would like to book it for 4 people for 5 nights starting from tuesday . eos O O O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Stay O O O O O N/A +bos i will book you and get back to you , you are welcome eos O O O O O O O O O O O O O O general-welcome,Booking-Inform +bos can i please get the reference number ? eos O O O O O O O O O Hotel-Request+Ref +bos the reference number is t8n3wk5t . 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 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 . eos O O O O O O 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 what time will you be traveling ? eos O O O O O O O O Taxi-Request+Leave +bos i would like to leave my hotel by 22:00. would you mind getting the college address for me ? eos O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O O O Attraction-Request+Addr +bos the college address is king 's parade cb21rh . the entrance fee is 2 pounds . is there anything else i can get for you ? eos 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+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos yes i need to book a taxi to leave the hotel by 22:00 and go to the attraction please . 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 N/A +bos for how many people ? eos O O O O O O N/A +bos just the 4 of us eos O O O O O O N/A +bos your taxi has been booked . it will be a red ford and the contact number is 07500369982. 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 N/A +bos perfect . that 's all i need help with . have a great day . eos O O O O O O O O O O O O O O O O N/A +bos you , too . please call if you need anything else . 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 general-welcome,general-bye,general-greet +bos i am looking for colleges in town . any suggestions ? eos O O O O O B-Attraction-Inform+Type 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 Attraction-Request+Area +bos i have no preference . eos O O O O O O N/A +bos i have several . are there any other criteria you are needing it to fit into ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O general-reqmore +bos none , what you recommend , i will go with . eos O O O O O O O O O O O O N/A +bos christs college is a nice attraction , do you want the phone number ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O general-reqmore +bos yes , may i also know the area it is located in and the postcode ? 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 christ 's college is in the centre of town . the postcode is cb23bu . can i help you any further ? 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 B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos i also want to find an expensive 3 star lodging , with free wifi and in the type of hotel . eos O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos ok. there are two hotel that meet that criteria . one is in the centre and one is in the south . do you have a preference ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O Hotel-Request+Area +bos it does n't matter , i 'd just for sure like free wifi and a 3 star rating . i 'll just need the phone number . 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 O Hotel-Request+Phone +bos the gonville hotel is in the centre and meets your criteria . the phone number is 01223366611. is there anything else i can help you with ? 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 B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos great , thanks ! that 's all i needed . eos O O O O O O O O O O O general-thank +bos i 'm 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 O O general-bye +bos hi ! i 'm looking for an attraction named kambar . eos O O O O O O O O O B-Attraction-Inform+Name O O N/A +bos it is a nightclub in centre at 1 wheeler street . phone is 01223842725. do you need any more information ? eos O O O O O O B-Attraction-Inform+Area 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 general-reqmore +bos thanks i want to get its entry fee and address eos O O O O O O O O O O O Attraction-Request+Addr +bos the address was just given to you and the phone is 01223842725. eos O O O O O O O O O O O O B-Attraction-Inform+Phone N/A +bos is there a entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos yes , there is a 5 pound entrance fee for the club . eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A +bos i am also interested in a place to stay , that includes free parking . eos O O O O O O O O O O O O O O O O N/A +bos do you have an area or price range in mind ? eos O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos i would like an expensive 3-star hotel . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos gonville hotel is in the centre , the lensfield is in the south , any preferences ? 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+Area I-Hotel-Inform+Area O O O O Hotel-Select +bos what do you recommend ? eos O O O O O O N/A +bos in my opinion , the lensfield is much more updated than the gonville . do you need me to book a room ? 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 O O O O O O O Booking-Inform +bos just to confirm , does the lensfield have free parking ? if so i 'd like to book for 6 people , 3 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 B-Hotel-Inform+Stay O O O O O O O O N/A +bos the lensfield hotel does have free parking . i can assist you with that 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,Hotel-Inform+Parking +bos yes , can you please book a room with the details i already provided . eos O O O O O O O O O O O O O O O O N/A +bos your room has been booked . your reference number is cafw873c . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you so much . i appreciate your help with this . eos 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 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 for all your help . eos 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,general-bye +bos there is a place i want to see , can you help me ? eos O O O O O O O O O O O O O O O N/A +bos i certainly hope so ! we have a lot of interesting places to see in cambridge . is there something specific you 're looking for ? eos 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 general-reqmore +bos i am looking for a attraction called cineworld cinema . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos it 's located in southern cambridge at cambridge leisure park , clifton way . it 's phone number is 00872208000. do you need anything else ? eos 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 O B-Attraction-Inform+Phone 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 what type of food would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos actually never mind . i would actually like just find a place to stay in the cheap price range 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 N/A +bos sure , i can help you with that . was there a particular type of cuisine you were 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 +bos the hotel i 'm looking for should have a star of 4 , in the cheap range , somewhere in the west . it 'll be for 3 people and 4 nights starting wednesday . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O O O N/A +bos okay . we have you booked at the cambridge belfry . the reference number is y8y2hvxe . 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 N/A +bos thanks alot and is there parking for two cars ? eos O O O O O O O O O O O general-thank +bos i 'm afraid i can only see that they have parking available . if you need to park two cars , i would phone them on 01954714600. 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 B-Hotel-Inform+Phone O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos thank you , that is all i need . eos O O O O O O O O O O general-thank +bos fantastic , enjoy your trip ! eos O O O O O O O general-bye +bos someone told me about a place called old schools . it 's supposed to be some kind of attraction . can you tell me anything about it ? eos 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 N/A +bos old schools is an architecture museum in the centre area . the admission is free . would you like tickets ? eos O O B-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 B-Attraction-Inform+Fee O O O O O O Booking-Inform +bos yes , please . that would be great . eos O O O O O O O O O O N/A +bos i just checked and it is free . the address is trinity lane and the phone number is 01223332320. can i help you with anything else ? eos O O O O O O O B-Attraction-Inform+Fee 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 general-reqmore +bos no , that is all for today . thanks 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 what is the closest four star hotel with free wifi ? eos O O O O O O O O O O O O N/A +bos what is your location preference ? eos O O O O O O O Hotel-Request+Area +bos location is not a priority , it could be a hotel or guesthouse , either way is fine . 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 located at 154 chesterton road . will 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O N/A +bos is this a cheap place to stay ? i really want to book a cheap place . eos O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A +bos the acorn is moderately priced . we do have some cheap ones with 4 stars and the internet . the cambridge belfry is a hotel that fits your description . eos O O O O O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price 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 B-Hotel-Inform+Type O O O O O O O Hotel-Inform+Internet +bos yes , can you please book the cambridge belfry for me for 8 people for 2 nights starting on sunday . if sunday is not available , monday is also okay . 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+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 N/A +bos yes , i 've made the booking for you and your reference number is ftzqcnph . 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 . could you recommend a place 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 sure , how about the fez club ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos that will work can i get the address please ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos yes , it is located at 8 market passage , postcode cb23hx . what else can i assist you with today ? eos 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 general-reqmore +bos is there a entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos yes , the entrance fee is 5 pounds . eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos i need the phone number as well please . eos O O O O O O O O O O Attraction-Request+Phone +bos sorry about that it is 01223519224 , anything else today ? eos O O O O O O B-Attraction-Inform+Phone O O O O O general-reqmore +bos that will be it for now . have a good day ! thank you ! eos O O O O O O O O O O O O O O O O general-thank +bos you are very welcome . enjoy your stay ! good-bye . eos O O O O O O O O O O O O general-welcome,general-bye +bos hi , i am planning a trip and looking for a place to stay . can you help me with 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 N/A +bos sure can , we have 33 locations available , do you have anything to help narrow it down ? eos O O 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 need it to be in the north . i 'd also like 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 is there a price point ? eos O O O O O O O Hotel-Request+Price +bos not really . i 'm hoping you give me the price range along with my options . 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 11 hotels with the price range of moderate to cheap . which would you like to know more about ? eos O O O O B-Hotel-Inform+Choice I-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 Hotel-Select +bos can you pick a good one in the moderate price range ? eos O O O O O O O O O B-Hotel-Inform+Price O O O Hotel-Request+Price +bos the archway house has both free internet and parking , four stars , and is moderately priced . would you like me to book it ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Stars I-Hotel-Recommend+Stars O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos not yet but i would like to find a place to go near the same area 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 N/A +bos there are four places to go in the north area . two are swimming pools and there is a park and boating area . which would you like info on ? eos O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 Attraction-Select +bos a swimming pool would be great . can i get the address please ? eos O O O O O O O O O O O O O O O Attraction-Request+Addr +bos sure . i recommend kings hedges learner pool . their address is jedburgh court , kings hedges 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 O O O O N/A +bos great ! i 'm also going to need a taxi , for between the two places . eos O O O O O O O O O O O O O O O O O O Taxi-Inform +bos okay , please tell me your departure time and location as well as your destination eos 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 i want to leave the hotel at 5:30. eos O O O O O O O O O N/A +bos i have you booked , grey audi . contact number is 07341216795 eos 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 for today , goodbye eos O O O O O O 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-welcome,general-bye +bos hello , i am planning a trip and need some information on a particular hotel . eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos please give me the name of the location . eos O O O O O O O O O O Hotel-Request+Name +bos looking for lensfield hotel , kindly find out whether it has internet and the area 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 Hotel-Request+Area,Hotel-Request+Internet +bos the lensfield hotel is in the south part of town and has internet . would you like their phone number . 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 Hotel-Inform+Internet +bos no but am also 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 O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O N/A +bos i recommend gonville and caius college located intrinity street , cb21ta . do you need the phone number ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O O O O O O O O N/A +bos yes i would like the phone number . eos O O O O O O O O O Attraction-Request+Phone +bos the college can be reached at 01223332400. please let me know if you need anything else . eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 to get to the college . i want to leave my hotel at 04:45. eos 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 a black honda will pick you up at that time , if you have any other questions you can contact them at 07444688519. eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Leave I-Taxi-Inform+Leave O O O O O O O O O O O B-Taxi-Inform+Phone O N/A +bos great ! thank you so much for your help . that 's all i will be needing for today . 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 i want to find a guesthouse in the south area of cambridge . 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 found a few different options , ranging from cheap to moderate . what is your price range ? eos O 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 Hotel-Request+Price +bos expensive . thank you . eos O O O O O O general-thank +bos i do not have an expensive guesthouse in the south . would you like to try a different area of town ? eos O O O O O O B-Hotel-NoOffer+Price 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+Area +bos yes , try the north please . eos O O O O B-Hotel-Inform+Area O O O N/A +bos i would suggest avalon . do you need me to book this ? eos O O O O B-Hotel-Recommend+Name O O O O O O O O O Booking-Inform +bos actually , i still want a place in the south . maybe try a 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 O O N/A +bos bridge guest house is a nice place would you like me to book it for you ? eos 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 N/A +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos they have free parking . shall i book it ? eos O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos 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 ? eos O O O O O O O O O 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 , you can call 01223247942 to reach them and they are found in postcode cb28rj eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O B-Hotel-Inform+Post O N/A +bos great ! i am looking for a place to swim , could you find one ? eos O O O O O O O O O O O O O O O O O N/A +bos i have a few but there 's one located in the centre area . would you like more information on it ? eos O O 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 O O O O O general-reqmore +bos yes , please . can i have the postcode , entrance fee , and address ? 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 parkside pools is located in the centre , postcode cb11ly . the address is gonville place . there is no entrance fee information listed . can i help with anything else today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Post 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos yes i also need a taxi to pick me up from the swimming pool and 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 will need a time to be picked up or a time you want to leave before i can book 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i want to leave the hotel at 01:30. eos O O O O O O O O O N/A +bos a black toyota will pick you up at 11:30. contact number is 07156228714. can i help you with anything else today ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos no thank you , that will be all ! have a good day ! 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-bye +bos i 'm looking for a restaurant that serves chinese 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 how about the jinling noodle bar . i can reserve a table for you . 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 is it expensive ? i would like the restaurant to be expensive . eos O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A +bos it is not , but the ugly duckling is . would you like more information on that restaurant ? 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 O N/A +bos please book a table for 7 at ugly duckling . eos O O O O O O O O O O O N/A +bos i 'd be happy to ! what day and time would you like for your reservation ? eos 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 please book the reservation for thursday at 3:00pm and please provide me with a reference number . eos O O O O O O B-Restaurant-Inform+Day O O O O O O O O O O O N/A +bos great it 's all set raq4f5lx is the reference number eos O O O O O B-Booking-Book+Ref O O O O O N/A +bos i 'm also looking for a train to leave on friday and go to kings lynn eos 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 O N/A +bos where are you departing from ? eos O O O O O O O Train-Request+Depart +bos i 'll be departing from cambridge and want to leave after 15:15. eos O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Leave O N/A +bos there 's a train that leaves at 16:11 and arrives at 16:58. the price is 9.80 pounds . would you like to book it ? eos O 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 O Train-OfferBook +bos yes please , for the same number of people . can you 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 N/A +bos your train tickets have been booked on train tr1911 . your reference number is 4blms5km . is there anything else i can assist you with ? eos O 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 O O O O general-reqmore +bos i believe that 's everything i needed for now . thanks ! eos O O O O O O O O O O O O O general-thank +bos pleasure serving you ! eos O O O O O general-welcome +bos i was injured and need a hospital nearby . eos O O O O O O O O O O Hospital-Inform +bos addensbrookes hospital will be the closest . the address is hills rd , cambridge . postcode is cb20qq . telephone is 01223245151. will this 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 N/A +bos that is perfect . thank you for your help . eos O O O O O O O O O O O general-thank +bos you are very welcome eos O O O O O general-welcome +bos thanks . that 's all i needed . goodbye . eos O O O O O O O O O O O general-bye +bos ok , if there 's anything else you think of please contact the help desk . 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 general-bye +bos i just got injured , where is the nearest hospital ? eos O O O O O O O O O O O O Hospital-Inform +bos what is your location so i can reach the nearest hospital for you . eos O O O O O O O O O O O O O O O general-reqmore +bos i do n't know the address , i 'm in cambridge . eos O O O O O O O O O O O O O Hospital-Request+Addr +bos addenbrookes hospital is at hills rd , cambridge , postcode cb20qq . the phone number is 01223245151. is there a specific department you would like to contact ? eos O O O O O O O O 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 . that is all the information 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 general-thank +bos let me know if you need anything else . eos O O O O O O O O O O general-bye +bos i need a train departing from cambridge , leaving after 21:30. eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O N/A +bos what time were you looking to arrive and what is your destination ? eos O 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 peterborough on tuesday please eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos the tr7663 departs at 21:34 and arrives in peterborough at 22:24. shall i book this for you ? 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 Train-OfferBook +bos yes , for 7 people please . i need the reference number . eos 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 115.5 gbp payable at the station . reference number is : nbx6zt2o . 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 'm also looking for a restaurant in the south on the expensive side . eos O 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 5 results for expensive restaurants in the south . are you in the mood for chinese , indian , italian or mexican food ? eos O O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O N/A +bos we are looking for indian food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos the taj tandoori is an expensive restaurant in the south . it is located at 64 cherry hinton road . would you like me to book it ? 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 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 Booking-Inform +bos yes , for 7 people at 10: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 unfortunately the restaurant is full at that time . 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about 9:30 ? eos O O O B-Restaurant-Inform+Time O N/A +bos i 'm sorry , they do n't offer that time . would you like to try a later 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 they have no 9:30 ? eos O O O O O O N/A +bos they have no bookings available tuesday morning . would you like to try afternoon or another restaurant ? eos O O O O O O B-Booking-NoBook+Day B-Booking-NoBook+Time O O O O O O O O O O O N/A +bos let 's try again . an expensive indian restaurant in the south - tuesday , 9:30 , 7 people . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O B-Restaurant-Inform+People O O O O O N/A +bos i am sorry that was not successful . is there another time or day 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos hmmm , are you sure there is not an indian restaurant in the south that i can book for 9:30 on tuesday for 7 people ? 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 O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O O N/A +bos no , i 'm very sorry there is nothing that early . 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 Booking-NoBook,Booking-Request+Day +bos i would like you to try booking it again for 9:30 pm . eos O O O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos ok , done ! i have that booked with reference number bzy8vi7e . do you need any other 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 O general-greet,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 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-welcome,general-bye +bos can you tell me the location of an indian restaurant in the centre ? 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 cambridge has several centrally located indian restaurants , what price range are you looking for ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Price +bos in the cheap price range . eos O O O B-Restaurant-Inform+Price O O O Train-Request+Price +bos there are 3 restaurants in this range . kohinoor on mill road , the gandhi on regent street , and mahal of cambridge on millers yard mill lane . do any of these sound good ? 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 I-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 Restaurant-Select +bos the gandhi sounds good . can you book that for 2 people please ? eos O O O O O O O O O O O B-Restaurant-Inform+People O O O N/A +bos what day and time would you like your reservation ? eos O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i would like the reservation at 14:00 on wednesday . eos O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos ok , you have a table for 2 at the gandhi on wednesday at 14:00. reference number is : c64lq6zx . can i be of further assistance today ? 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 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 . i need to find a train from cambridge to birmingham new street on thursday . 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 B-Train-Inform+Day O O N/A +bos there are 19 trains that day . do you have a preferred arrival or departure 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+Arrive,Train-Request+Leave +bos i just need it to leave after 13:30. can you tell me the train id , price , and travel time for the first train after 13:30 ? 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 O O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos sure - tr9360 departs cambridge at 14:01 , arriving birmingham new street at 16:44. the total travel time is 163 minutes , and the price is 75.10 gbp per ticket . eos O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest 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 N/A +bos fantastic . that is all i need . eos O O O O O O O O O N/A +bos thank you for using our service , contact us anytime you need 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 i need a train from cambridge leaving after 18:30 in the evening please . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O O O N/A +bos and what is your destination please ? eos O O O O O O O O Train-Request+Dest +bos london liverpool street . i need the train for wednesday . eos O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Day O O N/A +bos i have three trains matching your preferences . would you like me to book tr6037 that leaves at 19:59 ? 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+Leave O N/A +bos yes , that should be fine , can you tell me how long is the 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 +bos the duration is 88 minutes . how many tickets would you like to book ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O Train-Request+People +bos i do n't know at this time . i would have to check . eos O O O O O O O O O O O O O O O N/A +bos okay ! the price for each ticket would be 16.60 pounds . eos O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos are there any restaurants that would be in the west ? eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos yes , there are many results for restaurants in the west . are you looking for a particular type of food or price range ? eos O O O O B-Restaurant-Inform+Choice 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+Food,Restaurant-Request+Price +bos i do n't care what kind of food , but i am looking for an expensive restaurant . please let me know what food type you find . 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 O O O O Restaurant-Request+Food +bos i have 9 entries . you want me to make you a reservation at graffiti ? they serve british food . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Booking-Inform+Name O O O B-Restaurant-Inform+Food O O N/A +bos yes that would be great eos O O O O O O N/A +bos not a problem , i 'll need to know how many people and what time you would like . 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 +bos 1 person and after 20:00 eos O O B-Restaurant-Inform+People O O O N/A +bos great , i can book you for wednesday at 8:30 pm . eos O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time I-Booking-Book+Time O O N/A +bos yes , that would be fine . thank you ! 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 no , that will do , thank you . eos O O O O O O O O O O general-thank +bos thank you for contacting the cambridge towninfo centre eos O O O O O O O O O general-bye +bos i need to find the closest hospital , i 've been injured . eos O O O O O O O O O O O O O O Hospital-Inform +bos i 'm sorry to hear about your injury . addenbrookes hospital is where you 'll want to go , telephone : 01223245151 , address hills rd , cambridge , postcode 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 O O O O O O O O O N/A +bos thank you ! that is all of the information i need ! 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 think i may have hurt myself . where is the nearest hospital ? eos O O O O O O O O O O O O O O O Hospital-Inform +bos it is on hills rd , cambridge . do you need any help ? eos O O O O O O O O O O O O O O O N/A +bos ok , can you please give me the phone number and postcode ? eos O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the number is 01223245151 and the post code is cb20qq . do you need an officer ? eos O O O O O O O O O O O O O O O O O O N/A +bos i need to find addenbrookes hospital . eos O O O O O O O O Hospital-Inform +bos the hospital is located on hills road . anything else ? eos O O O O O O O O O O O O N/A +bos may i have the hospital phone number please ? eos O O O O O O O O O O Hospital-Request+Phone +bos their telephone number is 01223245151. eos O O O O O 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 you 're welcome ! have a great day ! eos O O O O O O O O O O general-welcome +bos hello i am injured and am looking for a nearby hospital please . eos O O O O O O O O O O O O O O Hospital-Inform +bos there is the addenbrooks hospital , their phone number is 01223245151 , did you want the direct line to the emergency 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 N/A +bos can you also send the postcode and address please ? 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 , 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 i think i can take it from here , but i will call you if i need anything else.thanks , 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 no problem have a great day eos O O O O O O O general-bye +bos you do the same ! eos O O O O O O N/A +bos thank you ! i hope you feel better soon ! eos O O O O O O O O O O O general-bye +bos hey there . can you help me find a swimming pool here in the city ? eos O O O O O O O O O O O O O O O O O N/A +bos we have four such places . got a preference for area ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Area +bos not really , no . any area will do . can you recommend one and provide 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 Attraction-Request+Area,Attraction-Request+Phone +bos the parkside pools is in the centre area , phone number 01223446100. can i help you any further ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos no actually , that is just the information i needed . thanks 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 general-thank +bos you 're welcome . have a great day ! eos O O O O O O O O O O N/A +bos please find me a restaurant in the centre 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 many restaurants in the centre of town . are you looking for a specific kind of food ? 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 O O O O O O O O O Restaurant-Request+Food +bos i am looking for traditional food in the centre 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 i 'm sorry , there are no traditional restaurants listed in the centre part of town . 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 Restaurant-NoOffer,general-reqmore +bos how about turkish food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos anatolia serves turkish food and is located in the centre of town . their phone number is 01223 362372 and they are located at 30 bridge street city centre 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 I-Restaurant-Inform+Area 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 N/A +bos what is price range ? eos O O O O O O Restaurant-Request+Price +bos anatolia is moderately priced . do you need additional information ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 O general-thank +bos thank you , have a nice day ! eos O O O O O O O O O general-bye +bos i need the address of a restaurant that serves gastropub food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Addr +bos the cow pizza kitchen and bar serves gastropub food . their address is corn exchange street in the centre area . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos thank you . eos O O O O general-thank +bos you 're welcome . bye eos O O O O O O general-welcome,general-bye +bos what is a cheap restaurant in the south part of town ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos there are two restaurants in the south of town in the cheap price range . would you prefer portuguese of chinese ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos is there anything else ? if not , chinese . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos the lucky star is a chinese restaurant in the south part of town and in the cheap price range . would you like their location ? eos O 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 I-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O O O O general-reqmore +bos yes , can you give me the address ? eos O O O O O O O O O O Restaurant-Request+Addr +bos the address of the lucky star is , cambridge leisure park clifton way cherry hinton . 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 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 general-reqmore +bos no , thank you . eos O O O O O O general-thank +bos excellent , have a wonderful evening . eos O O O O O O O O general-bye +bos i am looking for a restaurant in the north part of town serving persian 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 n't any restaurants serving persian food in the north part of town . would you like me to look 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 O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos are there chinese restaurants in the north 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 there are three chinese restaurants in the north part of town . what price range would you like ? 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 O O Restaurant-Request+Price +bos any price range would be fine . eos O O O O O O O O N/A +bos there are three restaurants that serve chinese food in the north part of town . would you like me to list them ? eos O O O B-Restaurant-Inform+Choice 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 O general-reqmore +bos please provide a phone number for one of the restaurants . eos O O O O O O O O O O O O Restaurant-Request+Phone +bos golden wok is a chinese restaurant located in the north part of town , and the phone number is 01223 350688. eos 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+Area O O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos can i have the phone number to one more restarant please ? eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos the hakka also serves chinese food and is on the north side of town . their phone number is 01223 568988. is there anything else i can help you with . eos O 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 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 , thank you . that is good . good bye . eos O O O O 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 am looking for a restaurant in the center of town that serves russian 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 russian restaurants in the centre 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 yes please , is there any restaurant serve british food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there is one moderately priced british restaurant and one expensive restaurant . do you have a preference ? eos O O O B-Restaurant-Inform+Choice I-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 Restaurant-Request+Price +bos no . 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 fitzbillies restaurant 's phone number is 01223 352500. their address is 51 trumpington street city centre 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 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 general-bye +bos thank you good bye eos O O O O O general-bye +bos can you recommend a moderately priced restaurant in the south 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 would you prefer italian or modern european food ? eos O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i do n't care . either one is fine . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos how about pizza hut cherry hinton . it serves italian food , is in the moderate price range , and in the south part of town . 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+Food 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 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 sure , pizza hut cherry hinton is located at g4 cambridge leisure park clifton way cherry hinton and the phone number is 01223 413000. is there anything else i can help you with ? eos 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 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 O O O O O O O general-reqmore +bos no , that is 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 goodbye . eos O O O general-bye +bos i need a restaurant that serves european food please eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos what area are you looking for ? eos O O O O O O O O Restaurant-Request+Area +bos anything in the area would be fine eos O O O O O O O O Restaurant-Request+Area +bos galleria is a nice restaurant serving european food , is in the centre of town and is moderately priced . eos O B-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O N/A +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 i 'm sorry there is no one serving european food in the expensive price range eos O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos i am looking for a cheap restaurant eos O O O O O O B-Restaurant-Inform+Price O N/A +bos ok , i 'm showing a number of cheap restaurants in town . which area do you prefer ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Area +bos i want somewhere in the center . eos O O O O O O O O N/A +bos there are many restaurants in the centre of town . is there any particular type of food you desire ? 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 O Restaurant-Request+Food +bos i made a mistake . i am looking for a cheap restaurant in the north part of town . 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 O O N/A +bos i have two restaurants available , do you prefer italian or indian food ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i prefer indian food . eos O O O B-Restaurant-Inform+Food O O N/A +bos royal spice is a cheap indian restaurant in the north . 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 N/A +bos is there anything else ? eos O O O O O O N/A +bos there is nothing else in the indian and cheap in the north part of town . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 I-Restaurant-Inform+Area Restaurant-NoOffer +bos how about that italian restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos da vinci pizzeria is a cheap italian restaurant in the north . it 's address is 20 milton road , chesterton . eos O O B-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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A +bos thank you for the information . goodbye . eos 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-welcome,general-bye +bos i 'm looking for a restaurant that serves vietnamese food on the south side of town , is there anything like 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 there are no vietnamese restaurants on the south side but there is one on the west side . would that suffice ? eos O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area 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 Booking-Inform +bos what about on the east side ? i would like for it to be expensive . eos O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A +bos i 'm sorry but there are not any vietnamese restaurants on the east side of town , either . 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 O O O N/A +bos bummer , how about indian food on the east side ? i 'm willing to pay for an expensive meal , if it 's good ! eos 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+Price O O O O O O O O O O N/A +bos there are 4 indian restaurant on the east side ranging from moderately priced to expensive . 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Restaurant-Select +bos expensive would be fine . can i have the address for the most expensive indian restaurant out of the four ? eos 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 O O O Restaurant-Request+Addr +bos how about the pipasha restaurant ? it is in the expensive price range and serves indian food . their address is newmarket road fen ditton . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O 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 I-Restaurant-Inform+Addr O O O N/A +bos i would also like to check on museums on the east side . can you see what you have in that area ? 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 O O O O N/A +bos i have found four museums . 3 of them are free and one costs 5 pounds . can i get you more information on any of them ? eos O O O O O B-Attraction-Inform+Type 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 O O O general-reqmore +bos i need information on all of them please . eos O O O O O O O O O O N/A +bos what information would you like ? the phone number , address , or postcode ? eos O O O O O O O O O O O O O O O O general-reqmore +bos the address please eos O O O O Restaurant-Request+Addr +bos i can give you the address for only one , is there one in particular you wish to learn more about ? 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 give me information on the one closest to pipasha restaurant . eos O O O O O O O O O O O O Restaurant-Inform +bos they are all in the same general area , but cambridge artworks is nice . it is located at 5 greens road , cb13ef . you can call them at 01223902168. eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Post I-Attraction-Recommend+Post I-Attraction-Recommend+Post O O O O O B-Attraction-Recommend+Phone O O O O N/A +bos cool ! is that one of the free ones ? got ta save my money for the grub , you 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 N/A +bos cambridge artworks is free . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O N/A +bos perfect ! thank you so much for your help ! eos O O O O O O O O O O O general-thank +bos anything else i can do for you ? eos O O O O O O O O O general-reqmore +bos can you recommend me 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 i found two restaurants . would you prefer chinese or indian food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i do not care what kind of food . eos O O O O O O O O O O N/A +bos there are two restaurants in the moderate price range and north area . there is golden wok and there is the nirala . eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price 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 O N/A +bos what is the address and phone number of the golden wok ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the golden wok address is 191 histon road chesterton and the 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+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 thank you , goodbye . eos O O O O O O general-bye +bos thank you for using the cambridge restaurant system . please call again ! goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos i need the phone number to a restaurant located in the north part of town that is moderately priced , thank you 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 Restaurant-Request+Phone +bos golden wok is a moderately priced chinese food restaurant in the north part of town . their number is 01223 350688. 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 O B-Restaurant-Inform+Area 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 O general-welcome,general-bye +bos thank you , goodbye . eos O O O O O O general-bye +bos good day ! eos O O O O general-bye +bos i am looking to book a hotel in the cambridge area . eos O O O O O O O O O O O O O Hotel-Inform +bos there are 33 hotels to choose from . would you like to narrow your search 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 Hotel-Request+Area,Hotel-Request+Price +bos i am looking for cityroomz . i 'd like to book rooms for 7 people who will be staying for 4 nights from sunday . please respond with a reference number eos O O O O O B-Hotel-Inform+Name 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 booking was successful . your reference number is : 1ulihmua . 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 N/A +bos yes , i am looking for a restaurant in the west that serves indian 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 there are 6 restaurants in the west that serve indian food . what price range would you prefer ? expensive or moderate ? 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 B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A +bos the restaurant should be in the expensive price range . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have 5 different options , `` tandoori palace '' `` rice boat '' `` cocum '' `` india house '' and `` maharajah tandoori restaurant '' . did any of those interest you ? 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 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+Name O O O O O O O O O O O O O O O O O O O Restaurant-Select +bos tandoori palace has a catchy name . could you book me a table there for the same group of people on the same day at 17: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 B-Restaurant-Inform+Time O O N/A +bos booking was successful . your reference number is : s7fei7ms . 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 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 . good-bye . eos O O O O O O O general-welcome,general-bye +bos i 'm looking for an expensive restaurant that serves gastropub type food . eos 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 3 restaurants that fit your criteria , royal standard , the slug and lettuce and backstreet bistro . are you interested in any of these ? 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 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 Restaurant-Select +bos are any of these in the east part of town ? eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos yes , the royal standard is in the east . i would be happy to book a table for you if you can tell me the day , time , and number of people . eos O O O B-Restaurant-Inform+Name I-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 O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos i want to book a table for 4 people at 16:00 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 i am sorry booking was unsuccessful . do you have another time slot in mind or possibly a different 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 O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos is it available at 15:00 ? eos O O O O O B-Restaurant-Inform+Time O N/A +bos yes , booking for 4 on friday at 15:00 was successful . would you like the reference number for that . eos O O O O O B-Booking-Book+People B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O O O O O N/A +bos yes please that be great , thanks ! eos O O O O O O O O O general-thank +bos the reference number is n91xoazt . 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 yes , i 'm looking for a hotel named limehouse ? eos O O O O O O O O B-Hotel-Inform+Name O O O N/A +bos the limehouse is a moderately priced guesthouse with a 4 star rating . internet and parking are also provided . would you like me to book this ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type 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+Parking,Hotel-Inform+Internet +bos yes , please - could you book it for 4 people for 4 nights please ? also , could you let me know the reference number ? 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 O O O O O O O N/A +bos i can , on which day would you like the reservation to begin ? eos O O O O O O O O O O O O O O O Booking-Request+Day +bos oh sure , start on friday please . eos O O O O O B-Hotel-Inform+Day O O O N/A +bos booking was successful , the reference number is opi4xid4 eos O O O O O O O O B-Booking-Book+Ref O N/A +bos wonderful , thank you for all 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 general-thank +bos i was happy to assist 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 '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 33 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 i do n't care about food . surprise me . eos O O O O O O O O O O O N/A +bos fitzbillies restaurant serves british food , it 's located at 51 trumpington street city centre . would you like to hear about any others ? there are 33 results if british food is n't your style . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+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 O O O O O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O general-reqmore +bos that sounds fine . can you book it please and get me the reference number ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos sure , what day and time would you like and how many people ? 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 i would like a table for 5 at 11:30 on tuesday , and i will need the reference number . thanks . 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 Restaurant-Request+Ref +bos okay , the booking was successful . the reference number is mqr72wdp . 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 i 'm also looking for a place to stay . it needs to include free wifi and parking , be 3 star , 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 B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A +bos the gonville hotel is a three star hotel in the centre area . it is in the expensive price range , and has free parking and wifi . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Stars O O O 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 O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos can i get the address of the gonville , please ? eos O O O O O O O O O O O O Hotel-Request+Addr +bos absolutely , the address for the gonville hotel is gonville place . would you like me to book a reservation for you ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O O Booking-Inform +bos no , but i will need a taxi between the hotel and the booked restaurant . 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 no problem ! i have booked you a cab that will take you to the restaurant by 11:30. look for a yellow skoda taxi . the cab 's contact number is 07208286486. eos 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 B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O O general-greet +bos great , thanks for all of your help . eos O O O O O O O O O O general-thank +bos you are 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 . thank you for your help ! 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 was looking for a hotel in the center of town that offers free parking . 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 found the gonville hotel and university arms hotel that meets your criteria . 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 N/A +bos is the hotel expensive , and is it a guesthouse ? eos O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Type O O N/A +bos the gonville hotel and university arms hotel is expensive , but it is not a guesthouse . the guesthouses that meet your criteria are cheap . 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+Price O O O O O B-Hotel-NoOffer+Type O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O N/A +bos okay , how about any hotels that are expensive that has free parking . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O N/A +bos there are no hotels that match that requirement . eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O N/A +bos how about a hotel type instead of guesthouse ? eos O O O O B-Hotel-Inform+Type O O O O O N/A +bos there are 2 results for expensive hotels in town centre . one is the gonville hotel , the other university arms hotel . would you like to book one of these ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price B-Hotel-Inform+Type 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 I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform +bos yes please book gonville hotel for 2 people for 4 nights starting tuesday eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos i am sorry . that hotel is unavailable for your requested stay . would you like to pick 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 can you try 3 nights instead ? eos O O O O O B-Hotel-Inform+Stay O O N/A +bos i have booked the gonville hotel for 3 nights . the reference number is 4qyjh7y5 . can i help you with anything else ? eos O O O O O B-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 general-reqmore +bos yes , are there any modern american restaurants in the center of town ? something expensive . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Hotel-Inform+Price O O O N/A +bos sorry , but there are n't any restaurants that meet those criteria . something less expensive , perhaps ? eos O O O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O O O Restaurant-Request+Price,Restaurant-NoOffer +bos how about a modern european restaurant ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos yes , i can recommend darrys cookhouse and wine shop . would you like me to make 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 I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos yes i want a reservation for 2 people at 14:30 eos O O O O O O O O O O O N/A +bos which day would you like the reservation for ? eos O O O O O O O O O O Booking-Request+Day +bos tuesday please . also i need the booking reference number when you are done please . eos O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O N/A +bos booking confirmed ! the reference number is z7e6uort . 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 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 very much 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-welcome,general-bye +bos can you find me a place with free parking to stay in the centre ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos i can help with that , are you looking for a guesthouse or a hotel ? eos 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 a guesthouse with three star rating could be great . eos O O O O O O O O O O O N/A +bos there are no guesthouses with 3 star but there is a 3 star hotel that offers free parking and free wifi . it is called gonville hotel . eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos please book me that hotel , it fits my preferences . eos O O O O O O O O O O O O Hotel-Inform +bos excellent . for how many people and for how long ? eos O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People,general-greet +bos what is the price range , address and phone number of the hotel ? eos 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 hotel is expensive . the address is gonville place , and the phone number is 01223366611. eos O O B-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Price O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone O O N/A +bos i 'm also looking for a really nice restaurant that serves modern european food . can you help me with that ? 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 sure ! there is one restaurant meeting that criteria . it is the darrys cookhouse & wine shop . would you like me to make a reservation ? eos O 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 O O O O O O O Booking-Inform,general-greet +bos what is the price range of this restaurant and is it located near the hotel ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos they 're both in the centre of town , and the restaurant has a price range of expensive . eos 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 B-Restaurant-Inform+Price O O O N/A +bos i would like a table for 5 on sunday at 19:30 at darrys cookhouse , 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 N/A +bos sorry , a table is n't available at that time . would you like to book 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 O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos yes , can i have a table for 18:30 on the same day ? eos O O O O O O O O B-Restaurant-Inform+Time O O O O O O N/A +bos ok i have booked your table for 5 at 18:30 on sunday . your reference number is 4pxenuhg . is there anything else i can help you with ? 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 O O O O O O O O O O general-reqmore +bos yes , i need a taxi to commute between the two places . i need to arrive to the restaurant by 18:30. can you get me a 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+Arrive O O O O O O O O O O O O O Taxi-Request+Car +bos okay , it been booked . the car type is a yellow ford and your contact number is 07565490512. can 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 O B-Taxi-Inform+Phone O O O O O O O O O O N/A +bos nope that should be it , thank you very much eos O O O O O O O O O O O general-thank +bos you 're welcome . have a beautiful stay in our fair city . eos O O O O O O O O O O O O O O general-welcome,general-greet +bos i am looking for a place with free parking , internet is not required . eos O O O O O O O O O O O O O O O O N/A +bos alright , there about 30 or so hotels that would work . did you prefer a certain area or price range ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-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 Hotel-Select +bos 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 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 B-Hotel-Inform+Type O O O O N/A +bos alright , that narrowed the results down to 21 guesthouses . is there a star rating you are particularly interested 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 Hotel-Request+Stars +bos there really is n't any particular star rating i 'm interested in . eos O O O O O O O O O O O O O O N/A +bos may i suggest the acorn guest house ? it 's moderately-priced in the north . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O N/A +bos please tell me its star rating , phone number and address . eos O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos the guesthouse has 4 stars . the address is 154 chesteron road . the phone number is 01223353888. would you like for me to book it ? eos O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Stars 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 O O Booking-Inform +bos yes , it is perfect eos O O O O O O N/A +bos what day will you be arriving ? i also need to know how many people there will be and how long 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 O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People +bos there will be 8 of us and i am also looking for a moderate priced restaurant in the center for 11 ; 15 on saturday . please send me the reference number . eos O O O O O B-Hotel-Inform+People O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+Day O O O O O O O O O O Restaurant-Request+Ref +bos let 's get your hotel booked first . i will need to know how many days you 'd like to stay and what day you want to begin 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 O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay,general-greet +bos i 'll book the hotel myself , but i would like a restaurant reservation . someplace moderately priced in the center 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 there are 21 moderately priced restaurants near the centre . do you have a type of cuisine in mind ? 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 O O O O O O O O O O O Restaurant-Request+Food +bos not really , but a moderate priced restaurant in the centre would be ideal . 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 how does the copper kettle sound ? it is moderately priced in town centre and serves british food . can i reserve a table for you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-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 that 's fine . could you book a table for 8 people at 11:15. i need a reference number . i also need a taxi between both places arriving at the booked time . eos O O O O O O O O O O B-Restaurant-Inform+People 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 Restaurant-Request+Ref +bos it 's booked . reference number is 6jc8sk3s . your taxi will arrive at 11 it 's a red skoda with contact number 07950328037 eos O O O O O O B-Booking-Book+Ref O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O N/A +bos thank you . will it take more than 15 minutes to get from the hotel to the restaurant ? eos 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 no , your departure is at 11:00 and you will arive by 11:15. is there anything else i can assist with you today ? eos O O O O O O B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Arrive O O O O O O O O O O O O general-reqmore +bos no . i believe that will be everything . thank you . eos O O O O O O O O O O O O O general-thank +bos thank you and please contact us again if you have any questions . 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 restaurant in cambridge that serves south indian food . eos 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 am sorry there are no restaurants in the are that match that description . eos O O O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O N/A +bos what kind of moderately-priced restaurants are there in the center of town , then ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A +bos we 've got 21 moderately-priced restaurants in the centre . there are asian oriental , british , chinese , european , gastropub , international , italian , lebanese , modern european , spanish , and turkish options . do any of those interest 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 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 N/A +bos good . i would like to try asian oriental then . eos O O O O O O O O O O O O N/A +bos the yippee noodle bar meets your criteria . would you like me to book that 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 O Booking-Inform +bos no thanks . how about a moderately priced modern european restaurant ? eos O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos hotel du vin and bistro serves european food and is moderately priced . does this sound good to you ? eos 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 O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O N/A +bos yes , thank you . will you please make a reservation at the restaurant for 3 people on saturday at 15:15 and provide me with the reference number ? eos O O O O O 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 O O O O O O O O O N/A +bos sure thing ! your table is booked , and your reference number is sq8n4ijx . 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 O O O O O O O O O O O O O O general-reqmore +bos yes please , could you find a hotel that offers free wifi in the same part of town as the restaurant ? eos O O B-Hotel-Inform+Internet 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 5 options that fit your criteria . do you have a price range in mind or any other specifications ? 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 +bos no . i just need it to be for three people , for three nights . eos O O O O O O O O O O O O O O O O O N/A +bos i am showing a total of five results that match your criteria . may i suggest the four star alexander bed and breakfast , located at 56 saint barnabas road ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Recommend+Stars 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 I-Hotel-Recommend+Addr O N/A +bos actually , i need it to be a hotel , not a bed and breakfast . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos what about the gonville hotel ? it is an expensive hotel in the centre of town . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O N/A +bos that sounds good can you book it for 3 nights for 3 people on saturday ? eos 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 your booking is complete , reference number is aedkgybd . 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 general-reqmore +bos i 'm also looking for a taxi that arrives at the booked time of the restaurant . eos O O O O O O O O O O O O O O O O O O N/A +bos alright , i have a cab booked for you from the gonville hotel arriving at hotel du vin and bistro by 15:15. anything else i can do for you ? 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O O O O general-reqmore +bos could i please get the car type and contact number of the taxi ? eos O O O O O O O O O O O O O O O Taxi-Request+Car +bos the car is a black audi and the contact number is 07306125704. 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , i think that 's all . you have been very helpful . eos O O O O O O O O O O O O O O O N/A +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 i need a guesthouse 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 i have many results for a cheap guesthouse , would you like to narrow it down to stay in a particular area of the town ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 O O O Hotel-Request+Area +bos do any of these hotels have 4 stars ? eos O O O O O O O O B-Hotel-Inform+Stars O N/A +bos yes , in fact 7 of the 9 hotels in your search criteria have 4 stars . would you like to narrow your search by area ? eos O O O O O B-Hotel-Inform+Choice 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 Hotel-Request+Area +bos any area is fine , but i 'd like to book rooms for 8 people . we 'll be staying 5 nights , beginning on saturday . can any of them accommodate that ? eos O O O O O O O O O O O O O B-Hotel-Inform+People O O 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 N/A +bos i was able to get you rooms at the alexander bed & breakfast . reference number is : hreom15w . can i be of further assistance today ? 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 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 restaurant called the nirala . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos the nirala serves indian food in the north side of town . it is located at 7 milton road chesterton , phone 01223360966. is there anything else i can help with ? 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 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 B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos i 'd like to book a table there for 8 at 16:00 on saturday , 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 N/A +bos i am sorry , i was unable to reserve a table for that time on saturday , would you like to try a different time slot ? eos 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 O O O O Booking-Request+Time +bos yes , see if 15:00 is available . eos O O O O B-Restaurant-Inform+Time O O O O N/A +bos booking was a success ! eos O O O O O O Booking-Book +bos could you please provide the reference number ? eos O O O O O O O O O N/A +bos sure thing . the reference number is z1yhir0y . eos O O O O O O O B-Booking-Book+Ref O O Booking-Inform +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 glad that i could be of service . goodbye ! eos O O O O O O O O O O O general-bye +bos hi , i 'm planning a visit to the south of cambridge and am looking for a bed and breakfast . 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 N/A +bos rosa 's bed and breakfast on 53 roseford road is inexpensive and has a 4 star rating . 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 O Booking-Inform +bos is it a type of guesthouse and is it in the south ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos rosa 's bed and breakfast eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos that sounds good . can you book it for 3 people to stay 5 nights on tuesday ? eos O 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 N/A +bos yes , sir , we have the booking all completed for you . that was five days starting tuesday , for three people . is that correct ? eos O O O O O O O O O O O O O O B-Booking-Book+Stay I-Booking-Book+Stay O B-Booking-Book+Day O B-Booking-Book+People I-Booking-Book+People O O O O O O O O N/A +bos yes , but i do need the reference number , please . i 'm also looking for a sri lankan restaurant in the south . eos 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 O Hotel-Request+Ref +bos the reference number is 7aava5yo eos O O O O O B-Booking-Book+Ref N/A +bos thank you for the reference number , how about the sri lankan restaurant in the south ? any luck finding one ? 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+Area O O O O O O O Hotel-Request+Ref +bos i 'm sorry there are no results for a sri lankan restaurant in the south . would you like to change some criteria , such as area or cuisine ? eos 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 O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos yes i found it and it was great eos O O O O O O O O O N/A +bos i apologize but there are no sri lankan restaurants in south cambridge . would like to explore another area ? 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 Restaurant-Request+Area +bos nah , i 'd like to stay in the same area as the hotel . let 's try a portuguese restaurant instead . 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 O O O N/A +bos you 're in luck . we do indeed have a portuguese restaurant in that area . the name is nandos . would you like a reservation ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform +bos no but could i get the postcode , address 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 absolutely . the postcode is cb17dy , the address is at cambridge leisure park in clifton way , and the phone number is 01223327908. eos O O 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 I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone O O N/A +bos can i also get a taxi from the hotel to the restaurant ? i 'd like to leave the hotel by 5:30 , 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-Inform,Taxi-Inform,Hotel-Inform +bos yes i got you a taxi . it is a grey volkswagen whose contact number is 07956461934. 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 sounds great . thanks for your help . eos 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 am looking for a place to dine in cambridge eos O O O O O O O O O O O N/A +bos there are 110 place to dine in cambridge . may i narrow the search by area , price range , and/or 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 Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price +bos i would like a place in the centre of town , serves indian food and on the expensive side . eos O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O N/A +bos the curry garden is an expensive restaurant located at 106 regent street city centre . their phone number is 01223302330. would you like me to book a reservation for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O Booking-Inform +bos i will call them , thank you for your help . eos O O O O O O O O O O O O general-thank +bos you 're welcome . have a great rest of your day ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i am also looking for a hotel called the university arms 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 i found it . 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 Booking-Inform +bos yes , i would like to book 5 nights starting wednesday for 6 people . may i also have the reference number please . eos 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 O O O O O O O O O Hotel-Request+Ref +bos okay great ! your booking was successful . your reference number is hmuh9f2t . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos great , can i also get a taxi as well . eos O O O O O O O O O O O O Taxi-Inform +bos certainly ! is there any particular place you would 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 O Taxi-Request+Depart +bos yes from the restaurant to my hotel . i need to leave the restaurant by 17:00. eos O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos ok , we can get you a blue honda at 17:00 from the restaurant to the hotel . eos 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos great , thanks . could you give me their contact number ? eos O O O O O O O O O O O O O general-thank +bos sure thing . their contact number is 07128800156. 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 O general-reqmore +bos not at this time but your help has been appreciated . eos O O O O O O O O O O O O N/A +bos great , thank you for using our system ! eos O O O O O O O O O O general-bye +bos i would like a moderate european place to eat . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos i have found 5 restaurants that match what you 're looking for . would you like me to go through them ? 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 general-reqmore +bos yes please go through them . eos O O O O O O O N/A +bos the first restaurant is the hotel du vin and bistro . then there is the galleria , restaurant alimentum , de luca cucina and bar , and riverside brasserie . 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Restaurant-Select +bos i am not sure but i need to make the reservation for 8 people at 16: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 N/A +bos i made a reservation at de luca cucina and bar . the reference number 0plz0ise . 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 B-Booking-Book+Ref O O N/A +bos great , thanks ! that 's all for now . bye ! eos O 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 'd like information about an attraction called williams art and antiques . can you help me with that ? 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 O O O O O O O N/A +bos sure ! it is a museum in the centre and is free to enter . the phone number is 01223311687. is there any other information you would like ? eos O 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+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-greet,general-reqmore +bos no , thank you . eos O O O O O O general-thank +bos you 're welcome . i hope you enjoy the museum ! eos O O O O O O O O O O O O general-welcome,general-greet +bos i am also looking for a place to eat in the expensive price range that serves chinese , can you help me with that too ? 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 O O O O N/A +bos i have several choices for expensive chinese food . can i recommend tang chinese ? it is in the centre of town . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Price B-Restaurant-Inform+Food 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 O O O N/A +bos that sounds perfect . can you tell me their phone number ? eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos yes , it is 01223357187. would you like me to make reservation ? eos O O O O B-Restaurant-Inform+Phone O O O O O O O O O Booking-Inform +bos not at this time , but thank you . i appreciate your help . eos O O O O O O O O O O O O O O O general-thank +bos no problem ! i hope you enjoy your day ! eos O O O O O O O O O O O general-welcome,general-bye +bos hello , i am looking for information about trinity college . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos no problem . trinity college is located on trinity street and there is a 1 pound entrance fee . the phone number is 01223338400. did you need anything else ? eos 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 O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O O O O O O general-reqmore +bos no thank you that was all . eos 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 +bos i almost forgot , i need to locate a restaurant in the centre town in the moderate price range . and can you confirm the attraction type for trinity college please . eos O O O 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 O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O Attraction-Request+Type +bos we have 21 restaurants in the centre area with a moderate price range . what type of food would you be interested in ? trinity college is listed as a college . 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 O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O Restaurant-Request+Food +bos is there a restaurant in the center that serves international food but moderately priced ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O N/A +bos there are two restaurants that serve international cuisine in the area . would you be interested in the varsity restaurant , or the bloomsbury restaurant ? 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 O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O N/A +bos i 'm interested in the varsity restaurant . what is the phone number , postcode and address for this restaurant ? 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 the varsity restaurant is located at 35 saint andrews street city centre , postcode cb23ar . the phone number is 01223356060. would you like to make a reservation ? eos 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 B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform +bos no , thank you . i would like to book a taxi from trinity college to varsity restaurant , though . 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 O O O N/A +bos i 'll be glad to help . what time would you like the taxi for ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos i want to leave the attraction by 14:00 , so book the taxi for 10:00. eos O O O O O O O O B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Arrive O N/A +bos you 're all set . a red volvo will pick you up . your contact number is 07236406962. is there anything else you need ? 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+Phone O O O O O O O O O general-reqmore +bos that will be all . thanks for helping me out . eos O O O O O O O O O O O O general-thank +bos not a problem ! thanks for contacting cambridge towninfo centre ! eos O O O O O O O O O O O O general-bye +bos i 'd like to visit a park in the south part of town . can you recommend one to me ? 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 N/A +bos the wandlebury country park is in the south area . would you like the address ? 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 O O O O O N/A +bos yes please . i would also like the entrance fee and phone number for it as well . 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 admission is free and the phone number is 01223243830. can i help you with anything else ? eos O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos i am looking for a restaurant that serves northern european food . i would like it to be in the south , also . 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 B-Restaurant-Inform+Area O O O N/A +bos i am afraid i have no restaurants matching your request . would you like to try another area or 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 Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos lets try european food in the expensive price range in the northern part of town again . 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 i am sorry , there are not any northern european restaurants in the south . can i help you with something else ? eos 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 O O O O O O O general-reqmore +bos yes . can you please find me an expensive restaurant in the south that serves mexican food ? eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O N/A +bos i found one restaurant that matches that criteria , the chiquito restaurant bar at 2g cambridge leisure park cherry hinton road cherry hinton , the phone number is 01223400170. eos O O O O O O O O O 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 good . i want to book a table for 7 people at 18:30 on saturday . please include a reference number . 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 O O O O O Restaurant-Request+Ref +bos you table is reserved for 15 minutes and the reference number is gcydrabe . 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 general-reqmore +bos can i please get the address for wandlebury ? eos O O O O O O O O O O Attraction-Request+Addr +bos certainly ! the address is wandlebury ring , gog magog hills , babraham . is there anyway else i could be of service today ? eos O O O O 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 O O O general-reqmore +bos that 's all , thank you very much/ 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 thanks , you too ! eos O O O O O O general-thank +bos wandlebury country park is located at wandlebury ring , gog magog hills , babraham , cb223ae 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 O O O N/A +bos i believe you 've given me all the information i need . thank you and goodbye . eos 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 system today ! eos O O O O O O O O general-bye +bos i 'm looking for a moderate place to dine in the south . do you have any recommendations ? 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 N/A +bos there are 2 moderately priced restaurants in the south . would you prefer italian or modern european ? 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 B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i think modern european sounds good . can you book me a table for 7 people at 19:45 on a friday ? eos O O 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 N/A +bos i 'm so sorry , but they have no available reservations for that day and time . would you like me 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 O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos can you find me another restaurant then , just so its in the south with a moderate price range . i need a table for 7 friday at 19:45. 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 B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos that time is not available for the other restaurants as well . would you like to book 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos would you check the moderately priced italian restaurant in the south please ? eos O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O N/A +bos i apologize , there was in fact an open table at the modern european restaurant . i 've booked you at restaurant alimentum for 7 on friday at 19:45. eos 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+People B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O N/A +bos could i please get the reference number for the booking ? eos O O O O O O O O O O O O Restaurant-Request+Ref +bos your reference number is hvtafs9x . can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Ref O O O O O O O O O general-reqmore +bos yes , i 'm also looking for some interesting architecture in town . eos O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i have some great architecture attractions for you , all in the center of town . might i recommend all saints church ? eos O O O B-Attraction-Inform+Choice 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 O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos that sounds interesting , im also looking for a restaurant eos O O O O O O O O O O O Restaurant-Inform +bos remember , i 've already booked you for restaurant alimentum for 7 on friday at 19:45. anything else ? 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 O general-reqmore +bos yes , a taxi please ! i need to get from the church to the restaurant by 19:45. got ta 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 B-Taxi-Inform+Arrive O O O O O O O O O O O O O N/A +bos your booking was successful ! the car type is a grey bmw and the contact number is 07119825098. 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 so much ! eos O O O O O O general-thank +bos great i am glad we could help . eos O O O O O O O O O general-bye +bos hello , i am trying to locate a restaurant that serves northern european food , and i would prefer a more elegant setting . 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 O O N/A +bos i am sorry but there are no restaurants matching your requests . would you like me to search for 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about an expensive restaurant that serves british food ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos there are six expensive british restaurants in cambridge . do you have a preferred section of town ? 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 Restaurant-Request+Area +bos it 's all new to me . could you recommend one ? eos O O O O O O O O O O O O O N/A +bos absolutely , i recommend the cambridge chop house at 1 kings parade in the centre of town . this is a highly recommended british experience by locals and tourists a-like . eos 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O N/A +bos great . could you also help me find a cinema in the south 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 sure thing , we have the cineworld cinema located at cambridge leisure park , clifton way . eos 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 N/A +bos cineworld sounds perfect . what 's their postal code ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postal code is cb17dy . can i get you anything else ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos no , that 'll be all . thank you for all of your help today . eos O O O O O O O O O O O O O O O O O general-thank +bos have a good time ! eos O O O O O O general-bye +bos i need to find somewhere to eat that is moderately priced in the city 's center . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos there are many great options to choose from . 21 in fact ! any particular type of cuisine you 're looking for ? eos 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 Restaurant-Request+Food +bos no , nothing in particular . can you recommend one and give me the address ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos i recommend yippee noodle bar which is located at 40428 king street city centre . is there anything else i can do for you ? eos 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 O O O O O O O O general-reqmore +bos great i also am looking for a multiple sports attraction in the centre of town too . 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 i am sorry , there actually are not any multiple sports attractions in the centre . there is one located in the east , though . eos O O 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 B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area 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 there are a great number of colleges in the centre . can i recommend trinity college , on trinity st ? entrance is only 1 gbp . eos O 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 O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O N/A +bos great can i get the postcode of it ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode for that is cb21tq . eos O O O O O O B-Attraction-Inform+Post O N/A +bos and what is the address ? eos O O O O O O O Attraction-Request+Addr +bos the address of the college is trinity street . may i help you with anything else ? eos O O O O O B-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 , that 's all . thank you eos O O O O O O O O O general-thank +bos thank you for using cambridge towninfo centre , and have a great day ! eos O O O O O O O O O O O O O O O general-bye +bos hello . i am looking for information about saint barnabas press gallery . 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 the saint barnabas press gallery is a museum in the east area of town . the phone number is 01223902116. would you like the address ? 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 B-Attraction-Inform+Area I-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 general-reqmore +bos yes , can i get it please ? eos O O O O O O O O O N/A +bos it is located at the belfast yard , coldham 's road . 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 O O O O O O O general-reqmore +bos yes , i also need help finding a restaurant . are there any that serve chinese food in the south ? 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 there are 3. what price range do you want ? eos O O O O B-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Price +bos i 'm looking for a an expensive one , please . eos O O O O O O O O O O O O N/A +bos peking restaurant is int he expensive price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos could you get me a table for 1 at 17:15 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 N/A +bos your table is reserved for 15 minutes and the reference number is lw79c4m8 . 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 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 , enjoy the rest of your day ! eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for information on a restaurant called kohinoor . eos O O O O O O O O O O B-Restaurant-Inform+Name O N/A +bos kohinoor , on 74 mill road city centre , is a cheap indian restaurant . would you like me to make a reservation for you ? 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 B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Booking-Inform +bos not now . what area of town is that in ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos kohinoor is in the centre of town . eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos could you give me their phone number ? eos O O O O O O O O O Restaurant-Request+Phone +bos yes ! the phone number for kohinoor is 01223323639. can i help you with anything else ? eos O O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos yes , i will need the price range for that restaurant and the area it is in 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 Restaurant-Request+Area,Restaurant-Request+Price +bos the kohinoor is in the centre area and in the cheap price range . can i help you with anything else ? eos 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 O O O O O O O O general-reqmore +bos yes i would like to go the fitzwilliam museum . can you give me the address ? eos 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 Attraction-Request+Addr +bos yes , the fitzwilliam museum is located on trumpington street , postcode cb21rb . is there anything else i can help you with ? 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 O B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore +bos i also want to book a taxi from the museum to the restaurant . i want to by 15:45. eos 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 alright , a black audi will pick you up at the fitzwilliam museum . your contact number is 07394385939. eos 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 O O B-Taxi-Inform+Phone O O N/A +bos thank you ! that 'll be it today . goodbye ! eos O O O O O O O O O O O O general-bye +bos so happy to be of service - have a wonderful day ! eos 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 going to london liverpool street ? 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 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 from cambridge on friday . any train after 16:00 should be fine . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Leave O O O O O N/A +bos that 's leaving after 16:00 , yes ? or did you mean arriving after 16:00 ? if leaving after 16:00 , the tr5212 leaves cambridge at 17:59 and arrives at london liverpool street at 19:27. eos O O O O B-Train-Select+Arrive O O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave I-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 yeah , that sounds good . can you get me two tickets ? eos O O O O O O O O O O O O O O N/A +bos i 've booked you on the tr5212 , the total fee is 33.20 gbp payable at the station . your reference number is njp5v947 . is there anything else you need ? 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 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 hotel called avalon . eos O O O O O O O O O B-Hotel-Inform+Name O O O N/A +bos sure i 've got it right here . what do you want to know about it ? eos O O O O O O O O O O O O O O O O O O general-reqmore +bos i need to book it for 2 nights , starting wednesday , for 2 people . 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 excellent , your room has been reserved . your reference number , should you need it , is olstttvo . will you be needing further information or assistance 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 O O general-reqmore +bos no , you have covered everything . thank you ! 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-greet +bos yes i am looking for a moderately priced 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 O N/A +bos yes i have many offering different types of food . do you have a preference on what type of cuisine 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 O O O O Restaurant-Request+Food +bos i do not have any preference on the food type . can i have the phone number for one of the 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-Request+Phone +bos the yippee noodle bar fits your criteria . their phone number is 01223518111. 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 O O O O O O B-Restaurant-Recommend+Phone O O O O O O O O O O O Booking-Inform +bos no , but can you help me find some place to go , in the same area as the noodle 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 N/A +bos you can go to restaurant one seven , that is in the same area as yippee noodle bar . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O N/A +bos i think i would prefer a museum to another restaurant . can you find me the address and phone number of one in the area ? 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 O Attraction-Request+Addr +bos broughton house gallery is free and in the same part of town . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Fee O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O N/A +bos that 's great , i 'll need to know the address , phone number and post code of broughton house gallery , 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+Phone,Attraction-Request+Addr +bos broughton house gallery is at 98 king street . the postcode is cb11ln . and their phone number is 01223314960. did you need anything else ? eos 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 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 no , i think that 'll be it . 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 service . have a great day ! eos O O O O O O O O O O O O O general-bye +bos i am looking for places to go in cambridge . eos O O O O O O O O O O O N/A +bos there are 79 places to go in my database . can you narrow down your requirements , please ? perhaps by type or area ? 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 Attraction-Request+Type,Attraction-Request+Area +bos i 'm looking for a college . will you please give me the entrance fee , postcode , and phone number ? 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 the first college alphabetically is christ 's college , which is free to enter . the postcodee is cb23bu and the phone number is 0122334900 eos O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O N/A +bos now i need to find a restaurant in the centre of town that is cheap . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O N/A +bos okay i have as many as 15 choices that satisfy those criteria . would you like to narrow it down by food type ? 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+Food +bos the restaurant should serve greek food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos sorry , no results returned for greek food eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O N/A +bos how about mediterranean ? eos O O O B-Restaurant-Inform+Food O N/A +bos the gardenia fits your criteria and serves mediterranean . would you like me to make a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform +bos no , but i would like to have the address and postcode . eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address and the postcode are : 2 rose crescent city centre cb23ll 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 N/A +bos excellent ! thank you so much for the help ! eos O O O O O O O O O O O general-thank +bos you 're welcome . do you require further assistance ? eos O O O O O O O O O O O general-welcome,general-reqmore +bos no , i have everything i need . eos O O O O O O O O O N/A +bos alright ! enjoy your stay in cambridge ! eos O O O O O O O O O general-bye +bos hello ! can you give me some info on a restaurant please ? eos O O O O O O O O O O O O O O Restaurant-Inform +bos would love to ! what kind of food do you like ? eos O O O O O O O O O O O O O Restaurant-Request+Food,general-greet +bos actually i am specifically looking for the cocum restaurant , i would like to book for 7 people at 15:00 on monday if possible . eos O O O O O O 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 O O O O N/A +bos i have a table reserved for you and 6 other guests at the cocum restaurant on monday at 15:00. the reference number is bpe8lvha . eos O O O O O O O O B-Booking-Book+People I-Booking-Book+People I-Booking-Book+People I-Booking-Book+People I-Booking-Book+People O B-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 N/A +bos thank you . i 'd also like a guesthouse in the cheaper price range . can you help me with 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 N/A +bos there are several in the area of the restaurant . would you like to book the closest one ? 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 Booking-Inform +bos as long as it has free wifi eos O O O O O O O O N/A +bos the finches bed and breakfast fits your needs . when would you like to stay ? 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 Booking-Request+Day,Booking-Inform +bos yes that 's find are the in the moderate price range ? eos O O O O O O O O O O O O O N/A +bos no it is cheap . will that do for you ? eos O O O O B-Hotel-Inform+Price 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 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 . eos O O O O O O 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 the same group of people and same day for 3 nights . eos O O O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos i booked your restaurant table , and the reference number is cul9vz04 . 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 yes , i am looking to book a guesthouse in the cheap price range that includes free wifi . 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 was able to book you a room for seven people for three nights , starting monday , at finches bed and breakfast . reference number is cul9vz04 . is there anything else ? eos O O O O O O O O O O B-Booking-Book+People I-Booking-Book+People O B-Booking-Book+Stay I-Booking-Book+Stay O B-Booking-Book+Day O B-Booking-Book+Name I-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 general-reqmore +bos 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 . eos O O O O O 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 yes it has free wifi . 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 Hotel-Inform+Internet,general-reqmore +bos that will be all for today . you were a great help . goodbye eos O O O 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-welcome +bos i need a restaurant in the east . eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos i have several restaurants that would work . do you have a price range ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Price +bos not really . just book it for 6 people at 15:00 on monday . get me a ref number 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 O O O O O Restaurant-Request+Ref +bos thanks . the reference number is 0kszqnwl eos O O O O O O B-Booking-Book+Ref O N/A +bos i also need a place to stay and would like to fins a guesthouse with a star rating of 4. eos 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 N/A +bos which area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos on the east side please , in the same area as the restaurant eos O O O B-Restaurant-Inform+Area O O O O O O O O O O N/A +bos great , i have 6 options for you ! do you need parking or wifi ? eos O 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 i 'm impartial to both , but would like to know if they have or do n't have internet available . 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+Internet +bos they both have internet . eos O O O O O O Hotel-Inform+Internet +bos ill take the one in the east , can you book it for me ? eos O O O O O O O O O O O O O O O O N/A +bos might i suggest the autumn house . it is cheap and in the east . 4 star rated and they offer free parking and wifi . what day for your reservation ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Area 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-Request+Day +bos sounds great ! may i please have the postcode ? eos O O O O O O O O O O O Hotel-Request+Post +bos sure ! it 's cb58rs . is there anything else i can do for you ? eos 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 today thanks for all the help . eos O O O O O O O O O O O O O general-thank +bos you are very welcome . please reach out to us again , if we can be of further service . 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 'm looking for an expensive place to get some british food . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos i have 6 expensive british restaurants for you . do you have a specific area that 's more convenient ? 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 Restaurant-Request+Area +bos any area is fine . eos O O O O O O N/A +bos great . how about fitzbillies restaurant in the centre ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O N/A +bos postcode , phone number , and address please and thank you eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the post code is cb21rg , the phone number is 01223352500 and this is the address : 51 trumpington street city centre eos O O O O O B-Restaurant-Inform+Post O O O O B-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 N/A +bos thank you , can i get info on hotels that are 4 stars and have 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 N/A +bos certainly . there are two hotels on the west side and the university arms hotel in the centre of town . 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 B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos okay , how about the university arms hotel . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos that is available will you be needing a reservation ? eos O O O O O O O O O O O Booking-Inform +bos yes , i need a reservation for 7 people for 3 nights starting saturday . please , i will 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 O O Hotel-Request+Ref +bos got it . here is your reference number : qgl24uof . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos perfect , thank you . finally , i need a taxi to go between fitzbillies and the university arms hotel . 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 N/A +bos 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 . eos O O O O O 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+Arrive,Taxi-Request+Leave +bos i will be going to the restaurant from the hotel . eos O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos ok great , and what is your time preference ? eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos actually , i want to go from the restaurant to the hotel instead . i want to leave the restaurant by 17: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 O O N/A +bos ok , i have you booked in a yellow volkswagen and you can reach them at 07182852821. what else can i do for you today ? 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 general-reqmore +bos great , thanks ! that is everything i needed . eos O O O O O O O O O O O general-thank +bos you 're very welcome . let us know 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 general-welcome,general-bye +bos i 'm looking for a mexican restaurant with expensive food . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A +bos chiquito restaurant bar is very good . would you like 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 Booking-Inform +bos is that in the south area of town ? eos O O O O O B-Restaurant-Inform+Area O O O O N/A +bos yes . shall i book it ? eos O O O O O O O O Restaurant-Inform,Booking-Inform,Restaurant-Select +bos yes , could you please book me a table for 5 at 14:30 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 N/A +bos i 've made those reservations and your reference number are ozzglcvb . 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 today ! eos O O O O O O O O O O O general-thank +bos okay i am glad i could be of help . thank you for calling . eos O O O O O O O O O O O O O O O O general-welcome,general-bye +bos hey , wait , just a second ! i just remembered , i need a place to stay with 4 stars , preferably a hotel . 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 B-Hotel-Inform+Type O O O O O N/A +bos there are 3 places available . 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 Hotel-Request+Area +bos no , i do n't have a preference . i 'd just like it to be expensive , please ? 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 N/A +bos i have 2 places . the huntingdon marriott hotel and the university arms hotel . which would you like ? 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 O O O O O Hotel-Select +bos i will go with the first . book 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 O O O B-Hotel-Inform+Stay O O O O O O N/A +bos booking was successful . reference number is : y79ygbo7 . 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 thanks have a nice day . eos O O O O O O O general-thank +bos thanks , you too . eos O O O O O O general-bye +bos i 'm looking for a 4 star hotel in the east . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos my system is not pulling up any 4 star hotels in east . would you like to try a guesthouse or another area perhaps ? eos O O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area O O O O O O O O O O O O O N/A +bos can you check for ones with a cheap price range ? eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are no cheap four star hotels in the area . another criteria maybe ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O general-reqmore +bos in that case , how about just a hotel in the east that 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 with those requirements , i do have one hotel in the east . it is expensive 2 star rated with both free parking and wifi . it is the express by holiday inn cambridge . eos O O O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars 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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos oh man , i ca n't do expensive . is there a 4 star guesthouse that is cheap in the east perhaps ? eos 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 B-Hotel-Inform+Area O O O O N/A +bos i am sorry i have no cheap 4 star hotels , maybe a more realistic star rating ? eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O O O O O O O N/A +bos are you saying that there is n't even a cheap 4 star guesthouse on the east side ? what kind of city is this ? eos O O O O O O O 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 N/A +bos my mistake . there are three cheap guesthouses . the allenbell , autumn house , and leverton house all offer free parking . would you like to make a booking ? eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price B-Hotel-Inform+Type 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 Booking-Inform,Hotel-Inform+Parking +bos i think you need to pay more attention , it 's your job to be alert . do they all have 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 O Hotel-Request+Internet +bos yes , all three of the guesthouses have free internet and free parking . is there one that you would prefer ? eos 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 O O O O Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet +bos pick the most popular one , i need their phone number as well and hotel type . if they have area and postal code , i will 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 O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post,Hotel-Request+Phone,Hotel-Request+Type +bos leverton house is lovely . it 's a guesthouse in the centre of town . the phone number is 01223292094 , and the postcode is cb58rs . would you like me to book that ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Type O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Phone O O O O B-Hotel-Recommend+Post O O O O O O O O O O O O O Booking-Inform +bos i 'm also looking for a place to dine . the restaurant should serve asian oriental food and should be in the same price range as the hotel . eos 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 O O N/A +bos i dont have any in the east . can i check another location ? eos O O O O O O O O O O O O O O O N/A +bos the area is not important . i just need it to be asian oriental food and something cheap . 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 there is no restaurant in that side of town serving your kind of food . can we change the 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-NoOffer +bos how about chinese in the east ? it should still be in the same price range as the hotel . eos O O O B-Restaurant-Inform+Food O O B-Hotel-Inform+Area O O O O O O O O O O O O O O N/A +bos i do not have anything . can i try something else ? eos O O O O O O O O O O O O O general-reqmore +bos can you check for asian oriental ? i do n't care what area it is in . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Area +bos i can recommend dojo noodle bar in the centre . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O N/A +bos great , i just need the area and postcode please . eos O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post +bos it is located in the centre and the postcode is cb21rq . eos O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Post O N/A +bos i would like a taxi going to dojo noodle bar . i want to leave my hotel ( leverton house ) by 07:30. eos 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 B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O N/A +bos i was able to book your taxi per your request . it will be a black tesla and the contact number is 07433186357. is there anything else today ? 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 B-Taxi-Inform+Phone O O O O O O N/A +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 okay . thank you for calling . eos O O O O O O O O general-reqmore +bos i 'd really like to find a moderately priced guesthouse . eos O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O N/A +bos may i suggest the carolina bed and breakfast ? it 's located in the east and has 4 stars . there is parking and internet with this as well . 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 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 i am looking for a guesthouse in the moderate price range which includes free parking . eos O O O O O O O O O O O O O O O O O N/A +bos i 'd suggest acorn guest house . would you 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 Booking-Inform +bos yes , let 's book a room here . eos O O O O O O O O O O N/A +bos when would you like to book a room at the acorn guest house ? eos O O O O O O O O O O O O O O O Booking-Request+Day +bos any time is fine . what area is it located ? eos O O O O O O O O O O O O Hotel-Request+Area +bos the north park of town , would you like me to book it for you ? eos 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 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 north american 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A +bos the only north american place in town is the gourmet burger kitchen . their food is wonderful . would you like to book a table ? 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 O O Booking-Inform +bos what part of town is it in ? eos O O O O O O O O O N/A +bos it is in the centre area . eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos okay great . let 's book it for tuesday at 16:45 , with 3 people . and please remember to send the reference number 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 O O O Restaurant-Request+Ref +bos your booking was a success , and the reference number is tuvwuicu . 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 great. ! ! nope that 'll be all .thank you have a great day eos O O 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 'm looking for an expensive chinese restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos great , i have several options for you . two are in the south . eos O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O N/A +bos area does not matter . pick one for me . eos O O O O O O O O O O O N/A +bos i would recommend the ugly duckling restaurant . would you like 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 Booking-Inform +bos can i just get the address for now ? eos O O O O O O O O O O Restaurant-Request+Addr +bos their address is12 st. johns street city centre . was there anything else you needed to know ? 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 general-reqmore +bos i 'm also lso looking for a place to stay . the hotel should include free parking 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 B-Hotel-Inform+Stars O O N/A +bos i have 3 that match your criteria , is there an area you are 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 Hotel-Request+Area +bos no , i do need wifi though . eos O O O O O O O O O N/A +bos i 'd recommend the university arms hotel , it 's an expensive 4 star hotel in the centre . can i book 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+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area O O O O O O O O O O O O Booking-Inform +bos yes please book for 1 night 1 person . i also need a taxi to go from the hotel by 14:15 to the restaurant . what is the car & contact number ? eos O O O O O O B-Hotel-Inform+People O O O O O 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 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 there is no preference . eos O O O O O O N/A +bos unfortunately , to book you a room i would need to know the day you want to start your stay . what day would that be ? then we can get 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 O Booking-Request+Day,general-greet +bos you know what i change my mind . i 'll book later . i still need a taxi from university arms hotel leaving at 14:15 to the ugly duckling . 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 B-Hotel-Inform+Type O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O N/A +bos i have made that taxi and you should expect a red lexus . the contact number for the taxi is 07465471381. 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 N/A +bos thank you i think that will be all for today . 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,general-bye +bos i ca n't wait to go to the adc theatre , in cambridge . how do i get there ? eos 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 N/A +bos sure their address is park street and their telephone number is 01223300085. would you like me to book you a taxi to get there ? eos 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 O O N/A +bos yes please but can i have the postcode as well ? eos O O O O O O O O O O O O Attraction-Request+Post +bos the postcode of the adc theatre is cb58as . is there anything else i can help you with ? eos O 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 O O general-reqmore +bos can you find a restaurant that serves international food that isnt so expensive ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos the varsity restaurant is located in the centre and has moderate pricing . would you like for me to book you a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-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 Booking-Inform +bos i would like to see if i can reserve a table for 5 on saturday at 12:15 if possible . 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 O O N/A +bos i 'm sorry , that day and time is not available . 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 would 11:15 work instead ? eos O O B-Restaurant-Inform+Time O O O N/A +bos yes that time will work . would you like me to book that table for you ? eos O O O O O O O O O O O O O O O O O O Booking-Inform +bos yes please . can i get a reference number also ? eos O O O O O O O O O O O O Restaurant-Request+Ref +bos i have booked your table . your reference number is t7yc5fuq . 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 train to norwich on tuesday . eos O O O O O O O O O O Train-Inform +bos i absolutely can . what time would you wish to leave on tuesday ? eos O O O O O O O O O O O O O B-Train-Inform+Day O Train-Request+Leave +bos never mind . i do n't need a train . i am all set . eos O O O O O O O O O O O O O O O O Train-Inform +bos if there is nothing further , i want to wish you a great day . eos 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 college ? eos O O O O O O O B-Attraction-Inform+Type O N/A +bos sure ! we have 18 colleges in cambridge . is there a particular area of town you 'd like to be in ? eos O O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O O O O O O O O O O O O Attraction-Request+Area,general-greet +bos i 'd like to stay close to the action 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 may i recommend christ 's college ? it is in the centre of town and there is no entrance fee . eos O O O O B-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+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A +bos i would love to have the phone number , address , and postcode . 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 yes their phone number is 01223334900 and their address is saint andrew 's street and their postcode cb23bu . anything else ? eos 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 I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O O general-reqmore +bos yes , 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 i need 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 Train-Request+Dest,Train-Request+Depart +bos i 'll be coming into cambridge from bishops stortford , and i want to arrive around 10:15. eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O N/A +bos train tr4803 would meet your criteria . can i book something for you ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O O O O O O O N/A +bos yes please book that for me . eos O O O O O O O O N/A +bos how many people would you like to book for ? eos O O O O O O O O O O O Train-Request+People +bos actually , no , i just need more information . you 've given me the train id . i need the travel time and ticket 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 Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos it 's a 38-minute ride , and tickets are 8.08 pounds . can i help you with anything else ? eos 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 general-reqmore +bos nope . i do not want to book or anything just looking into it . bye . thanks . eos 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 service today . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos can you help me out with some information on a specific hotel ? eos O O O O O O O O O O O O O O Hotel-Inform +bos of course , could you please give me the name of the hotel 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+Name +bos i 'm looking for the express by holiday inn . 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 N/A +bos this hotel is on the east side of town , rated 2 stars , and in the expensive pricerange . do you need more information or can i book a room for you ? eos O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area 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 O O O O O O O O O Booking-Inform,general-reqmore +bos thank you ! please book a room for 6 people for 5 nights , 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 O N/A +bos okay , i was able to get you the booking . your reference number is sq6gx5q5 . 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 yes , i 'm also looking for a restaurant called the rice boat . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos rice boat is an expensive indian food restaurant in the west , located at 37 newnham road newnham . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O 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 N/A +bos could you book me a setting there for the same group and day at 17:30 ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O N/A +bos i certainly ca . your reservation number is zk68bckq . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks , i also need a taxi to get me from the hotel to the restaurant . 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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos you will be riding in a grey audi and the contact number is 07939088518 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 N/A +bos okay 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 will be traveling to cambridge and need lodging . eos O O O O O O O O O O O N/A +bos alright . do you have a price range ? eos O O O O O O O O O O Hotel-Request+Price +bos i am looking for a guesthouse with free parking located in the north that is in the moderate price range . eos O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O N/A +bos is there a star range you prefer ? eos O O O O O O O O O Hotel-Request+Stars +bos no , just need if for three people . three nights , starting wednesday . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O O N/A +bos okay , your hotel was booked and your reference number is pcrn539l . 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 i 'm looking for a train leaving from bishops stortford . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos can you tell me what day you will be traveling ? eos O O O O O O O O O O O O Train-Request+Day +bos i need the train on wednesday as well and i need it to leave after 16:45 please . eos O O O O O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Leave O O N/A +bos there are 4 trains 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 Train-Request+Arrive +bos i do n't care what time i arrive as long as i 'm leaving after 16:45. eos O O O O O O O O O O O O O O B-Train-Inform+Leave O O N/A +bos okay traid tr2106 leaves at 17:29 and arrives at 18:07. would you like me to book it ? 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 Train-OfferBook +bos yes book it and please provide the reference number . eos O O O O O O O O O O O N/A +bos okay , no problem . will you be needing tickets for three people for the train as well ? 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 , please book them for me . eos O O O O O O O O O N/A +bos i have you booked for 3 seats on tr2106 leaving bishops stortford for cambridge on wednesday at 19:29. is there anything else i can help you with today ? eos O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Dest O B-Train-OfferBooked+Day O O O O O O O O O O O O O general-reqmore +bos yes , could you please provide me with the reference number so i have it when i arrive at the 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+Ref +bos your reference number is : yqdwlhdw . is there anything else i can do for you ? eos O O O O O B-Train-Inform+Ref O O O O O O O O O O O O general-reqmore +bos no thank you . that is all i needed . good bye . eos 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 +bos i 'd like to find a train from cambridge to london liverpool street , please . 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 N/A +bos there are many trains that go to your desired destination , do you have a date and time your prefer to travel ? 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+Leave,Train-Request+Day +bos on friday , after 9:15. eos O O B-Train-Inform+Day O O O N/A +bos the closest train to that time would be the tr7057 and departs at 09:59 , would you like to book ? eos O O O O O O O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O O O O O O O N/A +bos can i get the price and travel time for tr7057 ? eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos their travel time is 88 minutes , and it costs 16.60 pounds . 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 N/A +bos i also need you to book me a room at alpha-milton guest house eos O O O B-Hotel-Inform+Parking O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos ok , i can do that . will it just be you ? eos O O O O O O O O O O O O O O Booking-Request+People +bos what 's the area at first ? eos O O O O O O O O Hotel-Request+Area +bos the alpha-milton guest house is located in the north . can i help you make 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+Area O O O O O O O O O Booking-Inform +bos no . i only need to know which area it 's in . thanks . eos O O O O O O O O O O O O O O O O Hotel-Request+Area +bos the alpha-milton guest house is located on the north end of the city . can i help you 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O general-reqmore +bos i 'm all set thanks for all your help , 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 hi . i 'm looking for a train going to kings lynn on monday . 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 O N/A +bos i have 19 different options . can you tell me if you have a time you want 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 Train-Request+Arrive,Train-Request+Leave +bos i would definitely like to arrive by 14:45 at the latest . eos O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos there are 9 possible trains to take , do you have a preference on departure 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 no . i just need to arrive by 14:45. i would also like the price . eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+Price +bos i have train tr0793 that departs at 13:11 and will get you there by 13:58. do you think that would work ? oh , and the price is 9.80 pounds per ticket . 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 O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O Train-OfferBook +bos i 'm also looking for a place to stay that includes parking eos O O O O O O O O O O O O O N/A +bos there are 29 options available . what area of town do you prefer and 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 O O O O Hotel-Request+Price,Hotel-Request+Area +bos i would like one in the expensive price range and needs to include free parking . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O Train-Request+Price +bos i would recommend the gonville hotel . it is in the centre of town and is an expensive offering with free parking . eos O O O O O B-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 B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O Hotel-Recommend+Parking +bos does it have a 4-star rating by chance ? eos O O O O O O O O O O N/A +bos no , gonville has a 3 star rating . can i help you make a booking there or would you like more options ? eos O 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 O O O Booking-Inform,general-reqmore +bos are there any 1 star hotels meeting those requirements ? eos O O O O O O B-Hotel-Inform+Type O O O O N/A +bos no there are only 3 and 4 star . would you like one of those or would you like to keep looking ? 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 Hotel-NoOffer +bos i guess the 4 star would be better . they have internet , right ? eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Request+Internet +bos university arms hotel is a 4 star hotel with internet and parking . would you like to make a reservation ? eos 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos no , just the phone number if you have it . eos O O O O O O O O O O O O Hotel-Request+Phone +bos of course ! the phone number is 01223351241. may i help with anything else ? eos O O O O O O O B-Hotel-Inform+Phone O O O O O O O O general-greet,general-reqmore +bos no that is everything . 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 enjoy your stay . goodbye eos O O O O O O general-bye,general-greet +bos 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 B-Hotel-Inform+Stars O O N/A +bos in which area would you like to stay ? eos O O O O O O O O O O Hotel-Request+Area +bos preferably the east . eos O O O B-Hotel-Inform+Area O N/A +bos there are 6 hotels in the east rated 4-stars ranging from cheap to moderately priced . do you have a preference on price range ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Request+Price +bos i do not , but it should have wifi . eos O O O O O O O O O O O N/A +bos a and b guest house is the area of east and has free wifi and is a 4-star hotel . 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 I-Hotel-Inform+Name O O O B-Hotel-Inform+Area 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 +bos no , thanks , just give me the postcode . eos O O O O O O O O O O O Hotel-Request+Post +bos a and b guest house 's postcode is 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 B-Hotel-Inform+Post O O N/A +bos thank you , i 'm also looking for a train . can you help with that ? eos O O O O O O O O O O O O O O O O O O Train-Inform +bos absolutely . 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 O O O Train-Request+Dest,Train-Request+Depart +bos i am departing from stevenage anytime after 17:00. i would like to go to cambridge on monday . eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos i can get you aboard tr2656 at 17:54. would you like me to book you a seat ? eos O O O O O O B-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos can i have the price for that ticket please ? eos O O O O O O O O O O O Train-Request+Price +bos the price of the ticket is 12.80 pounds per person and is payable at the train station . is there any thing 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 O O O O O O O O O general-reqmore +bos could you tell me what time that train arrives in cambridge please ? eos O O O O O O O O O O O B-Train-Inform+Dest O O Train-Request+Arrive +bos the train arrives in cambridge by 18:43. is there something else i could also help you with ? eos 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 general-reqmore +bos one more thing . can i have the train id , please ? eos O O O O O O O O O O O O O O Train-Request+TrainID +bos of course , it 's tr2656 . eos O O O O B-Train-Inform+Id O O O N/A +bos thank you very much for the help . eos O O O O O O O O O general-thank +bos would you like me to book a ticket ? eos O O O O O O O O O O Train-OfferBook +bos no thanks . that was all i needed . have a good day eos O O O O O O O O O O O O O O general-thank +bos have a fun trip ! eos O O O O O O general-bye +bos i am going to cambridge and need a hotel eos O O O O O O O O O O Hotel-Inform +bos i can help with that . do you have a preferred 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 +bos not really . i like 4 star places that include free parking though . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos i have several places . which area would you prefer to be in . eos 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 be in the north side of town . eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos i did not find a hotel that fits your criteria on the north side of town , but there are several guesthouses . would a guesthouse be okay ? eos 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O Booking-Inform +bos that is great . can you provide me the phone number and price range of the best guest house ? 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+Price +bos yes the phone number to the acorn guest house 01223353888 with a price range of moderate 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 O O O O B-Hotel-Recommend+Price N/A +bos i am also look for a train on saturday to broxbourne . eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O N/A +bos there are several trains headed to broxbourne . what time of day would you like to leave ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O O O O Train-Request+Leave +bos i would like to leave after 16:15. eos O O O O O O O B-Train-Inform+Leave N/A +bos train tr5688 is departing to broxbourne at 17:01 would you like to book this ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos yes , can you please book for 3 seats ? eos O O O O O O O O B-Train-Inform+People O O N/A +bos that booking was successful , the total fee is 42.96 gbp and your reference # 1l0fbgwg eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O B-Train-OfferBooked+Ref O O N/A +bos thank you . that 's everything i needed . eos O 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-welcome,general-bye +bos i ca n't seem to find any information about the cambridge and county folk museum , please help . 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 O O O N/A +bos sure their phone number is 01223355159. anything else you 'd like to know ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos can i get the address and what type of attraction it is ? eos O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Addr +bos 2-3 castle street and its a museum , eos O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Type O N/A +bos okay , great . i 'm also looking for a train . i need to depart from cambridge after 17:30. eos O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O N/A +bos okay , what day would you like to travel ? eos O O O O O O O O O O O Train-Request+Day +bos i 'll be leaving on tuesday and going to peterborough . eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O N/A +bos tr9561 departs at 17:34. does 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 yeah can you get me a ticket ? eos O O O O O O O O O N/A +bos booking was successful , reference number is 5oum8ze9 . the fee is 16.5 gbp payable at the station . is there anything else i can help you with a restaurant maybe ? 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 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 you 're welcome . have a nice stay in cambridge . goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i need some help choosing a train to leicester . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos i can help you with that . what is your departure site and 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 O Train-Request+Depart,Train-Request+Day +bos i will be departing from cambridge on saturday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos do you have a time that you need 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 need to leave after 21:00. eos O O O O O O B-Train-Inform+Leave N/A +bos the tr7610 leaves at 21:21 and is a 105 minute ride to leicester . would you like me to book you seats ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time B-Train-Inform+Dest O O O O O O O O O O Train-OfferBook +bos great can you get me 7 tickets for that ? eos O O O O O O O O O O O N/A +bos tr7610 we have booked your train sir ! thank you ! eos O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O O O O O O N/A +bos thank you very much ! also , can you recommend a hotel in the south part of town ? i do n't need internet or free parking . eos 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 O O O O N/A +bos there were no hotels that matched your criteria . would you like to try a different criteria ? 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 how about the north ? eos O O O O B-Hotel-Inform+Area O N/A +bos how about the ashley hotel ? they have free internet and parking , though . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes please tell me their postcode and star rating . eos O O O O O O O O O O O Hotel-Request+Post +bos the ashley hotel has 2 stars . they 're in the postcode cb41er . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Post O O O N/A +bos ok thank you . that 's all i need . eos O O O O O O O O O O O general-thank +bos your welcome , it 's been my pleasure to assist you . goodbye eos O O O O O O O O O O O O O O general-welcome,general-bye +bos hi , you can help me by getting me some options about where to stay on the north end . preferably a 4 star hotel 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 B-Hotel-Inform+Stars O O O N/A +bos the acorn guest house is nice eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos are there any hotels available , instead of a guesthouse ? eos O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos there are no 4 star hotels in the north part of town eos 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 N/A +bos ok , let 's go with guesthouse . a moderately priced one , 4 stars . eos O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O N/A +bos home from home is located at 78-80 milton road , cb41la . can i give you the phone number ? eos O B-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 B-Hotel-Recommend+Post O O O O O O O O O O general-reqmore +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes they do . can we book ? eos O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos i do n't need a room right now , but i would like to know if there is a persian restaurant in the north . 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 O O N/A +bos there are no persian restaurants in the north , would you like me to run another search ? 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 general-reqmore +bos are there any italian places around the hotel ? eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there is ! i have da vinci pizzeria , located at 20 milton road chesterton . it is in the cheap range . would you like to book a table ? 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 O O O B-Restaurant-Inform+Price O O O O O O O O O O O O O Booking-Inform,general-greet +bos yes , please book a table for 1 at 18:45 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 N/A +bos ok , i 've got your table reserved , they 'll hold it for 15 minutes . your reference number is v8o2hykw . 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 O general-reqmore +bos i also want to book a taxi to commute between the two places , from my lodgings , so it gets me to the restaurant 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 Restaurant-Inform,Taxi-Inform +bos your booking has been completed ! booked car type : white audi the contact number is : 07231461791. can i help you with anything else today ? 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 O O O general-reqmore +bos i do n't think so . thank you . eos O O O O O O O O O O general-thank +bos thank you , too . i hope 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 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 and what day would you like to travel on ? 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 tr2013 leaves at 05:50 , should i book it for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos would time would that train arrive by ? i need to be in ely by 10: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 it will arrive by 06:07. should i book it for you ? eos O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos how much would that train ride cost ? eos O O O O O O O O O Train-Inform +bos it costs 4.40 pounds . may i book it for you ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos that seems like a really short train ride , how long is it really ? eos O O O O O O O O O O O O O O O O Train-Inform +bos it 's a 17 minute trip . eos O O O O B-Train-Inform+Time I-Train-Inform+Time O O N/A +bos yes , please book it for me . i would also like to find a hotel called alpha-milton guest house . 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 N/A +bos can you confirm the number of train tickets you 'd like me to book ? alpha-milton guest house is a 3 star moderate with great reviews . what would you like to know about it ? 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 B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O O O O O O O O O O O O Train-Request+People,general-reqmore +bos no thank you , please book 8 people for 3 nights from friday . 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 i was unable to book that can i try something else ? eos 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 instead ? eos O O O O B-Hotel-Inform+Stay O O N/A +bos great news ! booking was successful.reference number is : atrpjixk . what else can i 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 general-reqmore +bos that should be all for today . thank you very much . eos 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-welcome +bos hi , could you find me a guesthouse that includes wifi ? eos O O O O O O O B-Hotel-Inform+Type O O 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 the area is n't important but we also need free parking . eos O O O O O O O O O O O O O N/A +bos i have 21 guesthouse . is there a certain area or pricerange you would prefer ? 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 that one sounds good . can i book it for 8 people for 2 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 O N/A +bos i was able to book acorn guest house , reference number is sm1gu7e5 eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Booking-Book+Ref O N/A +bos thanks . sound like a great place . can you help me with a train to peterborough . 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 what day are you wanting to go ? is there a certain arrival or departure time 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 Train-Request+Day,Train-Request+Leave,Train-Request+Arrive +bos i want to leave cambridge on monday after 13:15. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos the first train leaving after 13:15 is the tr3066 , departing cambridge at 13:34 , arriving peterborough at 14:24. would you like to reserve a seat on this train , or keep looking ? eos O O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave 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 yes . please reserve seats for 8 people eos O O O O O O O B-Train-Inform+People O N/A +bos i was able to book 8 train tickets for you at the price of 132 gbp , which is payable at the station . the reference number is 66hg2u6u . eos O O O O O O O B-Train-OfferBooked+People 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 thanks so much . thats all i need . eos O O O O O O O O O O general-thank +bos thank you and have a great trip . goodbye . eos 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 Taxi-Inform +bos of course , let me 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 Taxi-Request+Depart,general-greet +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 okay , great , and do you know your destination 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 Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive +bos i 'd like to leave after 03:00 and go to bangkok city please eos O O O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos booking completed ! booked car type : grey volkswagencontact number : 07576868430 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 is all i need . bye . eos O O O O O O O O O O O O O general-bye +bos thank you too , enjoy your stay eos O O O O O O O O general-bye +bos i am looking for regency gallery . can you tell me where it is located ? eos 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 the regency galllery address is 39 fitzroy street in the centre area . 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 I-Attraction-Inform+Addr B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos okay , what kind of place is it ? eos O O O O O O O O O O N/A +bos it is a museum . would you like the phone number ? eos O O O O B-Attraction-Inform+Type O O O O O O O O general-reqmore +bos maybe . unless you can just tell me what the entrance fee is and then i wo n't 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 Attraction-Request+Fee +bos fortunately , it is free entry . is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore +bos yes , i 'd like a place to stay , too , please . eos O O O O O O O O O O O O O O O N/A +bos i 'm happy to help . where in the city would you like your hotel to be located ? 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 i 'd like a room in the north please eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are 13 different places to stay , do you have a preference on price 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 Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos i would like a hotel that has open bookings for 6 people for 2 nights starting from 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 O B-Hotel-Inform+Day O N/A +bos unfortunately , i ca n't find any openings for those nights in the north . 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 Booking-NoBook,general-reqmore +bos no . is there availability for 1 night ? eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos you 're in luck . i 've got a room available for saturday at the acorn guest house for 6 people . it 's booked , your reference # is 3ix7egrg . eos O O O O O O O O O O B-Booking-NoBook+Day O O B-Booking-NoBook+Name I-Booking-NoBook+Name I-Booking-NoBook+Name I-Booking-NoBook+Name O B-Booking-NoBook+People O O O O O O B-Booking-NoBook+Ref O O O O O O O N/A +bos okay . can you book me a taxi as well ? i want to leave the hotel by 04: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 where would you like to go ? eos O O O O O O O O Taxi-Request+Dest +bos i 'd like to commute between the two places . eos O O O O O O O O O O O N/A +bos ok i booked you a taxi to leave the acorn guest house at 4:00. the car will be a blue toyota and the contact number is 07424241550. eos O O O O O O O O O O O O O O B-Taxi-Inform+Depart 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 wonderful , you 've been very helpful ! that 's all i need for today , 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 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-greet +bos i want a hotel with free parking in the center of town . eos O O O O O O O O O O O O O O N/A +bos sure , i can help you with that . do you have a price preference ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Price,general-greet +bos something moderate would be preferred . eos O O B-Hotel-Inform+Price O O O O N/A +bos i am sorry but there is nothing in the moderate price range . would you like another price range ? eos O O O O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O O Restaurant-Request+Price +bos what about a moderate hotel located in the north ? eos O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O N/A +bos i have found 9 hotels in north . do you have any other preferences so we can narrow them down ? eos O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O O O O O O O O O O O general-reqmore +bos no other preferences . can you pick one and book it for 6 people for 3 nights starting friday 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 N/A +bos i was able to book your party of 6 into acorn guest house , reference 1ij5vmo1 . is there anything more today ? eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos great i am also looking to go to a museum . eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos i have found 23 museums . is there a particular are of the city you 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 Attraction-Request+Area +bos 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 ? eos O O O O O O 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 broughton house gallery is located in the centre area and the postal code is cb11ln . is there anything else i can help you with ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O B-Attraction-Recommend+Post O O O O O O O O O O O general-reqmore +bos yes , i need to book a taxi as well to leave the hotel by 13:45. 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 : white teslacontact number : 07199782838anything 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 general-reqmore +bos no that was it . thank you ! eos 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 a moderately priced guest house . can you recommend one ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos there are 15 options . do you have a specific area you would like to stay in ? and are you interested in wifi and 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 O O O O O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet +bos i do n't care about wifi or parking . to be honest , i do n't care what area it is in , either . what would 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 N/A +bos i would go with the acorn guest house if i were choosing a moderately price guesthouse . eos O 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+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Price O N/A +bos sounds nice . what is the address and postcode please ? eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos the address is 154 chesterton rd , the postal code is cb41da , is there anything else that i can assist with ? 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 O general-reqmore +bos i 'm also looking for an attraction preferably on a boat in the west . eos O 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 no boats in the west , can i try 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 hmm . what about museums ? eos O O O O B-Attraction-Inform+Type O O N/A +bos cambridge and county folk museum is available , would you like that ? 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 O O O O O N/A +bos sure . that sounds good . 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 Attraction-Request+Post,Attraction-Request+Addr +bos sure their address is 2-3 castle street and the postcode is cb30aq 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+Post N/A +bos thanks ! i also need a taxi between both locations , please . eos O O O O O O O O O O O O O O Taxi-Inform +bos can you tell what time you want to be picked up and at which location ? 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 want to leave the hotel by 23:15. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! your contact number is 07349924614. the car type is a black ford . can i help you with anything else ? eos 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 wow that was fast thanks ! no , that is all i needed . 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 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 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 . eos O O O O O O O O O O O O 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 five hotels that have free parking and wifi . any specific star rating or price range ? 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+Stars,Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos are any of them 4 stars ? looking specifically for a 4 star hotel . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos if only a hotel will do , you have 3 options : huntingdon marriott and cambridge belfry are in the west of town , while the university arms is located in the center . eos O O O O B-Hotel-Inform+Type 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 I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O N/A +bos could you give me the address for huntingdon marriott , please ? eos O O O O O O O O O O O O O Hotel-Request+Addr +bos the address is kingfisher way , hinchinbrook business park , huntingdon . would you like me to book it for you ? eos O O O 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 +bos is it a hotel or guesthouse ? i also need a train leaving cambridge . eos O O O O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos it 's a hotel . i 'm happy to book your train . may i ask when you 'd like to travel ? 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 Train-Request+Day,Train-OfferBook +bos i will be departing from cambridge on tuesday after 16:30 going to london kings cross . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos i have train tr0945 that is departing cambridge at 17:00 and will arrive in london kings cross by 17:51. would that interest you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Depart 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 Train-OfferBook +bos that should be fine . please get me the travel time . eos O O O O O O O O O O O O O Train-Request+Duration +bos that will be 51 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you so much , i think that 's all i need . eos 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 . 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 O O general-welcome,general-bye +bos i need a train going to london liverpool street and leaving after 17:00. 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+Leave N/A +bos there are plenty of trains going to london liverpool street . which city will you be 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 I-Train-Inform+Dest O O O O O O O O O Train-Request+Depart +bos cambridge on wednesday . eos O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos there are 4 to choose from . the first one after 17:00 would be the tr4757 , leaving cambridge at 17:59 and arriving in london , liverpool street at 19:27. would that do ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave I-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 Train-Select +bos yes , that would work well . can you book it for 5 people and give me 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 Train-Request+Ref +bos sure , it is all set . the reference number is hedqcgxw and the total fee is 83 gbp payable at the station . eos O O O O O O O O O O O B-Train-OfferBooked+Ref I-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 'm also looking for a cheap hotel . can you help ? eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O N/A +bos sure , there are 9 cheap guesthouses and one hotel that fall in the cheap price range . got a 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 O O O O O O O O O O O O O O N/A +bos are any of those 2-star rated ? eos O O O O O O O O N/A +bos none of them has a 2 star rating . the ratings are either 0 stars of 4 stars . is there 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 N/A +bos how about an expensive price range ? eos O O O O B-Hotel-Inform+Price O O O N/A +bos there is one expensive 2 star hotel . it is express by holiday inn cambridge and is located in the east . would you like me to book it for you ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 O O Booking-Inform +bos could i get the phone number of that hotel please ? eos O O O O O O O O O B-Hotel-Inform+Type O O Hotel-Request+Phone +bos yes the phone is 01223866800. can i assist you further ? eos O O O O O B-Hotel-Inform+Phone 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 absolutely ! let us know if you would like to book a room . eos O O O O O O O O O O O O O O O Booking-Inform +bos yes , please book the room for 5 people . eos O O O O O O O O O O O N/A +bos sure ! can you tell me what day you 'd like to book and for how many nights ? 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 , come to think of it i think i will wait to book . that 's all i need 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 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 'm looking for a train to cambridge on sunday . can you help me with this ? eos 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 N/A +bos where will you be leaving 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 what time would you like to depart or arrive at the destination ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos it should depart after 12:45. eos O O O O O B-Train-Inform+Leave N/A +bos tr1688 leaves at 13:17. do you want to book ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos yes please . there are 6 of us travelling . eos O O O O O O B-Train-Inform+People O O O O N/A +bos i made those reservations for you . the reference number is 8gtth4ff . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i 'm also looking for aylesbray lodge guest house . eos 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 found it ! it 's in the south with free wifi and free parking . would you like me to book it for you ? eos 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos sure , the six of us will stay for four nights starting sunday . eos O O O O O O O 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 when you finish booking our room , 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 absolutely , your reference number is 54v4v1bm . eos O O O O O O B-Booking-Book+Ref O O N/A +bos thanks very much , that 's all i needed help with . eos O O O O O O O O O O O O O general-thank +bos thank you for contacting us , let us know if we can assist you any further . 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 +bos i am looking for a train leaving sunday that 's going to london liverpool 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 N/A +bos where are you departing from and what day and time do you want 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+Leave,Train-Request+Day +bos need to arrive by 8:15 , not sure when we depart ? eos O O O O O O O O O O O O O N/A +bos i have a train departing from cambridge on sunday at 05:59 and arriving at 07:27. would that work for you ? 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+Arrive O O O O O O Train-OfferBook +bos yes can you get me 7 tickets and i 'll need the reference number too please 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 sure . the reference number is b15ukeyo . how else can i assist you ? eos 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 that needs free parking and in the north . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos do you have any preferences for the star or price range ? eos O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price +bos i would like something in the moderate price range and prefer a guesthouse . eos O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Type O N/A +bos there are seven guesthouses fitting your needs . may i recommend archway house which also has parking and wifi ? eos O O O O B-Hotel-Inform+Type 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 what star rating does the hotel have and what is the address ? eos O O O O O O O O O O O O O O Hotel-Request+Addr +bos archway house is 4 stars and is at 52 gilbert road , do you want me to make a booking ? eos O B-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 O O Booking-Inform +bos no , not at this time . thank you . goodbye . eos O O O O O O O O O O O O O general-bye +bos you 're welcome . call us back if you decide you want to book that room . 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 am looking for information about the city centre north b and b hotel . can you help me with 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 I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O N/A +bos yes ! city centre north b and b is an inexpensively-priced guesthouse in the north of town at 328a histon road . 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 B-Hotel-Inform+Price B-Hotel-Inform+Type 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 Booking-Inform +bos yes can i book it for 6 people starting on saturday for 4 nights please ? 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 O N/A +bos they were n't able to accommodate those parameters . 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 Booking-NoBook,Booking-Request+Stay +bos sure . let 's try 2 nights . thanks . i 'll need a reference number , too , please . eos 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 the booking for city centre north b & b has been made , your reference number is 0fafy5pp . eos 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 great ! i also need a train from bishops stortford to cambridge , please . 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 N/A +bos i can find one for you . can you tell me what day you would like to travel , 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+Day +bos the train should arrive by 14:45 and should be on the same day as the hotel booking . eos 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 great , i recommend train tr5108 . it departs at 13:29 and will get you there by 14:07. would you like me to book it ? eos O 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 O O O Train-OfferBook +bos please book that train for me now . eos O O O O O O O O O Train-Inform +bos certainly ! how many tickets would you like ? eos O O O O O O O O O O Train-Request+People +bos i need 6 tickets for the same day . eos O O O O B-Train-Inform+People O O O O O N/A +bos booking was successful , the total fee is 48.48 gbp payable at the station .reference number is : gstin0l6 . 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 today , thank you . eos O O O O O O O O O O O general-thank +bos you 're welcome ! lovely day to you . eos O O O O O O O O O O general-welcome,general-bye +bos i am coming to cambridge and heard about a bed and breakfast called finches . eos O O O O O O O O O O O O O O O O N/A +bos it is a lovely guesthouse on the west end boasting cheap prices and a 4 star rating ! would you like their address or phone number perhaps ? eos 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 B-Hotel-Inform+Stars O O O O O O O O O O O O N/A +bos i actually would like to book the hotel for 7 people starting on tuesday for 3 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 B-Hotel-Inform+Stay O N/A +bos i was able to book your party of 7 at finches bed and breakfast for 3 nights . your reference number is 4r76gwvj . can i help you with anything more today ? eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Name I-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 general-reqmore +bos can you also help me find a train on fridya ? eos O O O O O O O O O O O O Train-Inform +bos of course . there are many available friday . where will you be traveling to and from ? eos O O O O O B-Train-Inform+Choice O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'll be departing from cambridge and going to norwich . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A +bos is there a time you would like to arrive before ? eos O O O O O O O O O O O O Train-Request+Arrive +bos yes , i would like to arrive before 5:00 pm . eos O O O O O O O O O O O O N/A +bos train tr7747 leaves at 15:36 and arrives in norwich at 16:55. would you like me to book you tickets ? 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 O O O O Train-OfferBook +bos i apologize , i actually need to leave after 16:30 eos O O O O O O O O O B-Train-Inform+Leave O N/A +bos no problem , but i 'm afraid there are no trains leaving after 16:30 and arriving by 17:00. might i suggest tr7047 , which leaves cambridge at 16:36 and arrives in norwich by 17:55 ? eos O O O O O O O O O O O O B-Train-NoOffer+Leave I-Train-NoOffer+Leave O O B-Train-NoOffer+Arrive O O O B-Train-Select+Id O O B-Train-Select+Depart I-Train-Select+Depart B-Train-Select+Leave O O O B-Train-Select+Dest I-Train-Select+Dest B-Train-Select+Arrive O O O O N/A +bos yes , that sounds great . please book that for me . eos O O O O O O O O O O O O O N/A +bos ok , the booking for successful . the total is 17.6 gbp and the reference number is mimopen1 . is there anything else i can do 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos thank you , no that will be all . eos 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 will be in cambridge soon and look forward to seeing at least one of your attractions . 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 so many wonderful attractions . can you please tell me what area you would like to be 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 O O O Attraction-Request+Area +bos i am actually searching for one recommended by a friend . it 's called the cherry hinton i believe . 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 we have three different attractions with cherry hinton . i have the cherry hinton water play in the east . is that the one you were looking for ? eos O O O B-Attraction-Inform+Choice I-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 O B-Attraction-Inform+Area O O O O O O O O O O N/A +bos it 's name is called the cherry hinton village centre . do you have that ? 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 O O O O O N/A +bos yes i do have that attraction in my system . what information do you need in regard to it ? 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 what kind of attraction is it and what are the entrance fees ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos the cherry hinton village centre is a multiple sports venue . i 'm sorry but i do n't have the entrance fee . is there anything else that 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 B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type 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 O O O O O O O O O general-reqmore +bos yes , i need a hotel . it should be rated two stars and have free wifi . eos O B-Hotel-Inform+Internet O O O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A +bos okay . i would recommend the ashley hotel in the north if you are looking for a two-star hotel . would this be acceptable or do you need another area ? eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O Hotel-Request+Area +bos ashley hotel is fine . can you book a room for me starting from saturday for 3 nights for 3 people ? i will need the reference number . eos O O B-Hotel-Inform+Type 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 O O O O O O O Hotel-Request+Ref +bos your reference number is cp54umzf . can i help you further today ? eos O O O O O B-Booking-Book+Ref O 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 great to hear , you have a great day now ! 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 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 B-Hotel-Inform+Price O O O N/A +bos i have three moderately priced hotels . do you need internet and/or parking ? 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+Parking,Hotel-Request+Internet +bos i would like a guest house , with free parking . eos O O O O O O O O O O O O N/A +bos does it matter what side of town it is on ? eos O O O O O O O O O O O O Hotel-Request+Area +bos no it does n't . eos O O O O O O N/A +bos ok how about acorn guest house . they are moderately priced and have 4 stars . how many rooms and how long is your stay going to be ? eos 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 B-Hotel-Inform+Stars O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People +bos 1 room , and i 'll need it for 2 nights starting friday . eos O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A +bos booking was successful . reference number is : b823wkvk . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am also looking for a train on the same day to cambridge eos O O O O O O O O O O O O O B-Train-Inform+Dest N/A +bos train tr5686 leaves london kings cross . would you like a ticket ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O Train-OfferBook +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 booking was successful , the total fee is 23.6 gbp payable at the station . your reference number is s5436qtx . 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 no that 's everything . you 've been great thanks . eos O O O O O O O O O O O O general-thank +bos if everything is fine . then i hope you have a wonderful day . eos 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 you 're welcome . it 's really my pleasure . eos O O O O O O O O O O O general-welcome,general-bye +bos i need a place to stay while i 'm in cambridge . can you recommend some place 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-Hotel-Inform+Area O O O O O N/A +bos sure , do you have a specific price range in mind ? eos O O O O O O O O O O O O O Hotel-Request+Price +bos in the moderate price range please with free parking eos O O O O O O O O O O Train-Request+Price +bos i 'm sorry , the only moderately priced hotel does not have free parking . however , there is a 4 star inexpensive hotel that has both free wifi and parking ? eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Select+Type O O O O O O O O O O B-Hotel-Select+Stars B-Hotel-Select+Price O O O O O O O O O O O O O Hotel-Select+Parking,Hotel-Select+Internet,Hotel-Inform+Parking +bos how about one in the north area ? eos O O O O O O B-Hotel-Inform+Area O O N/A +bos there are 7 guest houses and 2 hotels that are in the north in the moderate price range . do you have a preference for type or number of stars ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Area I-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 Hotel-Request+Type,Hotel-Request+Stars +bos i 'll take the first one you have listed , and i need to know the star rating , 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 Hotel-Request+Post,Hotel-Request+Phone +bos the acorn guest house meets your criteria . it is 4 stars , phone number 0122335388 , and postcode is cb41da . 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 B-Hotel-Inform+Stars O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O O O O O O O O Booking-Inform +bos no i just needed that information . i am also looking for a train from peterborough to cambridge . 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 O N/A +bos ok , and what day would you be traveling ? eos O O O O O O O O O O O Train-Request+Day +bos sunday , thank you . eos O B-Train-Inform+Day O O O O N/A +bos what time would you like to depart peterborough ? eos O O O O O O O O O O Train-Request+Leave +bos i want to leave after 11:45. eos O O O O O O O N/A +bos train tr9345 leaves at 12:19 and arrives at 13:09. would you like to book it ? 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 Train-OfferBook +bos not right now , but i do need the travel time and fare , please . 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 50 minutes and the fare is 13.20 pounds . 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O general-reqmore +bos that was all , thank you for your help today ! eos O O O O O O O O O O O O general-thank +bos you are very welcome ! have a safe travel ! eos O O O O O O O O O O O general-welcome +bos thank you for you help > eos O O O O O O O general-thank +bos not a problem at all . eos O O O O O O O general-bye +bos i am looking for a guesthouse to stay in when i visit next month . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos alright i 've found quite a few . how about the acorn guest house ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos does it have 3 stars ? i 'd like my lodgings to be 3-star rated , please . i 'm quite particular . i also will require free parking and internet . eos 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 O O O O O O N/A +bos i would recommend bridge guest house . it is in the south and has 3 stars with free wifi and parking . 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 B-Hotel-Recommend+Stars O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos could i book it for 1 person 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 'm sorry , but i was not able to book it . would you like to try another 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+Stay,Booking-Request+Day +bos could we try 2 nights . eos O O O O O B-Hotel-Inform+Stay O N/A +bos that was a success ! your reference number is g8jezpdw . 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 thanks . 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-welcome,general-bye +bos oh sorry i still want to look for a train from cambridge to kings lynn which leaves at 21:15 thursday . 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 O B-Train-Inform+Leave B-Train-Inform+Day O N/A +bos i have two , arrivals of 22:58 and 23:68. shall i book them ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O Train-OfferBook +bos i do n't need tickets right now , but can you tell me the train id for the 22:58 train , 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+TrainID +bos the train is tr3495 . will that be all today ? eos O O O O B-Train-Inform+Id O O O O O O O N/A +bos no , that is all , thank you again . 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 'm visiting cambridge and i need a place to stay . i 'm looking for a 0 star guesthouse . 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 two options . one in the north and one in the center . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Select +bos no , it should be in the moderate price range and include free wiki , though . eos O O O O O O O O O O O O O O O O O O N/A +bos i 'm so sorry but we do n't have anything that exactly matches that . since you want a 0 star how about a cheap guesthouse called el shaddai in the centre ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Recommend+Stars O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Type O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O O O Hotel-NoOffer +bos what about the one on the cheap range ? eos O O O O O O O O O O N/A +bos yes i have two options for you . would you like to book one of these ? eos 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 , can you book for 8 people , 3 nights , starting on thursday . 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 i have made a booking for you for city centre north b and b. your reference number is k9ngvlit . 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 I-Booking-Book+Name O O O O B-Booking-Book+Ref O N/A +bos thanks i 'm also looking for a restaurant . eos O O O O O O O O O O Restaurant-Inform +bos i 'd be happy to help you . what kind of cuisine are you wanting to try ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos i am actually looking to book a restaurant called riverside brasserie . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos what day would you like to book that for ? eos O O O O O O O O O O O Booking-Request+Day +bos i would like to book it for thursday for 8 people for 13: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 booking was successful . the table will be reserved for 15 minutes.reference number is : kuwf73dz . 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 ! eos O O O O O O general-thank +bos can i help with anything else today ? eos O O O O O O O O O general-reqmore +bos nope , that 's it , thanks ! eos O O O O O O O O O general-thank +bos glad i was able to help you . 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 need a nice expensive restaurant located in the cambridge centre . eos O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O N/A +bos i 'd recommend midsummer house restaurant . it 's on midsummer common , cb41ha . would you like a reservation ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O O O O O O O Booking-Inform +bos does it serve german food ? i think i 'd like german . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos there are no german restaurants in that area . eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O N/A +bos is there a restaurant in the center serving italian then ? eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are several italian restaurants downtown , would you like me to pick for you ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O O O O O O O O O general-reqmore +bos yes , pick the most expensive one . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos the stazione restaurant and coffee bar is very classy is that okay ? 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 O Booking-Inform +bos yes , that sounds great . can i get the address and postcode ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos for sure . the address is market hill city centre , cb23nj . how many people did i need to make the reservation for ? eos 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+Post O O O O O O O O O O O O O O Booking-Request+People,general-greet +bos please make the reservation for 2 people at 8pm tonight . eos O O O O O O O O O O O O N/A +bos okay , i can do that . what day would you like it for ? eos O O O O O O O O O O O O O O O O Booking-Request+Day,general-greet +bos tuedsday and book it for me please 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 : b7bi0qk1 . 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 great ! now i need info on a hotel called avalon . eos O O O O O O O O O O O B-Hotel-Inform+Name O O O N/A +bos sure , that is a great 4 star guesthouse at 62 gilbert road . would you like me to make a reservation for you ? eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type 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 that would be great . could you please give me a reference number ? eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos i 'll need to know the start day , days you plan to stay , and how many people to book 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+Day,Booking-Request+Stay,Booking-Request+People +bos please book it for 7 people for 4 nights starting wednesday . 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 booking was successful . reference number is : 38f50dtx . 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 no thanks . i think that takes care of things . 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 and you as well . enjoy your stay in cambridge . eos O O O O O O O O O O O O general-welcome,general-bye +bos i was hoping you can help me find a place to dine . i 'm looking for an italian restaurant in the west . 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 B-Restaurant-Inform+Area O O O N/A +bos there 's 2 italian restaurants in the west , one cheap and one moderate in price . which price range do you want ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Select +bos i would prefer a moderately priced one . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos prezzo restaurant is moderately priced . would you like me to make a reservation for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O O O Booking-Inform +bos yes i would like the reservation for 1 person friday 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 N/A +bos okay , will you be needing a reference number ? eos O O O O O O O O O O O general-reqmore +bos yes you should not have to ask and always provide the reference number . eos O O O O O O O O O O O O O O O N/A +bos i am required to ask by management . eos O O O O O O O O O general-greet +bos you really should be giving me the reference number now . eos O O O O O O O O O O O O N/A +bos your reference number is : 8xwh8q5e . eos O O O O O O B-Booking-Book+Ref O N/A +bos i am also looking for a hotel that is 4 stars and has free wifi . i need it in the same part of town as the restaurant . 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 O O O O O O N/A +bos there are two hotels in the same area as the restaurant and meet your requirements . what is the price range you are looking for ? eos 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 I-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 +bos i am looking for price range that is not cheap or expensive . eos O O O O O O O O O O O O O O N/A +bos there are no moderately priced hotels in the area you are looking for . would you like to search another area , or price range ? eos 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 Hotel-Request+Area,Hotel-Request+Price +bos lets try cheap eos O O O B-Hotel-Inform+Price N/A +bos there is one . it is the cambridge belfry . do you want to book ? eos O O O B-Hotel-Inform+Choice 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 3 nights , and starting on friday . eos O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos sure , how many people will there be ? eos O O O O O O O O O O Booking-Request+People +bos there will be just one person . eos O O O O O O O O N/A +bos i booked it for one person . your ref number is ab62fm758 , is there anything else i can help you with today ? eos O O O O O O B-Booking-Book+People I-Booking-Book+People O O O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos thats all thanks ! eos O O O O O general-thank +bos thank you and have a good time in our great city ! eos O O O O O O O O O O O O O general-bye +bos i need an expensive place to stay . eos O O O O B-Hotel-Inform+Price O O O O N/A +bos there are several options . which part of town would you like ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area +bos please look in the centre of town . eos O O O O O B-Hotel-Inform+Area O O O N/A +bos what star rating would you like ? eos O O O O O O O O Hotel-Request+Stars +bos i do n't have a star rating preference but it needs to have free wifi . eos O O O O O O O O O O O O O O O O O N/A +bos i have gonville hotel at gonville place . would you like to book a room there ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Booking-Inform,Hotel-Select +bos yes can you please book four nights starting thursday eos O O O O O O O O O O N/A +bos i will be happy to book a room for you for four nights starting thursday . is there anything else i can help you with ? eos O O O O O O O O O O O O B-Booking-Inform+Stay O O B-Booking-Inform+Day O O O O O O O O O O O general-reqmore +bos i will need you to make that reservation and provide a reference number . eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos and how many people do you need the reservation for ? eos O O O O O O O O O O O O Booking-Request+People +bos actually i changed my mind just 2 nights for 5 people eos O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People N/A +bos booking was successful . reference number is : ujumj5os . anything else you need ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos yes , i need the postcode for bangkok city restaurant please . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O Restaurant-Request+Post +bos the postcode is cb23jx . would you like me to reserve a table for you ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O Booking-Inform +bos no , thanks , but i will be needing a taxi . eos O O O O O O O O O O O O O Taxi-Inform +bos i can book a taxi i just need the following information the travel time , departure site and the arrival 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 nee to go from the hotel and the restaurant . i should leave by 2:15. eos O O O O O O O O O O O O O O O O N/A +bos i have booked you a taxi at 2:15. the car is a white skoda and the contact number is 07572703155. is there anything else i can help you with ? eos 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 O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos thank you so much . that 's all i need today . eos O O 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 a place to stay in the west of town . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i have all price ranges and some guesthouses . any preferences ? eos O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O general-reqmore +bos yes , i would like a moderate price range with a 3 star rating . it does n't need free internet . 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 O O N/A +bos my records shows nome . can we change location ? eos O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos can you recheck the same area that has free wifi ? eos O O O O O O O O O O O O N/A +bos sorry i missed it before , i did find a moderately priced guesthouse in the west with internet . the hobson house . shall i make a reservation ? eos O O O O O 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+Area O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes , if it has a three star rating eos O O O O O O O O O O N/A +bos it is . on what day will you be checking in , for how many nights , 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 Booking-Request+People,Booking-Request+Stay,Booking-Request+Day,general-greet +bos it will be for 6 people for 5 nights starting from thursday.can you get me the reference number ? 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 O O O O N/A +bos i have your booking for the hobsons house . your reference number is a4uulb11 . what else can i do for you 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 general-reqmore +bos i 'm looking for a restaurant in the same price range as the guesthouse , one that serves corsica food . 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 N/A +bos there is no place they serve corsica food . can you change the cuisine ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O Restaurant-Request+Food +bos yes ! , please find a reservation of a restaurant that serves turkish food . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i have anatolia turkish located in the centre . it is moderately priced would you like to make reservations ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O Booking-Inform +bos once you find the restaurant you want to book a table for the same group of people at 17: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 go ahead and book that for you now . eos O O O O O O O O O O O O Booking-Inform +bos yes please , can i have the reference number ? eos O O O O O O O O O O O N/A +bos i will get that for you now . eos O O O O O O O O O Booking-Inform +bos did you book me at anatolia turkish ? i need to book for 6 on thursday at 17:30. eos O O O O O O O B-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos you are booked at the anatolia . your reference number is is9t6h2a . the table will be reserved for 15 minutes . may i help with something else ? eos O O O O O O 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 O O O O O general-reqmore +bos great thanks for all your help . 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 restaurant in the center of town that serves singaporean food . do you have any suggestions ? 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 O O N/A +bos i 'm sorry , i do not see any singaporean restaurants in the centre area . may i help you with something else ? 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 general-reqmore +bos what about a restaurant in the center part of town that serves british food ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 7 british eateries to choose from . would you prefer any particular price range ? there are restaurants that provide both moderate and expensive price ranges . 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O Restaurant-Request+Price +bos no , can you recommend one ? eos O O O O O O O O N/A +bos restaurant one seven is fantastic can i recommend that one to you ? 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 could you provide me please with their phone number , price range and postcode ? 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 01223337766. cb21ab post code . they are in the moderate range in price . eos O B-Restaurant-Inform+Phone B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O N/A +bos okay thank you . i am also looking for the hotel called express by holiday inn cambridge . 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 N/A +bos how many nights do you need ? eos O O O O O O O O Booking-Request+Stay +bos two nights starting on thursday please . eos O O O O O O O O N/A +bos and will it be just you staying , or a group ? eos O O O O O O O O O O O O O Booking-Request+People +bos there will be two people total . eos O O O O O O O O N/A +bos your room at the express by holiday inn cambridge has been booked . your reference number is k5rd51dn . 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 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 you 're welcome . would you like me to help with anything else ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos that is all i needed , have a nice day . eos O O 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 O O general-bye +bos i am looking for a place to dine in the centre of town eos O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos we have several options . what price range would suit your needs ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price +bos it does n't matter . we want to eat indian food . eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos well i have the curry garden in the expensive price range . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O N/A +bos please provide me with the address and telephone number . eos O O O O O O O O O O O Hotel-Request+Addr +bos yes , the address is 106 regent street in the city centre . their phone number is 01223302330. can i help with something 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos could you also book it for me ? 3 people , 14:30 on sunday . 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 have your table booked for sunday afternoon . they will hold the table for 15 minutes . your reference number is 28o595tk . can i help you with anything else ? eos O O O O O O O B-Booking-Book+Day 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 is all eos O O O O O O O general-thank +bos the prompt before this call came through said that you needed two things , do you need anything regarding a hotel , transport or 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 O general-reqmore +bos sorry , i do need to find a guesthouse as well . something moderately priced , perhaps 3 stars ? eos O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O N/A +bos the alpha-milton guest house will fit your needs . would you like me to be 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 O O O O O O O O O O O O Booking-Inform +bos no thank you , i just need the address , phone number and area . eos O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Addr +bos the alpha-milton is located in the north . their address is 63 milton road and the postcode is cb41xa . eos O O B-Hotel-Inform+Name 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 B-Hotel-Inform+Post O O N/A +bos may i also have the telephone number for the alpha-milton , please ? eos O O O O O O O O O O O O O O Hotel-Request+Phone +bos sure , the number for alpha-milton guest house is 01223311625. can i help with anything else ? 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 general-reqmore +bos i also want a taxi to help commute between the two places eos O O O O O O O O O O O O O Taxi-Inform +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 it should pick me at the restaurant at the booked time eos O O O O O O O O O O O O Restaurant-Inform +bos are you sure that you do n't want to get to the restaurant for your booked time ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Arrive +bos i do need the taxi to get to curry garden by the booked time of 14:30. i 'm a little scatter brained today . thank you for clarifying . eos O O O O O 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 O O O O O O O N/A +bos great ! i have booked you a taxi , which will pick you up from the hotel . it will be a yellow tesla and the contact number is 07140486418. anything else today ? 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 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 's all thanks so much ! 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 today ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos yes , that is it for today . thanks again . eos 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 am traveling to cambridge and am interested in trying local restaurants and finding a hotel for my stay . 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 there are many restaurants . can you please elaborate on what you would like ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O N/A +bos i need to find a hotel with a 3 star rating that includes 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 N/A +bos i have 5 options for you , located all over town . do you have a certain area or 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 O O O Hotel-Request+Area,Hotel-Request+Price +bos i want chinese food in cheap price range in west side of town . a 3 star hotel that is expensive and includes wifi . also the hotel address , area , and postcode please . eos O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O 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 O O O Hotel-Request+Area,Hotel-Request+Addr +bos the lensfield hotel fits your request and is in the south . it is located at 53-57 lensfield road cb21en . unfortunately , i could n't find a cheap chinese restaurant on the west side . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 I-Restaurant-NoOffer+Area O O N/A +bos thanks for your help with the hotel . how about a restaurant in the centre that serves indian food ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A +bos how about kohinoor . it is located at 74 mill road city centre with a cheap price range . can i make a reservation for you ? eos O O O B-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 B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos what is the postcode and phone number ? eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the postcode is cb12as and the phone number is 01223323639. would you like to make a reservation ? eos 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 Booking-Inform +bos i also need a taxi from the restaurant to the hotel . i would like to leave the restaurant by 11:15. 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 you can give them a call at 07234107803 eos O O O O O O O O B-Taxi-Inform+Phone N/A +bos what would bew the taxi care type ? eos O O O O O O O O O Taxi-Inform +bos the taxi will be a yellow bmw . do you have any more questions regarding your booking ? 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 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 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 what can you tell me about the riverside brasserie ? eos O O O O O O O O O O O N/A +bos it is a restaurant that serves modern european food near the centre of town . it is moderately priced . the phone number is 01223259988. eos O O O O 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Phone O O N/A +bos perfect . can you help me with a reservation for 6 people at 14:30 this coming sunday ? and please make sure i have a confirmation number to use . eos 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 O O O O O O O O O O O N/A +bos your reservation is set ! the table will be reserved for 15 minutes . your reference number is lzludtvi . is there anything else you need ? 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 i 'm also looking for a place to stay . in the south preferably . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos what price range were you thinking ? eos O O O O O O O O Hotel-Request+Price +bos no particular price range , but i would like it to be a 4 star hotel . 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 there are no hotels that fit your criteria in the south , but there are two guesthouses . would you like to book one of those ? eos O O O O B-Hotel-NoOffer+Type O O O O O O B-Hotel-NoOffer+Area O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Booking-Inform +bos sure , that will work . can you tell me more about them ? eos O O O O O O O O O O O O O O O N/A +bos aylesbray lodge guesthouse and rosa 's bed and breakfast , both are rated at 4 stars and both include free parking and internet . would you like a reservation for one of them ? 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 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,Hotel-Select +bos can i get the postcode for both of them ? eos O O O O O O O O O O O Hotel-Request+Post +bos aylesbray postcode is cd17sr and rosa 's postcode is cb22ha . is there anything else i can help you with today ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore +bos no thanks . that 's all the help i need . take care . bye . eos O O 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-welcome,general-bye +bos i need a place to stay in the centre of cambridge thats very expensive eos O O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price N/A +bos university arms hotel is located in the centre , is expensive and has 4 stars . eos O B-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 O B-Hotel-Inform+Stars O O N/A +bos i need a 3 star hotel eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type N/A +bos what about gonville hotel ? it 's lovely eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos i want to book it for 3 people and 2 nights starting from 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 N/A +bos booking was successful.reference number is : cb34k46t eos O O O O O O O B-Booking-Book+Ref N/A +bos thank you so much ! eos O O O O O O general-thank +bos glad i was able to help . is there anything else i could help you 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 yes i am looking for a particular attraction called jesus green outdoor 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 N/A +bos it is in the north area address between victoria road and the river , postcode cb43px and phone 01223302579. despite the name the water is clear blue . eos 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O B-Attraction-Inform+Phone O O O O O O O O O O N/A +bos you so much . i think i have everything i need . eos O O O O O O O O O O O O O N/A +bos great , have a lovely day ! eos O O O O O O O O general-bye +bos i need assistance finding a train departing from cambridge and arriving at london kings cross . eos 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 N/A +bos we have quite a few options available to you . is there a particular day you are looking 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 O O O Train-Request+Day +bos i 'm leaving after 15:15 on tuesday . what 's available then ? eos O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O N/A +bos i have four , what time would you prefer to arrive by ? eos 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 . eos O O O O O O N/A +bos tr0945 leaves on tuesday at 17:00. would you like me to book it for you ? eos 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 O O O N/A +bos yes please . could you also tell me how much it is & what time it arrives ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos okay , i have booked the 17:00 train for you . the arrival time is 17:51. your reference number is fgahejd9 and the price is 23.60 pounds . eos O O O O O O B-Train-OfferBooked+Leave O O O O O O O B-Train-OfferBooked+Arrive 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 N/A +bos i am also looking for a particular attraction . the name of the place is lynne strover gallery . can you give me the address and fee ? 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 O O O O O O O O O O O Attraction-Request+Addr +bos lynne strover gallery 's address is 23 high street , fen ditton , entrance is free . can i do anything else for you today ? eos 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 O B-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore +bos may i have the postal code for the gallery as well please ? eos O O O O O O O O O O O O O O N/A +bos yes , it 's cb30aq . is there anything else i can tell you about it ? or something 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 O O O O O O O O O O O O general-reqmore +bos no , that 's all i needed . have a nice day . eos O O O O O O O O O O O O O O N/A +bos thank you ! enjoy your visit to cambridge . goodbye . eos O O O O O O O O O O O O general-bye,general-greet +bos hi i want to find a place to eat in the moderate price range 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 O N/A +bos there are two indian restaurants and one italian restaurant which food type would you prefer ? 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 Restaurant-Select +bos one that serves italian food . eos O O O O O B-Restaurant-Inform+Food O N/A +bos that would be the pizza hut fen ditton , at cambridge retail park newmarket road fen ditton . would you like a reservation ? 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+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 Booking-Inform +bos yes any one of them would be find . a table for 4 at 13:30 on tuesday please . 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 it is not open then , perhaps another day , place or time ? 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 no , i really need it for that time and area . maybe the indian restaurant if it is in the same 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 O O O O O O N/A +bos yes . i was able to book a table for 4 at curry prince for tuesday at 13:30. reference number is 34fphm6m . is there anything else i can help you with ? eos O 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+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 thank you that should be all . 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 are there any restaurants that serve new zealand food ? eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos there are not . eos O O O O O N/A +bos ok , can you find any chinese restaurants in the town 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 there are a number of chinese restaurants in the city centre from cheap to expensive . do you have a price range ? 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 O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Restaurant-Request+Price +bos i do n't care about price . i need to book a table for 4 at 18:45 on saturday . 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 i 'm afraid none of the restaurants are available at that date an time . is there another date 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+Time,Booking-Request+Day +bos okay , we can eat earlier if we really have to . can you try for 17:45 instead ? eos 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 booked you a table that is available for 15 minutes at charlie chan at 17:45 , reference number is 2kux2g5t . can i help you with anything else ? eos O O O O O O 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 general-reqmore +bos i would also like to go to a college in the same area as the restaurant . 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 there are five colleges that meet that criteria . do you mind if there is an 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 Attraction-Request+Price +bos i do not mind . i only need the address and postcode of any one of those colleges . 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+Addr +bos christ 's college is free and located on saint andrew 's street . the postcode is cb23bu . anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O 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 O O general-reqmore +bos no that is all i need , thanks . eos O O O O O O O O O O N/A +bos i 'm glad i could help you . enjoy your trip ! eos O O O O O O O O O O O O O general-greet +bos i 'm trying to find a concert hall 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 O N/A +bos unfortunately , i do n't have any listings for concert halls on the east side . can i check another area of town for you ? 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 Attraction-Request+Area +bos how about an entertainment attraction instead ? eos O O O O B-Attraction-Inform+Type O O O N/A +bos there are two entertainment attractions on the east side . would you like more information ? 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 general-reqmore +bos yes and can i have the phone number and address of one of attraction ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos sure . cherry hinton hall and grounds can be reached at 01223446104. it is on cherry hinton road , postcode cb18dw . can i help you with anything else today ? 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 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 thanks . that 's all i need for now . 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 general-bye +bos hi , i am looking for a moderately priced hotel in the east . eos O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O N/A +bos the carolina bed and breakfast meets your needs . 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 I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform +bos if it is moderately priced guesthouse in the east , yes i would like to reserve a room . eos 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 how many people will be staying in the room ? also what day and time will this be ? 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+Time,Booking-Request+People +bos does n't matter . do they have free parking and internet ? can you tell me the address ? eos 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+Internet,Hotel-Request+Addr +bos they have book free wifi and parking . they are located at 138 perne road . eos 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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos thank you . can you also suggest an italian restaurant that 's also moderately priced ? eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A +bos i show pizza hut fen ditton located at cambridge retail park newmarket road fen ditton in the east . would you like to book a table ? 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 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 B-Restaurant-Recommend+Area O O O O O O O O O Booking-Inform +bos can i please have a phone number and postcode first ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the postcode for pizza hut fen ditton is cb58wr , phone 01223323737. can i help you with anything else ? eos O O O O O O O O O B-Restaurant-Inform+Post O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos yes actually i need a taxi to pick me up at the restaurant no later than 7:00. eos 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 the destination after the pick up ? eos O O O O O O O O O O N/A +bos to the hotel , please . can i also get 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 Taxi-Request+Car +bos certainly , booked car type red volvo , and contact number 07572429672. is there anything else i can do for you ? . 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 O O O O general-reqmore +bos no , thank you . that would be all for today . thanks . eos 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 wonderful day ! eos O O O O O O O O O O O O O general-bye +bos hello , are there any fun places 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 ballare nightclub is in the center of town . would you like more information about this place or other suggestions ? eos 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 O O O O O O O O O O O O general-reqmore +bos can you give me the address and postcode for that nightclub ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos of course , i can . the address and post code are heidelberg gardens , lion yard and cb23na . 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-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 general-reqmore +bos i am all sent , thank you . 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-greet +bos hi , can you recommend me a good asian restaurant ? something not too expensive ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos there are two cheap asian restaurants in the centre of town . would like information for either of those ? eos O O O O B-Restaurant-Inform+Choice 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 general-reqmore +bos hmm , i do n't want to scrape the bottom of the barrel . maybe something moderate but not too cheap . 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 N/A +bos the yippee noodle bar would be perfect . can i book a table for you ? 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 Booking-Inform +bos yes , that sounds good . please book for 4 people on sunday at 11:45. eos O O O O O O O O O O O O O O O O N/A +bos i 'm sorry they are n't available at that time , would you like me to find 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-NoBook,general-reqmore +bos how about a different restaurant in the same area 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 booked you at the oak bistro for 4 people on sunday at 11:45 , your reference number is 2cg1xx8q . is there anytihng else that i can assist with ? eos 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 O B-Booking-Book+Time 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 will do it , thanks ! eos O O O O O O O O O O general-thank +bos we hope that you have a great time at the bistro . eos O O O O O O O O O O O O O general-bye +bos thanks . good bye . eos O O O O O O general-bye +bos thank you for calling . have a great day . eos O O O O O O O O O O O general-bye +bos i need a train that departs from cambridge and should leave on thursday . eos O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O N/A +bos what is you destination ? eos O O O O O O Train-Request+Dest +bos i am heading to peterborough and need it to leave after 13:00. eos O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave N/A +bos there is a train at 1:06 pm on thursday , it is a 50 minute ride . should i book ? eos O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Day O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O Train-OfferBook +bos yes please book 7 tickets . eos O O O O O B-Train-Inform+People O N/A +bos reference number is : g2krnar7 . and price is 115.5 gbp eos O O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O N/A +bos thanks . what 's interesting in the way of attractions 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 O N/A +bos all saints church on jesus lane is very interesting . admission is free and it has the most impressive architecture i 've seen . does that interest you ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O O O O Booking-Inform +bos definitely - can i have their phone number ? eos 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 today ? eos 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 for your help , i think that will be everything today ! eos O O O O O O O O O O O O O O O general-thank +bos okay . glad i could help . eos O O O O O O O O general-welcome,general-bye +bos i am looking for a place called tang chinese eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos i have located tang chinese , it is in the centre of town . would you like me to book you ? eos 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 O O O O O O O O O O Booking-Inform +bos yes . please book a table for 4 people at 17:00 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 i am sorry this time is not available . another restaurant perhaps ? eos O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos are there any other restaurants for the same price range in the same area ? eos O O O O O O O O O O O O O O O O N/A +bos kymmoy is also in the centre . it is an expensive asian restaurant . would you like me to book this one for you ? eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area 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 Booking-Inform,Restaurant-Select +bos yes please try the same date and time for that restaurant eos O O O O O O O O O O O O Restaurant-Inform +bos your booking was successful the reference number is i82b519f . 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 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 thank you for calling . enjoy your dinner . eos O O O O O O O O O O O general-bye +bos hi , i want to eat at an indian restaurant in cambridge . it should be on the expensive side . do you know of any ? 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 O O O N/A +bos we have many with that criteria . what side of town 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 Restaurant-Request+Area +bos not worried about area . just an expensive indian place . eos O O O O O O O O O O O O N/A +bos i recommend cocum . it is located in the west side in 71 castle street city centre . can i get you the phone number ? eos O O O B-Restaurant-Recommend+Name 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 I-Restaurant-Inform+Addr O O O O O O O O general-reqmore +bos i need the post code please . eos O O O O O O O O Restaurant-Request+Post +bos sure the post code is cb30ah and the phone is 01223366668. i can reserve a table for you if you like . let me know . eos O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O O O Booking-Inform,general-greet +bos no , thank you . i will take care of that later . can you tell me about a place called cambridge arts theatre ? eos O O 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 thing what would you like to know about it ? eos O O O O O O O O O O O O general-reqmore +bos specifically there address and what type of attraction is it ? eos O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Addr +bos it is a theatre located at 6 saint edward 's passage eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos great , thanks ! can you also book a taxi for me ? i 'd like to leave cocum by 17:00 to head to the theatre . eos O O O 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 N/A +bos i 've booked you a car , a blue skoda . contact number is 07407252623. 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 B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos no that did it , you covered everything . eos O O O O O O O O O O N/A +bos i am happy i have been of help . good day eos O O O O O O O O O O O O general-welcome,general-bye +bos you were so much help . you have a good day too . eos O O O O O O O O O O O O O O N/A +bos i 'm glad i could be of help today . good-bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need to find a restaurant in the center of town . a place offering vietnamese food , if possible . 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 N/A +bos there are no vietnamese locations in the centre of town . 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 N/A +bos really , it should be expensive . eos O O O O O O O O N/A +bos there is a cheap vietnamese restaurant on the west side , but that is all . eos O 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 N/A +bos how about turkish food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there is one expensive turkish eatery in city centre ; meze bar restaurant . would you like to make reservations ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 and i need a confirmation number thank you eos O O O O O O O O O O general-thank +bos what day would you like to book for ? eos O O O O O O O O O O Booking-Request+Day +bos i 'm not sure yet , can i have the phone number and postcode so i can book the table ? 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 +bos meze bar restaurant is located in the cb13nf zip code , but there is no phone number listed . would you like the address ? eos O B-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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O general-reqmore +bos no , i would like to check out going to a boat . eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos what area would you like this in ? eos O O O O O O O O O Attraction-Request+Area +bos it does n't matter to me . eos O O O O O O O O N/A +bos i have 4 entries that fit . would you like a couple numbers , so you can call and get more info ? unfortunately , no entrance fees are listed . 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O general-reqmore +bos no , thanks . please just select one for me and then let me know the area 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+Area,Attraction-Request+Addr +bos riverboat georgina is in the north . the address is cambridge passenger cruisers , jubilee house . can i get you anything else today ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+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 i also need a taxi . can you help with that ? eos O O O O O O O O O O O O O Taxi-Inform +bos sure , where would you liked to be picked up ? eos O O O O O O O O O O O O Taxi-Request+Depart +bos i want to leave the riverboat georgina by 23:30 , please . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O N/A +bos what would be your destination please ? eos O O O O O O O O Taxi-Request+Dest +bos the acorn guest house please . eos O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos your taxi has been booked . it is a grey lexus . the contact number is 07308344442. is there anything else that i can help you with today ? 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 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 alright . have a good day now . eos O O O O O O O O O general-welcome,general-bye +bos i 'm interested in getting some entertainment later . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are some entertainments available do you want the information ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O general-reqmore +bos awesome . can you give me some information on local theatres ? eos O O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos there are 5 theatres one in the south and 4 in the centre . is there an area you prefer ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area O O O O O O O O Attraction-Request+Area +bos can you give me the address , phone number , and entrance fee info for the one in the south ? i also need a restaurant that is moderately priced 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 O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos the theatre is called , the junction . it is located at clifton way , cb17gx . the phone number is 01223511511. i 'm not sure if there is an entrance fee or not . eos 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 B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O N/A +bos thank you . can you help me find a moderately-priced latin american restaurant in the centre ? eos 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 N/A +bos i was unable to find any in that area , do you have any other place 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 Restaurant-NoOffer,general-reqmore +bos actually , let 's try another kind of food . how about spanish ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos we have la tasca , at 14 - 16 bridge street . would you like a reservation ? 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 I-Restaurant-Inform+Addr 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 the phone number is 01223464630. 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 , thanks . 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 +bos i 'm looking for a cheap spanish restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos there is the la raza located at 4-6 rose crescent . the phone number is 0122364550. 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 O O O B-Restaurant-Inform+Phone O N/A +bos is it located in the center area ? eos O O O O O O O O O N/A +bos yes , it is located in the centre . would you like to make a booking ? eos O O O O O O O B-Restaurant-Inform+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 when would you like to eat at la raza and how many people in the party ? eos O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O Booking-Request+Time,Booking-Request+People +bos i 'd like a table for 3 people at 14:30 on friday 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 you are booked at la raza with the reference number d0k5vzn7 . the table will be reserved for 15 minutes . what else can i help you with ? eos 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 O O O O general-reqmore +bos i 'm looking for colleges in town , are there any in the same area as la raza ? eos 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 13. i 'd recommend corpus christi . would you like more information ? eos O O O O O B-Attraction-Inform+Choice O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O general-reqmore +bos get me the address please . eos O O O O O O O Attraction-Request+Addr +bos it is at cb21rh king 's parade . eos O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post I-Attraction-Inform+Addr O O N/A +bos thank you . can i get a taxi from there 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 +bos your booking was a success . you have a white audi and contact number is : 07896876541. anything else i can assist 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 i would like to find a restuarant called la raza . will you help me ? eos 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 found a spanish restaurant by that name at the address of 4 to 6 rose crescent . shall i make you a reservation ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 Booking-Inform +bos yes . i need a reservation for 6 people on wednesday at 17: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 N/A +bos i can make the reservation for you now . eos O O O O O O O O O O Booking-Inform +bos yes that would be great and if there is n't a booking for wednesday i can also do tuesday . i will need a reference number with that . eos O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos i was able to book wednesday at 17:45 for you . your reference number is 1r8rr9ns . eos O O O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O O O B-Booking-Book+Ref O O N/A +bos i am also looking for some information about queen 's college . eos O O O O O O O O O O O O O N/A +bos okay , i can help you with that . queens ' college is located on the west side and their phone number is 01223335511. there 's a 2.50 pound entrance fee though eos O O O 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 O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O general-greet +bos can i get the postcode please ? eos O O O O O O O O Attraction-Request+Post +bos yes , the postcode for the college is cb39et . eos O O O O O O O O B-Attraction-Inform+Post O O N/A +bos could i also have the address of the college ? eos O O O O O O O O O O O Attraction-Request+Addr +bos it is located on silver street . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 assist you with ? eos O O O O O O O O O O O general-reqmore +bos no that is enough for today 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 hi there , i need a swimming pool . the kids want to swim ! eos O O O O O O O O O O O O O O O O general-greet +bos abbey pool is available on the east . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O N/A +bos that sounds wonderful ! may i please have the address , phone number , and post code ? 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 sure thing ! the address is : pool way , whitehill road , off newmarket road . the phone number and postcode are 01223902088 and cb58nt . eos 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 O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone B-Attraction-Inform+Post O O O O O O N/A +bos are there any italian restaurants located in the centre ? eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A +bos i have some what price range would you like ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Price +bos the cheaper the better please eos O O B-Restaurant-Inform+Price O O O N/A +bos they are 3 but i recommend zizzi cambridge . can i get you the address ? eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O N/A +bos can you suggest one ? i need reservations for saturday . eos O O O O O O O O O O O O N/A +bos yes , as i said zizzi cambridge is a very good restaurant . how many people would like me to book a table for and what time ? 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 O O O O O O O Booking-Request+Time,Booking-Request+People +bos please book it for 4 people at 18:30 on saturday evening . 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 okay , booking was successful . the table will be reserved for 15 minutes . your reference number is aa76lksa . 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 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 you 're welcome . have a wonderful 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 dine ? eos O O O O O O O O O O O N/A +bos sure ! what type of food would you like to eat in what area ? eos 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 i would like some north indian food that is expensive , in the south . eos 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 we do n't have any north indian restaurants , though we do have many indian restaurants . eos O O O O O O O O O O O O O O O O O O N/A +bos indian food would be fine then , can you tell me the name ? eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O N/A +bos there are several indian restaurants , may i suggest the golden curry in the centre . it sounds like just what you are looking for . eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O B-Restaurant-Select+Area O O O O O O O O O O O O general-greet +bos i was actually hoping for a restaurant in the south . are there any available ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos i found one called taj tandoori . want more information ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O general-reqmore +bos more information please eos O O O O N/A +bos it is expensive and in the south . eos O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O N/A +bos can i get the postcode for that please ? eos O O O O O O O O O O Restaurant-Request+Post +bos sure ! the post code is cb17aa . eos O O O O O O B-Restaurant-Inform+Post O O general-greet +bos thanks ! i 'm also looking for a nightclub . i 'll need the postcode , please ? 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 the ballare is a nightclub in the centre of town . the entrance fee is 5 pounds . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos i 'll try that . what 's the postcode please ? eos O O O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb23na . 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 thanks . that was all i needed today . goodbye . eos O O O O O O O O O O O O O general-bye +bos thank you so much and you have a good night also . eos O O O O O O O O O O O O O general-bye +bos hello . could you help me locate a good moderate restaurant in the south of the city ? 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 O N/A +bos there are 2 options . pizza hut cherry hinton serves italian food and restaurant alimentum serves modern european food . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos do you have anyplace that serves chinese food ? eos O O O O O O O O O O N/A +bos i 'm sorry , there are no chinese restaurants located in the south that is moderately priced . eos O O O O O O B-Restaurant-NoOffer+Food O O O O B-Restaurant-NoOffer+Area O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O N/A +bos ok i will go with italian food and pick the pizza hut cherry hinton . thank you for your help . eos O O O O O O B-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 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 book a table for 4 people at 19:00 on sunday . thank you . 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 unfortunately unsuccessful . can we try another day or a differe n't time slot ? 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 18:00 ? eos O O O B-Restaurant-Inform+Time O N/A +bos good news ! your reservation has been booked for sunday at 18:00 for 4 people . the reference number is yj0b5w19 . is there anything else i can help you with ? eos O 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 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 have a great day ! eos O O O O O O general-bye +bos i am in cambridge and would like to try the restaurant city stop restaurant . 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 N/A +bos would you like me to make a booking for you ? eos O O O O O O O O O O O O Booking-Inform +bos could you ? that would be great . i would love a table for 7 on saturday at 17:45 please . 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 O O O N/A +bos great ! i 've booked it for you . your reference number is rsd4t8nr . eos 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 want to find a college in the center to visit . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos we have several colleges in the centre area to choose from . would you like information on one with no entrance fee ? 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 O O O O O O O O O O general-reqmore +bos yes please . could you make sure i get the postcode ? eos O O O O O O O O O O O O O Attraction-Request+Post +bos christ 's college postcode is cb23bu eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O N/A +bos thank you , that is all that i needed . 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 very welcome ! you have a great day too ! eos O O O O O O O O O O O O O general-welcome +bos yeah , my wife and kids are demanding spanish food . can we keep it on the cheap side , please ? 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 O O O N/A +bos la raza is an inexpensive spanish restaurant at the centre . would you like the address ? 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 general-reqmore +bos yes , i would like the address please . eos O O O O O O O O O O Attraction-Request+Addr +bos 4 - 6 rose crescent postal cb23ll , can i assist with anything else today ? 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 O O O O O general-reqmore +bos we are also looking to visit a local museum . 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 N/A +bos what area would you like ? eos O O O O O O O Attraction-Request+Area +bos something close to the restaurant would be nice . eos O O O O O O O O O O N/A +bos broughton house gallery is located in the centre at 98 king street . it has free entrance . eos 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos what is the entrance fee and address ? i think this sounds like a great place to visit . 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 broughton house gallery is completely free . the address is at 98 king street . eos O B-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 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 N/A +bos your welcome . it was 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 general-welcome,general-bye +bos i would like to reserve a taxi from rosa 's bed and breakfast . 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 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 want to arive by 23:00. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos got it . and what is your destination please ? eos O O O O O O O O O O O Taxi-Request+Dest +bos i will be going to cityroomz . eos O O O O O O B-Taxi-Inform+Dest O N/A +bos i have confirmed you booking , a yellow volvo will pick you up . 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 N/A +bos what is the contact number , please ? eos O O O O O O O O O N/A +bos the contact number is 07854319661. eos O O O O O B-Taxi-Inform+Phone N/A +bos thanks , 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 general-thank +bos thank you . is there anything else eos O O O O O O O O general-reqmore +bos hi , are there any expensive indian 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 yes , there are quite a few ! what area of town would you prefer ? 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 Restaurant-Request+Area +bos i would prefer a restaurant in the west side of town . eos O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos tandoori palace is in the west part of town , located at 68 histon road , chesterton . can i make a reservation for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O Booking-Inform +bos actually , i just need the number and address . eos O O O O O O O O O O O Restaurant-Request+Addr +bos the tandoori palace is located at 68 histon road chesterton , postcode cb43le , and their phone number is 01223506055. can 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 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 , that 'll be all for today . thanks a lot . bye ! eos O O O O O O O O O O O O O O O O general-bye +bos have a nice day . good bye . eos O O O O O O O O O general-welcome,general-bye +bos is it possible to get any greek food in the centre part 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 sorry , i 'm showing no results for greek restaurants . any other foods you 'd like to have ? 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 Restaurant-Request+Food +bos what about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos charlie chan has some great reviews . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos book a table for 8 people at 19:00 on wednesday . 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 your booking was successful . the table will be reserved for 15 minutes . reference number is : 1j6y65lw . 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 . 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-greet +bos hi , i need a taxi from london liverpool street train station to gourmet burger kitchen eos 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos sure no worries , what time do you want to leave ? eos O O O O O O O O O O O O O Taxi-Request+Leave +bos i need to leave after 12:30 ! give me all the necessary details please eos O O O O O O B-Taxi-Inform+Leave O O O O O O O O N/A +bos taxi is booked , red audi will come for you . contact number is 07274783062. do you need any other help ? 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 N/A +bos that 's all , thanks for help ! eos O O O O O O O O O general-thank +bos pleasure all mine , have a good day ! eos O O O O O O O O O O general-greet +bos can you help me find restaurant one seven ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos i have restaurant one seven located in centre , phone number is 01223337766. would you like for me to make a reservation for you ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O Booking-Inform +bos that would be great . can you book a table for 3 at 11:45 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 all right , i 've got you booked for friday at 11:45 for 3 people . would you like the reference number ? eos O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+People O O O O O O O O O O general-reqmore +bos yes please , can i have the number ? eos O O O O O O O O O O N/A +bos certainly , your reference number is : ewofbmj3 . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks . that 's everything for today . eos 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 thank you . goodbye . eos 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-bye +bos where is addensbrookes hospital ? eos 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 thank you . could you please get me the address , postcode and phone number for the hospital ? eos 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+Addr,Hospital-Request+Phone +bos yes , they are located at hills rd , cambridge 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 N/A +bos great , thank you . i do n't have anything further for you today . eos O O O O O O O O O O O O O O O O general-thank +bos you 're welcome . 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 general-welcome,general-bye +bos am injured and are looking for a hospital nearby it should have the neurology neurosurgery department eos O O O O O O O O O O O O O O B-Hospital-Inform+Department O O N/A +bos addenbrookes hospital is located at hills rd , cambridge and has a neurology department . 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 O O N/A +bos no , i just need the postcode , please . eos O O 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 , i think that is all i needed . eos O O O O O O O O O O O O general-thank +bos be careful , let us know if we can be of more assistance . 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 stay . the hotel does n't need to include internet 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 O O O O B-Hotel-Inform+Stars O O N/A +bos we dont have any hotels that have no internet with 4 stars eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O B-Hotel-NoOffer+Stars Hotel-NoOffer+Internet +bos are there any that include free parking and that are in the expensive 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 sorry , my search did n't bring back any results . eos O O O O O O O O O O O O Hotel-NoOffer +bos try changing from no internet to free wifi and see what happens . eos O O O O O O O O O O O O O O N/A +bos there are two hotels that fir your description in the expensive price range . one is in the west and one 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 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 O N/A +bos i need one with wifi . eos O O O O O O O N/A +bos acorn house has free wifi . is that okay ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Hotel-Inform+Internet +bos yes , please just forward me the area , hotel type and their phone number . eos 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+Type +bos i 'm terribly sorry , i misspoke . there are two 4-star hotels in the expensive range with wi-fi -- the huntington marriott in the west and the university arms in the centre of town . eos 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 B-Hotel-Inform+Area O O O O O O O O Hotel-Inform+Internet +bos the huntington marriott in the west would be great . what is the hotel 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 Hotel-Request+Phone,Hotel-Request+Type +bos sure , it is a hotel and the phone number is 01480446000. is there anything else i can help you with ? eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore +bos thanks for helping eos O O O O general-thank +bos do you need me to book you a reservation ? eos O O O O O O O O O O O Booking-Inform +bos no , i think i will wait on booking at this time . thank you for your assistance . eos O O O O O O O O O O O O O O O O O O O O general-thank +bos no problem , 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 O O general-greet +bos can you help me find and expensive thai restaurant ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos sala thong is an expensive thai restaurant on the west side . would you like to book there ? 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 O Booking-Inform +bos that would be great . i need a table on sunday at 15:45 for 6 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 i have made your reservation . the reference number is s2ay04jf . is there anything else i can assist 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 general-reqmore +bos thank you . i think 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 , enjoy , goodbye ! eos O O O O O O O O O O general-bye +bos do you have any information on the addenbrookes hospital ? eos O O O O O O O O O O O Hospital-Inform +bos yes , the hospital is located on hills rd , cambridge . 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 N/A +bos yes i need to know if they have a gastroenterology department . eos O O O O O O O O O O B-Hospital-Inform+Department O O N/A +bos the main hpospital number is 0122324515. the number for their gastroenterology department is 01223274284. eos O O O O O O O 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 Hospital-Request+Post +bos the postcode is cb20qq . do you need any further assistance ? eos O O O O O O O O O O O O O N/A +bos no that 's it for now , i appreciate it . goodbye ! eos O O O O O O O O O O O O O O general-bye +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-bye +bos i am getting into birmingham new street train station and will be needing a taxi to take me to my hotel 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 O O O O 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+Leave +bos i need to leave after 14:45 eos O O O O O O B-Taxi-Inform+Leave 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 want to be picked up from birmingham new street train station 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 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 heading to express by holiday inn cambridge . 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 O O N/A +bos alright i 've got you a grey toyota with the contact number 07779524494. is there anything else 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 O O general-reqmore +bos that is all . thanks . goodbye . eos 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 please find me a place to dine that serves vegetarian food that 's in the expensive price range . 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 oh dear . i did a search for a cheap vegetarian restaurant and my computer does n't list one . would you like me to check the moderate range ? 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 O O O O general-welcome +bos i am actually wanting the restaurant to be expensive and in the centre 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 N/A +bos i am sorry but there are no restaurants matching that criteria . would you like to try another price range or 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+Price,Restaurant-Request+Area,Restaurant-NoOffer +bos are there any expensive french restaurants in the centre ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos yes , one of my favorites . cote on bridge street city centre . eos O 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 O O N/A +bos can you book a table for 5 at 17: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 i booked a table for your party of 5 at cote for friday at 17:00. your reference is b3lav5z1 and the table will be reserved for 15 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 N/A +bos can you help me with places to go ? i like architecture . eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos there are four churches and a place called old schools for architecture . they are all conveniently located in the center of town . eos O O O O B-Attraction-Inform+Type 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+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos can you get me the phone number for old schools please ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos yes , the phone number is 01223332320. eos O O O O O O B-Attraction-Inform+Phone O N/A +bos thank you for all your help today . goodbye . eos O O O O O O O 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-welcome,general-bye +bos i 'm 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 all right , we have many places to stay with free wi-fi . what area of town would you like 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,Hotel-Inform+Internet +bos i 'd like to be in the north , and i need a place with free parking . i 'd also like to keep the price to a moderate range . 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 B-Hotel-Inform+Price O O O O O O N/A +bos there are several places that meet that criteria . do you have a preference on star rating ? 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+Stars +bos no , could you make a recommendation based on that criteria and send me the postcode , address , and hotel 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 Hotel-Request+Post,Hotel-Request+Type,Hotel-Request+Addr +bos i recommend the kirkwood house . it is a guesthouse with 4 star ratings . the postcode is cb41da , and the address is 172 chesterton road . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars 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 N/A +bos that 's all the information i need . thank you so much for your help . bye ! 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 welcome . have a great day . eos O O O O O O O O O O general-bye +bos hi . i am trying to find some information on a restaurant called india house . have you heard of it ? 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 O O O O O N/A +bos india house serves indian food in the west of town and is expensive . their phone number is 0122346166. can i help with anything else ? 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 O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos great can you book a table for one person at 12:00 on sunday ? eos O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos i 'm sorry , they do n't have an opening at 12:00. would you like to try a different time or day ? eos O O 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 sure , let 's try for 11:00 , same day . eos O O O O O B-Restaurant-Inform+Time O O O O O O N/A +bos i was able to book your table on sunday at 11:00 for 1. the reference number is frgw4oo2 . eos O O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O B-Booking-Book+Ref O N/A +bos thanks . that covers it then ! eos O O O O O O O O general-thank +bos i 'm so happy we could help you out today . enjoy your meal in cambridge ! 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 to find the restaurant pizza express fen ditton . 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 N/A +bos ok , i 've pizza express fen ditton . would you like the phone number or address for that ? 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 O O N/A +bos yes please , also what type of food do they serve ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos they serve italian food , and they 're located at jesus lane fen ditton , cb58ba . their phone number is 01223324033. can i help with anything else today ? eos 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 B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O general-reqmore +bos no that is all i need bye bye . eos O O O O O O O O O O general-bye +bos thank you , have a good day , goodbye . eos O O O O O O O O O O O general-bye +bos hey , i 'm up south can you give me a place to eat ? eos O O O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A +bos what kind of food would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos do n't care . eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i recommend chiquito restaurant bar eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos can i have the address and telephone number ? eos O 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 . the 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 that will be fine . eos O O O O O O N/A +bos you 're welcome , goodbye . eos O O O O O O O general-welcome,general-bye +bos can you help me find jinling noodle bar please , where is it ? 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 N/A +bos jinling noodle bar is in the centre area and the address is 11 peas hill city centre . eos 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos i was wondering if you could provide me with its food type , price range as well as 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 Restaurant-Request+Post,Restaurant-Request+Food,Restaurant-Request+Price,Attraction-Request+Type +bos they are a chinese restaurant with a moderate price range , their postcode is cb23pp . is there anything else i can help you with ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos yes , can you also tell me what there is 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 O N/A +bos sure , there are 55 attractions in the city centre . anything specific you 'd like ? eos O 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 Attraction-Request+Name +bos i 'm open to anything . surprise me with your favorite please . just make sure you tell me what kind of attraction 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 Attraction-Inform +bos i 'm a fan of ballare , it 's a nightclub in the centre . is there anything else i can help you with today ? eos O O O O O B-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area O O O O O O O O O O O O O O O general-reqmore +bos no thank you . that is everything i need today . eos O O O O O O O O O O O O N/A +bos you can call them at 01223364222. eos O O O O O O B-Attraction-Inform+Phone 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 fantastic day . eos O O O O O O O O O O general-welcome,general-bye +bos north part of town restaurant please eos 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 chinese eos O B-Restaurant-Inform+Food 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 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 there are several chinese restaurants . would you like their phone number ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O general-reqmore +bos yes , and i need one of their names please . eos O O O O O O O O O O O O N/A +bos hakka is a chinese restaurant 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos sound perfect ! what is their phone number ? eos O O O O O O O O O O Restaurant-Request+Phone +bos hakka 's phone number is 01223 568988. is there anything else i can do for you today ? eos O B-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 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 am looking for a restaurant that serves vietnamese 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 thanh binh is a vietnamese restaurant in the west part of town . would you like their location ? 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 O O O O general-reqmore +bos yes , what is their address and phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos its address is 17 magdalene street city centre and the phone number is 01223 362456 . 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+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 O O general-bye +bos i would like a european restaurant in the west part of town , please . eos 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 the cambridge lodge restaurant serves european food in the west part of town 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 N/A +bos phone number and address , please . eos O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the cambridge lodge restaurant is located at cambridge lodge hotel 139 huntingdon road city centre . their number is 01223 355166. is there anything else i can find for 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 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 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 hello , i 'm looking for an expensive restaurant located in the south 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 O O N/A +bos do you want particular food type ? eos 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 serves mexican food , in the expensive price range and in the south part of town eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-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 N/A +bos are there any other options ? eos O O O O O O O N/A +bos frankie and bennys serves italian food , in the expensive price range and it is 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 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 yes , 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is cambridge leisure park clifton way cherry hinton , the postcode is cb17dy , 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 O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O N/A +bos what is the postcode again ? eos O O O O O O O Restaurant-Request+Post +bos the postcode for frankie and bennys is c.b . 1 7 d.y eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post 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 my brother told me about this attraction place called abbey pool and astroturf pitch . would you be able to tell me where it is ? 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 O O O O O O O O O O N/A +bos yes , abbey pool and astroturf pitch is a swimming pool on the east side of town . what other information would you like ? 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 I-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O general-reqmore +bos could you tell me the entrance fee for that ? eos O O O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry , i do n't have that information . you could call them at 01223902088 and ask though . can i help you with anything else ? eos 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 O O O O general-reqmore +bos no , thanks . i think that will take care of it . have a good night ! 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 ! 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 hi ! can you please help me ? i 'm looking for information on great saint mary 's church . 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 N/A +bos yes i can ! great saint mary 's church is located in the center of town at market square in postcode cb23pq . the entry fee is 2 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 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 B-Attraction-Inform+Price I-Attraction-Inform+Price O O O N/A +bos thanks very much , that 's all i need for now . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos okay . let us know if you need more help . eos O O O O O O O O O O O O general-bye +bos i need a train that is leaving from cambridge and should leave on thursday . eos O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O N/A +bos great ! where are you leaving from ? eos O O O O O O O O O Train-Request+Depart +bos i 'll be departing from ely . eos O O O O O B-Train-Inform+Dest O O N/A +bos we have 10 trains that fit that criteria . 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 O O O Train-Request+Leave,Train-Request+Arrive +bos i need to arrive by 12:45 please . eos O O O O O O B-Train-Inform+Arrive O O N/A +bos tr5216 departs at 11:50 and arrives at 12:07. will 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 Train-OfferBook +bos yes , that sounds good - it is going to cambridge , yeah ? i 'll need the travel time on that one 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 O O Train-Request+Duration +bos travel time is a mere 17 minutes , and the per person price is 4.4 gbp . would you like tickets , or is there something else i can help with ? eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time 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 O O general-reqmore +bos i am looking for information about a particular attraction called whale of a time . 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 N/A +bos whale of time is in the west of town & i 'm unsure about the entrance fee . would you like the number to call & ask for this info ? 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+Fee O O O O O O O O O O O O O O O O O O O general-reqmore +bos yes , and can i get the area and postcode as well eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post +bos of course , their phone number is 01954781018 and the postcode is cb238el . eos O O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O N/A +bos thank you very much . eos 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 +bos that 's all the help i need today , thanks , goodbye . eos O O O O O O O O O O O O O O general-bye +bos you are very welcome ! toodles ! eos O O O O O O O O general-welcome,general-bye +bos i need more information about nusha . eos O O O O O O B-Attraction-Inform+Name O N/A +bos nusha is entertainment in the south and their address is unit g6 , cambridge leisure park , clifton road . can i help you with anything else ? eos O B-Attraction-Inform+Name 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 O O O O O O O O O general-reqmore +bos can i get the postcode ? eos O O O O O O O Attraction-Request+Post +bos yes , the postcode is cb17dy . 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 thanks , i know that nusha is the south , but i need the name of the 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 +bos sure , the area is just known as the south of town , but the address is unit g6 , cambridge leisure park , clifton road and the postcode is cb17dy . does that help ? eos O O O 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 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 N/A +bos yes , it does . thanks for the information . 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 hi there . i would like to find a train to ely for thursday . eos O O O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O N/A +bos no problem , what time would you like to arrive in ely ? eos O O O O O O O O O O O B-Train-Inform+Dest O O Train-Request+Arrive +bos i need to leave from cambridge and leave after 08:30 eos O O O O O O B-Train-Inform+Depart O O O O N/A +bos i have a train tr1923 leaving cambridge at 9:50 and arriving in ely at 10:07 on thursday . would you like to reserve this ? eos O O 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 O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day 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 4.40 pounds . is there anything else you want ? 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 . that 's all 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 wait ! before you go , can you tell me about your favorite college to visit 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 N/A +bos there is queens ' college on the west side 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 O N/A +bos what is the address and phone number of queens ' college ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the address is silver street and the phone number is 01223335511. 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 O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , one more thing . may i have the postcode for queens ' college , 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 Attraction-Request+Post +bos absolutely . their postcode is cb39et . 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-greet,general-reqmore +bos that is all i need , bye . eos O O O O O O O O O general-bye +bos goodbye and enjoy the rest of your day ! eos O O O O O O O O O O general-bye,general-greet +bos i 'm looking for attractions in the east , can you help me ? eos O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A +bos there are a variety of attractions in the east . are you looking for something specific ? 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 Attraction-Request+Name +bos not exactly . something that is popular . with and address please . eos O O O O O O O O O O O O O O Attraction-Request+Addr +bos how does cambridge artworks sound ? that is located at 5 greens road , would you like a phone number as well ? eos O O 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 O O O O O O O O N/A +bos not today , i just need to get a train that will arrive by 08:45 in cambridge eos O O O O O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest 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 on sunday . eos O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O N/A +bos i have train tr1037 arriving at 07:52. that is the one closest to your time . eos O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O N/A +bos okay , could you book that for 5 people ? eos O O O O O O O O B-Train-Inform+People O O N/A +bos yes , i can . you 're booked on tr1037 departing at 7:35 , reference number o9miryw2 . the fee is 17.60 at the station . can i help you with anything else ? eos O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave 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 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 general-thank +bos you are welcome . please let us know if you need help with anything on a later date . 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 tell me about the museum of archaelogy and anthropology ? eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos yes , it is located at the university of cambridge , downing street and has free entry . eos O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee O O O O N/A +bos excellent ! what is the phone number and address ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos it is located at the university of cambridge on downing street , postcode cb23dz . you can reach them at 01223333516. can i help with anything else today ? eos 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 B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos i would like to book a train to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos i would be more than happy to help you with that . what time are you leaving ? 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 want to arrive by 12:00 , i 'm leaving friday . going from stevenage to cambridge . eos O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Day O O B-Train-Inform+Depart O O O O O O N/A +bos there are trains that leave at 5:54 , 7:54 , and 9:54. would you like me to book any of these for you ? 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 O O O O Train-OfferBook +bos what time will i be arriving if i take the 7:54 train ? eos O O O O O O O O O O O O O O Train-Inform +bos the 7:54 would get you to cambridge by 8:43 and the 9:54 would get you there by 10:43. would you like me to book one for you ? eos O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Leave I-Train-Inform+Leave O 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 . what is the total duration of the train ride ? eos O O O O O O O O O O O O O O Train-Request+Duration +bos the duration of the trip is 49 minutes . eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you have a nice day . eos O O O O O O O O general-thank +bos which time would you like me to book for you ? eos O O O O O O O O O O O O Train-Select,Train-OfferBook +bos actually , i can book it myself at a later time . thats all that i need . have a good 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 O O general-bye +bos okay . do not hesitate to call us again . eos O O O O O O O O O O O general-bye +bos i 'm looking for an austrian restaurant . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos what area are you interested in today ? eos O O O O O O O O O Restaurant-Request+Area +bos west . eos O B-Restaurant-Inform+Area O N/A +bos there is no austrian restaurant in west . is there another 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 Restaurant-Request+Area,Restaurant-NoOffer +bos how about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are 15 results for italian food . do you have an area of town or price range in mind ? eos O O O O B-Restaurant-Inform+Choice 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 west part of town eos O O O O O N/A +bos prezzo serves italian food and is located in the west part of town . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos great , what is the phone number ? eos O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01799 521260 , 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 O general-reqmore +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 goodbye . eos O O O general-bye +bos good bye ! eos O O O O general-bye +bos i am looking for a swimming pool to go to in the north . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are two swimming pools to go to in the north . would you rather go to jesus green outdoor pool or kings hedges learner pool ? eos O O O O 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 B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O N/A +bos great can i get their phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos the phone number for jesus green is 01223302579 , and the number for kings hedges is 01223353248. is there anything else i can do to help ? eos O O O O O O O O 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 O general-reqmore +bos no , thank you . eos O O O O O O general-thank +bos okay . well i have no information on entrance fee but i do have their locations specifics . would you like those 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 Attraction-Request+Area,general-reqmore +bos no , thank you . eos O O O O O O general-thank +bos well i 'm glad i could help you and if there 's anything else you need , please call us 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-greet,general-reqmore +bos hi , i am looking for a train that goes to bishops stortford and departs from cambridge . eos 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+Depart O O N/A +bos there are several trains on that route that run throughout the day . do you know what day and time you 'd like to travel ? 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 O O O Train-Request+Leave,Train-Request+Day +bos i need to leave sunday and arrive by 11:15. eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos there is no train leaving at 11:15 , do you want to change to a different time . eos O O O O O O O B-Train-NoOffer+Leave O O O O O O O O O O O N/A +bos i am looking for a train that arrives at 11:15 and would like to book it for 5. i also need the reference number . eos 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 O O O O Train-Request+Ref +bos i 've booked you on the tr9904 . the price is 40.40 gbp that is payable at the station . your reference number is 3mf59cso . is there anything else ? 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 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 particular place called pembroke college . do you have any information about this place ? eos 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 N/A +bos sure , it is a college located in the centre area right on trumpington street . would you like the phone number ? eos O O O O O B-Attraction-Inform+Type 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 N/A +bos what is the entrance fee and address of pembroke college ? eos O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos there is no entrance fee for pembroke college . the address is trumpington street . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O Attraction-Inform+Fee +bos thank you very much , that will be all . eos O O O O O O O O O O O general-thank +bos well then , thank you for using our service . 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 am looking for information in cambridge eos O O O O O O O O N/A +bos what kind of information were you looking for ? eos O O O O O O O O O O general-reqmore +bos i would like a 4 star luxury place to stay . it must include free wifi . but i 'm cheap as all get out , so nothing too pricey . eos O O O O O O B-Hotel-Inform+Stay 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 i have a few that match , do you have a location preference ? eos 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 the area does n't matter as long as they have a room available for 3 people 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+Stay O O N/A +bos that should n't be a problem . what day would you like to begin your stay ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Day +bos from thursday . eos O O O O N/A +bos alexander bed and breakfast would be perfect for you . shall i book it ? 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 Booking-Inform +bos it 'll be very good if you can include alexander bed and breakfast but need to be in a reasonable price . 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 N/A +bos alexander bed and breakfast is ideal 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 N/A +bos can you help me to locate a free attraction near the hotel ? eos O O O O O O O O O O O O O O Attraction-Inform,Hotel-Inform +bos there are many in the centre of town , what type are you looking for a church , or swimming or a park ? eos 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 B-Attraction-Select+Type I-Attraction-Select+Type O O O O N/A +bos i am looking for places to go in town . the attraction should be in the centre and should be in the type of entertainment . 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 sure , there are plenty of places . would you like a particular kind of attraction ? 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 Attraction-Request+Type +bos what do you recommend ? eos O O O O O O N/A +bos we do n't have an entertainment type attraction in town centre , maybe something else ? eos O 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 Attraction-Request+Type,Attraction-NoOffer +bos how about a college ? eos O O O O B-Attraction-Inform+Type O N/A +bos i have 15 colleges in the centre of town . did you want to pay admission or would you like to enter free ? 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 B-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee O N/A +bos either is fine , can you suggest one for me to visit ? eos O O O O O O O O O O O O O O N/A +bos i would suggest christ 's college . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos could i have the address please ? eos O O O O O O O O Attraction-Request+Addr +bos christ 's college is nice their address is saint andrews street and it 's free to get in 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 O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos okay , great . i 'm also looking for a hotel with free parking and a moderate price . eos O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price O O O O O N/A +bos which area are you looking for ? eos O O O O O O O O Hotel-Request+Area +bos the area does not matter . eos O O O O O O O N/A +bos okay how about the acorn guest house in the north ? eos O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O B-Hotel-Select+Area O N/A +bos i actually prefer a hotel , rather than a guesthouse . eos O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos we have two moderately priced hotels in the city : ashley hotel and lovell lodge , both offering internet and parking . would you like to book in either hotel ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price B-Hotel-Inform+Type 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet,Hotel-Select +bos yes , please book the ashley hotel . i need a booking for 7 people for 4 nights , starting from friday . eos O O O O O B-Hotel-Inform+Name B-Hotel-Inform+Type 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 okay , i 've got that booked for you . your reference number is 64qsfkbm . 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 O general-reqmore +bos i would like a taxi to take me from christ 's college to the restaurant . eos 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 time will 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 christ college by 15:15. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos look out for a white honda . the contact is 07153999224 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 so much , that 's all i need today . eos O O O O O O O O O O O O O general-thank +bos thanks for using our service and have a great day eos O O O O O O O O O O O general-bye +bos you have a great day too eos O O O O O O O N/A +bos 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 . eos O O O O O 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 college in the centre . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos there are 5. christ 's college , corpus christi , downing , emmanuel and gonville and caius anyone in particular ? eos O O O O B-Attraction-Inform+Choice 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 N/A +bos i have no preference . could recommend one and provide the entrance fee and address . 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 , downing college is located on regent street and admission is free . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Fee O O N/A +bos great ! thanks . i 'm also looking for a restaurant called rice boat . 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 rice boat is an indian restaurant at 37 newnham road newnham wich is in the west part of town . 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 book a reservation for me ? i need a table for 7 on sunday . at 19:15 , if possible . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O O O O N/A +bos booking was unsuccessful . do you want to book another day or time slot ? eos 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 please try and book it for 18:15 instead ? eos O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos the booking was successful . the table will be reserved for 15 minutes.reference number is : dgjk87xc . 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 thanks . i will also need a taxi to the restaurant for our reservation . eos 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 taxi . it is a blue tesla and the contact number is 07695884119 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 for your help . have a nice day ! eos O O O O O O O O O O O O general-thank +bos you 're welcome , and you , too . eos O O O O O O O O O O general-welcome +bos could you help me find a 0 star hotel ? eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos the cityroomz is a 0 star hotel in the moderate price range . it is in the centre of town . would you like me to book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price 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 Booking-Inform +bos is the cityroomz a guesthouse ? that 's what i 'm looking for . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos no , cityroomz is a hotel . the city center north b & b or the el shaddai are 0 star guesthouses . eos 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+Stars B-Hotel-Inform+Type O O O O O N/A +bos you know what , the hotel will actually work for me . can you tell me where cityroomz is located ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Name O O O O O N/A +bos sure . it 's in the centre on station road . anything else ? eos O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O general-reqmore +bos yes , can you book that for me for 5 people and 4 nights ? i need it on sunday . eos O O 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 N/A +bos sorry , that booking was n't available . maybe another day or a shorter stay would work ? eos 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 two night ? eos O O O O O O N/A +bos that worked . your reference number is yzmq4jnn . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you , good bye . eos O O O O O O O general-bye +bos have a wonderful time , good bye . eos O O O O O O O O O general-bye +bos hello , i 'm looking for a place to stay in town . i 'd like a place with free parking and a 2 star rating , 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+Stay O O O O O O O O N/A +bos ashley hotel is in the north part of town and has a 2 star rating and parking . eos 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 O B-Hotel-Inform+Stars O O O O Hotel-Inform+Parking +bos is it a hotel or guesthouse ? eos O O O O B-Hotel-Inform+Type O O O N/A +bos the ashley is a hotel . it 's on the north end of town . would you like to make a reservation here or should we keep looking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O 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 O O O O O O O O O O O O O O O Booking-Inform +bos that 's fine . can you book it for 2 people for 2 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 O O N/A +bos sure ! your reference number is vepgflta . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O general-welcome,general-reqmore +bos no thank you . i appreciate all your help . 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 looking for a cinema in cambridge . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos we have two cinemas : cineworld in the south , and vue in the center of town . eos O O O O B-Attraction-Inform+Type O O O O O B-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 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 would you prefer something in the center of town , or in the south ? eos O O O O O O O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area O N/A +bos any area is fine . i 'm also looking for a restaurant in the centre that serves spanish 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 O Attraction-Request+Area +bos there are 2 restaurants that fit your criteria . is there a price range 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 Restaurant-Request+Price +bos i would like something that is on the cheaper side . eos O O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos sure , la raza is spanish food and is cheap . would you like to book a table ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos yes , i 'd like a table for 8 at 11:15 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 booking was successful . the table will be reserved for 15 minutes.reference number is : n9pfyzml . 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 yes i need a taxi between cinema and restaurant . what do you recommend ? eos O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos i need more information to book that taxi . first , which cinema did you decide to visit ? 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 suppose the one in the centre makes more sense , since it 's close to the restaurant . 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 so , you need a taxi between vue cinema , and la raza ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos yes , that would be great . i need to make it to the restaurant by 11:15. 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 ok , a red volvo should be coming to pick you up and the vue cinema , contact number is 07177417862. 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 O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Phone 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 thank you ! goodbye . eos O O O O O O general-bye +bos hi , can you help me find a guesthouse ? i need free parking . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos i found 21 results . what side of town would you like ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos i would prefer the north side of town please . eos O O O O O B-Hotel-Inform+Area O O O O O N/A +bos there are quite a lot of them in that area . do you have a price range in mind , or a particular star rating you 'd like me to look for ? 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 O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars +bos not really . i just need a hotel that can accommodate 6 people for 5 nights , starting sunday . 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 N/A +bos unfortunately , booking within your criteria was unsuccessful at all hotels . could you change your 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 Booking-NoBook,Booking-Request+Day +bos would you try 1 night for 6 people on sunday , please ? eos 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 have you booked at acorn guest house . reference number is : idaiis1t . eos O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos brilliant ! thank you . eos 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 , you have been most helpful . thanks , again . eos O O O O O O O O O O O O O general-thank +bos you are very welcome , thank you and have a nice stay . eos O O O O O O O O O O O O O O general-bye +bos i am looking for a hotel on the east side , and i would prefer a four star hotel 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 N/A +bos does the hotel needs to have free parking ? eos O O O O O O O O O O Hotel-Request+Parking +bos i 'd like to stay in a guesthouse if possible , what is there available ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos the warkworth house is moderately priced and meets your criteria . would you like me to try and make a reservation ? 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 O O O O O O Booking-Inform +bos i would like a reservation for 4 people and 4 nights starting from friday . 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 okay , that booking was successful . you 're reference number is 3at2d81n . 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 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 is there any thing else you need ? eos O O O O O O O O O general-reqmore +bos no , again , 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-greet +bos hi ! can you tell me a little bit about the colleges that are in the center 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 O O N/A +bos there are 13 colleges to visit in the centre . are you interested in visiting christs college ? eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos sounds great . what is the address ? eos O O O O O O O O O Attraction-Request+Addr +bos the address for christ 's college is saint andrew 's street . 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos is there an entrance fee for the college ? eos O O O O O O O O O O Attraction-Request+Fee +bos there is no entrance fee for christ 's college . eos 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 O N/A +bos great . i 'm looking for midsummer house restaurant also . can you help me book it ? 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 N/A +bos yes , i can ! when and what time would you like to go ? also how many people is 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 Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos i need to book a table for 7 people at 16: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 N/A +bos it has been booked the reference number is e8j6x7zh the table will be reserved for 15 minutes . 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 N/A +bos i also need a taxi between both places to arrive by the booked time eos O O O O O O O O O O O O O O O N/A +bos i 've booked your taxi ! a grey volkswagen will you pick you up and take you to the restaurant . the contact number is 07776457787. 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 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 thank you . will the taxi arrive at the restaurant by 16:00 ? eos O O O O O O O O O O O B-Taxi-Inform+Arrive O O N/A +bos yes , the taxi is due to arrive at 16:00. eos O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos great . thank you for your help . eos O O O O O O O O O general-thank +bos it 's my pleasure . 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 general-bye +bos please find me a train from cambridge to leicester eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest N/A +bos okay ! when do you want to depart ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'm leaving on friday and i need to be in leicester by 12:45. eos 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 id tr5648 will be best for you . it will leave cambridge by 10:21 to arrive leicester by 12:06 and it will you cost 37:80 pounds . eos O O O B-Train-Inform+Id I-Train-Inform+Id O O 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos great . please book me 6 tickets . eos O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 226.8 gbp payable at the station .reference number is : tqq2p14y . 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 woo that 's steep but thank you . i also am interested in visiting the museum in the centre area of town , could you give me info on that ? 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 O O O O O N/A +bos i recommend castle galleries located at unit su43 , grande arcade , saint andrews street . their phone number is 01223307402. is there anything else i can help you with ? 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 I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Phone O O O O O O O O O O O O O general-reqmore +bos excellent , can you give me the postcode ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb23bj . 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 nope that is it thanks for all of you help 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 good morning . would you be able to tell me if you have any info on a certain 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 absolutely ? what was the name of the hotel and i can get that information for you . eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos the hotel is the lovell lodge , i need to make a reservation if you can find it . 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 N/A +bos i have it here . it 's moderately priced and is in the north . they offer free wifi and parking . can you tell me how many to book for and how long ? eos 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 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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , i 'd like to book 5 people for 5 nights starting sunday . 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 reservation is all set . your reference number is j6j0aacj . 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 needed . eos O O O O 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-bye +bos hi , i 'm looking for a 1 star place to stay with free 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 i 'm sorry there are no 1 star hotels with internet , would you like me to search on 2 stars , we have a few hotels available . 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 O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O Hotel-NoOffer+Internet,Hotel-Request+Stars,general-reqmore +bos alright . i wanted a 1 star , but i guess i can listen to the 2 star options . 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 i have 2 on the north side that are in the moderate price range and 1 on the east side in the expensive range . would you like to book one . 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+Choice B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Booking-Inform +bos hmm . what do you what about 4 star hotels ? eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos there are 5 guesthouses with 4 star ratings in cambridge with moderate to cheap price ranges . would you like more information ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars 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 well , i 'd like to book one . i do n't think it matters which one . eos O O O O O O O O O O O O O O O O O O O N/A +bos what dates 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 i need it for two nights starting on saturday . eos O O O O O O O O O O O N/A +bos okay , how many people will be in your party ? eos O O O O O O O O O O O O Booking-Request+People +bos it would be for 7 people . eos O O O O O O B-Hotel-Inform+People O N/A +bos i have booked you at the a and b guest house at 124 tenison road . the reference number is 0j08kugq . 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos no , that is all . thank you . bye . eos O O O O O O O O O O O O general-bye +bos you are welcome , goodbye . eos O O O O O O O general-bye +bos can you book me a room for 2 people for 2 days starting friday at the express by holiday inn in cambridge . eos 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 N/A +bos i can certainly help you with that . the express by holiday inn is a great choice . so can you confirm that was friday for 2 people , 2 nights ? 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 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-Request+Day +bos actually , i change my mind . i can arrange the booking myself . can you just let me know if they offer 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 Hotel-Request+Internet +bos yes , they do have internet . eos O O O O O O O O Hotel-Inform+Internet +bos thank you for all your help today . eos O O O O O O O O O general-thank +bos you 're welcome . please contact us if you would like us to make the reservation instead . 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 hotel ( not a guesthouse ) on the west side of town . can you tell me about my options ? eos 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 O O O O O N/A +bos the huntingdon marriott is expensive , and i also have the cambridge belfry , which is cheap . are you interested in one of these ? 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 I-Hotel-Inform+Price O O O O O O O O O O Hotel-Select +bos what do you have with a rating of 1 star ? eos O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos there are no 1 star hotels in that part of town . is there another area you might be interested in ? eos O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type 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 Hotel-Request+Area +bos no , it has to be in the west . a 4 star place would be okay , as long as it is a hotel and not a guesthouse . eos O O O O O O O O B-Hotel-Inform+Area 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 N/A +bos no hotels meet your criteria . would you like to change your criteria ? eos O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O general-reqmore +bos well , i definitely want a hotel in the west . i need one for 6 people for a stay of 5 nights starting saturday . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area 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 O N/A +bos sorry , there are no hotels meeting your criteria . could you change your criteria ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O general-reqmore +bos is the cambridge belfry available for 4 nights starting saturday for 6 people ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O N/A +bos unfortunately , no . can we try a shorter stay period ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay +bos are there any four star hotels in the west ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos yes , huntingdon marriott hotel and the cambridge belfry . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos to recap , i need a hotel in the west , four stars . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O N/A +bos huntingdon marriott hotel and the cambridge belfry are 4 star hotels in the west . the second hotel is cheap & the first is expensive , which would you prefer ? eos O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O 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 Hotel-Select +bos i 'd rather have the least expensive one . what star rating is it ? eos O O O O O O O O O O O O O O O O N/A +bos it is a 4-star rating . eos O O O O B-Hotel-Inform+Stars O O N/A +bos ok , can you just book a 4 star hotel room in the west part of town ? any one is fine . eos O O O O O 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 O N/A +bos both of these hotels are booked . would you like to change any of your parameters ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A +bos let me try again . i am needing a 4 star hotel in the west , for 6 people . checking in on saturday , 5 nights . eos O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O O N/A +bos that worked , thank you for summarizing for me . your reference number is u0e4ko2t . is there 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 N/A +bos i need a hotel type in the west that 's 4 stars to book for 6 people for 5 nights , starting on saturday , please recheck that you ca n't book that . eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars 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 N/A +bos i have that all worked out for you , the reference code is mq7amf1m . the hotel is the cabdrife butterfly.is there anything else you need ? eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O general-reqmore +bos no , i 'm sorry that was so confusing . it appears i have 2 hotels , but that is better than 0. have a good day . bye . 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 N/A +bos you have a good day also . bye . eos O O O O O O O O O O general-bye +bos can you help me look up for any architecture attraction in the west of cambridge ? eos 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 oh no ! we do n't have any attractions meeting that description . 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 O Attraction-NoOffer +bos how about some entertainment ? eos O O O O B-Attraction-Inform+Type O N/A +bos i do have one entertainment venue . it is called whale of a time . from what i hear , it is very popular . they are located at unit 8 , viking way , bar hill . eos O O O O O B-Attraction-Recommend+Type 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 O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O N/A +bos can i get their phone number ? eos O O O O O O O O Attraction-Request+Phone +bos their phone number is 01954781018. eos O O O O O B-Attraction-Inform+Phone N/A +bos thank you . i 'm also looking for a train going to cambridge that leaves on friday . any time would be okay . eos O O 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 O N/A +bos there are many trains that meet your criteria . would you like to narrow it down by departure site 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 Train-Request+Arrive,Train-Request+Depart +bos i need to get to town by 12:30. and i 'm coming from bishops stortford eos O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos okay i have a train that arrives at 12:07. should i book this for you ? eos O O O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos no thanks . i just need the train id and travel time for now . eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos tr6834 is a 38 minute ride . eos O B-Train-Inform+Id O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos thanks for your help . that was all i needed to know . 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 . i hope you have a great trip . goodbye ! eos O O O O O O O O O O O O O O O O general-bye +bos i 'd like to find out if there are any 4-star rated guesthouses in cambridge eos O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O N/A +bos there are quite a few . what area do you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area +bos i 'm open to any area as long as there is free wifi . eos O O O O O O O O O O O O O O O N/A +bos then i recommend the a and b guest house . would you like me to book you a room ? 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 O O O O O O Booking-Inform +bos does that also have free parking available ? eos O O O O O O O O O N/A +bos no , it does n't . should i recommend you a place with free parking instead ? eos 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 but i am looking for a particular restaurant . its name is called bangkok city eos 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 bangkok city is an expensive thai restaurant in the centre of town . they are located at 24 green street city centre . their postcode is cb23jx . would you like a reservation ? 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 I-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 B-Restaurant-Inform+Post O O O O O O O O O Booking-Inform +bos all i needed today was the address , thank you . eos O O O O O O O O O O O O Restaurant-Request+Addr +bos thank you for inquiring with us . eos O O O O O O O O general-bye +bos i 'd like a train leaving cambridge after 09:30 , please . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O N/A +bos can you tell me where you are looking to go to ? eos O O O O O O O O O O O O O Train-Request+Dest +bos i am going to norwich on tuesday eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos i have one that leaves cambridge at 9:36 and arrives in norwich at 10:55. would you like me to book it for you ? eos O 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 O O O Train-OfferBook +bos actually , no i will book it later but can i please get the price of the ticket 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 O O O O Train-Request+Duration,Train-Request+Price +bos the price for one ticket is 17.6 gbp which is payable at the station and it 's a 79 minute ride . 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 B-Train-Inform+Time I-Train-Inform+Time O O N/A +bos fantastic . where could i stay that has 0 stars ? eos O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos cityroomz has 0 star rating , would you like to stay there ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos is it in the moderate price range ? and in centre of town . eos O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O O Train-Request+Price +bos yes this hotel fits both those criteria . 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 O O Booking-Inform +bos that wo n't be necessary , i will just need 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 Hotel-Request+Phone,Hotel-Request+Addr +bos sure , their address is sleeperz hotel , station road and their phone number is 01223304050. 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 B-Hotel-Inform+Phone 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 it 's been a pleasure assisting you . 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 am looking for the chiquito restaurant bar eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos they are located at 2g cambridge leisure park cherry hinton road cherry hinton , and are in the expensive price range . 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Price O O O O N/A +bos may i have the phone number , please ? eos O O O O O O O O O O Restaurant-Request+Phone +bos yes , their number is 01223400170. 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 O general-reqmore +bos can you tell me what area they are in ? i also need some help finding a train . 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 chiquito restaurant bar is in the south area . where would you like your train to leave from and go to ? eos 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 O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i need it to leave from cambridge and arrive at 13:45 at london liverpool street on a sunday . eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Day O N/A +bos tr9025 arrives at liverpool st at 13:27. would you like to book a ticket ? eos O B-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 O Train-OfferBook +bos no but when is the departure time , so i do n't miss it eos O O O O O O O O O O O O O O O Train-Request+Leave +bos departure time is 11:59. eos O O O O B-Train-Inform+Leave N/A +bos great ! that is everything . thanks ! eos O O O O O O O O O general-thank +bos you 're welcome . 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 general-welcome,general-bye +bos i am looking for a place to dine . the restaurant should be in the expensive price range and should serve european 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 are 5 that fit your criteria , 3 in the centre of town are eraina , michaelhouse cafe , darrys cookhouse and wine shop and city stop restaurant north and cambridge lodge restaurant west . 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 O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Area O O O N/A +bos what do you recommend ? eos O O O O O O N/A +bos i personally recommend eraina . would you like a table booked ? eos O O O O B-Restaurant-Recommend+Name O O O O O O O O Booking-Inform,Restaurant-Select +bos yes please , can i get a table for 6 at 13:45 on tuesday ? eos O O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O O N/A +bos sure thing , you are booked with ref . # rc9wctwx . eos O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thanks so much . have a nice day . . eos O O O O O O O O O O O general-thank +bos my pleasure . thanks for using the cambridge towninfo centre . have a fantastic day ! 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 an expensive indian restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos what area would you like to dine in ? eos O O O O O O O O O O Restaurant-Request+Area +bos area does n't matter . can you pick one to recommend ? eos O O O O O O O O O O O O O N/A +bos if you 'd like to eat in the city center , i recommend the curry garden . their phone is 01223302330. can i book you a table ? eos O O O O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform +bos yes , can you please book a table for 1 for 17:15 on thursday . could i have the reference number 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 Restaurant-Request+Ref +bos booking was successful , your table will be reserved for minutes , and your reference number is j37kc1pb . 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 general-reqmore +bos thanks all i need thanks ! eos O O O O O O O general-thank +bos you 're welcome and if you need anything else feel free to contact us . 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 place to eat that is japanese that is in the mid price range please . 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 N/A +bos i 'm sorry i do not have any japanese restaurants in that price range . i do have one expensive listing . would you be interested in that ? 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 O O O O O O O O O Booking-Inform,Restaurant-NoOffer +bos yes . where area is it located in ? i need it to be in the west . eos 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 it is in the city centre . eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos that wo n't work . how about an italian restaurant in the west 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 B-Restaurant-Inform+Price O O O O N/A +bos prezzo is an italian restaurant in the west part of town with a moderate price range . would you like to book a table ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform +bos yes i would like to book a table for 2 people at 11:00 on friday . eos 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 i have booked a table for 2 people at 11:00 on friday at prezzo . 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-Booking-Book+Name O N/A +bos am looking for a train . the train should depart from peterborough and should go to cambridge . eos O O O O O O O O O O O O O O O O O O O Train-Inform +bos i 'm sorry , i 'm experiencing an error in my system . could 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 O O N/A +bos i am looking for a cheap restaurant on the north 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 N/A +bos there are two options for you . royal spice and da vinci pizzeria . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O N/A +bos let 's try the da vinci pizzeria . i 'll need the address and phone number too , please . 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos da vinci pizzeria is a great choice ! they are located at 20 milton road chesterton , and the phone number is 01223351707 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-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 great , thanks for all of your help ! 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-welcome,general-bye +bos can you help me find a place to have dinner ? eos O O O O O O O O O O O O N/A +bos sure ! what type of food are you looking for and in what area of town ? 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 +bos i 'd like some good asian oriental food . near the centre of town would be great . eos 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 O O N/A +bos i found the yippee noodle bar it is in the moderate price range , their phone number is 01223518111. do you want 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 B-Restaurant-Inform+Phone O O O O O O O O O O O O Booking-Inform +bos actually , do you have anything that is expensive . it 's a business meeting so i 'd like to impress them . 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 N/A +bos there is kymmoy that meets your requirements would you like me to book a table ? eos O O O B-Booking-Inform+Name O O O O O O O O O O O O O N/A +bos yes can you book it for tuesday at 12:00 for 4 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 okay i have booked that for you . your reference number is 9a4yk0ub . 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 general-reqmore +bos no that is everything that i need . thank you so much for your assistance and 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-thank +bos you 're very welcome . enjoy your dinner ! eos O O O O O O O O O O general-welcome +bos i would like a guesthouse in the moderate price range . do you think you could find one for me ? 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 N/A +bos what part of town would you like to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos i have no preference , but the guesthouse should include free parking . eos O O O O O O O O O O O O O O N/A +bos acorn guest house meets all your needs , 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 Booking-Inform +bos that 's perfect . i would like to book it for 1 person . it needs to be for 4 nights beginning saturday . 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+Stay O B-Hotel-Inform+Day O O O O N/A +bos i 'm sorry , but the acorn guest house does n't have those dates available . would you like to try for a different day or shorter stay ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-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 Booking-Request+Stay,Booking-Request+Day +bos yes , please try booking for 2 nights . eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos your booking for 2 nights at the acorn guesthouse was a success ! your reference number is r4es2zft . what else can i do for you today ? 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-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos are there any attractions to see in town ? i 'm interested in going to a museum if any exist . 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 N/A +bos we have 79 museums listed . would you like a certain area of town ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Area +bos which is your favorite museum ? if you 'll get me their postcode , entrance fee , and phone number , i 'll give them a 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 O O O O Attraction-Request+Post,Attraction-Request+Fee +bos i would recommend the broughton house gallery . it has a free entrance . 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+Fee O O N/A +bos ok , that sounds great . eos O O O O O O O N/A +bos the postcode is cb11ln and address is 98 king street . the phone number there is 01223314960. anything else ? eos O O O O B-Attraction-Inform+Post 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 general-reqmore +bos yes , i 'd like to get 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 O O Taxi-Inform,Hotel-Inform +bos when do you want to leave ? eos O O O O O O O O Taxi-Request+Leave +bos i 'd like to leave the acorn by 5:00 if possible . eos O O O O O O O O O O O O O N/A +bos your taxi booking was a success ! the taxi will be a red lexus with contact number 07432305998. 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 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 i am happy to have helped . thank you , 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 general-welcome,general-bye +bos i 'm are looking for a train . the train should leave on friday and should go to norwich eos O O 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 there are many trains available . where will you be departing from ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O 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 B-Train-Inform+Depart N/A +bos at what time would you like 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 need to arrive by 11:15. eos O O O O O O B-Train-Inform+Arrive N/A +bos booking was successful , the total fee is 17.6 gbp payable at the station .reference number is : xabowrr6 . 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 ok , thank you . can you also give me the travel time ? eos O O O O O O O O O O O O O O O Train-Request+Duration +bos you are looking at a 79 minute journey , any further questions today ? eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O general-reqmore +bos what is the train id for the one you booked ? eos O O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr8056 . can i help with anything else ? eos O O O O O B-Train-OfferBooked+Id 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 okay , you 're welcome ! i hope you enjoy your trip ! eos 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 . the taxi should go to riverside brasserie and should arrive by 19:30. eos 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 B-Taxi-Inform+Arrive N/A +bos from where will you be departing ? eos O O O O O O O O Taxi-Request+Depart +bos i 'll be leaving from cambridge arts theatre . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos booked a blue honda . your contact number is 07886967603. eos 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 so much goodbye . eos O O O O O O O general-bye +bos have a wonderful day ! eos O O O O O O general-bye +bos can you please help me find a train out of cambridge that arrives by 19:15 ? 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 ok , i am happy to do so . i will need the day and where you are going to . 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+Day,general-greet +bos i am going to peterborough and leaving on monday . eos O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O N/A +bos okay ! what time of day would you like to leave ? the train ride is only 50 minutes long . the last train of the day departs at 18:06 , and arrives at 18:56. eos 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 I-Train-Inform+Time B-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O Train-Request+Leave,general-greet +bos thank you , please book me for 7 people , and i 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 Train-Request+Ref +bos okay , great . your booking was successful ! your reference number is 87vjobno . the total fee is 115.5 gbp that you can pay 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 N/A +bos can you find me a moderately-priced place to eat in the center of town ? eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A +bos definitely . do you have a food type preference ? eos O O O O O O O O O O O Restaurant-Request+Food,general-greet +bos is should serve basque food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos it looks like there are n't any basque places in the centre area of town . would you like me to search elsewhere ? eos O O O O O O O B-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 O O O Restaurant-Request+Area +bos how about modern european food then ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos yes , there is a modern european restaurant available on monday . should i book it for you ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Booking-Inform+Day O O O O O O O O O N/A +bos can you just give me 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 yes , de luca cucina and bar is located at 83 regent street , cb21aw . the phone number is 01223356666. 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 B-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 great ! that 's all i needed ! thank you ! eos O O O O O O O O O O O O general-thank +bos okay , perfect . have a great day . eos O O O O O O O O O O general-bye,general-greet +bos i 'll be sure to call you if i need anything else . eos O O O O O O O O O O O O O O N/A +bos okay great . good bye . eos O O O O O O O general-bye,general-greet +bos i need a taxi from avalon to hamilton lodge at 19:30 , please . eos O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave O O O N/A +bos i booked you a yellow tesla with the contact number 07495722772 , is there anything else i can do for you ? eos 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 will be all . thank you very much for your time . eos O O O O O O O O O O O O O O O O general-thank +bos thanks , enjoy your stay eos O O O O O O general-bye +bos i 'm looking for somewhere to stay in north cambridge . i would like it to be a guesthouse eos 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 N/A +bos there 's eleven different entries for those criteria . is there anything else you require , such has internet or parking ? how about a price range ? 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 O O O O O Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos i would like a hotel with 4 stars . eos O O O O O O O O B-Hotel-Inform+Stars O N/A +bos alright . there are 8 different guesthouses that are 4 stars . may i recommend the acorn guest house ? it is moderately priced and provide free wifi and parking . eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars 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 O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos that sounds great . can you reserve rooms for six people ? we 'll arrive on thursday and stay for three nights . eos 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 N/A +bos that booking was unsuccessful . can we 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+Stay,Booking-Request+Day +bos ok , well lets try if for just one night then . eos O O O O O O O O O O O O O N/A +bos the booking was successful.your reference number is mr08p2nj . 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 general-reqmore +bos im also looking for a cool sporty place to go in the centre of town , 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 N/A +bos how about the fez club ? it 's a nightclub at cb23hx , 8 market passage . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type O B-Attraction-Recommend+Post O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A +bos is there an entrance fee to the fez club ? eos O O O O O O O O O O O Attraction-Request+Fee +bos yes , there is . the entrance fee is 5 pounds . can i provide any other information for you ? 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 general-reqmore +bos yes , what is the post code of the fez club ? eos O O O O O O O O O O O O O Attraction-Request+Post +bos it 's cb23hx . may i help with anything else ? eos 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 thanks , you 're welcome , goodbye . eos O O O O O O O O O general-welcome,general-bye +bos is there anything fun to do in the centre ? eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos i can recommend any of 44 options for you in the centre area , what would you consider to be a day of fun ? eos O O O O O O O B-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 Attraction-Request+Type +bos i 'd like to go the the theatre and then maybe out for a drink . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos okay , how about the adc theatre on park street ? eos 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 get me their post code . i also need a train eos O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb58as . eos O O O O B-Attraction-Inform+Post O N/A +bos can you look up info for a train ticket ? i need to leave cambridge and go to stansted airport thursday at 20:00 eos 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 B-Train-Inform+Day O B-Train-Inform+Arrive O N/A +bos i tsounds like to needed to arrive by 20:00 right ? if so , tr5476 will get you there by 19:08. eos O O O O O O O O O B-Train-Select+Arrive I-Train-Select+Arrive O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive Train-Request+Arrive,general-greet +bos i 'm sorry for the confusion . i actually need to leave after 20:00. do any trains run on that schedule ? eos 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 N/A +bos how about tr9751 ? it leaves at 23:40 eos O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O N/A +bos please book me two tickets and send me the reference number . thank you eos O O O O O O O O O O O O O O O N/A +bos reference number is : 17xbf5x5 . is there anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore +bos what is the arrival time , and travel time please ? eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive +bos you 'll arrive at stansted airport at 24:08. total travel time is 28 minutes . eos O O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O N/A +bos great ! that is all that i needed to know . thank you so much . 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 ! 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 for today . eos O O O O O O O O O N/A +bos glad to be of service . have a great day . eos O O O O O O O O O O O O general-welcome,general-bye +bos greate day to youu too eos O O O O O O N/A +bos have yourself a safe journey . eos O O O O O O O general-bye +bos thanks . that 's all i need . goodbye . eos O O O O O O O O O O O general-bye +bos again , thank you for contacting cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i 'm wondering if there are any boat attractions in town ? eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are 4 boat attractions in town . what part of town would 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 it does n't matter what area , i just need a phone number and postcode for one 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 i would recommend the riverboat georgina . the phone number is 01223902091 and the postcode is cb43ax . do you need anything else ? eos O O O O O B-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 general-reqmore +bos yes , i 'm also looking for a train for tuesday . eos O O O O O O O O O B-Train-Inform+Day O O O N/A +bos what are your departure and arrival stations , and what time of 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+Dest,Train-Request+Leave +bos i would like to leave by 17:00 eos O O O O O O 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 as long as it leaves any time after 13:00 for 6 please 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 Train-Request+Ref +bos i have a number of trains available , what is your place of departure and your destination , 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 O O O O Train-Request+Dest,Train-Request+Depart +bos i am leaving from ely and departing at 5. eos O O O O O O B-Train-Inform+Depart O O O N/A +bos could you please retstate when you would like to leave and 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 'm so sorry . i need to leave cambridge after 13:00 on tuesday and i 'm going to ely . i need 6 tickets . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+People O O O O O N/A +bos i booked you for 6 tickets on the 15:50 train that arrives in ely at 16:07. your reference number for the journey is 3qk3pkjt . eos O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Leave O O O O O B-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you for all your help ! eos O O O O O O O O general-thank +bos i am glad i could help . have a good day and a fun trip ! eos O O O O O O O O O O O O O O O O O general-welcome +bos thank you . bye . eos 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 please find an indian restaurant in the north . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are two indian restaurants in the north part of town : the nirala , which is moderately priced , and royal spice , which is cheaply priced . 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 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 O O N/A +bos how about the cheap priced one ? eos O O O O B-Restaurant-Inform+Price O O O N/A +bos the royal spice , then . would you like the number , or a reservation ? 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 Booking-Inform,general-reqmore +bos please set up a reservation . i need a setting for 7 people on friday at 16:15 , my wife 's family is flying in then . 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 O N/A +bos you are all set , the reference number is 03tk44pn . will you need assistance with a place to stay or a train ? 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 no , but how about attractions 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 2 swimming pools , a park and a boat . are any of those of interest 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 N/A +bos i like the park . can i get the phone number and address eos O O O O B-Attraction-Inform+Type 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 is 01223420060. eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Phone O N/A +bos ok great , thanks very much ! eos O O O O O O O O general-thank +bos you are very welcome , enjoy ! eos O O O O O O O O general-welcome,general-bye +bos need the train schedule from ely to cambridge eos O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest 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 am traveling friday . eos O O O O B-Train-Inform+Day O N/A +bos the first train leaves at 05:35 and has a duration of 17 minutes . trains leave every two hours thereafter ending at 23:35. eos 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+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 N/A +bos do you have one leaving after 15:30 ? eos O O O O O O O B-Train-Inform+Leave O N/A +bos there is a train that leaves at 15:35. eos O O O O O O O O B-Train-Inform+Leave 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 N/A +bos just to be clear , you want me to book 1 seat on train tr4389 , departing ely at 15:35. is that correct ? eos O O O O O O O O O O O B-Train-OfferBook+People O O B-Train-OfferBook+Id O O B-Train-OfferBook+Depart I-Train-OfferBook+Depart O O O O O O N/A +bos no . i do n't need a booking . sorry . i do need help finding an attraction . eos 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 several attractions what part of town eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O Attraction-Request+Area +bos i have a stomach ache , is there a hospital or pharmacy nearby ? eos O O O O O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospitaltelephone : 01223245151address : hills rd , cambridgepostcode : cb20qq do you need a taxi to get there ? 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 . can you also find me a restaurant that serves british food in the centre ? postcode , please . 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 O O O O O Restaurant-Request+Post +bos cotto would fit your needs perfectly . their postcode is cb11bg . can i help you with anything else ? eos O B-Restaurant-Recommend+Name O O O O O O O O B-Restaurant-Recommend+Post O O O O O O O O O O general-reqmore +bos are there any theatres near the cotto ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos adc theatre is nearby . it is in park street 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 N/A +bos could i have the address and phone number to the theater ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos of course ! the address is park street . the phone number is 01223300085. can i help you with anything else ? eos O O 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 will be all . eos 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 O general-bye +bos i want to find some information on da vinci pizzeria eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos i found da vinci pizzeria is a cheap restaurant in the north . 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 B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos yes please . for one person at 12:30 on sunday . eos O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos i have you scheduled for a reservation for 1 on sunday at 12:30 , would you like a confirmation receipt ? 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 O O general-reqmore +bos yes , please give me the reference number . eos O O O O O O O O O O Restaurant-Request+Ref +bos i am so sorry but the da vinci pizzeria is fully booked and i was unsuccessful . do you want me to try another restaurant ? eos 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 general-reqmore +bos yes how about one in the same area and price range please ? eos O O O O O O O O O O O O O O N/A +bos okay i was able to book you into the royal spice serving indian food and your reference number is k8n0llbp . 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 B-Booking-Book+Ref O N/A +bos awesome ! thanks so much . that is all i need . eos O O O O O O O O O O O O O general-thank +bos thank you for using this service . goodbye . eos O O O O O O O O O O general-bye +bos i am looking for boating places can town , can you tell me if there are any available ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O N/A +bos there is boating in the east , north , and in the centre . do you have a preference ? eos O O O B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Request+Area +bos no , i just want to know the entrance fee . eos O O O O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry , i do n't have any information on the entrance fees . would you like the phone numbers ? 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 O O O general-reqmore +bos no , but can i get the postcode and address of the one in the east , please ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O O O Attraction-Request+Post,Attraction-Request+Addr +bos camboats is found in the east . their postcode is cb58sx and their number is 01223902112 eos O B-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O N/A +bos i need the address as well please ? eos O O O O O O O O O Attraction-Request+Addr +bos their address is the plough , green end , fen ditton . is there 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 O O O O O O O O O general-reqmore +bos yes , i need to catch a train to cambridge for sunday . i 'll be departing from bishops stortford . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O N/A +bos what time would you like to arrive ? eos O O O O O O O O O Train-Request+Arrive +bos i need to arrive by 21:30 please . eos O O O O O O B-Train-Inform+Arrive O O N/A +bos okay ! the latest one that you can take leaves at 19:29. would you like me to book that 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 Train-OfferBook +bos what is the arrival time ? eos O O O O O O O N/A +bos the train will arrive by 14:07 or earlier if you need . eos O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O N/A +bos i 'll take the latest one . please get me 6 ticketss eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos your tickets have been booked . your reference number is mnoj7kdz . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you so much . i appreciate your help . eos O 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 nothing , that is all that i need . thank you . eos O O O O 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-bye +bos i 'm looking for places to go in town . maybe a swimming pool ? eos 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 4 swimming pools available ; they 're in east , north , and centre . would you like more information ? eos O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 general-reqmore +bos well instead , how about some kind of entertainment in the southern part of the city . 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 yes i have two options : nusha and tenpin . interested in either ? 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 what is the entrance fee for those two options ? eos O O O O O O O O O O O Attraction-Request+Fee +bos i am unsure of the entrance fee , you will have to call the venue 's for prices , would you like the phone numbers ? 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 O O O O O O general-reqmore +bos yes , i would like the phone numbers . i am also looking for a cheap asian restaurant . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O Taxi-Request+Phone +bos the phone numbers are 01223902158 for nusha and 08715501010 for tepin . what area would are you looking for the restaurant in ? eos O O O O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone B-Attraction-Inform+Name I-Attraction-Inform+Name 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 there are two asian places , would you liked me to book one of them ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Select +bos what are their prices ? eos O O O O O O N/A +bos the prices for these restaurants are cheap . eos O O O O O O O O B-Attraction-Inform+Price N/A +bos thank you can i get the area , postcode , and address of tepin ? eos 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 sorry , i 'm a little confused . are you looking for information on the attraction tenpin , or one of the restaurants ? eos O O O O O O O O O O O O O O B-Attraction-Select+Name O O O O O O O O O O Restaurant-Select,general-reqmore +bos the restaurant please . eos O O O O O Restaurant-Inform +bos the telephone number for the dojo is 01223363471 and the telephone number for the j restaurant is 01223307581. 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 N/A +bos i also need their address and postcodes please eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos j restaurant is located at 86 regent street city centre , postcode cb21dp . 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 B-Restaurant-Inform+Post O O N/A +bos great ! i 'll also need a taxi to go between the two . i 'll need to leave the restaurant by 08:00. 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 N/A +bos i booked a yellow skoda , contact number 07937936752. it will pick you up from j restaurant and bring you to tenpin . will that be all today ? eos 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 B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest O O O O O O O general-reqmore +bos no , that will be all , thank you . you have been very helpful and also patient . 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-thank +bos thank you for using our service , and 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 am looking for a train to cambridge . i would like something on sunday 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+Day O O O B-Train-Inform+Arrive O N/A +bos what is your departure point ? eos O O O O O O O Train-Request+Depart +bos my departure will be from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos and what is your destination city ? eos O O O O O O O O Train-Request+Dest +bos i need to go to peterborough . eos O O O O O O B-Train-Inform+Dest 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 just want to get there at or shortly before 18:30. eos O O O O O O O O O O O O N/A +bos i found the perfect train ! tr7771 will get you there at 18:24. would you like me to book this for you ? eos O 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 Train-OfferBook +bos yes , please book me for 6 people . my birdwatching club is taking a trip together . 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 ok , your booking is complete for 6 people . the cost is 79.19 gbp , payable at the station . the reference number is 8w0osfm6 . eos 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 O N/A +bos i place want a place to go in the centre eos O O O O O O O O O O B-Attraction-Inform+Area N/A +bos what are you into ? do you like theatre ? museums ? we have plenty of attractions in the centre and if you tell me what you enjoy i can recommend one eos O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O B-Attraction-Select+Choice O O O O B-Attraction-Select+Area O O O O O O O O O O O O O O O Attraction-Request+Type +bos i would like a museum in the centre please . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos i 'd like to recommend whipple museum of the history of science , at free school lane . admission is free . 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 I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O N/A +bos is that the full address for the museum ? free school lane ? eos O O O O O O O O O O O O O O Attraction-Request+Addr +bos yes it is their full address and the postcode is cb23rh and their telephone number is 01223330906. may i help you with anything else today ? eos O O O O 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 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 okay . glad i could be of help . eos O O O O O O O O O O general-welcome +bos i need a train going to bishops stortford . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos ok. and where are you departing from ? eos O O O O O O O O O Train-Request+Depart +bos i 'll be departing from cambridge . eos O O O O O B-Train-Inform+Depart 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 would like to travel on sunday . eos O O O O O O O B-Train-Inform+Day O N/A +bos is there 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 Train-Request+Leave,Train-Request+Arrive +bos i ca n't leave until after 20:30. eos O O O O O O B-Train-Inform+Leave O N/A +bos tr1389 leaves at 21:29 eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos can you arrange travel for 7 people for tr1389 on sunday ? eos O O O O O O O B-Train-Inform+People O O O O O N/A +bos of course . the reference number is ni1lniip . the total fee is 56.56 which can be paid 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 great , thank you . i am also looking for a modern european restaurant . eos 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 have 5 options for you . do you have a price range in mind ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Price +bos yes . it should be in the moderate price range . eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos the three choices are restaurant alimentum , de luca cucina , and riverside brasserie . do you require me to book the table ? 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 O O O O O O O O O O Booking-Inform +bos the riverside brasserie sounds good . can you tell me the area they are located in ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos riverside brasserie is located in the centre . can i help you with anything else today ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O O O O O O O O general-reqmore +bos i do n't know that area very well , can you give me the exact address ? i 'll use gps to get there . 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 Restaurant-Request+Area,Restaurant-Request+Addr +bos doubletree by hilton cambridge granta place mill lane is the address 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A +bos what area is that in ? eos O O O O O O O Restaurant-Request+Area +bos it is located in the centre , would you like a reservation ? eos O O O O O O B-Restaurant-Inform+Area O O O O O O O Booking-Inform +bos no thank you , i will just need the area and address , can you confirm both of those please ? 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+Addr +bos sure . the riverside brasserie is located in the center area of town and the address is doubletree by hilton cambridge granta place mill lane . anything else today ? eos 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 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 general-reqmore +bos that 's it , thank you very much for your help . eos O O O O O O O O O O O O O general-thank +bos 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 ? eos O O O O O 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 's okay . i know how that is sometimes . that was it . thanks for your 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 O O O O O O general-thank +bos thank you for contacting us today . let us know 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 general-bye +bos i am looking for places to go in town . the attraction should be in the type of entertainment . 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 N/A +bos do you have a specific part of town in mind ? eos O O O O O O O O O O O O Attraction-Request+Area +bos the centre part of town eos O O O O O O N/A +bos there are actually no entertainment attractions in the centre of town . i would recommend the funky fun house in the east side of town eos O O O O O O 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 B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O Attraction-NoOffer +bos okay may i have the entrance fee and postcode for that please ? eos 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 funky fun house is cb58hy . the entrance fee is unknown 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+Post O O O O B-Attraction-Inform+Fee O N/A +bos thanks ! i 'm also looking for a place to stay with free parking and 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 17 hotels that meet your criteria . would you like to narrow it down by 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 Hotel-Request+Price,Hotel-Request+Area +bos it should be a hotel with wifi . find me its postcode and address eos O O O O O B-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos how about the cambridge belfry . it 's located at back lane cambourne . the postcode is cb236bw . would that work for you ? i can book it . 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 O B-Hotel-Inform+Post O O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos no thanks on the booking , we will do that later but that hotel is a fit for me . i am set , thank you for your help . 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 O O O O N/A +bos well i am glad i can help . enjoy ! eos O O O O O O O O O O O general-welcome,general-bye +bos thanks a lot goodbye . eos O O O O O O general-bye +bos enjoy your day , goodbye . eos O O O O O O O general-bye +bos hi , i 'm looking for a specific restaurant in cambridge . it 's called the copper kettle . could you give me any information on it ? 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 O O O O O O O O O O O O N/A +bos the copper kettle is a british style restaurant in the centre area with a moderate price range . would you like more information ? eos 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+Area O O O B-Restaurant-Inform+Price O O O O O O O O O N/A +bos can i please have the phone number for them ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number for the copper kettle is 01223365068. would you like any more information or help booking ? eos 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 O O Booking-Inform +bos i am also looking for places to go . could you recommend me any attraction in the center ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Inform +bos do you want a particular attraction type , such as museum or theatre ? eos O O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O Attraction-Request+Type +bos any type will do . eos O O O O O O Attraction-Request+Type +bos all saints church seems like a great attraction . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos what type of attraction is it and what is the entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type +bos all saints church is an architecture type of attraction . it is free to enter . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Fee O O O O N/A +bos thank you very much for your time . eos O O O O O O O O O general-thank +bos you are 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 's all . eos O O O O O O O N/A +bos have a wonderful day ! good bye ! eos 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 excellent ! do you need assistance with transportation arrangements ? eos O O O O O O O O O O O general-reqmore +bos no , but i do need some information on the ruskin gallery . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos its address is anglia ruskin university , east road and it has a free entry 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 N/A +bos what is their postcode and phone number ? eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos their postcode is cb11pt and phone number is 0124549131 eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone N/A +bos thanks ! i 'm also looking for a train leaving on wednesday and arrive at 12:00 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 can you please tell me your departure and destination locations ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i will leaving norwich and going to cambridge . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos the tr1180 will leave norwich for cambridge wednesday at 09:16 and arrive at 10:35. the cost of the train is 17.60 lbs . would you like me to book it ? eos O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave O O 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 O O O Train-Select,Train-OfferBook +bos yes , can you please tell me the travel time ? eos O O O O O O O O O O O O Train-Request+Duration +bos the trip is 79 minutes long eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you . will the train provide any snacks or a meal ? eos O O O O O O O O O O O O O O Train-Inform +bos i am sorry but we are not given that information in our systems , you will have to ask when you 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 N/A +bos thank you so much ! eos O O O O O O general-thank +bos you are so welcome eos O O O O O general-welcome +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 are very welcome eos O O O O O general-welcome +bos have a great day . goodbye . eos O O O O O O O O general-bye +bos thank you for contacting the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O general-bye +bos can you help me find a guesthouse with free wifi to stay at ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos there are over 20 results . can we narrow it down by choosing a price range or area 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 Hotel-Request+Area,Hotel-Request+Price +bos any area would be okay . i would like for the guest house to have a 4 star rating . 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 N/A +bos if price does n't matter i recommend acorn guest house it 's moderately priced in the north and has free parking and internet . would you like to book that one ? eos 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 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+Parking,Hotel-Recommend+Internet,Booking-Inform +bos ok. book for 5 people and 3 nights starting from wednesday eos O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O B-Hotel-Inform+Day N/A +bos booking was successful.reference number is : vwcr071o . 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 general-reqmore +bos yes , i 'm looking for a moroccan restaurant please ! eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i 'm sorry , but i ca n't locate any moroccan restaurants . is there another type of restaurant 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 Restaurant-Request+Food,Restaurant-NoOffer +bos no . that 's the type of food i wanted . eos O O O O O O O O O O O O N/A +bos we have lots of different types of cuisine at the restaurants around town . can i help you find another that you might like to try ? eos O O O B-Restaurant-Inform+Choice 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 O general-reqmore +bos how about an expensive indian restaurant 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 there are two indian restaurants in the east that meet your needs . may i recommend pipasha restaurant on newmarket road ? the chef has created an incredible menu . eos O O O O 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 I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O N/A +bos sounds great . can i have their address and phone please eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos certainly . their address is newmarket road fen ditton and phone number is 01223577786. 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 O N/A +bos that 's 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 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 looking for information about cineworld cinema . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos cineworld is on the south side of town . would you like the address ? 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 O O O O O O general-reqmore +bos could i get the phone number please ? eos O O O O O O O O O Attraction-Request+Phone +bos their phone number is 00872208000. what else can i do for you ? eos O O O O 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 that is in the moderate price range and i do n't need any parking . 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 i have listings available for you on the south side of town . the aylesbray lodge guest house and the bridge guest house . which would you prefer ? eos 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 O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O Hotel-Select +bos i need a hotel located in the town centre . eos O O O O O O O O O B-Hotel-Inform+Area O N/A +bos cityroomz meets the criteria you have provided . would you like a booking ? eos O B-Hotel-Recommend+Name O O O O O O O O O O O O O Booking-Inform +bos yes . book it for monday . 5 nights and 6 people . eos O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O N/A +bos it has been booked . your reference number is kjwxhzqv . 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 thanks that is all eos O O O O O general-thank +bos no thank you that will be all eos O O O O O O O O N/A +bos i 'm looking for a train going to broxbourne leaving on saturday . eos O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O O N/A +bos sure , you have a time you want to depart 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 yes , i need to arrive in broxbourne by 18:15. eos O O O O O O O O O B-Train-Inform+Arrive O N/A +bos i have the tr5688 that will get you in at 18:01. would you like to book it ? eos 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 , i just need the price . eos O O O O O O O O O Train-Request+Price +bos that is no problem , you are looking at 14.32 pounds per person if you decided to go that route . can i help with anything else ? eos O O O O 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 O O O O O O O O O O general-reqmore +bos yes , i 'm also looking for a 4 star hotel , in any area , that includes free parking . eos O B-Hotel-Inform+Parking 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 N/A +bos i have three hotels that match your criteria . two are expensive and one is cheap . do you have a preference of price ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 Hotel-Request+Price +bos i do n't have a preference of price but i 'd like for it to be a guesthouse in the north . 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+Area O O O Train-Request+Price +bos i have 7 great guesthouses in the north . may i suggest the kirkwood house ? 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 N/A +bos sure , i 'll try kirkwood house . make me a booking for 5 nights for a party of 5 , checking in on monday eos O 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 O N/A +bos okay i have your reference number and it is 8xf57q08 . eos O O O O O O O O O O B-Booking-Book+Ref O 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 thank you for using the cambridge town info centre services . 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 O O O O general-welcome,general-bye +bos hi i am looking for information on the magdalene college . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos that is a college in the west with free admission . would you like the address ? 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+Fee I-Attraction-Inform+Fee O O O O O O O general-reqmore +bos no , can you please give me the area and phone number to the college instead . eos 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 sure . magdalene college is west and the phone number is 01223332138. anything else i can help with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O O O O O general-greet,general-reqmore +bos yes , i need to take a train from bishops stortford 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 O N/A +bos okay , what day would you like to travel ? eos O O O O O O O O O O O Train-Request+Day +bos sunday . i ca n't leave until after 21:45 eos O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O O N/A +bos the tr6914 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 i just need the price and arrival time please . eos O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos the price is 8.08 pounds and it arrives by 24:07. is there anything else i could help you with ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Arrive 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 general-welcome,general-bye +bos can you help me find an expensive chinese food restaurant ? eos O 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 ? there are nine results . eos O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O Restaurant-Request+Area +bos i 'm interested in restaurants located in the east . eos O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos okay , yu garden matches your specifications . would you like me to book 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 O O Booking-Inform +bos yeah , could you book it for 8 people on monday ? i think 16:15 is when we want to be seated . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O O O O O O O O O O N/A +bos the booking went through , your table is reserved for 15 minutes starting at 16:15. reference number is bt75stqi . eos O O O O O O O O O O O O O O B-Booking-Book+Time O O O B-Booking-Book+Ref O O N/A +bos thanks ! i 'm also looking for a hotel near that restaurant . eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i would recommend the express by holiday inn cambridge , should i book it 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 O O O Booking-Inform +bos if that has free wifi that 'll work . eos O O O O O O O O O O N/A +bos yes , there is internet there . would you like a booking then ? eos O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos could you tell me the price , address and phone number ? eos O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price,Hotel-Request+Addr +bos they are expensive and can be reached at 01223866800. the address is 15-17 norman way , coldhams business park . anything else ? eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Phone 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 general-reqmore +bos no , that 's all for me today ! thank you ! bye ! eos O O O O O O O O O O O O O O O general-bye +bos i hope you have a wonderful stay . eos O O O O O O O O O general-bye +bos i need to catch a train this tuesday after 17:00 please . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A +bos i can help with that ! what is your departure site and destination please ? eos O 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 travelling from cambridge to ely . eos O O O O O O B-Train-Inform+Depart O B-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 arrival time is n't important as long as i 'm on my way sometime after 17:00 on tuesday . 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 recommend tr3842 . can we book for you ? eos O O O O O B-Train-Inform+Id O O O O O O Train-OfferBook +bos what time does it leave ? eos O O O O O O O N/A +bos that train leaves at 23:50 eos O O O O O B-Train-Inform+Leave N/A +bos no but i need information on colleges in town . eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos our colleges are located either in centre or the west area of town . in which area would you like to concentrate ? or do you have a specific college already in mind ? eos O O B-Attraction-Inform+Type 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 O O O O O O O O O Attraction-Request+Name,Attraction-Select +bos 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 . eos O O O O 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 corpus christi 01223338000 and the postcode is cb21rh eos O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post N/A +bos that 's all i need today . eos O O O O O O O O N/A +bos please contact us anytime . thank you . eos O O O O O O O O O general-bye +bos i need to book a train to norwich that arrives by 16:15. eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive 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 want to leave on wednesday from cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos the tr1144 leaves cambridge for norwich on wednesday at 05:36. would that be good for you ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O N/A +bos what is the price and travel time ? eos O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos the price is 17.60 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos and what is the travel time ? eos O O O O O O O O Train-Request+Duration +bos it is 79 minutes . eos O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thanks ! can you also tell me if there are 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 O O O O O O Attraction-Inform +bos there are not . i do have one in the east part of town . would you like the information for that venue ? eos 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 O O O O O Attraction-NoOffer +bos thats ok. i really want something in the centre . how about any suggestions on a good college to visit ? 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 N/A +bos christ 's college is in the centre of town . is there anything you need ? eos 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 O O O O O O O general-reqmore +bos could you please get me the phone number ? eos O O O O O O O O O O Attraction-Request+Phone +bos sure it 's 01223334900 eos O O O B-Attraction-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 thank you , have a good day ! eos O O O O O O O O O general-welcome,general-bye +bos can i catch a train to stevenage ? eos O O O O O O O B-Train-Inform+Dest O N/A +bos yes , tr2515 departs on friday at 05:21 to stevenage , would you like me to book it ? eos O O B-Train-Inform+Id O O B-Train-Inform+Day O B-Train-Inform+Leave O B-Train-Inform+Dest O O O O O O O O O O Train-OfferBook +bos yes please when is the arrival time ? eos O O O O O O O O O N/A +bos tr2515 arrives in stevenage at 06:10 , bright and early ! eos O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O N/A +bos what 's the total travel time for the tr2515 ? eos O O O O O O O O O O O Train-Request+Duration +bos the total travel time is 49 minutes . eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos okay , thank you for the information ! 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 i am looking for a park in the south . any available that you could give me the postcode , entrance fee 's if any and the address 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 O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos there are two parks that fit your description . both are free . may i recommend wandlebury country park located wandlebury ring , gog magog hills , babraham ? postalcode is cb223ae . eos O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Fee 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+Addr I-Attraction-Recommend+Addr O B-Attraction-Inform+Post O O O O O O N/A +bos perfect , you 've answered all my questions . thank you ! eos O O O O O O O O O O O O O general-thank +bos your welcome , enjoy your time in cambridge . eos O O O O O O O O O O general-welcome,general-bye +bos i will . thanks ! eos O O O O O O general-thank +bos good day to you eos O O O O O general-bye +bos i need a train leaving after 10:00. eos 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 need to leave cambridge after 10:00 and go to norwich on monday . eos O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos i have a train that leaves at 10:36 and every hour on the :36 with the last one being at 23:36. which one would you like to book ? 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 I-Train-Inform+Leave O O O O O O O Train-Select +bos the first one is fine . i just need 1 ticket , please . eos O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos you are all set . the train id is tr9202 and it is 17.60 pounds . the reference number is fptnvlxh . eos O O O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Ref O N/A +bos i would also like some where fun to go in the south 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 i would be happy to help with that ! what sort of activity are you interested in ? there is a variety in that area including , parks , night clubs , and theatre . 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 O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O Attraction-Request+Type +bos i 'd like one in the type of entertainment please eos O O O O O O O O B-Attraction-Inform+Type O O N/A +bos there are two entertainment options in the south . i recommend nusha . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O B-Attraction-Recommend+Name O O N/A +bos could you give me more info on that place then ? eos O O O O O O O O O O O O N/A +bos the phone number for nusha is 01223902158. its postcode is cb17dy . the address is unit g6 , cambridge leisure park , clifton road . the entrance fee information is not listed eos O 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 B-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 I-Attraction-Inform+Fee 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 have a great day . eos O O O O O O general-bye +bos can you help me find a place to go on the east side of town where i can enjoy multiple sports ? thanks . 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 N/A +bos there is the cherry hinton village centre . would you like me to making a reservation 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 O O O O O O O O O Booking-Inform +bos 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 ? eos O O O O O O 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 their phone number is 01223576412 and the postcode cb19ej . they are located at colville road , cherry hinton . eos O O O O O B-Attraction-Inform+Phone 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 N/A +bos looking for a train . the train should go to london liverpool street and should leave on saturday 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 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 am leaving from cambridge . eos O O O O O B-Train-Inform+Dest O N/A +bos how about train tr4078 that leaves at 13:39 ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos when will it arrive ? i need it to arrive by 19:30. eos O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos how about the tr8530 ? that train arrives at 19:07 eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O N/A +bos that will work , go ahead and book that . 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 Train-Request+People +bos i do n't need need reservations i just need a price and train id . eos 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 tr8530 and the price is 13.28 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 ok thats it thank you . eos O O O O O O O general-thank +bos thank you for letting us help you today . eos O O O O O O O O O O general-bye +bos hi , i 'm searching for a place called magdalene college . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos i 'm familiar with that school . great college located on magdalene street . what would you like to know ? eos O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-greet,general-reqmore +bos yes can you please get me the info ? eos O O O O O O O O O O N/A +bos it 's a college located on the west side of town . admission is free and you can contact them at 01223332138. also , the postcode is cb30ag . do you need anything else ? eos O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Fee 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 general-reqmore +bos yes i need to find a train that will leave after 13:00 and arrive cambridge . eos O O O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O N/A +bos how about tr4748 that leaves at 13:17 ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos does it leave on monday ? eos O O O O O B-Train-Inform+Day O N/A +bos that specific train does not , but we have another one leaving at 13:17 on monday departing from london kings cross . is this one you would be interested in booking ? eos O O O O O O 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 O O O O O O O O O O O O Train-OfferBook +bos no . i am leaving from kings lynn and going to cambridge . i am not departing from london kings . eos 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 O O O O O N/A +bos ok i changed 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 O Train-OfferBook +bos i need help locating a place to go . can you help ? eos O O O O O O O O O O O O O O N/A +bos of course . what type of place ? eos O O O O O O O O O Attraction-Request+Type +bos i am looking for entertainment in the centre of town . eos O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i hear the funky fun house is awesome . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos can i get the address . what is so funky about it ? eos O O O O O O O O O O O O O O N/A +bos it 's a really fun house with lots of interesting things to do in it . eos O O O O O O O O O O O O O O O O O Attraction-Recommend +bos interesting . is it a museum ? eos O O O O O O O O N/A +bos actually , for reasons that are n't clear to me , there are no entertainment attractions in the centre of cambridge in our listings . eos O O O O 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 N/A +bos okay . how about a museum instead ? eos O O O O O B-Attraction-Inform+Type O O O N/A +bos i recommend the regency gallery , they have nice things . 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 O O O O O general-reqmore +bos yeah , i see them on the map but i need their entrance fee . eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos it is free admission for the regency gallery . anything else for you 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 general-reqmore +bos i need a train as well . 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 O Train-Request+Depart,Train-Request+Dest +bos i 'll be 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 O N/A +bos there are 133 trains departing from cambridge to birmingham new street . to help narrow it down what day are you travelling and what time do you want to depart ? eos O 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 O O O O O O O O Train-Request+Leave,Train-Request+Day +bos thank you , the train should arrive at 13:45 and leave on monday . eos O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Day O O N/A +bos i have train tr9195 leaving at 5:01 and arriving 7:44. eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Arrive N/A +bos please book it for 3 people on a monday . eos O O O O O O B-Train-Inform+People O O B-Train-Inform+Day O N/A +bos okay i will work on booking this for you and be back with you shortly . eos O O O O O O O O O O O O O O O O O Train-OfferBook +bos i need those reservations please . eos O O O O O O O N/A +bos booking was successful , the total fee is 225.3 gbp payable at the station . reference number is : sul26cg0 . can i assist you further 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 O B-Train-OfferBooked+Ref 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 thank you for calling . i hope you have a fantastic day . goodbye . eos 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 west . eos O O O O O O O O O B-Hotel-Inform+Area O N/A +bos we have several places to stay that you may like in the west . do you have a specific price range or star rating in mind ? eos O O O B-Hotel-Inform+Choice 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 Hotel-Request+Stars,Hotel-Request+Price +bos i would like to find a cheap guesthouse . eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos finches bed and breakfast is within your chosen price range and it is located at 144 thornton road . 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 O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos what is the star rating and is free parking available ? eos O O O O O O O O O O O O Hotel-Request+Parking +bos it 's 4 stars and has free parking . would you like a room ? eos O O O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos can you give me the postcode ? eos O O O O O O O O Hotel-Request+Post +bos the postcode is cb30nd . would you like to book a room now ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O Booking-Inform +bos yes can you please help with that ? eos O O O O O O O O O N/A +bos absolutely . how many people , what day are you arriving , 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 O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People,Booking-Inform +bos no actually i need to find a train to cambridge from norwich on saturday arriving by 19:45. 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 O B-Train-Inform+Arrive N/A +bos okay the tr8600 arrives by 19:35. would you like tickets ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos how long is the travel time , departure time and what is the price ? eos 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 the tr8600 departs norwich at 18:16 , and it takes 79 minutes to get to cambridge . the fare is 14.08 gbp per ticket . is there anythig else you want to know ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Dest 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 nope , that 's it . thanks ! eos 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 am looking for multiple sports in the centre . eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos sorry i have no listing in centre , can i check another area ? eos O O O O O O O B-Attraction-NoOffer+Area O O O O O O O Attraction-Request+Area +bos no . how about colleges ? are there any of those in the area ? 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 thirteen colleges that are listed in the city 's centre . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos pick one ! i just need to 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos christ college , 0122334900 , saint andrews street cb23bu . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Phone B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O N/A +bos thanks . i was also interested in finding a train from cambridge . 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 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,general-greet +bos i need to go to kings lynn on thursday after 19:00. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos okay the tr0481 matches your needs . it leaves at 19:11. eos O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O B-Train-Inform+Leave O N/A +bos that sounds good , i will need a reservation for eight people and give me a reference number also 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+Ref +bos your booking has been successful . your total fee is 78.4 gbp payable at the station . your reference number is aupd31qm . is there anything else i can assist you with today ? 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 O O general-reqmore +bos thats everything i needed thanks eos O O O O O O general-thank +bos wonderful , enjoy your visit ! eos O O O O O O O general-bye +bos i want 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 and what day ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i am departing from ely on wednesday . eos O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O N/A +bos what time would you need to arrive ? i have quite a few options to choose from . eos O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O Train-Request+Arrive +bos i want to go to cambridge , leave after 17:00. eos O O O O O O O O O B-Train-Inform+Leave O N/A +bos train tr8610 is departing from ely to cambridge . it is leaving wednesday at 17:35. the price per ticket is 4.40 pounds . should i book it for you ? eos O O B-Train-Inform+Id O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O B-Train-Inform+Day O B-Train-Inform+Leave 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 . i will need the reference number eos O O O O O O O O O O O Train-Request+Ref +bos okay , can you please tell me how many people are in your party ? eos O O O O O O O O O O O O O O O O Train-Request+People +bos 3 of us eos O O B-Train-Inform+People O N/A +bos the booking was successful . the fee will be 13.2 gbp and the reference number is 8ct5zmqt . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos i would also like to visit a nightclub 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 there is a nightclub there called the place . anything else today ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O general-reqmore +bos yes , i just need their postcode eos O O O O O O O O Attraction-Request+Post +bos postcode is cb23hg . eos O O O B-Attraction-Inform+Post O N/A +bos ok , that 's great , 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 you need help with today ? eos 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 general-thank +bos you are welcome , enjoy your day . eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a hotel called warkworth house eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos warkworth house is located at warkworth terrace cb11ee . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O N/A +bos do they have free internet ? eos O O O O O O O Hotel-Request+Internet +bos yes , they have free internet . shall i make a booking for you ? eos O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos no thanks . i do need a train , though . i 'll be leaving cambridge on saturday . eos 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 O N/A +bos there are many trains leaving cambridge on saturday . can you tell me your destination and what time you would like to leave . 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 O Train-Request+Dest,Train-Request+Leave +bos i am going to london liverpool street , i would like to arrive by 17:00. 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 okay ! how about the train that leaves at 13:59 ? eos O O O O O O O O O B-Train-OfferBook+Leave O O N/A +bos that train would be just fine . i need the train id , price and depart 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+TrainID +bos the train id is tr2895 and the departure time is 05:59. would you like me to book the ticket ? eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos no , i 'll just need the price , please ? eos O O O O O O O O O O O O Train-Request+Price +bos sure , the cost of the ticket is 13.28 pounds per person . is there anything else i can help you with ? eos O O O 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 O O O O O O general-reqmore +bos no , thank you for all your help . eos 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-bye +bos i need a train from stevenage that would leave after 10:45. eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave N/A +bos what day would you be traveling on ? 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 Train-Request+Dest,Train-Request+Day +bos i would be travelling on monday and heading to stevenage from cambridge . i 'm sorry , i stated that wrong the first time . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O O O O O O N/A +bos there is a train that leaves at 11:21 and then trains that leave every two hours after that . does one of those sound best ? eos 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 O O O O O O Train-Select +bos yes , i would like to take the one at 11:21. can you give me the train id , travel time , and price for that train ? 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 O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos i have successfully booked a seat on tr6930 . the fee is 12.8 gbp and reference number is mwjyc3cd . 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 O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos i am also looking for a hotel . eos O O O O O O O O O Hotel-Inform +bos can you give me more specifications on the hotel you need ? eos O O O O O O O O O O O O O general-reqmore +bos a guesthouse with free parking would be great . eos O O B-Hotel-Inform+Type O O O O O O O N/A +bos how does the allenbell sound ? would you like more information ? eos O O O O B-Hotel-Inform+Name O O O O O O O O general-reqmore +bos i need the hotel for 6 people , 3 nights starting friday . i also need a reference number eos 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 Hotel-Request+Ref +bos we got that booked for you . your reference number is nby8uos8 . eos O O O O 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 you 're 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 no . that is all . thank you . eos O O O O O O O O O O general-thank +bos have a wonderful trip . eos O O O O O O general-bye +bos i 'm looking for an attraction to go in the centre . can you help ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos yes , we have many attractions in the centre of town . what type of attraction are you interested in ? eos 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 Attraction-Request+Type +bos i do n't have a preference on type of attraction . eos O O O O O O O O O O O O Attraction-Inform +bos there are 44 attractions in the centre . would you like to go to visit a church ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Select+Type O O N/A +bos that sounds like a good idea . could you please give me the phone number and postcode of one you would suggest ? also the attraction 's 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 O O Train-Request+TrainID,Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos how about holy trinity church ? their postcode is cb23nz and the telephone number is 01223355397. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O N/A +bos is there and entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos there is no entrance fee for the holy trinity church . 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 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 general-reqmore +bos yes , i am also looking for a train leaving some time after 9:15 from bishops stortford . 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 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 on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos great , and what is your destination ? eos O O O 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 8 trains that meet your criteria . they run every two hours starting at 09:29. what time would you like to arrive in cambridge ? eos O 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 I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O Train-Request+Arrive +bos i want to leave sometime after 9:15 from bishops stortford thursday to cambridge , whats the arrival time to the closest train and the id please eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Dest O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID +bos the earliest train available is tr0798 . the arrival time would be 10:07. eos O O O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O N/A +bos brilliant . thanks for your help today . eos O O O O O O O O O general-thank +bos is that everything you needed today ? eos O O O O O O O O general-reqmore +bos yes that is all . you were great . thanks again . eos O O O O O O O O O O O O O general-thank +bos please use our service again . goodbye . eos O O O O O O O O O general-bye +bos i got injured and i am looking for a hospital nearby . the hospital should have the clinical research facility department eos O O 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 O O N/A +bos okay , i have addenbrookes hospital . the phone number is 01223596055. eos O O O O O O O O O O O O O N/A +bos can i have the address please ? eos O O O O O O O O Hospital-Request+Addr +bos the address is hills rd , cambridge with postcode cb20qq . 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 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 . goodbye . eos O O O O O O O general-bye +bos i need a restaurant in the centre moderate priced eos O O O O O O O B-Restaurant-Inform+Area B-Restaurant-Inform+Price O N/A +bos restaurant one seven is a good choice . which day ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Request+Day +bos does it serve chinese food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos no , but i have three other options for you to choose from . eos O O O O O B-Restaurant-Select+Choice O O O O O O O O O N/A +bos what are they ? eos O O O O O N/A +bos i have the lan hong house , jinling noodle bar and the shanghi family restaurant that are all moderately priced and serving chinese food . 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 O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O N/A +bos i would like a table for 8 at 16:30 wednesday at shanghi family restaurant please . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O O O N/A +bos i was not able to book that for you at that time . 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 Booking-NoBook,Booking-Request+Time +bos yes . i could eat at 15:30 perhaps . eos O O O O O O O B-Restaurant-Inform+Time O O N/A +bos that time is available ! i have booked the reservation . the reference number is v0kcn2ri . 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 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 O O general-thank +bos thank you . have a great day , goodbye . eos O O O O O O O O O O O general-bye +bos i 'd like a jamaican restaurant please . eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are no jamaican restaurants , would you care for another type of food ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos alright then . how about portuguese ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two , nandos city centre as well as nandos in the south part of the city , do you have a preference ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Select +bos may i have the phone number and address for the south location ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is cambridge leisure park clifton way , and the phone number is 01223 327908. 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 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 thank you , goodbye . eos O O O O O O general-bye +bos enjoy your meal ! good bye . eos O O O O O O O O general-bye +bos can you give me the address for the parkside police station ? eos O O O O O O O O O O O O O Police-Request+Addr +bos the address you 're seeking is parkside , cambridge . eos O O O O O O O O O O O N/A +bos thank you , what is the phone number and postcode ? eos O O O O O O O O O O O O Police-Request+Post,Police-Request+Phone +bos telephone : 01223358966postcode : cb11jg . is there anything else ? eos O O O O O O O O O O O O N/A +bos no , that 's all . good bye . eos O O O O O O O O O O general-bye +bos you 're welcome . thank you for contacting towninfo centre today . goodbye eos O O O O O O O O O O O O O O general-bye +bos looking for barbeque food . eos O O O B-Restaurant-Inform+Food O O N/A +bos there is not a barbeque restaurant listed . may i have you find a different restaurant ? 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about gastropub ? eos O O O B-Restaurant-Inform+Food O N/A +bos there are four gastropub restaurants . i recommend the cow pizza kitchen and bar which is in the center and moderately priced . eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price 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 their address is corn exchange street and their phone number is 01223 308871. eos 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 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 i am looking for a cheap restaurant in the centre 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 you have lots of good cheap choices in that part of town ! what type of food sounds good to you ? there are italian restaurants , indian , spanish , chinese , and more . 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 O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Request+Food +bos how about chinese ? can you book me a table for 3 people at 18:15 on a sunday ? eos O O O B-Restaurant-Inform+Food 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 N/A +bos i 'm sorry , none of the chinese restaurants are available at that 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 ok , i 'll try for a little earlier , how about 17:15 ? eos O O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A +bos booked at charlie chan ! your table will be reserved for 15 minutes . reference number is ygwcxmk4 . 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 so much . i think 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 O general-thank +bos thank you . enjoy your meal . eos O O O O O O O O general-greet +bos i 'd like a train to cambridge that arrives by 19: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 do you have a day you would like to travel ? eos O O O O O O O O O O O O Train-Request+Day +bos yes , wednesday . i also need the departure time and price , 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 latest train arrives at 17:52 on a wednesday , departs at 17:35 and the cost of the ticket is 4.40 pounds . eos O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos okay that is all i need to know for now . eos O O O O O O O O O O O O N/A +bos okay . 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 general-bye +bos hi i 'm looking for a train that will take me to cambridge . i want to get there by 15:30. eos 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+Arrive O O N/A +bos what day would you like to travel and which station do you wish to depart from ? eos 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 am leaving from stevenage and i would like to travel on monday . eos O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Day O N/A +bos very well . what time would you like to depart ? eos O O O O O O O O O O O O Train-Request+Leave +bos it does n't matter when i depart . i just need to arrive in cambridge by 15:30. i will have 8 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 tr9013 will arrive in cambridge by 14:43 , does this work for you ? would you like to book a ticket ? eos O B-Train-OfferBook+Id O O O B-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O O O O O O O O O O O O O O O N/A +bos yes for 8 people and i will require a reference number . eos O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref +bos great , i have your 8 tickets booked for the tr9013 . the reference number for this is 9vdnjcy8 . is there anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Id 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 is all . thank you very much ! 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 i 'm looking for a train arriving at 13:30 , departing from cambridge . eos O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart 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 need to leave sunday to go to ely . eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A +bos tr1159 will arrive by 12:07 would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O N/A +bos yes can i get a ticket for 8 people please eos O O O O O O O O O B-Train-Inform+People O N/A +bos booked ! you will pay 28.16 at the station , your reference number is fn62t8mf . is there anything else you need ? eos O O O O O B-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 great that 's all that i needed 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 is there anything else i can do for you before we go ? eos O O O O 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 okay , enjoy your trip ! eos O O O O O O O general-bye +bos hi ! i need a train to london liverpool street . i need an early one , arriving there by 8:30. eos 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 O O O O N/A +bos i have 14 trains that will arrive before that time , is there a particular day you 'd 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 O Train-Request+Day +bos i would like to leave on wednesday . eos O O O O O O O B-Train-Inform+Day O N/A +bos i have no trains leaving at that time on wednesday . could you pick a different time or date ? eos O O O O O O O O O O B-Train-NoOffer+Day O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos you have no trains departing cambridge to london liverpool street on wednesday that will arrive by 8:30 ? 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 B-Train-Inform+Day O O O O O O N/A +bos oh wait i have found you one that departs at 5:59 and arrives in london at 7:27. would that do ? everything else is later . eos O O O O O O O O B-Train-Inform+Choice 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 N/A +bos yes that is fine . how long is the journey and how much is the ticket by the way ? 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 will be 88 minutes and the price is 16.60 pounds . shall i book 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 O O O Train-OfferBook +bos yes book me a ticket please . eos O O O O O O O O N/A +bos no problem , your ticket is booked . the reference number is 69urtu8a . eos O 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 needed today . eos O O O O O O O O O O O general-thank +bos great ! have a wonderful time ! goodbye ! eos O O O O O O O O O O general-bye +bos i am looking to leave for bishops stortford after 15:15 by train . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O 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 'll be leaving from cambridge . eos O O O O O B-Train-Inform+Depart O O N/A +bos i have several trains , when would you like to arrive by ? eos O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Arrive +bos the arrival time does not matter , but it should leave on sunday 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 N/A +bos booking was successful , the total fee is 8.08 gbp payable at the station . reference number is : v6e0h0gj . 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 were you able to book it for 4 people ? eos O O O O O O O O O B-Train-Inform+People O N/A +bos i was able to book 4 tickets . the total fee will be 32.32 pounds , payable at the station . the reference number is bpuj9isp . can i help you with anything else ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos okay no that is all today . 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 i need a train from stansted airport 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 there are 133 trains that make that trip , do you have a day and 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+Day +bos yes . i need 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 O N/A +bos i have train tr7744 that leaves the airport at 16:24 and will get you there by 16:52. would you like me to book you a ticket ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos how much is the ticket ? eos O O O O O O O N/A +bos the tickets are 8.08 pounds per ticket . would you like to book the train ? 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 not at the moment . thank you . 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 's 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 're welcome . have a wonderful day . eos O O O O O O O O O O general-welcome +bos i want to get a train to travel from cambridge to bishops stortford . eos O 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 can assist you with that . there are many options available to you leaving cambridge for bishops stortford , what day and time would you like ? eos O O O O O O O O O O B-Train-Inform+Choice 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 Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos i 'd like to leave on monday after 8:15 , please . eos O O O O O O B-Train-Inform+Day O O O O O O N/A +bos the first availabe train i have is tr7169 leaving at 9:29 and arriving at 10:07. would that suit your schedule or would you prefer a later departure time ? eos O O B-Train-Inform+Choice 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 Train-Request+Leave +bos no , that sounds good . eos O O O O O O O N/A +bos how many tickets would you like me to book ? eos O O O O O O O O O O O Train-Request+People +bos just one ticket please . eos O O O O O O N/A +bos you have one ticket to bishops stortford , train id tr7169 , with 10.1 gbp payable at the station . reference number 54b99z9o . can i be of further assistance ? eos O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O O B-Train-OfferBooked+Id 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 general-reqmore +bos thank you very much for the assistance eos O O 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 no that is all i need for the day . eos O O O O O O O O O O O N/A +bos thank you for calling , goodbye . eos O O O O O O O O general-bye +bos i was wondering if you could help me in finding a train to the airport . eos O O O O O O O O O O O O O O O O O Train-Inform +bos sure . where will you be leaving from ? eos O O O O O O O O O O Train-Request+Depart +bos i will need to leave from cambridge if that 's ok eos O O O O O O O B-Train-Inform+Depart O O O O N/A +bos what day are you travelling ? eos O O O O O O O Train-Request+Day +bos on wednesday . i need the train to arrive by 19:15. eos O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O N/A +bos i have a train that arrives earlier at 18:08 and one that arrives just before your specified time at 19:08. eos O O O O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos i 'd like to book 3 tickets on the train arriving at 19:08 , please . and would it be possible to have a reference number for the booking ? 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 O O O O O O O O O Train-Request+Ref +bos ok , you have 3 tickets reserved on tr4447 , departing cambridge at 18:40 , arriving stansted at 19:08. total fee is 30.29 gbp . reference # 5vrjsmse . will that be all 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 O O O N/A +bos yes , it will . thanks so much . have a nice day . eos O O O O O O O O O O O O O O O general-thank +bos you are very welcome . enjoy your day too . bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need a train leaving cambridge . i have to arrive by 20:15. eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive N/A +bos what is your destination and at what time would you like to leave ? eos O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos to birmingham new street on wednesday . eos O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos tr0115 will be departing at 05:01 and arrive at 07:44. would you like me to book that for you ? eos 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 can you give me the total travel time ? eos O O O O O O O O O O Train-Request+Duration +bos the total duration is 163 minutes . will you be needing 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 not today i think i may book at the station . that is all for today . 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 general-thank +bos your welcome . please feel free to contact us anytime ! eos O O O O O O O O O O O O general-bye +bos hi , i 'm looking for a train that leaves after 13: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 N/A +bos no problem . where is your departure area and destination ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i need to go to stansted airport and will be departing from cambridge eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Depart N/A +bos the closest to 13:45 is 14:40 , which is the tr1316 . it arrives at stansted airport at 15:08. do you still want to book it ? eos O O O O O O B-Train-Inform+Leave O O O B-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 , can you book it for 7 people and give me 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 booked ! reference number is fqb8zksp . you will pay 70.7 gbp at the station . 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 N/A +bos ok i got it . thanks for your help . eos O O O O O O O O O O O general-thank +bos okay please call us again . eos O O O O O O O general-welcome +bos i want a restaurant in the centre and serves japanese food . what is the address ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O Restaurant-Request+Addr +bos wagamama serves japanese food and is in the center area of town . the address is 36 saint andrews street . eos O B-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 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 ! eos 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 general-thank +bos have a great day . thank you for using the services eos O O O O O O O O O O O O general-bye +bos hi there . are there any colleges in the centre of town that you know of ? 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 N/A +bos there are 13 colleges in the centre of town . are you looking for a particular one ? 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 N/A +bos not particularly , can you make a recommendation ? eos O O O O O O O O O O N/A +bos christ 's college is in the centre of town and has free admission . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee O O O N/A +bos okay . get me their phone number , address and postcode . can you give me information on a restaurant called the gandhi ? 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 O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos christ 's college phone number is 01223334900 and their address is saint andrew 's street , cb23bu . the gandhi is a cheap indian restaurant in the centre of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post 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 O O O O N/A +bos can you please give me the phone number for the gandhi ? eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name Restaurant-Request+Phone +bos the phone number for the gandhi is 01223353942. is there any thing else i can help you with ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos yes . can you please book a taxi between the gandhi and christ 's college . i want to leave the restaurant by 08:45 eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Leave O O O N/A +bos i 've booked your taxi to leave the restaurant by 08:45. the car type is a white ford and the contact number is 07792703119 eos O O 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+Car I-Taxi-Inform+Car O O O O 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 perfect ! i 'm glad i could help you with your travel plans today . eos O O O O O O O O O O O O O O O O general-bye +bos do you know where i can find 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 absolutely . holy trinity church is on market street in the centre of town . their postcode is cb23nz and is free to enter . would you need their phone number ? 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 B-Attraction-Inform+Area O O 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 O O O O N/A +bos great what type of attraction are they ? eos O O O O O O O O O Attraction-Request+Type +bos it is an architecture attraction . eos O O O O B-Attraction-Inform+Type O O N/A +bos that 's all the information 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 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 are 44 attractions that fit your criteria . are you looking to visit a specific 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 O O Attraction-Request+Type +bos i 'd love to visit a park , especially a botanical garden if one is in that area ! eos O O O O O O O O O O O O O O O O O O O O N/A +bos cambridge university botanic gardens is located in town centre . would you like more information ? 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 O O O general-reqmore +bos yes , may i have their phone number please ? i 'd also love to eat at a malaysian place near the park . any ideas ? 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 O O O O O O O N/A +bos unfortunately there are no restaurants that match that description . could you like to try other food types ? 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 no , thanks for helping . goodbye ! eos O O O O O O O O O general-bye +bos okay well please call back if you change your mind . eos O O O O O O O O O O O O general-bye,general-reqmore +bos hi , i would love to try a mediterranean restaurant . do you have any suggestions ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos there are three options , the gardenia which is cheap in price range , along with la mimosa and shiraz restaurant which is expensive . ant preference ? eos 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O Restaurant-Select +bos i would prefer expensive and i 'm looking to reserve a table for 1 at 17:00 on sunday , please . eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O B-Restaurant-Inform+Day O O O O N/A +bos i can get those reservations for you at la mimosa . would you like me to make the reservation ? 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 O O N/A +bos yes , i need a table for 1 at 17:00 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 N/A +bos unfortunately , that time slot is unavailable . can i try a different time for you ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Time +bos okay , would 16:00 be a better time on sunday ? eos O O O B-Restaurant-Inform+Time 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 : b1trut9y . 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 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 Taxi-Inform +bos your taxi has been booked . the contact number is 07330545456. is there anything else i can help you with today ? eos 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 can you confirm the time that taxi was booked ? i need it to arrive at the restaurant by 16:00. 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 N/A +bos i have confirmed that the taxi will arrive at la mimosa at 16:00. 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+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O O O O O O O O O general-reqmore +bos i just need to know what type of car you booked for the taxi . eos O O O O O O O O O O O O O O O O Attraction-Request+Type +bos it is a red honda , and their phone number is 07330545456 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 will it arrive at the restaurant by the booked time ? eos O O O O O O O O O O O O Restaurant-Inform +bos correct . everything is set . eos O O O O O O O N/A +bos ok , 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 , have a nice day . eos O O O O O O O O O O general-welcome +bos i need a taxi from thanh binh . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos great . i can help with that . what will your destination be ? eos O O O O O O O O O O O O O O O Taxi-Request+Dest +bos prezzo is my destination eos O B-Taxi-Inform+Dest O O O N/A +bos your booking is complete , a grey honda will pick you up . eos O O O O O O O O O O O O O O N/A +bos thats perfect that you for your help eos O O O O O O O O N/A +bos have a great day . eos O O O O O O N/A +bos i 'm hoping to find a nightclub in town . eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos we have 6 nightclubs . any preference on entrance fee ? eos O O O O B-Attraction-Inform+Choice O O O O O O O Attraction-Request+Area,Attraction-Request+Price +bos no , can you tell me what the entrance fee is ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos the soul tree nightclub costs 4 pounds . the others are a bit more expensive . eos 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 O O O O O N/A +bos can you please tell me what the phone number is for the soul tree ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos yes , it is 01223477900. eos O O O O B-Attraction-Inform+Phone O N/A +bos what is their postcode ? eos O O O O O O Attraction-Request+Post +bos the soul tree is in postcode cb23qf . can i help with anything else today ? eos O O O O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos no thank you . that is all the information i need . 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 O general-bye +bos hi i need a cheap hotel in the three star range , please . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O N/A +bos there are no results in this area , but i could try and find something close to that if 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 O O O Hotel-NoOffer,general-reqmore +bos ok. i would like it to be a hotel and have free wifi please . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos the cambridge belfry is a 4 star hotel and has both free wifi and parking . would you like to make a reservation ? eos O 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 O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i am really looking for a hotel that is expensive . does the cambridge belfry fit that description ? eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos no . the cambridge belfry is a cheap hotel . eos 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 i am trying to get some suggestions on where i can take my wife for our anniversary . we want to try to find something fun 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 O O O O O N/A +bos how about whipple museum of the history of science ? eos 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 N/A +bos sounds interesting . can i get the entrance fee and postcode info ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos it is a free attraction , and the postcode is cb23rh . is there anything else ? eos O O O O B-Attraction-Inform+Price O O O O O B-Attraction-Inform+Post O O O O O O O general-reqmore +bos well , i guess i forgot to specify that i need something on the south end 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 N/A +bos i 'm sorry , but there is nothing on the south side of town . would you like to change the area ? eos 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 O O Restaurant-Request+Area +bos are there any attractions at all on the south side of the city ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos i 'm sorry , yes , nusha is an entertainment venue that i think you will enjoy . postcode for that is cb17dy , but there is no entrance fee listed . eos O O O O B-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O 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 O O O O O N/A +bos that 's all . thanks for the info ! eos O O O O O O O O O O general-thank +bos thank you.good bye . eos 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 we have plenty of information . would you like to know about restaurants , hotels , trains , or attractions ? 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 i 'm looking for a cheap guesthouse in the centre . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos yes i have two to choose from . one is rated 4 stars and one is rated 0 stars . 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-Select+Stars O O O O O O O O N/A +bos can you book the 4-star place ? there will be 8 of us staying for 5 nights , and we 'll be arriving on wednesday . eos O O O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Day O O O O N/A +bos i 've booked you at alexander bed and breakfast . your confirmation number is 75ovxx6j . 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 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 could you tell me if theres a train going to cambridge that leaves after 21:00 ? eos O 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 there are many trains available . where will you be departing from and what day do you prefer ? 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 departing from peterborough and leaving after 21:00 eos O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave N/A +bos what day will you be departing ? eos O O O O O O O O Train-Request+Day +bos it will be on wednesday . i will need the price , please ? eos O O O O O B-Train-Inform+Day O O O O O O O O O Train-Request+Price +bos the fare will be 16.50 pounds . 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 O general-reqmore +bos no , thank you . i think i have everything i need right now . eos O O O O O O O O O O O O O O O O general-thank +bos thanks for inquiring with us . welcome all the time eos O O O O O O O O O O O general-welcome +bos ok cool leave me alone now eos 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 do you have information about the saint barnabas press gallery ? 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 i do , it is located in the east and is a museum , what information would you like about it ? 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 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 you are very welcome ! enjoy your trip to the museum ! eos O O O O O O O O O O O O O general-greet +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 i 've found plenty of places with free wi-fi . is there a certain area you 're looking for ? or a certain 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 O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet +bos it should have a star of 3 and include free parking . eos O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos i found 5 hotels with free wifi and free parking . is there a particular area or 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 O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'm looking for a hotel in the west with a moderate price range . eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price O O O O N/A +bos i have found no places in the west in the moderate price range with 3 stars . do you have a different area or price range you would like ? eos O O O O O O O O B-Hotel-Inform+Area 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 O Hotel-NoOffer,Hotel-Request+Price,Hotel-Request+Area +bos it does n't have to be in the moderate price range as long as it is a 3 star hotel with free parking . please suggest one for me . 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 O O O O O O N/A +bos the gonville hotel is an 3 star , expensive hotel in the centre of town that has free internet and free 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 B-Hotel-Inform+Stars 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 Booking-Inform,Hotel-Select +bos yes , i 'd like to book there for 3 people for 4 nights starting thursday and i would like a 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 O Hotel-Request+Ref +bos there is no availability at the gonville hotel for those dates . would you like me to find another hotel ? eos 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 general-reqmore +bos yes . please look for any hotels in the same price range eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i actually found the hobsons house which is a moderately priced 3 star guesthouse with free parking in the west part of town . would it be okay ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars 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 O O O O O Hotel-Select +bos yes , that would be fine . the hobsons house sounds good . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos your booking was successful and the reference number is iygohwcr . 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 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 . enjoy your stay . eos O O O O O O O O O general-welcome,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 we offer lots to do in the center of town . we have everything from boats and parks to nightclubs . are you in the mood for anything particular ? 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 O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Type +bos 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 ! eos O O O O O 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 if you are interested in architecture , there is all saints church . the phone number is 01223452587 and the postcode is cb58bs . eos O O O O O O B-Attraction-Recommend+Type O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Phone O O O O B-Attraction-Recommend+Post O O O N/A +bos great , thank you so much ! i will check it out . eos 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 hi , i am looking for bar in town that serves food . eos O O O O O O O O O O O O O O N/A +bos what area of town should it be in ? eos O O O O O O O O O O Restaurant-Request+Area +bos it should be in the east area and serve south indian 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 what about price specifications ? eos O O O O O O Restaurant-Request+Price +bos i would like something cheap please ? eos O O O O O B-Restaurant-Inform+Price O O N/A +bos i do n't actually have anything in town that serves indian food in the east that 's cheap . can i try something else for you ? eos 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 general-reqmore +bos how about a restaurant that serves chinese food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i do not have any cheap chinese food places in the east . would you like me to search another area ? eos O O O O O O B-Restaurant-NoOffer+Price 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 Restaurant-Request+Area +bos i really wanted south indian food in the easy . are there any choices regardless of price ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O Hotel-Request+Price +bos curry prince is moderately priced , would you like me to book 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 Booking-Inform +bos yes please book a table for 3 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 done ! the table will be reserved for 15 minutes . your reference number is j7wqhv7j . 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 thanks . can you also find lodging for me ? i am looking for a 4 star hotel that has free wifi . 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 N/A +bos do you have a preference of area or price range ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos no any one will do . what ever you recommend . it should also 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 i recommend the university arms hotel . it is cheap and in the west . 4 stars and free parking and wifi . can i book you a room ? eos 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 O O B-Hotel-Inform+Area 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 could you please give me their address ? eos O O O O O O O O O Hotel-Request+Addr +bos their address is regent street , cb21ad . is there anything else i can do for you ? eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore +bos can i get a taxi from university arms hotel to curry prince by 17:45 ? 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 O B-Taxi-Inform+Arrive O N/A +bos of course ! a black ford will pick you up at university arms hotel and take you to curry prince at 17:45. the contact number is 07880637030 eos 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 O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O general-greet +bos thank you so much . that 's all i need today . 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 ! bye ! eos O O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos i would like to stay at rosa 's bed and breakfast in cambridge . can you give tell me their contact information and location ? 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 O O O O O O O N/A +bos rosa 's bed and breakfast is a charming guesthouse located at 543 roseford road . their phone number is 01 223 512 596. shall i get a reservation set up for 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+Type O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone I-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O O O O O O O O Booking-Inform +bos 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 ? eos O O O O O O O O O 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+Internet +bos yes it is a bed and breakfast , they do offer internet and parking . is there any other information that you need ? eos O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type 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 looking for a place to dine in moderate price and in the south eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area N/A +bos i have to places . is there a specific type of food you would 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 yes chinese please . eos O O B-Restaurant-Inform+Food O O N/A +bos would you prefer another type of cuisine ? i do not have a chinese restaurant that meets your criteria . eos 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 Restaurant-Request+Food +bos how about checking modern european food ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i recommend restaurant alimentum at 152-154 hills road . great food . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O N/A +bos that 's a wonderful suggestion . may i have the phone number 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+Phone +bos the phone number is 01223413000. the postcode is cb28pb . may i help with anything else ? 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 general-reqmore +bos no that will be all for today . 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 goodbye and enjoy your meal . eos O O O O O O O general-bye +bos i 'm going to cambridge and interested in trying some restaurants . can you recommend one that serves traditional 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 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 N/A +bos just someting in the moderate price range is all i care about really . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O Hotel-Request+Price +bos my apologies . there is nothing in the moderate price range that is traditional . would you like to try a different type of restaurant ? eos O O O O O O O O O B-Restaurant-NoOffer+Price O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O Restaurant-Request+Food,general-greet +bos how about modern european food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos how does the riverside brasserie sound ? it 's at the doubletree . eos 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 O O O N/A +bos sounds good can you make a booking for 7 people at 16:45 on saturday . 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 : rb2jtpwc . 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 i also need to get some information about the cambridge belfry hotel . can you give me the price range and how many stars it has ? 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 O O Hotel-Request+Stars,Hotel-Request+Price +bos the hotel is on the west side and has 4 stars . it is a cheap hotel . would you like to make a booking ? eos O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area I-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 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 okay , i will go ahead and sign off . let me 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 O O O O general-bye,general-reqmore +bos what attractions do you have in town , preferably near 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 44 attractions in the centre , colleges , architecture , museums eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos can you recommend a college in the centre and tell me the entrance fee ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O Attraction-Request+Fee +bos there are 13 colleges in the centre of town with entrance fees ranging from free to 2 pounds 50. do you have a preference on entry price ? 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 B-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price O O O O O O O O O Attraction-Request+Price +bos which is your favorite ? and what is its entrance fee ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos my favorite is christ 's college and there is no entrance fee . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Price I-Attraction-Recommend+Price I-Attraction-Recommend+Price 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 thank you , goodbye . eos O O O O O O general-bye +bos howdy , i was wondering if the alpha-milton guest house still does business ? 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 N/A +bos the alpha-milton guest house still does business . it is located at 63 milton road in the north side of town . 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 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 N/A +bos i would like to stay at the alpha-milton guest house . eos O O O O O O O O O O O O N/A +bos when would you like to stay there and for how many nights ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos i need it for 2 people for 2 nights starting on a sunday . eos O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O N/A +bos booking was successful.reference number is : ih9gbuzf 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 general-reqmore +bos im also looking for a cheap restaurant in the centre and tell me the food type eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O Restaurant-Request+Food +bos i have several cheap restaurants for you . would you like to try a chinese one ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Select+Food O O O N/A +bos that is fine . 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 O O O O Taxi-Inform +bos the rice house is very good and close to the hotel . do you want me to book it for you ? 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 O O O O O O O O O Booking-Inform +bos no i do n't need the restaurant booked but i do need a taxi . eos O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos ok , where will you be leaving from ? eos O O O O O O O O O O Taxi-Request+Depart +bos leaving the rice house to go to the hotel eos O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O N/A +bos and what time do you wish to arrive by ? eos O O O O O O O O O O O Taxi-Request+Arrive +bos i want to leave the restaurant by 02:15. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! lookout for a blue toyota , contact number 07897851173. can 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 O general-reqmore +bos no thank you , i appreciate 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 have yourself a good day as well . bye . eos O O O O O O O O O O O general-bye +bos i am looking for a restaurant eos O O O O O O O Restaurant-Inform +bos what area of town could you like to dine at ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos the town centre , please . eos O O O B-Restaurant-Inform+Area O O O N/A +bos what type of food would you like to dine on ? eos 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 really expensive . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos bedouin is a unique african restaurant in the centre that is expensive . would you like me to book you a table ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price O O O O O O O O O O O Booking-Inform +bos yes , for four people on saturday . do you have anything at 15:45 ? eos O O O O O O B-Restaurant-Inform+Day O O O O O B-Restaurant-Inform+Time O O O N/A +bos yes had an opening for 15:45 so i made a reservation for you . your reference is qclab4er and the table will be reserved for 15 minutes . eos O O O O O O B-Booking-Book+Time 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 N/A +bos i also need a place to stay that is a guesthouse and should include free parking . 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 i can help you with that . what price range would you like ? eos O O O O O O O O O O O O O O O Hotel-Request+Price,general-greet +bos expensive , i would like the place to be pricey . eos O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos i 'm sorry , there are no expensive guesthouses . would you like to 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 O O O O general-reqmore +bos hmm.. okay , how about moderate ? big thing i guess is free parking and a 3 star rating . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos there are 3 hotels that fit your criteria : the bridge guest house , hamilton lodge , and hobsons house . 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 N/A +bos you choose your favorite . book me for the same group of people please for 3 nights starting on saturday . 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+Day O O N/A +bos okay . we have you booked at the bridge guest house . the reference number is ktpr4jki . 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 general-greet +bos thank you . i also need a taxi to pick me up at the hotel and get me to the restaurant on time , 15: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 O N/A +bos your taxi will be a black honda . their number is 07401864522 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 very much . have a nice day ! 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 yes , i am looking for a molecular gastronomy restaurant in the centre . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos i am sorry . there are not matches . 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 Restaurant-Request+Food,Restaurant-NoOffer +bos do you have any molecular gastronomy restaurants at all ? eos O O O O O O O O O O O Restaurant-Inform +bos i 'm afraid not , none in cambridge . would you like a different cuisine ? eos O O O O O O B-Restaurant-NoOffer+Area O O O O O O O O O O Restaurant-Request+Food +bos how about an expensive thai restaurant ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there is one in the west part of town , and one in the centre part of town . which area do you prefer ? eos O O O B-Restaurant-Inform+Choice I-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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Restaurant-Select,general-reqmore +bos i would prefer one in the centre part of town , do they have openings for tonight ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A +bos bangkok city is a thai restaurant that would meet your needs . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Hotel-Inform +bos great ! can 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 yes , the address is 24 green street city centre and phone number is 01223354382. 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+Phone O N/A +bos can you help me with attractions ? i 'd like a place to go in the same part of town 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 Restaurant-Inform,Attraction-Inform +bos we have 44 attraction in the centre area , and specific type in mind ? eos O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O N/A +bos i have no strong preference . please suggest something fun . eos O O O O O O O O O O O O N/A +bos club salsa is a night club if you like dancing . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O N/A +bos okay . can you tell me the 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 the phone number is 07782218745 and the address is 1 station road . eos 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 N/A +bos i need to book a taxi to pick me up at bangkok city and bring me to club salsa . 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos do you have a time you are needing to arrive by ? eos O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos yes , i need to be at the restaurant by 12:30. eos O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos grey volvocontact number : 07314372460 is 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 O N/A +bos that is all for now . thank you eos O O O O O O O O O general-thank +bos have a great night . enjoy your trip . eos O O O O O O O O O O general-greet +bos where is a 4 star hotel located in north cambridge ? eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A +bos i have several options , almost all of which are moderate guesthouses . i do have one cheap one , too . would you like to book a room ? eos O O O O O O O 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 O O O O O O O O Booking-Inform +bos sure , that could be nice eos O O O O O O O N/A +bos ok , how many are in your party , what day will you arrive , 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 O O O O O O O O Booking-Request+Day,Booking-Request+People,Booking-Request+Stay +bos i actually do n't need reservations i just need the phone number , price range . eos O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price +bos as i mentioned it is cherap and the phone number is 01223316074. eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Phone N/A +bos okay . now could you help me find a restaurant in the expensive price range 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+Price O O O O O O O O O O O O O Hotel-Request+Price +bos sure thing what kind of food do you want ? eos O O O O O O O O O O O Restaurant-Request+Food +bos before we do that , what is the name of the guesthouse ? and also , do 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 Hotel-Request+Parking +bos the worth house is in the cheap price range and they do offer parking . can i help with anything else ? 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 O O O Hotel-Inform+Parking,general-reqmore +bos could you recommend an expensive restaurant in the same area ? eos O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos there is saigon city that serves asian oriental food . would you like to book a table there ? eos O O O B-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 O O Booking-Inform +bos yes , book me a table for 2 people at 12:15 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 i 've booked it for you ! the reference is lqjwqd08 . 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 i need . good-bye . eos O O O O O O O O O O O O O O general-bye +bos thank you for letting me help you today . eos O O O O O O O O O O general-welcome +bos i need a taxi today eos O O O O O O Taxi-Inform +bos sure ! what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart +bos i need to leave from broughton house gallery eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 really need to get there by 16:30 please . eos O O O O O O O O B-Taxi-Inform+Arrive O O N/A +bos ok , and what is your destination ? eos O O O O O O O O O Taxi-Request+Dest +bos my destination is downing college . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos your booking is complete . the car type is a yellow skoda and the contact number is 07614934136. 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 that 's all i need , thanks ! eos O O O O O O O O O general-thank +bos you 're welcome . have a great night ! eos O O O O O O O O O O general-bye +bos i 'm looking for a 2 star hotel in the north . eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A +bos i have two hotels meeting your criteria . ashely hotel located at 74 chesterton road and lovell lodge located at 365 milton road . eos O 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos i would like to book at 74 chesterton road . eos O O O O O O O O O O O N/A +bos great , how many people will be staying ? also , how many days 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 Booking-Request+People,Booking-Request+Stay +bos wait , before we do that i should probably check on the prices . what sort of room rates am i 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 O O N/A +bos it appears to be in the moderate price range . would that work for you ? eos O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Booking-Inform +bos yes that would work eos O O O O O N/A +bos okay great , so 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 Booking-Request+People,Booking-Request+Stay +bos there will be 5 people for a total of 4 nights starting from monday . eos 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 N/A +bos i was able to book your stay at ashley motel . your reference number is kjhyrdca . is there anything else 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 okay thank you for everything . eos 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-bye +bos i 'm looking for this restaurant called city stop restaurant eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos i 've got their information , what would you like to know ? eos O O O O O O O O O O O O O O general-reqmore +bos i need their postcode and price range . eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Price +bos city stop restaurant is in the expensive price range and their postcode is cb41uy . is there anything else you need assistance with today ? 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 O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos i need a 3 star guesthouse to stay at please . eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A +bos there are 4 places that fit what you are looking for . do you need me to narrow down the list 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 general-reqmore +bos do any of those places include free parking ? eos O O O O O O O O O O N/A +bos hamilton lodge is 3 stars with free parking and internet located at 156 chesterton road . phone 01223365664. 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+Stars O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Phone O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i am looking for a train . the train should depart from peterborough and should leave after 12:30. eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave O N/A +bos there are a number of trains that could work for you . do you have a time you 'd like to arrive by ? or a day of the week you 'd like to travel ? 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 O O O O O O O O O Train-Request+Arrive,Train-Request+Day +bos i 'm headed to cambridge on tuesday . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos train tr7307 leaves peterborough at 12:48 tuesday , and will arrive at cambridge by 13:38. would you like me to book it 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 B-Train-Inform+Day 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 Train-OfferBook +bos i do n't want to book yet but could you tell me the travel time ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration +bos should i book for you ? eos O O O O O O O Train-OfferBook +bos no i just told you i only want the travel time ! eos O O O O O O O O O O O O O Train-Request+Duration +bos train tr7307 leaves at 12:48 and arrives by 13:38. is there anything else that i can help you with today ? 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 general-reqmore +bos no that 's it . thanks . eos O O O O O O O O general-thank +bos alright then , thanks for calling & 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 a guesthouse to stay in that includes free wi-fi . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos i have found many options , is there a price range you were 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+Price +bos it should be in the moderate price range with free parking eos O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i have 12 such places . i 'd suggest the acorn guest house , which has 4 stars . would you like to book a room ? 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 O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O Booking-Inform +bos yes please book it for 2 people and 4 nights starting from sunday . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O N/A +bos howe about the archway house , they have rooms . your reference number is vcecu7m4 . is that okay ? eos 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 general-reqmore +bos yes , that 's perfect ! thank 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 thanks for calling . have a great day ! eos O O O O O O O O O O general-bye +bos hey , i need a moderately priced place to stay . eos O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos what area of town could you love to stay ? eos O O O O O O O O O O O Hotel-Request+Area +bos the area does n't matter , but i do need free wifi . eos O O O O O O O O O O O O O O N/A +bos seventeen locations meet your criteria . would you prefer a guesthouse or a hotel ? eos 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 a hotel is fine whichever you recommend . eos O O O O O O O O O Hotel-Inform +bos i see ashley hotel in the north that is a 2 star hotel has free wifi would you like me to book that hotel for you ? eos O O O B-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 O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes , please for 3 people on monday . eos O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O N/A +bos lovely , how many nights will you be staying ? eos O O O O O O O O O O O Booking-Request+Stay +bos i need to stay for 2 nights with 3 people from monday . eos 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 i was able to book your room for 3 people for 2 nights starting monday . the reference number is : 5gessi5x . 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 O O O B-Booking-Book+Ref N/A +bos thank you , i 'm also looking for some places to go in town . something along the lines of college , i also need the address and postcode . 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 O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos christ 's college is located at saint andrew 's street and the postcode is cb23bu 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 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 glad to assist , enjoy the rest of your day . eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'd like to find a chinese 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 there are several . did 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 Restaurant-Request+Price +bos yes , moderately priced , please . eos O O B-Restaurant-Inform+Price O O O O O N/A +bos there are 3 chinese restaurants , i recommend the jinling noodle bar . would you like me to book it for you ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 Booking-Inform +bos no , not right now but can you provide me with an address and postcode for whichever of those restaurants you would 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos the restaurant jinling noodle bar the address is 11 peas hill city centre and postal code is cb23pp eos 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 I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post N/A +bos thank you . i also am looking for places to go in town . 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 there are 44 great places to visit if you would like to stay near the centre of town . would you like a museum , architecture , college or just any suggestion ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O O O N/A +bos i would like to visit a nice museum . please give me 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 Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos how about the castle galleries ? they are located at unit su43 , grande arcade , saint andrews street . phone number is 01223307402. admission is free . eos 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+Addr I-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 N/A +bos that sounds great , thanks ! that 's all i need today . eos O O O O O O O O O O O O O O general-thank +bos yeah , no problem happy to help . eos O O O O O O O O O general-welcome +bos i 'm places to go , can you point me in the right direction ? eos O O O O O O O O O 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 want to go to a museum . eos O O O O O O O B-Attraction-Inform+Type O N/A +bos there are several what area are you wanting to go to ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Area +bos any place in town is fine for me . do you have any recommendations ? eos O O O O O O O O O O O O O O O O N/A +bos i suggest the byard art museum located in the south . 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 N/A +bos that sounds great . what is the entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos their admission is free . is there anything else you need to know ? eos O O O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos yes please . i need an expensive guesthouse that has free parking please . eos O O B-Hotel-Inform+Parking O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O N/A +bos i 'm sorry i do n't have anything in that category . can we check something else ? 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 do you have a guesthouse 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 several in the south closer to the museum , and some in the north . do you have a preference ? eos 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 O O O O O O O Hotel-Select +bos no i do n't . can you pick the best one please . i need a room for 2 and 4 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+People O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O N/A +bos you are booked at the acorn guest house at 154 chesterton road . reference number is : xxrwc1jw . can i help with anything else today ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos that 'll be all thanks so much ! eos O O O O O O O O O general-thank +bos you 're welcome , hope you have a great time ! goodbye . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i am visiting cambridge and need a place to stay in the moderate range that has free internet . 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 17 entries that meet your needs . can you tell me what area of town 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 O O O O O O Hotel-Request+Area +bos the hotel should be in the north eos O O O O O O O B-Hotel-Inform+Area N/A +bos there are 2 hotels and 8 guesthouses in the north that are moderately priced . may i recommend arbury lodge guesthouse ? they 're a 4 star guesthouse with free internet and parking . eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos ok , that 's fine . i want to book a room there . eos O O O O O O O O O O O O O O O N/A +bos what day do you need booked for and 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 Booking-Request+Stay,Booking-Request+Day +bos i 'll be staying for 3 nights starting on saturday . eos O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos great ! how many people will be staying ? eos O O O O O O O O O O Booking-Request+People +bos i need it for 2 people . eos O O O O O O B-Hotel-Inform+People O N/A +bos i have made the reservations for you the reference number is 2ks3in63 . eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos great . i also am looking for somewhere to go near the hotel . preferably an architecture attraction that i can visit nearby . 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 N/A +bos i 'm not finding any architecture attractions in the north . would you like a different type of attraction ? 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 Attraction-Request+Type +bos how about a swimmingpool ? eos O O O O B-Attraction-Inform+Type O N/A +bos how about jesus green outdoor pool ? i hear it 's lovely 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 N/A +bos may i have the phone number and postcode ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos post code cb43px , and you can call them at 01223302579. do you need further information ? eos O O O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos yes , i am going to need a ride there . can you help me reserve a taxi ? eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos definitely i have arranged a red tesla to pick you up at 2:00. the contact number is 07682046722. does that work 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+Leave O O O O B-Taxi-Inform+Phone O O O O O O general-reqmore +bos it does thank you have a good day . 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 not today , thank you ! eos 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 hello , i 'm looking for a hotel to stay in during my visit to cambridge . can you please help me find something in the moderate price range ? no specific amenities 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 B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos sure , are you staying in a certain part of town ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos in the west . and 3 stars , please . eos O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O N/A +bos i do not have anything fitting that . do you have any other criteria i can check ? 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 if that is the case , can you look for a hotel that has free wifi ? thanks eos 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 anything fitting that criteria . do you have any other criteria i can check or 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 Hotel-NoOffer +bos could you try looking for something for wednesday ? eos O O O O O O O O O O N/A +bos i 'm sorry , there is nothing that matches your criteria . are you sure i can not 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 Hotel-Request+Area +bos are there any 3 star hotels in the west ? eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O N/A +bos i 'm sorry , there really is n't anything in this area that meets your criteria . perhaps a moderate in another area ? eos O O O O O O O O O O O O O O O O B-Hotel-Select+Price O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos yes , please try to find something else . eos O O O O O O O O O O N/A +bos i am sorry there are no 3 star moderately priced hotels . eos O O O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Type O N/A +bos that would be fine , can you book it for me ? eos O O O O O O O O O O O O O N/A +bos there is a moderate priced guesthouse in the west area that is 3 star . would that suit your needs ? eos O O 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 O O O B-Hotel-Inform+Stars O O O O O O O Booking-Inform +bos that sounds good . can i get a room for 6 people , 2 nights , starting thursday ? 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 O N/A +bos hobsons house is booked for you . the reference number is jhqjlp4u . eos O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am also hoping to check out some sports locations in the same area . can you see what attractions are available 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 B-Attraction-Inform+Area O O N/A +bos i apologize we do not have any sport attractions in the west area . would you like me to look in another area ? eos O O O 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 O O O Attraction-Request+Area +bos can you look to see if there are colleges in that area ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are five colleges in the west . i recommend churchill college . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos what is the entrance fee and postcode for that one ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos entrance is free , and the postcode is cb30ds eos O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O N/A +bos 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 . eos O O O O O O O O O O O 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 got it , i booked a red tesla for you . the contact number is 07757471475 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 N/A +bos thanks ! that 's all for me . have a good day ! eos O O O O O O O O O O O O O O general-thank +bos have a great day and thanks for contacting cambridge towninfo centre . eos O O O O O O O O O O O O O general-bye +bos i would like to find information about the hotel express by holiday inn in cambridge . eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos it is located in the east , expensive and is a 2 star hotel . eos O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O N/A +bos great ! i 'd like to book rooms for 5 people for 4 nights starting friday . 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 booking was successful.reference number is : xxpdu1jp . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i am also looking for information on queens ' college . eos O O O O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O N/A +bos queens ' college is located in the west area on silver street . the post code is cb39et and phone number is 01223335511. entrance fee is 2.50. anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee O O O general-reqmore +bos no i believe that 's it . eos O O O O O O O O N/A +bos glad we could be of service , and thanks for using the cambridge towninfo centre ! 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 cambridge and county folk museum . 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+Type O O N/A +bos the cambridge and county folk museum is located 2-3 castle street 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 N/A +bos thanks , can you also give me 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos the fee is 3.5 pounds , the number is 01223355159 , and the code is cb30aq . eos 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 O N/A +bos i also need a place to stay . eos O O O O O O O O O N/A +bos okay . would you like to narrow it down by the area , 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 Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Area +bos do you have any 0 star places ? eos O O O O O O B-Hotel-Inform+Stars O O N/A +bos i have 2 guesthouses and 1 hotel that are 0 stars , do you have a preference or want a particular area of town ? eos O O O O O O O B-Hotel-Inform+Choice I-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+Type,Hotel-Request+Area +bos is there one in the moderate price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos yes , cityroomz is in the moderate price range . would you like to make a reservation ? eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform +bos yes , that would be great . there will be 7 of us . eos O O O O O O O O O O O O O O O N/A +bos i 'd be happy to make a reservation for the 7 of you . i will need to know what day to start your reservation and for how many nights , please . eos O O O O O O O O O O O B-Booking-Inform+People 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 'd like to start on friday please and stay for 3 nights . i will also need the reference number . eos 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 Hotel-Request+Ref +bos your reservation for 7 people at cityroomz this friday for 4 days 3 nights was successful . your reference number is : sof4g9my . anything else i can do for you ? eos O O O O O B-Booking-Book+People O B-Booking-Book+Name O B-Booking-Book+Day O O B-Booking-Book+Stay 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 , and thanks so much 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 am staying in the west part of cambridge and would like to know about some places to go . 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 i have several attractions in the west for you . is there a certain type you have in mind ? 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 O O Attraction-Request+Type +bos no , what would you recommend ? eos O O O O O O O O N/A +bos i suggest queens college in the silver street . you want the address ? 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 general-reqmore +bos i would like the phone number and the post code please . 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 01223335511 and the postcode is cb39et . is there anything else i can help you with today ? 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 general-reqmore +bos i need a 3 star guesthouse in the same area . does not need to include internet . 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 N/A +bos there is a guesthouse named hobsons house located in the west with 3 stars . it is moderately priced and has internet and parking . would you like this one booked ? eos O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no thank you . i just needed the information . that 's all i need . eos O O O O O 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 can you help me find a cheap chinese place in the north ? eos O O O O O O O O O O O O O O N/A +bos i 'm sorry , can you restate your request , please ? eos O O O O O O O O O O O O O general-reqmore +bos certainly . i 'd like to know what sorts of attractions are available on the north side 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 i am showing 2 swimmingpools , a park and a boat . would you like to know more about them ? eos O 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 general-reqmore +bos yes , please . could you give me the name of the park and its postcode ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the park is milton country park and the postcode is cb46az . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Post O N/A +bos okay and how about a guesthous in the moderate price range . i 'd like 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 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 that sounds good . i 'll need reservations for 7 people for 5 nights , starting from sunday , 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 O O O N/A +bos booking was successful ! reference number : j4hikzsi . is there anything else i can assist 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 O general-reqmore +bos you were able to get me 5 nights ? can you double check that please ? eos O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos yes , the booking was successful , sunday for 5 nights with 7 people . anything else we 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 O O O O O O O general-reqmore +bos thank you so much for your help . you have been great ! eos O O O O O O O O O O O O O O general-thank +bos you are very welcome . have a wonderful evening . goodbye . eos 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 thursday departure for a train going to cambridge . eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest O N/A +bos to help you better with your travel plans , where are you planning on 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 am looking to depart from birmingham new street after 12:45 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 N/A +bos there is a train leaving birmingham new street heading to cambridge at 13.40. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave N/A +bos great can i get the train id , price , and arrival time for that one ? 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,Train-Request+TrainID +bos sure ! the train id is tr7509 . the price is 75.10 poinds . it arrives by 16.23. would you like for me to book it for you ? eos O 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 B-Train-Inform+Arrive O O O O O O O O O O O O general-greet,Train-OfferBook +bos i do n't need train booking . i do need to find a cheap spanish restaurant , though . 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 O N/A +bos la raza is a cheap spanish restaurant in the center of town . do you need their address or perhaps i could make a reservation for you ? eos O 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 O O O O O O O O O O O O O O O O Booking-Inform +bos that 's all i needed , thank you ! eos O O O O O O O O O O general-thank +bos what day and time would like for me to book ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos i 'd like to book a table for 3 at 18:15 on thursday . and if possible , i 'd like a 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 O O Restaurant-Request+Ref +bos i have booked that for you with the reference number d3qvnlwt . 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 that is all , thank you very much . eos O O O O O O O O O O general-thank +bos your welcome . please let us know if we can assist you 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 hello there . any suggestions on a good seafood restaurant located in the centre of town ? eos O 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 loch fyne is a seafood restaurant in the centre of town . it is in the expensive price range . would that work ? eos O B-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 O B-Restaurant-Recommend+Price O O O O O O O O N/A +bos yes , that will be fine . could you make a reservation for 3 at 12:30 on saturday ? 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 your table is reserved for 12:30 on saturday . your reference number is 3l2hybcy . 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 thank you so much . that was all i needed today . have a good afternoon . 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 . thanks for contacting cambridge towninfo centre ! eos O O O O O O O O O O O O general-bye +bos i need to find an expensive british place to dine . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos there are 6 results . is there a certain area you 'd like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area +bos 6 british restaurants , wow ! i need a table for 2 at 12:00 on wednesday . no particular area eos O O B-Restaurant-Inform+Food 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 N/A +bos i have booked a table for you at graffiti on the west side of town . they are located at hotel felix whitehouse lane huntingdon road and phone number 01223277977. eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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+Phone O N/A +bos could you please provide me with the reference number for the reservation ? eos O O O O O O O O O O O O O O Restaurant-Request+Ref +bos absolutely . your reference number is ns4a5cjt . your table will be reserved for 15 minutes . 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 O O O O O O O general-reqmore +bos i need a train too . i will be leaving from london liverpool street , can you help with that ? 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 N/A +bos sure- where are you traveling to ? eos O O O O O O O O Train-Request+Dest +bos i 'm heading to cambridge , i would like to make it to london liverpool street by 8:00 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 N/A +bos tr7020 departs liverpool street at 05:39 , arriving in cambridge at 07:07. would you like a ticket ? 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 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 ticket price ? eos O O O O O O O Train-Request+Price +bos the fare is 16.60 pounds . need a booking ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O N/A +bos yes , i require the booking , as well as the reference number emailed or faxed to me . 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 fantastic , how many people do you need tickets for ? eos O O O O O O O O O O O O Train-Request+People +bos i do n't think i want to book it just yet , i am still getting a head count . 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 is there anything else i may do for you right now ? eos O O O O O O O O O O O O O general-reqmore +bos that was all that i needed thanks . eos O O O O O O O O O general-thank +bos have a wonderful trip . eos O O O O O O general-greet +bos i look forward to my visit . thanks , again . eos O O O O O O O O O O O O general-thank +bos thank you again , good day to you . eos O O O O O O O O O O general-welcome,general-bye +bos i need a train to cambridge on thursday please eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos what departure location will you be using ? eos O O O O O O O O O Train-Request+Depart +bos leicester please and can you bookn that for me ? eos O B-Train-Inform+Depart O O O O O O O O O N/A +bos i would be happy to book that 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 O O Train-Request+Leave,Train-OfferBook +bos i need it arrive by 13:30 and needs to depart from leicester . eos O O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos if you 'd like something very early , the tr6125 departs leicester 05:09 and arrives cambridge 06:54. would you like a seat on this train or shall we look for something later ? 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 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 Train-Select +bos that is good . i would like the price also please . eos O O O O O O O O O O O O O Train-Request+Price +bos the price per ticket for that route is 37.80 pounds . is there anything else i can 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 O general-reqmore +bos yeah , i 'm looking for an italian restaurant 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 O N/A +bos there are 9 great places to choose from . would you like to stay in a certain 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 Restaurant-Request+Price +bos yes i need the cheap price range eos O O O O O B-Restaurant-Inform+Price O O Train-Request+Price +bos i recommend zizzi cambridge on regent street . would you like me to make reservations ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O Booking-Inform +bos yes , i would like a reservation for 6 people at 17:00 on the same day as the train . 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 O O O N/A +bos alright i booked you a table at zizzi cambridge ! heres your reference number tsog5sdi . anything else i can do for you ? 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 general-reqmore +bos that is all for today 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-welcome,general-bye +bos hi , i 'm looking for a restaurant suggestion in cambridge . eos O O O O O O O O O O O O O Restaurant-Inform +bos what type of food and price range would you be interested in ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i 'd like some chinese food , please ! eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i can definitely help you with that . what price range were you looking for ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Price,general-greet +bos i want something expensive . eos O O O O B-Restaurant-Inform+Price O N/A +bos what area do you want the restaurant to be in ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos in the centre of town , if possible . eos O O O B-Restaurant-Inform+Area O O O O O O N/A +bos sesame restaurant and bar is located in17 hills road city centre . can i give you the phon number ? eos O B-Restaurant-Recommend+Name I-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 I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O Restaurant-Inform,general-reqmore +bos yes , i would like the phone number . i also need a train on monday to cambridge from birmingham new street . i would like to leave after 13:15. eos O O O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest 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 Restaurant-Request+Phone +bos here is the phone number 01223358899. is there any particular time you would like to arrive by ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O Train-Request+Arrive +bos any time will do , as long as it leaves after 13:15. eos O O O O O O O O O O O B-Train-Inform+Leave O N/A +bos tr1328 leaves birmingham new street on monday at 13:40 and arrives in cambridge at 16:23. will that work for you ? 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+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 Train-OfferBook +bos is there any that leave earlier than 13:40 ? eos O O O O O O O O O O N/A +bos the earliest train after 13:15 is the one leaving at 13:40. eos O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Leave N/A +bos ok great and what is the arrival time ? eos O O O O O O O O O O Train-Request+Arrive +bos the train will arrive at 16:23. anything else i can help you with ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O O general-reqmore +bos no , thank you , that 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 have a good evening . bye . eos O O O O O O O O general-bye,general-greet +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 , do you have a certain place in mind today ? or would you like to search in a specific 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-Request+Name +bos i 'm looking for a japanese place 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 i have one listing for wagamama , will that be okay today ? eos O O O O O O B-Restaurant-Inform+Name O O O O O O O Booking-Inform +bos how expensive is it ? eos O O O O O O N/A +bos it is expensive range in price . eos O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos great , please book a table for 7 people at 15:15 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 was able to book your table for 7 for friday at 15:15. the reference number is : ini5o0n5 . eos O O 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 O B-Booking-Book+Ref O N/A +bos okay , i also need a train to get to norwich . eos O O O O O O O O O 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 'll be leaving cambridge on saturday after 13:45. i '' ll be heading to norwich . do you have anything for me ? eos 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 O O O O O N/A +bos yes , there are 10 trains that would work . they run every hour starting at 14:36. when would you like to arrive in norwich ? 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 O O O O O O O O O O Train-Request+Arrive +bos it does n't matter when i arrive as long as i leave after 14:35 from cambridge on saturday . and i 'll want to book the train for the same group of people . eos 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 O O O O O O O O O O O O O N/A +bos i have booked you a train leaving at 14:36. the cost is 112.64 gbp . reference number mb0pzvmj . how would you like to pay ? 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 B-Train-OfferBooked+Ref O O O O O O O O O general-greet +bos i 'll pay at the station . well that 's it for me today . thanks for all your help ! g'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 thank you for contacting us have a nice day . eos O O O O O O O O O O O general-welcome,general-bye +bos i need a train leaving from kings lynn on tuesday . 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 there are several trains leaving kings lynn on tuesday . where is your destination going to be ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day 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 we have 19 trains that day starting at 05:11 and going every hour , any time preference ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Day I-Train-Inform+Day O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O Train-Request+Leave +bos get me on one that leaves after 14:30 eos O O O O O O O O B-Train-Inform+Leave N/A +bos i have train tr8932 that leaves at 15:11 and arrives by 15: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 B-Train-Inform+Arrive O O O O O O N/A +bos book for 3 people . also find me a restaurant in the central that serves traditional food eos O O O O B-Train-Inform+People O O O O O O O O O O O O O N/A +bos the booking number is 1mnbdneh . did you need to know anything else on the train ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O N/A +bos yes , i am looking for a restaurant in the centre that serves traditional 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 do n't have anything like that in the centre . how about a different area or food type . 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 Restaurant-Request+Area,Restaurant-Request+Food +bos i would like a mexican food restaurant nearby also . eos O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are no mexican restaurants in that area . eos O O O O B-Restaurant-NoOffer+Food O O O O O N/A +bos i like italian also . are there any in that area ? eos O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos yes , there are 9 ! do you have a preference on pricerange ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Price +bos no . i do n't . can i book a table for the same 3 people at 18:45 ? 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 am sorry no mexican restaurants in that area . another perhaps ? eos O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O Restaurant-Request+Area +bos how about italian food ? eos O O O B-Restaurant-Inform+Food O 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 tuesday , 3 people , 18:45pm , italian , not mexican , please book and give me a name and confirmation number . eos O B-Restaurant-Inform+Day 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 O O N/A +bos i have booked you at the stazione restaurant and coffee bar for tuesday . your reference number is vbmxdetf . 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 B-Booking-Book+Day O O O O B-Booking-Book+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 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 's all i needed today . thank you ! bye ! eos O O O O O O O O O O O O O general-bye +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 would you happen to have any expensive creative restaurants ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , i have n't found anything . are there other cuisines you 're interested in ? 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 i would like chinese food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos there are several options for chinese . what area of town will you be in ? eos 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+Area +bos any part of town is good . i need a booking for two people on saturday at 16:45. 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 N/A +bos i 've booked you a table at yu garden on saturday at 16:45. would you like the reference number ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O N/A +bos yes please can you send that . eos O O O O O O O O N/A +bos the reference number is w6v1m6mm . 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 i would like a train to stansted airport by 11:00 eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos i can help you find a train to stansted airport by 11:00. where will you be departing from and will that be on saturday ? eos O O O O O O 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 O O O Train-Request+Day,Train-Request+Depart +bos sunday , and i will be departing cambridge . eos O B-Train-Inform+Day O O O O O B-Train-Inform+Depart O O N/A +bos great the tr8208 can get you there by 10:08 eos O O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive N/A +bos that 's great . can you book that train for 2 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 booking was successful , the total fee is 16.16 gbp payable at the station . reference number is : qmycrldh . 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 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 am glad i can help . enjoy your stay eos O O O O O O O O O O O general-bye +bos i would like a train that is going by cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O N/A +bos where would you be departing from ? eos O O O O O O O O Train-Request+Depart +bos kings lynn on thursday . eos O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos there are several trains leaving throughout the day . what is your departure time ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-Request+Leave +bos the train should arrive by 15:45 and should go to cambridge , can you book it for me ? eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Dest O O O O O O O O N/A +bos let me get a bit more information from you . we trains leaving every hour from 05:11 to 14:11 , would you like a morning or afternoon departure ? eos 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 O O O B-Train-Select+Leave I-Train-Select+Leave O O N/A +bos i do n't have a preference as long as i arrive at 15:45. eos O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos i have train tr2162 arriving at 14:58 can i book you seat/s for that one ? eos O O 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 right now , but can you give me the departure time and 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 O O O O O Train-Request+Duration,Train-Request+Leave +bos it leaves at 14:11 and lasts 47 minutes . is there anything else ? eos O O O O B-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O general-reqmore +bos yes . i am looking for a restaurant that serves north american food . preferably in the expensive price range . 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+Price O O O O O N/A +bos the gourmet burger kitchen serves north american cuisine . would you like more info on this website ? or would you like me to book it 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 I-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 O Booking-Inform +bos book a table for 8 people at 20:30 on thursday . 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.reference number is : zmg68r1q . 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 , thank you , that 's 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 you are welcome . enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos i need an inexpensive restaurant in the centre of cambridge . eos O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there is nothing cheap in centre . can you expand your price range ? eos O O O O B-Restaurant-NoOffer+Price O B-Restaurant-NoOffer+Area O O O O O O O O Restaurant-Request+Price +bos not really , try kosher food types . eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry , but there is no kosher restaurant in the area , can i check other part of town ? 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+Area +bos how about one that serves asian oriental food ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i 've located 2 inexpensive restaurants , dojo noodle bar and j restaurant . which would you like ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price 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 i 'll try the noodle bar . i 'd like to reserve a table as well . eos O O O O O O O O O O O O O O O O O O N/A +bos how many people would you like to reserve a table for ? and , what time and day would you like to make the 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 Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos for seven people on wednesday . eos O O O O O O O N/A +bos sure , i can book that . what time would you like the reservation for ? eos O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Inform +bos i would like the reservation to be at 16:00 please . eos O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos okay . your booking at the dojo noodle bar was successful . the reference number is 0eglweqk . can i help with anything else today ? 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 O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos great , now i need a train to leave on thursday departing from cambridge going to peterborough , it needs to arrive by 14:30. eos O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive 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 actually do n't need to book any tickets . i just need 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 O O O Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave +bos tr7098 departs thursday at 05:06 and has a travel time of 50 minutes . 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 O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thanks . you have been so helpful with the restaurant and train . that 's all . goodbye . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Train-Inform +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 portuguese food and i do n't care about the price range . what is the address and phone number ? eos 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 O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos nandos is a portuguese restaurant , it is in the cheap price range , and it is on the south side of town . the address is cambridge leisure park clifton way , and the phone number is 01223 327908. eos O B-Restaurant-Inform+Name 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 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O 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 would like a moderately priced restaurant that serves lebanese food eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O N/A +bos there is the ali baba at the city center , would you like to have the address ? eos 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 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos address is 59 hills road city centre and phone number is 01462 432565 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 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 O general-bye +bos i 'm looking for an indian restaurant in the south area 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 which price range are you looking for ? eos O O O O O O O O O Restaurant-Request+Price +bos i do n't care . what have you found ? eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O N/A +bos there is taj tandoori . would you like the information ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O general-reqmore +bos yes , please . phone number and address eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos their phone number is 01223 412299 and their address is 64 cherry hinton road cherry hinton . eos 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos thank you . 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 i want a moderately priced restaurant please . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos what kind of food would you like to have ? eos O O O O O O O O O O O Restaurant-Request+Food +bos any kind of food will be fine as long as it is moderately priced and 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 B-Restaurant-Inform+Area O O O O N/A +bos golden wok is in the north part of town , and is moderately priced . it serves chinese food . 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos is there any other restaurant ? eos O O O O O O O Restaurant-Inform +bos there is the nirala , which serves indian food in the moderate price range and the north part of town eos O O 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 the phone number is 01223 360966. 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 are very welcome . bye . eos O O O O O O O O general-welcome,general-bye +bos do you know of any moderately priced restaurants in the north part of town ? i 'll need 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos the golden wok is located at 191 histon road chesterton . it 's phone number is 01223350688. 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 O O N/A +bos thank you good bye . eos O O O O O O general-bye +bos enjoy your stay , good bye . eos O O O O O O O O general-bye +bos i would like to find the best , most expensive restaurant in the south 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 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 O N/A +bos chiquito restaurant bar is a mexican restaurant in the south part of town an has an 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 B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O N/A +bos could you please give 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 chiquito restaurant bar is located at 2g cambridge leisure park cherry hinton road cherry hinton and can be reached at 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 thanks , bye bye eos O O O O O general-bye +bos you are welcome , bye eos 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 O N/A +bos nandos is a portuguese restaurant in south . is this ok ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O Restaurant-Select +bos what is the price range there ? eos O O O O O O O O N/A +bos nandos is in the cheap price range . eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O N/A +bos excellent . what is their address and phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number and address are 01223 327908 cambridge leisure park clifton way eos O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone 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 . good bye . eos O O O O O O O O general-welcome,general-bye +bos hi . can you tell me if any restaurants in the area serve halal 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 i apologize , there are no restaurants in the area that serve halal food . would you like 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 O Restaurant-Request+Food,Restaurant-NoOffer +bos how about portuguese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos nandos is serves portuguese food , is in the south part of town and in the cheap price range . would you like their location ? eos O B-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 I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O general-reqmore +bos yes , phone number and address please . eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos there phone number is 01223327908 and there address is cambridge leisure park clifton way , 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 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 thank you , that is all i needed to know . have a good 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 eos O O O general-welcome +bos goodbye eos O O general-bye +bos goodbye . eos O O O general-bye +bos i am looking for a train to cambridge . i need to arrive by 20:00 eos 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 where will you be departing from ? eos O O O O O O O O Train-Request+Depart +bos i 'll be heading in from leicester on thursday . eos O O O O O O B-Train-Inform+Depart O O O O N/A +bos okay , tr0363 departs at 09:09. would you like me to do book that for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook +bos yes , please book it for me . eos 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 want to know the price of the ticket . eos O O O O O O O O O O O O Train-Request+Price +bos the price is 37.80 pounds per ticket eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos thanks ! i 'm also looking for a guesthouse in the east . it does n't need to have 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 O O O O O O O N/A +bos did you have a price range in mind ? eos O O O O O O O O O O Hotel-Request+Price +bos are there any lebanese restaurants in the city ? eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos ali baba is a nice lebanese place in the centre . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area 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 their phone number is 01462 432565. is there anything else i can help you with today ? 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 general-reqmore +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 need help , i just been the victim of a robbery . eos O O O O O O O O O O O O O O N/A +bos are you hurt ? eos O O O O O N/A +bos i am not hurt but i need to get in touch with the police , can you send me the 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 Police-Request+Addr +bos sure , here it 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 general-thank +bos you are most welcome ! eos O O O O O O general-bye +bos can i get some help with resolving a dispute about a car accident ? eos O O O O O O O O O O O O O O O N/A +bos call the parkside police station at 01223358966 eos O O O O O O O O N/A +bos thank you for the information . could you also give me the address and postcode ? 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 yes , the telephone number is 01223358966. the station is located in parkside , cambridge , post code cb11jg . 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 . that is all i need . eos O O O O O O O O O O O O O general-thank +bos i 'm glad we could help . good luck ! eos O O O O O O O O O O O general-welcome,general-bye +bos i need a taxi from peking restaurant to my hotel . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O N/A +bos absolutely ! when would you like to arrive ? eos O O O O O O O O O O Taxi-Request+Arrive +bos i 'd like to arrive by 20:00 please . eos O O O O O O B-Taxi-Inform+Arrive 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 huntingdon marriott hotel . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos i have a yellow volkswagen booked for you with a contact number 07582897305. 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 thank you for your assistance . eos O O O O O O O general-thank +bos you 're very welcome . how else may i assist you today ? eos O O O O O O O O O O O O O O general-greet,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 you are welcome and enjoy your ride . eos O O O O O O O O O general-bye +bos i am looking for an expensive chinese restaurant to eat at . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos thank you , i will go to the peking restaurant at street city centre eos O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A +bos can you book me a table for 6 at 15:00 on sunday ? 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 i 'm sorry but it is not possible to book that time slot at that restaurant . may i try another time and/or day 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 see if there is a table for 6 at 14:00 on sunday , then ? 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 yes ! i am glad to inform you i was able to book you at the peking on sunday at 14:00 for 6 people and your reservation number is tsrefnqw . 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 B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O general-greet +bos thank you , can you please help me find a train on sunday that will arrive in cambridge on time for my reservation ? eos O O O 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 O N/A +bos the tr7147 train departs sunday at 11:17 and arrives in cambridge at 12:08. eos 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 B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos i actually need a train from leicester to cambridge on sunday that arrives by 10:45. eos O 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+Arrive N/A +bos there are several trains that meet your needs . tr0440 seems like the best option . it departs at 8:09 and arrives at 9:54. i can book this for you if you 'd like , or there are three trains that run earlier in the day if you 'd like information on those . eos O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Id O O 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 O O O O O O O O O O O O O O O O O O O O O Train-OfferBook +bos yes , that would work . can you go ahead and book me 6 tickets and provide me with the reference number , please ? 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 great you 're all set reference number is 0fz7adg9 eos O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos awesome , you have been very helpful . that 's all i need . eos O O O O O O O O O O O O O O O N/A +bos wonderful . have a very nice day . eos O O O O O O O O O general-welcome,general-bye +bos book a taxi going to broughton house gallery to arrive by 6:15 eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O N/A +bos i can book that for you , where will you be departing from ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i need to be picked up from ruskin gallery , please . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A +bos i 've booked a red tesla for you the contact number is 0794650059. is there 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 O O O general-reqmore +bos no , that is it . thanks ! eos 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-bye +bos i need a taxi going to tandoori place . eos O O O O O O O O O O Taxi-Inform +bos where will you leave from ? eos O O O O O O O Taxi-Request+Depart +bos i need to leave from the lucky star . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 do n't have a time in mind but need to arrive by 6:30. eos O O O O O O O O O O O O O O O N/A +bos i have a grey honda with contact number 07609926052 booked for you . 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 okay thank you ! 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 's it . thanks for your help . eos O O O O O O O O O O O O general-thank +bos have a good day . thank you for using the towninfo centre . eos O O O O O O O O O O O O O O general-bye +bos please end this conversation as i am finished eos O O O O O O O O O N/A +bos 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 . eos O O O O O O O O O O O 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 want to get a taxi to pick me up from the cambridge train station please . 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 N/A +bos what time would you like to depart at ? eos O O O O O O O O O O Taxi-Request+Leave +bos i 'd like to leave after 09:15. eos O O O O O O B-Taxi-Inform+Leave O N/A +bos where is it that you would like to go ? eos O O O O O O O O O O O Taxi-Request+Dest +bos i want to go to county folk museum eos O O O O O O O O O N/A +bos i have booked a white volvo to leave at 9:15 from cambridge train station . your contact number is 07504297575 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Leave O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Phone 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 great ! have a nice day ! eos O O O O O O O O general-bye +bos i would like to book a popular , cheap restaurant . eos O O O O O O O O O O O O Restaurant-Inform +bos do you have a specific area in mind ? eos O O O O O O O O O O Restaurant-Request+Area +bos i 'm sorry i need to find the information for parkside police station . eos O O O O O O O O O O O O O O O Police-Inform +bos sure , the telephone number is 01223358966 , the address is parkside , cambridge and the 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 N/A +bos that was all . thanks eos O O O O O O general-thank +bos please let us know if we can help any further . have a nice day ! eos O O O O O O O O O O O O O O O O O N/A +bos can i find the parkside police station eos O O O O O O O O Police-Inform +bos yes , they are located at parkside , 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 N/A +bos thanks , that is all i needed . goodbye . eos O O O O 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-bye +bos you too . goodbye . eos 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 am involved in a car dispute , i need help . eos O O O O O O O O O O O O O N/A +bos the parkside police station will be able to help you . call the station at 01223358966. eos O O O O O O O O O O O O O O O O O N/A +bos can i also get their address and post code ? thanks . eos O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos sure thing . address is parkside , cambridge and the postcode is cb11jg eos O O O O O O O O O O O O O O N/A +bos i want to get train tickets for monday please , leaving from cambridge , if you would . eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O O O O O N/A +bos what time do you want to leave at on monday and where are you going to ? 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 hello i need to arrive at london kings cross no later than 16:45. 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 N/A +bos i have several trains that will get you there on time . 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 O O O O O Train-Request+Leave +bos i do n't have a preference on leave time . eos O O O O O O O O O O O N/A +bos tr7075 cambridge london kings cross monday 05:00 05:51 23.60 pounds 51 minutes eos O B-Train-Inform+Id B-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Leave B-Train-Inform+Arrive B-Train-Inform+Ticket I-Train-Inform+Ticket O B-Train-Inform+Time N/A +bos thank you . can i get the reference number please eos 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-Request+People +bos i do n't need to book any tickets . i 'll need the departure time , travel time and train id if you could specify them instead of just sending numbers . eos O O O O O O O O O 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 the tr7075 train leaves at 05:00 and takes 51 minutes to travel . does that help ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O N/A +bos okay , i believe 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 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 , thanks . nothing else . eos O O O O O O O O general-thank +bos you 're welcome . thank you for using the 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 need a taxi to pick me up at trinity college . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos sure thing , when you like to leave by ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i need to leave after 24:00. eos O O O O O O B-Taxi-Inform+Leave 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 headed to saffron brasserie . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos i have your taxi booked . eos O O O O O O O Taxi-Inform +bos can i get the car type and contact number please ? eos O O O O O O O O O O O O Taxi-Request+Car +bos certainly . you 'll be picked up by a red audi and the driver 's number is 07990384611. do you need help with anything else ? a restaurant reservation perhaps ? 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 Booking-Inform,general-reqmore +bos no thank you , we have a restaurant recommendation already for today . eos O O O O O O O O O O O O O O Restaurant-Inform +bos have a wonderful day . eos O O O O O O general-bye +bos i want to book a taxi to pick me up travellers rest to take me to finches bed and breakfast . eos O O O 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 I-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 would like to arrive at the restaurant no later than ten o'clock a.m. eos O O O O O O O O O O O O O O O Restaurant-Inform +bos i have confirmed a taxi booking for you , a red tesla will be picking you up . 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 N/A +bos ok great , can i have the contact number ? eos O O O O O O O O O O O N/A +bos sure its 07915006170. is there anything else i can do for you ? eos O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos no , thank you . great service . goodbye . eos O O O O O O O O O O O general-bye +bos please contact us again if there 's anything else you need during your stay . eos O O 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 the nearest hospital is addenbrookes hospital . it is located in hills rd , cambridge cb20qq . their number is 01223245151. are you looking for a specific 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 O N/A +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 more than welcome ! eos O O O O O O O general-welcome +bos i need to know where the addenbrookes hospital is please . eos O O O O O O O O O O O O Hospital-Inform +bos addebrookes hospital is located at hills rd , cambridge . is there anything else you require ? 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 postcode and phone number . eos O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the postcode of addenbrookes hospital is cb20qq , and the main phone number is 01223245151. are you looking for 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 N/A +bos no specific department . i will call addenbrrokes hospital , cb20qq at phone number 01223245151. eos O O O O O O O O O O O O O O O O Hospital-Request+Phone +bos do you need any further assistance ? eos 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 very welcome ! goodbye . eos O O O O O O O O general-welcome,general-bye +bos i 'd like a taxi to take me to ruskin gallery eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos sure ! what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart +bos i will depart from saffron brasserie at 7:15. what is the car type and contact number so i know who and where you will pick me up ? eos 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 Taxi-Request+Car +bos booking completed ! a grey ford will be picking you up . the contact number is 07689877132. 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 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 great . have a nice time ! eos O O O O O O O O O general-bye +bos i need to find a hospital nearby that has a hepatobillary and gastrointestinal surgery referral center eos O O O O O O O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital located at hills rd , cambridge has that department . would you like the phone number to that direct 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 N/A +bos no , i just need the postcode . eos O O O O O O O O O Hospital-Request+Post +bos certainly . the postcode is cb20qq . 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 , that 's it . thanks ! 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-bye +bos i need a taxi to go to a and b guest house and arrive by 03:45. 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 I-Taxi-Inform+Dest O O B-Taxi-Inform+Arrive N/A +bos okay , i will just need your departure site first please eos O O O O O O O O O O O O Taxi-Request+Depart +bos i am leaving from all saints church . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos booking completed ! booked car type : white fordcontact number : 0701197295 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 the surgery department of the addensbrookes hospital . eos O O O O B-Hospital-Inform+Department O O O O O O N/A +bos the hospital is located on hills road postcode cb20qq . each surgery department has a different number . which surgery department do 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 N/A +bos i do n't need the phone number . i just needed the address . 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 Hospital-Request+Addr +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 going to cambridge that leaves at 11:30. eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A +bos there are 924 trains leaving by 11:30. what is your departure city ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O O O O O O Train-Request+Depart +bos birmingham new street eos O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A +bos i 'm sorry but the earliest train departing from birmingham new street is 11:40. can i investigate another departure location or time for you ? 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 O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart +bos no thank you eos 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 would like to find in cambridge , a restaurant , located in the centre area . i love spanish food . 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+Food O O O N/A +bos i have la tasca downtown here at 14 - 16 bridge street . eos O O 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 N/A +bos the restaurant should be in the expensive price range eos O O O O O O O B-Restaurant-Inform+Price O O N/A +bos i do not have any in the centre , another criteria perhaps ? eos O O O O O O O O B-Restaurant-NoOffer+Area O O O O O general-reqmore +bos how about african food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos i was able to find bedouin , would you like to try that ? eos O O O O O O B-Restaurant-Inform+Name O O O O O O O O N/A +bos that would be great , could you just give me their number ? eos O O O O O O O O O O O O O O N/A +bos the number is 01223367660. 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 also want to find an expensive place to stay with a star rating of 3 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+Stars O N/A +bos with that criteria , i have two different options for you . both are hotels and offer free parking and wifi . one is in the centre of town and one is south . eos O O O O O O O B-Hotel-Inform+Choice 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 O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i want one that is in the same area as bedouin , please . eos O O O O O O O O O O O O O O O N/A +bos the gonville hotel is in the centre which is the same area as bedouin . 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+Area O O O O O O O O O O O O O O O O O O Booking-Inform +bos yes , please book that for 8 people starting friday for 3 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 O N/A +bos i am sorry that is not available . would you like to try another day or a shorter stay 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-NoBook,Booking-Request+Stay,Booking-Request+Day +bos yes , please try again for only 2 nights and see if that works . eos O O O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A +bos all set for 2 nights at the gonville . your reference number is 1kwo1ipe . 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 thank you , that 's all i need today ! eos O O O O O O O O O O O general-thank +bos excellent , glad cambridge towninfo centre could be of help . 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 from stevenage for a trip to cambridge . eos O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O N/A +bos there are several trains to your specifications . what day and time would you like 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 Train-Request+Leave,Train-Request+Day +bos i need to leave on wednesday after 10:45 eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos the earliest train that meets your needs is tr6473 , leaving at 11:54 and arriving in cambridge at 12:43. would you like to book passage on that train ? eos O O O O O O O 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 O O O O O O Train-OfferBook +bos yes i would . there are 3 of us traveling . could we get a private area on 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 Train-Inform +bos certainly , do you have a price range in mind ? eos O O O O O O O O O O O O N/A +bos for the train , no . and i made a mistake . i only need a booking for 1 person . 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 N/A +bos not a problem at all . booking for one person was successful , the total fee is 12.8 gbp payable at the station .reference number is : 8wysleg0 . anything else today ? eos O O 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 O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos i also need a place to dine . i 'm looking for something cheap in the south . 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 N/A +bos i have found 2 options for you : the lucky star , which serves chinese food , and nandos , which serves portuguese food . shall i make a reservation for one of them ? eos O 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O O Booking-Inform +bos please book nandos . eos O O O O O N/A +bos sure . what say and time are you thinking ? and for how many people ? eos 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 actually , i 'll take care of the reservation . can i just get the phone number and address for nandos , 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+Phone,Restaurant-Request+Addr +bos yes , the phone number is 01223327908 , and the address is cambridge leisure park clifton way . can i help with anything else ? 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 O O O O O O O O O O general-reqmore +bos no , that was all the information i needed . 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 O general-thank +bos you too , goodbye . eos 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 ok , and what part of the city would you like to stay in ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area +bos downtown . in a guest house maybe . eos O O O O O O O O O N/A +bos i 'm sorry , can you be more specific ? our city is divided into north , west , east , south and centre . eos 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 Hotel-Request+Area +bos i do n't have a certain area in mind . but , i would like it to have 4 stars and that it is a guesthouse and not a hotel . 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 B-Hotel-Inform+Type O O O O O O O O N/A +bos great , i have 18 options for you ! eos O O O O O B-Hotel-Inform+Choice O O O O N/A +bos okay , thank you ! will you please book it for 5 people for 4 nights , starting tuesday ? 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 do you have a price range ? the prices range from cheap to expensive . eos O O O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O Hotel-Request+Price +bos yes expensive and also looking for places to go nearby eos O O O O O O O O O O O N/A +bos the only 4 star guest house i found in the centre of town is a cheap one- the alexander bed and breakfast . shall i book that for you ? eos O O B-Hotel-Inform+Choice I-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 O O O B-Hotel-Inform+Price 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 O O O O O O O Booking-Inform +bos yes . book for 5 people , 4 nights and starting on tuesday . eos O O 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 ok , the booking was successful . reference number is : nmt6hx2v . 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-reqmore +bos i need to book a car eos O O O O O O O N/A +bos alright , shall i call a taxi or a bus for you ? eos O O O O O O O O O O O O O O N/A +bos a taxi that should leave by 05:30 eos O O O O O O O B-Taxi-Inform+Leave N/A +bos what will be your destination ? eos O O O O O O O Taxi-Request+Dest +bos wait , i need to find a museum in the centre first , then i can get a taxi . i 'm very sorry , i got a little ahead of myself . 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 O N/A +bos there are 11 museums in the center . i recommend the whipple museum of the history of science for hours of fun . do you need more information ? 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 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 O general-reqmore +bos yes , can i please have the phone number for the whipple museum of history ? 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 I-Attraction-Inform+Name Attraction-Request+Phone +bos the phone number to the whipple museum of the history of science is 01223330906. can i assist you 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 I-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 O O general-reqmore +bos okay , let 's book the taxi now . i need to get 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 okay . i will work on getting this booked and be right back with you . eos O O O O O O O O O O O O O O O O O N/A +bos i want to leave the whipple museum of the history of science at 05:30 to go to the alexander bed and breakfast , 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 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 ? eos O O O O O O O O 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 yes that 's correct . can i also have the phone number and type of car that will be picking me 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 Taxi-Request+Phone +bos yes , you will be picked up in a black honda and their contact number is 07420056662. 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 O B-Taxi-Inform+Phone O O O O O O O O O O O N/A +bos no thank you . thanks for everything ! bye ! eos O O O O O O O O O O O general-bye +bos you are very welcome . it has been a pleasure assisting you today . enjoy your trip and 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 O O general-reqmore +bos hi , what options are available in the south of cambridge for upscale dining ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O O N/A +bos is there a particular cuisine you are looking for ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i 'm not picky , just let me know a few types of cuisine that are in 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 N/A +bos peking restaurant as well as the good luck food takeaway serve chinese food . taj tandoori serves indian , and frankie and benny 's serves italian . there is also a mexican restaurant , chiquito . eos O O O O 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+Food I-Restaurant-Recommend+Food B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos frankie and benny 's sounds good . what is the phone number for that restaurant ? 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 to frankie and bennys is 01223412430. eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone N/A +bos thank you . i also need a train to cambridge arriving at 10:15 on thursday . eos O 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 N/A +bos what is your departure location ? eos O O O O O O O Train-Request+Depart +bos i need to depart from stansted eos O O O O O O B-Train-Inform+Depart N/A +bos tr0031 departs stansted airport at 09:24 and arrives in cambridge at 09:52. would you like me to book it 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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos could you please tell me the price for that train ? eos O O O O O O O O O O O O Train-Request+Price +bos the ride will cost you 10.10 pounds . can i book it for you ? eos 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 , that 's all i need right now , thanks . 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,general-greet +bos i am looking for a free entertainment . eos O 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 never mind that for now . i need a hotel in the centre that includes free wifi and in the expensive price range . eos 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 B-Hotel-Inform+Price O O O O N/A +bos how about the gonville hotel ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos that 's fine . i 'll need it booked for sunday , 3 nights , and 6 people , please ? eos 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 O O O N/A +bos sure thing i have your reservation number . it is fvn5jev0 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos hi how are you ? may i help you sir ? eos O O O O O O O O O O O O general-greet +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 i need a train from london kings cross to cambridge for sunday to arrive in cambridge by 20:45 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+Dest O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O N/A +bos okay the tr1681 leaves at 19:17 and arrives at 20:08. 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 i will need 6 tickets . eos O O O O O B-Train-Inform+People O N/A +bos reference number is : 4auyl0vx . what else can i do for you ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos that was all i needed . thank you so much for all the assistance . eos O O O O O O O O O O O O O O O O general-thank +bos thanks for using us . have a nice trip . eos O O O O O O O O O O O general-greet +bos i 'm looking for a restaurant in the center of town that serves food from the americas . eos 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 N/A +bos i 'm sorry , but there are no restaurants that meet your requirements . would you like to broaden your search 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 Restaurant-NoOffer +bos yes , let 's look for an italian restaurant in the same area . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos 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 ? eos O O O O O O O O O O O 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 you check again to see if there are any italian restaurants in the center of town ? eos 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 are 9 italian restaurants which are centrally located , do you have a 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 Restaurant-Request+Price +bos no , any of those are fine . could i get the address for one of them ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos zizzi is located at 47-53 regent street . can i help you with anything else ? eos O B-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 general-reqmore +bos yes , i also need a train that will be departing from kings lynn on monday . 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+Day O O N/A +bos there are 19 trains leaving kings lynn on friday . where would you like to go ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O Train-Request+Dest +bos i would like a train headed to cambridge that arrives by 9:30. eos O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos yes i have a train that arrives in cambridge by 08:58. all other trains arrive after 09:30. would you like me to book it for you ? eos O 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 O O O O O O O O Train-OfferBook +bos yes . i want to book 6 people . i need the reference number as well . eos 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 for tr4758 , the total fee is 58.8 gbp payable at the station . your reference number is : s080h7ht . is there anything else i can help with ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos this is all i need for now , 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 will be in cambridge and i am looking for a boat eos O O O O O O O O O O O O O N/A +bos great ! i can help you with that . we have boats located in the east , north , and centre area . which area you prefer ? eos O O O O O O O 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 O O Attraction-Select +bos how about in the north ? eos O O O O O B-Attraction-Inform+Area O N/A +bos okay , the riverboat georgina is located in the north on cambridge passenger cruisers , jubilee house . post code is cb43ax and phone number is 01223902091. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O N/A +bos thanks for the info ! i also need a place to stay in the centre of town . i 'm looking for something in the expensive price range . 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 B-Hotel-Inform+Price O O O O O O N/A +bos we have a three star and a four-star hotel . did you have a preference ? eos 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 i do not care it should be in the centre and should be in the expensive price range . 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 found a hotel that fits your need . would you like for me 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 Booking-Inform +bos no , would you be able to look into another hotel for me ? do you have any hotels that have 0 stars and are in the moderate cost range ? 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+Stars O O O O B-Hotel-Inform+Price O O O O O N/A +bos i have found 1 hotel that meets your needs . it is cityroomz . would you like me to book it for you ? eos O O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform +bos no thank you . i would just like the number and postcode for cityroomz . eos O O O O O O O O O O O O O O O O Hotel-Request+Post +bos okay , the phone is 01223304050 and postcode is cb12tz eos O O O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O N/A +bos okay , that 's all i need . thanks , bye eos O O O O O O O O O O O O general-bye +bos have a wonderful time . eos O O O O O O general-bye +bos i need to book a taxi leaving from the oak bistro please . 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 certainly . what time would you like the taxi to 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 Taxi-Request+Arrive +bos a taxi that arrives by 15:00 , the taxi is just for me eos O O O O O O B-Taxi-Inform+Arrive O O O O O O O N/A +bos i can look it up , could you tell me where you would like to go please ? 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 would like to go to la mimosa . eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos thank you . i have booked a grey honda for you for that time . is there anything else i can 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 O O O O O O O O O O general-reqmore +bos could i have the contact number for the car ? eos O O O O O O O O O O O N/A +bos sure . the contact number is 07748558756. eos O O O O O O O B-Taxi-Inform+Phone N/A +bos thanks , that 's all i need . 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 can you find me a guest house ? eos O O O O O O O O O N/A +bos their is acorn guest house in the north , they are located at 154 chesterton road and their number is 01223353888 eos O 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Phone O N/A +bos ok is the acorn guest house a 4 star moderate priced hotel with free parking eos O O 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 O O N/A +bos yes , it is a moderately priced 4 star guesthouse . they offer free parking and internet . eos 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 O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'd like to book it for 2 people for 2 nights starting wednesday . 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 i was able to book that , reference number is c0soopr7 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great ! i 'd also like to find a restaurant in the same price range . eos O O O O O O O O O O O O O O O O O N/A +bos there are many moderately priced restaurants available . is there a particular type of food you would like ? 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 Restaurant-Request+Food +bos the restaurant would need to serve kosher food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm not finding anything in the price range and area that serves kosher food . would you like to try a different price range ? 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 O Restaurant-Request+Price +bos how about one that serves british food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm not finding any moderately priced british restaurants in the north , either . would you like me to look for something else , or a different price range ? eos O O O O O B-Restaurant-NoOffer+Price I-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 O O N/A +bos yes , can you look at five star restaurants offering either kosher or british 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 '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 ? eos O O O O O 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 ok , let 's start over . i do n't want to cause confusion . i am looking for a moderately priced restaurant in the centre of town that serves kosher food . can we try that ? 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 B-Restaurant-Inform+Area 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 have any matches for that , would you like to try another option ? 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 how about a restaurant that serves british food 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 N/A +bos i have 4 listings for british food in the centre of town . eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos okay , please pick one for me . eos O O O O O O O O O N/A +bos shall i book one ? if so on what day ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Inform +bos wednesday , for 2 people . at 16:30. eos O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O N/A +bos among the four restaurants , i can not book for 1630 , is there another time you would like to aim for ? eos O O O B-Restaurant-Inform+Choice 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+Time +bos how about 15:30 ? please send me the reference number once booked . i am also going to need a taxi that will get us to the restaurant by booking time . eos O O 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 O O N/A +bos ok , you 're booked at cotto , refrence number uh4ihwmg . a red volkswagen should be coming to the acorn to take you there , contact number 07499457879. anything else i can help with ? eos O O O O O B-Booking-Book+Name O O B-Booking-Book+Ref O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Depart 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 , thanks . that does it for me . take care . goodbye . eos O O O O O O O O O O O O O O O O general-bye +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 hi , i am looking for a cheap restaurant in the town centre please . eos 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 cheap restaurants in the town center . is there a particular cuisine you prefer ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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+Food +bos i prefer creative food , please . eos O O O B-Restaurant-Inform+Food O O O O N/A +bos so sorry , i 'm not seeing any creative restaurants . will a different cuisine do ? 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 Restaurant-Request+Food +bos how about one that serves indian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos we have 3 located in the centre . kohinoor , the gandhi , and mahal of cambridge . do any of these fancy you ? eos O O O O B-Restaurant-Inform+Choice 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 Restaurant-Select +bos the kohinoor sounds good . can you reserve a table for 4 on wednesday ? let 's say ... 18:30 for the time if it 's available . eos O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O O O O O O O O O O O O N/A +bos i 'm sorry , that is n't available . can i try a different day or time perhaps ? 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 try 17:30 , okay ? eos O O B-Restaurant-Inform+Time O O O N/A +bos your reservation has been booked on wednesday for 4 people at 17:30. reference number is m3tw6mpa . eos O O O O O O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People O B-Booking-Book+Time O O O B-Booking-Book+Ref O N/A +bos i 'm looking for a moderately priced restaurant in the center 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 21 different restaurants in that area matching your price range . what kind of food are you in the mood 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 O O O Restaurant-Request+Food +bos i would like to try jamaican food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos unfortunately i ca n't find any jamaican restaurants . is there another type of food you 'd like to try ? 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 Restaurant-Request+Food +bos okay ... how about british food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i found 4 restaurants , would you like to try cotto ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Name O O N/A +bos sure , can you try to get a table for 8 people at 17: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 O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : iauxalyd . 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 , can i also get a train leaving petterborough and arriving by 11:15 eos O O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos there are eleven trains that match that criteria . what time would you like your departure time to be ? 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 Train-Request+Leave +bos i just need to make sure i arrive in cambridge by 11:15 please . eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A +bos before going further i would just like to confirm you 'd be leaving on tuesday , is that correct ? 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 yes , tuesday , the same day as the restaurant booking , can i please get a departure time as well ? eos O 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 Train-Request+Leave +bos there is a train that leaves at 10:19 and arrives at 11:09. would you like to 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 O O Train-OfferBook +bos yes , please book this . eos O O O O O O O N/A +bos absolutely . how many tickets would you like to be booked ? eos O O O O O O O O O O O O O Train-Request+People +bos that 's all i need , thank you . eos O O O O O O O O O O N/A +bos sure thing ! the reference number is s4fm08ge . see you ! eos O O O O O O O B-Train-OfferBooked+Ref O O O O O general-bye +bos hello ! what can you tell me about the shiraz restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos well it 's in the expensive price range , they serve mediterranean food and it 's located in the centre . would you like the address and phone number as well ? eos 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 O B-Restaurant-Inform+Area O O O O O O O O O O O O O O O general-reqmore +bos sounds good ! i 'd like to book a table for four at 14:00 on monday . 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 there are no reservations available at that time . would you like to adjust this ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos could you change the time to 13:00. eos O O O O O O O B-Restaurant-Inform+Time N/A +bos i was able to successfully book that for 13:00 on monday . your reference number is txipl225 . is there anything else i can help you with ? 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 O O general-reqmore +bos great i am also looking to find the arbury lodge guesthouse . 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 4 star guesthouse located at 82 arbury road . do you need me to book a room for you ? eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 O O O O O O O Booking-Inform +bos yes . can you book for 4 people for 2 nights starting on 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 O N/A +bos the booking was successful . the reference number is 8q18sido . anything else i can do for you ? 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 general-reqmore +bos that 's all i need , thank you very much ! eos O O O O O O O O O O O O general-thank +bos your welcome . please contact us again if we can help you with anything . eos O O O O O O O O O O O O O O O O general-welcome +bos can you tell me where the cambridge contemporary art gallery is located ? eos 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 yes , it is located at 6 trinity steet , postcode cb21su . 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 B-Attraction-Inform+Post 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 Attraction-Request+Phone +bos the phone number is 01223324222. eos O O O O O B-Attraction-Inform+Phone N/A +bos what is their entry fee ? eos O O O O O O O N/A +bos the entrance fee is free . eos O O O O O B-Attraction-Inform+Fee O N/A +bos i also want a place to stay which has a parking and has a star 4 eos O O O O O O O O O O O O O O O O O N/A +bos i have 19 places that match that criteria . is there any area 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 Hotel-Request+Area +bos i would like for it to include free parking . the area does n't matter . 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 Hotel-Request+Area +bos acorn guest house offers free parking . it 's in north part of town and is moderately priced . eos 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 O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O Hotel-Recommend+Parking +bos okay thank you . can i have the postcode and phone number ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos yes . the postcode is cb41da and the phone number is 01223353888. eos 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 i would like 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 i need to know depart place and destination , as well as what time ? eos 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 cambridge contemporary art gallery to acorn leaving at 21.15 eos 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 O N/A +bos i was able to book a taxi for you , a yellow lexus . the contact number is 07618334504. may i help you with 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 B-Taxi-Inform+Phone 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 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-reqmore +bos are there any trains on wednesday that travel from norwich to cambridge ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos there are several trains traveling from norwich to cambridge on wednesday . is there any particular time you are looking for ? the earliest is 5:16. eos O O O B-Train-Inform+Choice I-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 B-Train-Inform+Leave O O Train-Request+Leave +bos the train should arrive by 14:30 please . eos O O O O O O B-Train-Inform+Arrive O O N/A +bos the tr118 arrives at 10:35. does that work for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O general-reqmore +bos i think that will work . what is the departure time of that train ? eos O O O O O O O O O O O O O O O O Train-Request+Leave +bos that train leaves at 9:16. would you care to book passage ? eos O O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos yes please , can i get my train id ? i 'm also want to look for a restaurant that serves corsica with a moderate 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 B-Restaurant-Inform+Price O O O O O O Train-Request+TrainID +bos your train id is tr1180 . am i correct that you will only be needing one ticket ? eos O O O O O B-Train-Inform+Id O O O O O O O O O O O O O Train-Request+People +bos i do n't need a ticket right now . but can you tell me if there are any moderately priced restaurants in the center of town that serve corsica food ? 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 B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry , there are n't . another type of food , perhaps ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos well , let 's try a restaurant that serves international food . still 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 O O N/A +bos the varsity restaurant and bloomsbury restaurant are both moderately priced international restaurants in the center of town . would you like a reservation at one of these ? eos O O O O O B-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 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 varsity restaurant . please make a reservation for 2 people at 18: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 O N/A +bos unfortunately , i am unable to book for that day/time . would you like to book your table 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 O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos could you please try for 17:15 on the same day ? eos O O O O O O B-Restaurant-Inform+Time O O O O O N/A +bos booking was successful at the varsity restaurant for 17:15. the table will be reserved for 15 minutes . your reference number is : 8c739hb9 . can i help with anything else ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time 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 no , thank you . that was all i needed . thank 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 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 a cheap restaurant that serves portugese food . eos O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos i have 2 , one in the south and one in the centre of town . both are cheap and serve portuguese food . eos O 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 B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O N/A +bos could you book a reservation for me ? i would like a reservation for 6 people at 14:00 on wednesday . may i also have the reference number ? 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 O O O O O O O Restaurant-Request+Ref +bos i have reserved your table . your reference number is trqqxobm . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks for that , i am also looking for a train that should arrive by 14:15 and should leave on thursday . eos O O O O 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 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 traveling from cambridge to peterborough . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos we have many trains that fit your needs . the latest one you could take would be the tr9792 which would have you arriving at 13:56. eos O O O B-Train-Inform+Choice O O 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+Arrive O N/A +bos ok , thanks . when does that train depart ? eos O O O O O O O O O O O Train-Inform +bos the train departs cambridge at 13:06. eos O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos thank you . can you please book that train for me ? eos O O O O O O O O O O O O O Train-Inform +bos yes , of course . how many tickets would you like booked ? eos O O O O O O O O O O O O O O Train-Request+People +bos i need 6 tickets . eos O O O O B-Train-Inform+People O N/A +bos booking was successful for tr9792 , the total fee is 99 gbp payable at the station . your reference number is : bkxnwe2o . do you need any further assistance ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos no , i think 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 O O general-thank +bos okay great . enjoy your travel and thank you for calling . eos O O O O O O O O O O O O O general-bye +bos thank you . eos 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 good morning , i am looking for a place to on the east side that has entertainment eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type O N/A +bos ok , cherry hinton hall and grounds is in the east side 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 O O B-Attraction-Inform+Area O O O O O O O O O O O N/A +bos yes , and the postcode please ! eos O O O O O O O O Attraction-Request+Post +bos cb18dw is their postcode . eos O B-Attraction-Inform+Post O 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 great day ! goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'd like more information about the ashley hotel , can you help ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A +bos the ashley hotel is a moderately priced 2-star hotel in the north part of town . it offers free wifi and free parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars O 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 that is what i am looking for . i need to book for 2 nights starting on wednesday . four people will be staying . please give a reference number . 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 O O O O O O O O O O O N/A +bos ok , your reservation is booked , your reference number is fcqzw2ot . 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 yes . i 'm also looking for an expensive restaurant in the west side of the city . 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 we have nine restaurants that match your search . do you have another preference ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O general-reqmore +bos yes . i would like to eat indian food . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos the tandoori palace meets your criteria . it is located at 68 histon road chesterton . 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 N/A +bos please book a table for 4 at 15:15 on wednesday . eos O O O O O O O O O O O O N/A +bos alright , now have a reservation for four people at the tandoori palace at 3:15 on wednesday . is there anything else i can assist you with ? eos O O O O O O O B-Booking-Book+People I-Booking-Book+People O O 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 general-reqmore +bos yes , please provide the me the reference number for the reservation . eos O O O O O O O O O O O O O O N/A +bos all booked ! the reference number is o9wm39xj . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks , that was all i needed . have a nice day . eos O O O O O O O O O O O O O O general-thank +bos you 're welcome . you also have a nice day . thanks for using our service . eos O O O O O O O O O O O O O O O O O O general-welcome,general-greet +bos no problem . i 'm glad i did . eos O O O O O O O O O O N/A +bos thank you , goodbye ! eos O O O O O O general-welcome,general-bye +bos hello , i am looking for a restaurant in the town centre that serves british food . 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 N/A +bos there are 7 restaurants in the centre of town that serves british food . is there any particular price range you are looking for ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Price +bos yes , i 'm looking for a moderately priced restaurant with british food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O N/A +bos i can recommend restaurant one seven . would you like to book a table with them ? 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 Booking-Inform +bos sure . i will be booking 3 people at 17:45 on wednesday . could i also get the reference number , 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 O O O O O O O O O N/A +bos your reservation is complete for a party of 3 at 17:45 at a british restaurant one seven in centre , and your confirmation # is vljlk60e . eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a hotel in the same price range as the restaurant . eos O O O O O O O O O O O O O O O N/A +bos there are 18 hotels in the moderate price range , would you like me to narrow these down by searching other amenities or location ? 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 general-reqmore +bos i would like something that is 2 stars and includes free parking . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos i have 2 options with those specifications . the ashley hotel and the lovell lodge both with free wifi and parking . which would you prefer ? 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 O O O O O O Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos could you book a room for 2 people , 2 nights on wednesday at the ashley , please ? 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 N/A +bos book was unsuccessful . would you like to try the lovell lodge ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Inform +bos sure , lets try that instead . eos O O O O O O O O N/A +bos i was unable to book the lovell lodge for you on wednesday . do you want to try a different day or a shorter stay ? 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+Stay,Booking-Request+Day +bos can you try the lovell lodge for the wednesday , please ? eos O O O O O O O O O O O O O N/A +bos i am sorry . lovell lodge still has no bookings available for wednesday . would you like to try a different hotel ? 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 general-reqmore +bos yes , i need a 2 star hotel for 3 people for 2 nights on wednesday , moderately priced , with free parking . eos O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day B-Hotel-Inform+Price O O O O O O O N/A +bos ok , i have you booked in the ashley hotel . the reference number is : keh2f5z2 . 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 O general-reqmore +bos i think that 's all i need . thank you . eos O O O O O O O O O O O O general-thank +bos my pleasure , enjoy your trip . eos O O O O O O O O general-bye +bos i am looking for a moderately priced restaurant in the cambridge area . i really like european food . eos 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 O N/A +bos the hotel du vin and bistro meets your needs . would you like to 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 O O O Booking-Inform +bos can you first tell me where it is located ? it needs to be in the centre part of cambridge . 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 N/A +bos yes . it is located at 15 - 19 trumpington street . 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 general-greet +bos what is the postcode ? eos O O O O O O Restaurant-Request+Post +bos the postcode is cb21qa . 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 general-reqmore +bos what is the type of hotel ? eos O O O O O O O O Hotel-Request+Type +bos the hotel is european , located in the centre , and is moderate in priced . is there anything else i can do for you ? eos 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 O O O O O O O O O O O general-reqmore +bos how many stars does the hotel have ? i am looking for a zero star hotel . eos O O O O O O O O O O O O O O O O O O N/A +bos it does not have a star rating . eos O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O N/A +bos can you please book the restaurant ? eos O O O O O O O O Restaurant-Inform +bos 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 ? eos O O O O O O O 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+Time +bos i will be there on sunday . it 's just me . eos O O O O O O O O O O O O O N/A +bos what time on sunday shall i book a table ? eos O O O O B-Booking-Inform+Day I-Booking-Inform+Day O O O O O Booking-Request+Time +bos i do n't know where my head was , i do n't need a reservation . thanks . i do need a 0 star hotel in the centre though . 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+Stars O O O B-Hotel-Inform+Area O O O O O N/A +bos i would recommend cityroomz as it fits your criteria . it has 0 stars 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 B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos what 's the hotel type and postcode ? eos O O O O O O O O O Hotel-Request+Post,Hotel-Request+Type +bos cityroomz is just a hotel and its postcode is cb12tz . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Post O N/A +bos fantastic , that 's all i needed , thank you . eos O O O O O O O O O O O O general-thank +bos you are welcome and have a great day . bye . eos O O O O O O O O O O O O general-welcome,general-bye +bos hi , this is a two-fer . i need to find a hotel that offers both 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 N/A +bos there are 29 different options , anything else that we can search for to narrow this down ? 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+Stars,Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Type +bos yes , it needs to be cheap with 0 stars ! eos O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O N/A +bos i have 2 locations . one is in the north and one in the centre . do you have a preference of area ? eos O O O O O B-Hotel-Inform+Choice I-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 Hotel-Select +bos what type of hotels are they ? eos O O O O O O O O Hotel-Request+Type +bos both are guesthouses . eos O O O B-Hotel-Inform+Type O N/A +bos which one do you suggest ? eos O O O O O O O N/A +bos i would suggest el shaddai . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos ok great . what is the postcode and what area is it in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Post +bos it is in the north and the past code is cb43ht . eos O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Post O N/A +bos i am also looking for a particular restaurant . eos O O O O O O O O O O Restaurant-Inform +bos do you know the name ? eos O O O O O O O Restaurant-Request+Name +bos yes , it 's called graffiti . eos O O O O B-Restaurant-Inform+Name O O O N/A +bos ah , yes , graffiti . great place , they just repainted . would you like to book a reservation ? eos O O O B-Booking-Inform+Name O O O O O O O O O O O O O O O O O O N/A +bos i want to know the food type and area eos O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food,Hotel-Request+Type +bos graffiti serves british food and it 's in the west . would you like any additional information ? 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 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 enjoy your stay in cambridge . eos O O O O O O O general-bye +bos i need to find a place to sleep on the east side , it doesnt matter is the parking is free or not . 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 N/A +bos there are 7. would you like to stay in a guesthouse , or a hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos i think a guesthouse would be more personal . eos O O O O B-Hotel-Inform+Type O O O O O N/A +bos i 'd recommend the autumn house . it 's a guesthouse in the east . would you like to book a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+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 no thanks . i just need the price range , 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+Price +bos the autumn house is a cheap guesthouse located in postcode cb58rs . the phone number is : 01223575122. are you sure i ca n't help you with 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 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 Booking-Inform +bos no thank you . could you tell me about russian restaurants in the east ? eos 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 no russian restaurant in the east eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area N/A +bos are there any expensive restaurants ? eos O O O O B-Restaurant-Inform+Price O O N/A +bos yes the are some in the east , what type of food do you like ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Food +bos i am a big fan of british food . do you have an expensive one in the east ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos the grafton hotel restaurant is a british restaurant in the east area , would you like me to book it for you ? eos 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O Booking-Inform +bos yes please book it for monday at 12:00 for 4 people please . eos 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 i am unable to book you for that time . would you like a different day ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos could you try wednesday ? eos O O O O B-Restaurant-Inform+Day O N/A +bos that is n't available either . would like to try a different time of day ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos how about 12:00 ? eos O O O O O N/A +bos monday just became available so i booked it before someone else does . let me know if that wo n't work for you . the table will be reserved for 15 minutes.reference number is : camfofy8 eos O B-Booking-Book+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 O O O B-Booking-Book+Ref O O O general-reqmore +bos great ! ! thank you so much . that 's all i need today . eos O O O O O O O O O O O O O O O O general-thank +bos awesome , thanks for your patience and thank you or visiting cambridge . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos yes , can you help me with my hotel plans ? eos O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos 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 ? eos O O O O O O O O O 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 want to stay in cambridge and i need a cheap hotel . eos O O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos i have about 10 options of cheaper rooms . most are guesthouses and 1 is a hotel . do you prefer one over the other ? eos 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 B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Type +bos i prefer a hotel . preferably one with free parking . eos O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos is there a particular side of town you prefer ? eos O O O O O O O O O O O Hotel-Request+Area +bos i would like to be in the center . eos O O O O O O O O O O N/A +bos the hotel is located in the west . would you like a guesthouse instead ? eos O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Request+Type +bos after rethinking some things , i actually would like an expensive hotel in the centre . i 'd still like free parking as well . are any available ? eos 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 O O O O O O O O N/A +bos i have two . would you prefer 3 or four stars ? eos O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Select+Stars I-Hotel-Select+Stars O O N/A +bos i am looking for a nice bistro in cambridge , moderately priced would be good . eos O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O N/A +bos unfortunately i do n't have anything in that price range eos O O O O O O O O O O O Restaurant-NoOffer +bos there 's nothing moderate in all of the centre area ? or just bistro food ? eos O O O O O O O O O O O O O O O O O N/A +bos we have 31 moderately priced restaurants in the center , just no bistro , sorry . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O B-Restaurant-NoOffer+Food O O O O N/A +bos is there a gastropub in that area instead ? eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos yes , we have one and it 's called the cow pizza kitchen and bar . would you like for me to book a reservation for you ? 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 O O Booking-Inform +bos yes , let 's book a table for 6 people at 14: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 O N/A +bos alright , your reservation is made with reference number v76utc2c . 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 general-reqmore +bos i also need a hotel room for two nights and 1 person and must 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 what area do you need it to be in ? eos O O O O O O O O O O O Hotel-Request+Area +bos in the centre please eos O O O O O N/A +bos what price range ? eos O O O O O Hotel-Request+Price +bos not price specific but i want something 0 star . eos O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i think el shaddai would be perfect for you . it 's in the centre of town , 0 star , and has free wifi and parking . can i book 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 O B-Hotel-Recommend+Stars 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 does it have internet ? eos O O O O O O Hotel-Request+Internet +bos yes it does and is included in the price ! eos O O O O O O O O O O O Hotel-Inform+Internet +bos could i have the phone number and type of hotel ? also need a taxi to the restaurant and arrive by the booked time . 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 O O O Taxi-Request+Car,Hotel-Request+Phone,Hotel-Request+Type +bos the phone number is 01223327978. eos O O O O O B-Hotel-Inform+Phone N/A +bos thank you that will be all eos O O O O O O O general-thank +bos okay , but do you still need a taxi ? eos O O O O O O O O O O O general-reqmore +bos yes 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 O O Taxi-Inform +bos to which direction will you be going ? eos O O O O O O O O O Taxi-Request+Dest +bos going from el shaddai to the cow pizza kitchen and bar , and i need to arrive in time for my reservation 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 O O O O O Restaurant-Inform +bos okay i will look into this for you and be back in a moment . eos O O O O O O O O O O O O O O O O N/A +bos thank you . i appreciate your quick response . eos O O O O O O O O O O general-thank +bos it looks like you will arrive by 14:45. your booking is complete and the car type is grey audi . the contact number is 07534462642. eos O O O O O O O O B-Taxi-Inform+Arrive 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 is there any train to stevenage that leaves after 15:45 ? eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A +bos what day would you like the train for ? eos O O O O O O O O O O Train-Request+Day +bos i will be travelling from cambridge on saturday , eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr4216 leaves at 17:21. does 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 what time will it arrive ? eos O O O O O O O Train-Request+Arrive +bos the train will arrive by 18:10 eos O O O O O O B-Train-Inform+Arrive N/A +bos thanks ! i 'm also looking for a place to eat in the centre if you do n't mind . eos O 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 there are lots to choose from . first , may i ask if you have a certain type of cuisine 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 'd like a modern european restaurant . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos riverside brasserie serves modern european food . would you like me to book seats ? eos O B-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 O O O O Booking-Inform +bos yes , please . 8 people at 12:00 on saturday . 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 successful . the table will be reserved for 15 minutes . reference number is : 2q3dvufc . 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 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 thank you for calling . if you need additional assistance , please feel free to call again . have a great time 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 O O O O O general-welcome,general-bye +bos i need a place to stay in the east . oh i need free parking , thank you . eos 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 okay . what price range are you looking for ? i have many options . eos O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O Hotel-Request+Area +bos well i would like a guesthouse and i do n't have to have internet . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos i have 5 options for you , i can narrow it down by price , would you prefer a cheap room or a moderately priced room ? 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+Price +bos it really does n't matter . can you recommend one ? eos O O O O O O O O O O O O N/A +bos i would recommend the autumn house . it 's a cheap guesthouse in the east that is 4 rated . they offer free parking and wifi . can i make you a reservation ? eos O O O 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 O 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+Internet,Hotel-Recommend+Parking,Booking-Inform +bos yes please , i need 5 people to stay for 3 nights starting on thursday eos O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos you are booked , the reference number is u9eubhwc , 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 N/A +bos i am also looking for a place called nandos , it is a restaurant . eos O O O O O O O O O B-Restaurant-Inform+Name O O O O O O N/A +bos i 'd be happy to help with that ! nandos is a portuguese restaurant . they have two locations , one in the south and one in the centre . would you like to book one of them ? 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+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform +bos i have no preference , i just need it booked for 5 people at 13:00 on thursday . eos 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 N/A +bos i am sorry i am having trouble booking this . eos O O O O O O O O O O O Booking-NoBook +bos okay why do n't you try for saturday instead then ? eos O O O O O O O B-Restaurant-Inform+Day O O O O N/A +bos unfortunately , i am unable to book either location . would you like to try another portuguese restaurant ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook,Restaurant-Request+Food +bos can you try again ? i would really like to try this restaurant . i have heard really good things about the 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-Inform +bos thanks for your patience , there was a system issue that was just fixed , booking is set , the reference number is qdz7fbso , 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 B-Booking-Book+Ref O O O O O O O O general-reqmore +bos that was everything . thank you eos 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 thank you . thanks again for your help . eos 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 i am looking for a train going 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 N/A +bos i have many trains available between cambridge and liverpool street . 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 B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O Train-Request+Day +bos i would like to travel on tuesday and i would like to arrive by 20:15 please . eos 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 i have train tr7299 that leaves at 5:59 and arrives at 7:27. would you like to book that ? eos O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O O O O O O N/A +bos do you have a train that arrives closer to 20:15. eos O O O O O O O O O O B-Train-Inform+Arrive N/A +bos yes , tr9561 arrives at 19:27. would you like to book that train ? eos O O O B-Train-Inform+Id I-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Arrive O O 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 will you needing a reference number ? eos O O O O O O O O general-reqmore +bos yes please . i 'm also looking for a hotel in the west . i need free parking and wifi available . thanks so much . eos O O B-Hotel-Inform+Internet 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 your train was booked successfully for 7 people . your reference number is mqrgdbza . there are many hotels located in the west . are you looking for something in a certain price range ? eos O O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O O O O O O O O Hotel-Request+Price +bos a 3 star hotel in the cheap price range eos O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O Hotel-Request+Price +bos im sorry i have nothing matching that criteria can we adjust the amenities ? eos O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos i need to find a moderate priced hotel to stay at . eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos in what area of town are you looking to stay ? eos O O O O O O O O O O O O Hotel-Request+Area +bos in the south are of town . eos O O O B-Hotel-Inform+Area O O O O N/A +bos aylesbray lodge guest house is a nice place eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O N/A +bos does it have free parking ? eos O O O O O O O N/A +bos yes they do offer free parking . 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 Booking-Inform,Hotel-Inform+Parking +bos yes , on tuesday for 3 people 3 nights . eos O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O N/A +bos your reservation for 3 people at aylesbray lodge guest house this tuesday for 4 days 3 nights was successful . your reference number is : swwmg3bg . eos 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+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 N/A +bos thanks for your time and services eos 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 somewhere to go in the centere of town . eos O O O O O O O O O O O O O O N/A +bos there are lots of museums and churches to visit eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Type I-Attraction-Inform+Type O N/A +bos oh churches ! sometimes they are really beautiful inside . that sounds fun . do you know of any that might be 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 N/A +bos how about holy trinity church ? the entrance fee is free . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Fee O O N/A +bos that sounds perfect . what is the postcode ? eos O O O O O O O O O O Attraction-Request+Post +bos it is a type of a collage . postcode is cb21tq eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Post O N/A +bos thanks . is there a british restaurant near the church i can eat at ? eos O 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 , would you prefer a moderate or expensive price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A +bos i would like it to be moderate . eos O O O O O O O B-Restaurant-Inform+Price O N/A +bos may i suggest the copper kettle ? it 's very popular . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O general-greet +bos that sounds great thanks so much . eos O O O O 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,general-greet +bos yes . please make a booking for 3 people at 11:45 for 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 O N/A +bos i have your reservations set for 11:45 thursday for a party of 3 at the copper kettle . your reference number is yexs7gmq . is there anything else i can help with ? eos O O O O O O O B-Booking-Book+Time B-Booking-Book+Day I-Booking-Book+Day 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 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 most welcome ! enjoy your visit ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'm hoping you can help me dig up some information about darrys cookhouse and wine shop . 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 I-Restaurant-Inform+Name O O N/A +bos certainly ! darrys cookhouse and wine shop is an expensive modern european restaurant in the centre of town at 40270 king street city centre . would you like a reservation ? 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 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 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,general-greet +bos thank you ! what is their phone number ? eos O O O O O O O O O O Restaurant-Request+Phone +bos their phone number is 01223505015. eos O O O O O B-Restaurant-Inform+Phone N/A +bos i also need their postcode , please . eos O O O O O O O O O Restaurant-Request+Post +bos yes , of course it 's postcode is cb11ln . is there anything else i can help you with ? eos O O O O 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 would like to find a place to stay in the south area , please . eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O Restaurant-Request+Area +bos i have several places to stay available in the south . what price range would you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Request+Price +bos i want something expensive . eos O O O O B-Hotel-Inform+Price O N/A +bos it looks like the only expensive one in the south is the lensfield hotel . how does that sound ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Hotel-Select +bos yes please book it for tuesday for 4 nights and for 5 people . eos O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+People O N/A +bos i successfully booked your stay . your reference number is 8haw3ul8 . can i do anything else 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 thats all thanks eos O O O O general-thank +bos great ! if we can help you with anything else , please let us know . 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 O O O O general-bye,general-greet,general-reqmore +bos yes i 'd like to find a hotel with free parking and 5 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 O N/A +bos i 'm sorry i ca n't located anything with that criteria . eos O O O O O O O O O O O O O Hotel-NoOffer +bos can you try it in a different area please ? eos O O O O O O O O O O O Attraction-Request+Area +bos 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 ? eos O O O O O 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 do n't have a preference , but i guess we could stay in a four star hotel with free parking if we absolutely had 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 O N/A +bos we have plenty of those ! surprisingly , the 4-star places we have range in price from cheap to expensive . do you have a preference ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O 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 Hotel-Select +bos i 'm actually looking for a 5 star place . any available ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos no , i ca n't find anything with 5 stars , do you want to 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 O O general-reqmore +bos sure , let 's try a 4 star hotel . eos O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos acorn guest house is found in the north 154 chesterton road eos 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 B-Hotel-Recommend+Addr N/A +bos i would actually like a 4 star hotel , not a guesthouse . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A +bos how about the university arms hotel in the centre of town ? does that sound nice ? i can book you a room if you 'd like . eos 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 O O O O O O O O O O O O O O O O O Booking-Inform,general-greet +bos is the university arms a 4 star hotel ? eos O O O O O O O B-Hotel-Inform+Stars O O N/A +bos correct , it is a 4-star hotel in the centre area . would you like to book it ? eos 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 Booking-Inform +bos please book it for 8 people starting monday for 3 nights . eos 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 'm sorry , i was unable to book the hotel for the time frame that you desire . would you like to try another night 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 O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos ok , can we try 2 nights instead please ? eos O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos booking was successful.reference number is : s3t89uyv . eos O O O O O O O B-Booking-Book+Ref O N/A +bos hello ! i am looking for information about the cambridge belfry . it 's a hotel in cambridge . 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 N/A +bos certainly , it is a fantastic 4 star hotel in the west area that is very cheap with free wifi and parking ! would you like me to book it for you ? eos O O O O O O O B-Hotel-Inform+Stars O 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 O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos before you book it , can i get the address of 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 Hotel-Request+Addr +bos of course ! i have back lane , cambourne listed as the address , is there anything else i can help with 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 O O O O O O O O general-reqmore +bos no thank you , that is everything that i need . eos O O O O O O O O O O O O general-thank +bos okay , thank you , and have a great day . eos O O O O O O O O O O O O general-welcome +bos thank you , have a great day , too . eos O O O O O O O O O O O general-thank +bos would you look for me to book the cambridge belfry for you ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Booking-Inform +bos not right now . can you recommend other places to visit in the center of town though ? eos O O O O O O O O O O O O O O O O O O O N/A +bos i 'd recommend the man on the moon concert hall on 2 norfolk street . 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+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos could i get the phone number for the concert hall 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 O O O Attraction-Request+Phone +bos of course . their phone number is 01223474144. what else can i help you with ? eos O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos nothing , that should be all today , thanks ! 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 good day . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos i am going to be visiting cambridge and i would love to find a theatre to go to . can you help me ? 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 N/A +bos the cambridge arts theatre in the centre is very popular . would you like more information about it ? 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 O O O O O O O O O general-reqmore +bos that sounds like a place i would enjoy . can you 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 sure , it 's located at 6 saint edward 's passage . 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 O O O O O O O O general-reqmore +bos yes , please provide info on a hotel called city centre north b and b. 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 N/A +bos they are rated 0 stars and price in the cheap range . parking and wifi are included eos O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos can i have the area the hotel is in ? eos O O O O O O O O O O O Hotel-Request+Area +bos it looks like it is in the north part of town . any other needs today ? eos 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 O O general-reqmore +bos that would be it . thank you so much . bye ! eos O O O O O O O O O O O O O general-bye +bos you 're very welcome . i 'm so glad i was able to help 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 general-welcome,general-bye +bos please , i am looking for some entertainment when i visit next week . 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 O O N/A +bos i have dozens , what type would you prefer ? eos O O O B-Attraction-Inform+Choice O O O O O O O Attraction-Request+Type +bos pick what one you like best , and please give me the area and phone number as well as address . 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+Phone,Attraction-Request+Addr +bos nusha is in the south . they are located at unit g6 , cambridge leisure park , clifton road . their postcode is cb17dy . their phone number is 01223902158. eos O B-Attraction-Inform+Name O O O B-Attraction-Inform+Area 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 B-Attraction-Inform+Phone O O O O O N/A +bos i also need help finding a 4 star hotel to stay in while i am there . 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 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 have no preference in regards to area , it just needs to be 4 star , a guesthouse , and include free wifi eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O O O O O Attraction-Request+Area +bos okay , there are many that fit that , what is your 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 well , i want it cheaper than airbnb , so how about $ 100 a night ? eos O O O O O O O O O O O O O O O O O O N/A +bos unfortunately , we do not have such specific price ranges , but our options are divided into 3 categories : cheap , moderate or expensive . 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Select +bos any will do just fine , thank you . eos O O O O O O O O O O general-thank +bos the arbury lodge guesthouses is a beautiful 4 star guesthouse in the north that is moderately priced with free wifi and parking . can i make a reservation for you ? 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 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,Hotel-Inform+Parking,Hotel-Inform+Internet +bos not at this time . can i have the postcode ? eos O O O O O O O O O O O O Hotel-Request+Post +bos yes , the postcode for the arbury lodge guesthouse is cb42je . anything else i can help you with ? eos 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 O O O O O O O O O O general-reqmore +bos i need a taxi to commute between the two locations . can you help ? 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 . do you have a time when 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i need to leave nusha by 11:30 please . eos O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O N/A +bos i have a taxi scheduled to pick you up at nusha at 11:30. it will be a grey skoda . the contact number is 07760653408. 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 O N/A +bos good , that works for me . thank you , and good bye . eos O O O O O O O O O O O O O O O general-bye +bos no , thank you for your interest in cambridge ! eos O O O O O O O O O O O general-welcome +bos it 's so hot today , can you help me find a good pool to visit on the north side of the city ? 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 i have two pools in the north area of town : jesus green outdoor pool and kings hedges learner pool . which do you prefer ? eos O O O O O O O B-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 O O O O O O O Attraction-Select +bos kings hedges sounds nice . can i get the address please ? 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 Attraction-Request+Addr +bos yes , they are located at jedburgh court , kings hedges . would also like their phone number ? 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 general-reqmore +bos no thank you . i do need an expensive hotel . eos O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos i have 5 expensive places to stay . how about one in the town centre ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O N/A +bos sure , it should have free parking and have 4 stars . eos O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos that will narrow it down to two hotels . huntington marriott hotel and university arms hotel . which do you prefer ? eos O O O O O O O O B-Hotel-Inform+Type 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 either is fine , please book one for 5 people in a 2 night stay starting monday . eos O O 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 N/A +bos i was able to book you at huntingdon marriot hotel , the reference number is 2hmyjpio , can i assist with 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 O O O O general-reqmore +bos yes , i would like a taxi to commute between the 2 places . eos O O O O O O O O O O O O O O O Taxi-Inform +bos certainly . would time would you like to leave and arrive at your destination . eos 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 14:00 to go to the swimming pool . eos O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave O O O O O O O N/A +bos your taxi is booked as well . it will be a yellow volvo and the contact number is 07007934292. would that be all for you ? 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 general-reqmore +bos yes that is all i needed thank you and goodbye . eos O O O O O O O O O O O O general-bye +bos thanks for using our service . good day . eos O O O O O O O O O O general-greet +bos i 'm looking for a train for my trip to cambridge . i need it to leave on monday and to depart from peterborough . can you give me some times ? eos O O O O O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O O O O O O O O N/A +bos sure , there are plenty of available time starting at 05:19 and going all day . was there a particular time of day you wanted to depart ? 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 O O O O O O O O Train-Request+Leave +bos i want to arrive at or a little before 12:15 , please . eos O O O O O O O O O O B-Train-Inform+Arrive O O O N/A +bos tr0919 leaves peterborough at 11:19 and arrives at 12:09. would you like to book seats on that 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+Arrive O O O O O O O O O O Train-OfferBook +bos how long is the travel time . my math is not the best . eos O O O O O O O O O O O O O O O Train-Request+Duration +bos my math is n't the best either but the travel duration is 50 minutes . i can help you book a seat on the tr0919 if you 'd like . 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 O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O O N/A +bos i am also looking for a hotel called archway house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos archway house is a guesthouse located in the north part of town in the moderate price range at 52 gilbert road eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O 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 I-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos i need it for one person , 3 nights and starting on monday . eos O O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O N/A +bos booking was successful.reference number is : lmabmgni . do you need anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos no thank you . that 's it . 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-welcome,general-bye +bos thanks , you too . eos O O O O O O general-thank +bos thank you . goodbye . eos O O O O O O general-bye +bos i 'm looking for attractions in town that are in the architecture category . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos ah , we have some of the most beautiful architecture locally . i have 5 different venues to choose from . all are located in the centre of town . eos O O O O O O O O O B-Attraction-Inform+Type 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 I-Attraction-Inform+Area O O O O N/A +bos if you could choose your favorite and provide me the area , postcode and phone # 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 Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Phone +bos my favorite is old schools , which is free to enter . they 're located on trinity lane in postcode cb21tt . their phone number is 01223332320. eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee 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 N/A +bos thanks ! i 'm also looking for a place to stay in the south that has 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 N/A +bos there are 4 places that meet your criteria . 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 O O O Hotel-Request+Price +bos i 'm looking for a place in the south that provides free wifi . 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 N/A +bos all four of the places include free wifi . is there a particular price range you are wanting or would you like a recommendation ? 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 O O Hotel-Request+Price,Hotel-Inform+Internet +bos what about free wifi and free parking ? eos O O O O O O O O O N/A +bos yes , those 4 places all offer free wifi and free parking . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos can you give me a name of the hotel ? eos O O O O O O O O O O O Hotel-Inform +bos aylesbray lodge guest house is in 5 mowbray road 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 N/A +bos thank you . please confirm the number of stars and postal code for aylesbray . eos O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name Hotel-Request+Stars,Hotel-Request+Post +bos the star rating for the aylesbray lodge guest house is 4 and the postal code is cb17sr . 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 O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Post O O O O general-reqmore +bos thank you ! that should be all . goodbye ! eos O O O O O O O O O O O general-bye +bos if you have any further questions please let us know . eos O O O O O O O O O O O O general-bye +bos i am traveling to cambridge and excited about seeing local tourist attractions , any suggestions for me ? eos O O O O O O O O O O O O O O O O O O O Attraction-Inform +bos there are several attractions in cambridge . what type of attractions are you interested in ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Type +bos actually , let 's find some lodging accommodations first . i 'd like something moderately priced with a 4-star rating . oh , and i 'll have my laptop with me so i 'd like wifi to be included . eos 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 O O O O O O O O O O O O O O O O O O O N/A +bos there are 11 guest houses available . is there is certain area of the city you prefer ? 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 Hotel-Request+Area +bos any area is fine , can you book one for 7 people for 2 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 Attraction-Request+Area +bos i 'm sorry , apparently none of our guesthouses can accommodate 7 people for 2 nights on wednesday . would you like to try a different day or stay period ? eos O O O O O O O B-Hotel-Inform+Type O O O B-Booking-NoBook+People 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 O Booking-Request+Stay,Booking-Request+Day +bos hmm . i suppose we could leave a little sooner . are there any that can accommodate us 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 N/A +bos i was able to book you a and b guesthouse for 1 night , reference number is eqg0kvrj 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 O O B-Booking-Book+Ref O N/A +bos great ! thank you ! 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 general-thank +bos we 're fortunate , cambridge has many attractions . what did you have in mind ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Type +bos i would like to visit a park . can you tell me about any parks in the city ? 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 wandlebury country park is in the south of town , would you like to know more ? 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 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 you 're welcome . enjoy ! eos O O O O O O O general-welcome,general-bye +bos i need a train leaving broxbourne on wednesday . can you book it for me ? eos 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 sure ! what is your destination ? eos O O O O O O O O Train-Request+Dest +bos i need to arrive in cambridge by 11:45. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos i have train tr1819 that leaves at 10:32 and arrives in cambridge at 11: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+Dest O B-Train-Inform+Arrive O O O O O O Train-Select +bos yeah , what 's the price of the tickets ? eos O O O O O O O O O O O Train-Request+Price +bos the price of the tickets is 17.90 pounds . shall i make a booking 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 Train-OfferBook +bos yes , please . i 'm also looking for a hotel that 's cheap and in the north . eos 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 N/A +bos there are no cheap hotels in the north but there are 2 guesthouses . will those work ? 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O N/A +bos that sounds fine . eos O O O O O N/A +bos which one would you be interested in ? i recommend worth house because it is 4 stars . eos O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars O O Hotel-Select +bos actually , can you try a moderate price hotel in the north instead ? sorry for the trouble . eos O 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 Train-Request+Price +bos we have 11 options that meet your criteria . would you like to narrow it down by stars , internet , or 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 O O O Hotel-Request+Internet,Hotel-Request+Parking,Hotel-Request+Stars +bos yeah , i do n't need internet . other than that , could you just recoomend one that has a reasonable number of stars ? eos O O O O O 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 alpha-milton guest house ? it 's in the north and moderately priced . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A +bos that will be fine . book it for me eos O O O O O O O O O O N/A +bos how many people and for how many nights ? eos O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos book it for 2 people and 5 nights starting from the same day . eos O O O O O O O O B-Hotel-Inform+Stay 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 Booking-Inform +bos thank you . i will also need the booking reference number . eos O O O O O O O O O O O O O Hotel-Request+Ref +bos booking was successful.reference number is : xml9yir2 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos great ! thank you that 's all i needed ! eos O O O O O O O O O O O general-thank +bos i see the train was not booked . would you like me to book it now ? eos O O O O O O O O O O O O O O O O O O Train-OfferBook +bos please do so , thank you . after that , i need a cheap hotel . eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos how many tickets in total would you like me to purchase for you on train tr1819 ? 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 it for 2 people . eos O O O O O O B-Train-Inform+People O N/A +bos okay ! i was able to book that for you and your reference number is ama9oe5j . eos O O O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos okay . thank you so much for help . 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 would you help me book a train for thursday , please ? eos O O O O O O O O O B-Train-Inform+Day O O O N/A +bos yes , where would you like to go to ? eos O O O 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 N/A +bos there are over 200 trains going to cambridge on thursday . where will you be 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 O N/A +bos i will be leaving from kings lynn . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos that narrows us down to about 19 trains . do you have a time you would like to leave after or arrive by ? eos O O 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 Train-Request+Leave,Train-Request+Arrive +bos i would like to leave after 15:45. eos O O O O O O O B-Train-Inform+Leave N/A +bos then in that case , i recommend the tr0209 which departs from kings lynn at 16:11 and gets into cambridge at 16:58. would you like me to book it for you ? 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+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 O Train-OfferBook +bos yes , please . i am also looking for a place to stay , ideally a hotel with a 4 star rating in the moderate price range . eos 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 B-Hotel-Inform+Price O O O O O O N/A +bos there is nothing in the price range you mentioned . would you be willing to stay at a cheap hotel or 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 N/A +bos i would like a cheaper hotel . eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type N/A +bos ok i am going to book a cheaper hotel for you , have a good day , thank you . 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 general-welcome,Booking-Inform,general-bye +bos i still have some requests for the hotel , before you book it . eos O O O O O O O O O O O O O O O Hotel-Inform +bos okay what can i do for you ? eos O O O O O O O O O general-reqmore +bos i need you to find me somewhere to stay with a 4 star rating in the east , moderately priced , and with wifi . type does n't matter . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area B-Hotel-Inform+Price O O O O O O O O O O O O N/A +bos there are 3 in the east area . do you need free parking ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Request+Parking +bos that doesnt matter . choose your best recommendation and please book it for 2 people on thursday for 5 nights . and do remember to send me the reference number 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 B-Hotel-Inform+Stay O O O O O O O O O O O Hotel-Request+Ref +bos i hve booked it as requested , the reference number is 3w8okro8 , any further 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 i think that covers everything . thanks for your help . eos O O O O O O O O O O O O general-thank +bos you 're welcome . please have a nice day and thank you for calling . eos O O O O O O O O O O O O O O O O general-welcome,general-bye +bos i want a place to stay . find me a hotel that includes free parking . eos 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 eight accomodations of the hotel type with free parking . what part of town do you prefer ? 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 Hotel-Request+Area,Hotel-Inform+Parking +bos the west , please . and can i get free wifi ? eos O O B-Hotel-Inform+Area O O O O O O O O O O N/A +bos the cambridge belfry is an inexpensive , 4 star option on the west side with free wifi and free parking . 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 I-Hotel-Inform+Area O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , that sounds like a good choice . can you book it for me for 3 people starting saturday ? 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 general-thank +bos sure , i can do that . how many nights would you like it for ? eos O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Inform +bos i would like to stay for 3 nights . eos O O O O O O O O B-Hotel-Inform+People O N/A +bos i was able to book the hotel for you . the reference number is btts9gyc . 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 B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos i need a train from norwich to get to the hotel by 16:30. eos O O O O O O B-Train-Inform+Depart O O O O B-Hotel-Inform+Type O B-Train-Inform+Arrive N/A +bos i have several available . when do you want to leave ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O Train-Request+Leave +bos it does n't really matter , just need to get there by 16:30. eos O O O O O O O O O O O O O O N/A +bos okay i have a train tat gets to cambridge at 15:35. would you like me to book that for you ? eos O 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 O O Train-OfferBook +bos yes please book that for the same group of people . eos O O O O O O O O O O O O N/A +bos i booked 3 people departing norwich on train tr8899 at 14:16 saturday and arriving in cambridge at 15.35. the reference number is 8xf0pn0q . the fee is 42.24 gdp . anything else ? eos O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Depart O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Leave I-Train-OfferBooked+Leave O 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 general-reqmore +bos thank you for arranging the lodging and transportation . 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 general-bye +bos thanks for using us ! enjoy your trip ! eos O O 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 certainly . may i ask where you want to depart from ? eos O O O O O O O O O O O O O Train-Request+Depart +bos i would like to leave from the closest station to my location . eos O O O O O O O O O O O O O O N/A +bos could you tell me your location , which area of town or what business 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 Train-Request+Depart +bos we are leaving london kings cross and need to do so after 12:45 on friday for 6 people and can i get the reference number for the booking ? 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+Leave O B-Train-Inform+Day O O O O O O O O O O O O O O Train-Request+Ref +bos to clarify , are you looking for a train to cambridge ? all friday trains from london kings cross go 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 N/A +bos i need to depart from london kings cross and 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 B-Train-Inform+Dest O N/A +bos booked ! you leave at 13:17 , your reference number is 3wicpfqp , you will pay 141.6 at the station . eos O O O O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket O O O O O O 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 okay thank you for calling . eos O O O O O O O general-greet +bos i want to visit some colleges . eos O O O O O O B-Attraction-Inform+Type O N/A +bos yes , there are 18 colleges . do you have any particular area in mind ? eos O 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 it to be in the south . eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos i am sorry there are none in the south . would you like to try another area instead ? eos O O 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 how about just try looking for any cinemas in the south ? eos O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos we have cineworld cinema in the south area . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O N/A +bos that sounds great ! can i have their address and phone number , please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos 00872208000 is the phone number . the address is cambridge leisure park , clifton way . eos O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos thanks , i need some info in lovell lodge , specifically price range , address and whether parking is included . 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 Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Addr +bos lovell lodge is located at 365 milton road . the pricing is moderately priced , but the parking is free . eos 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 I-Hotel-Inform+Addr O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Parking +bos i would also like to book a taxi to travel between the two places . eos O O O O O O O O O O O O O O O O Taxi-Inform +bos okay , which location would you like to be picked up at , and at what time ? 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 the hotel at 23.30 get me the contact number and car type eos O O O O O O O O O O O O O Taxi-Request+Car +bos booking completed ! booked car type : red audicontact number : 07369509134anything else i can help you with ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos i will be in cambridge and need a place to go for entertainment in the centre of town . can you help me find something ? 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 O N/A +bos i 'm sorry there are no places for entertainment in the centre of the city . would you like to try a different area ? eos 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 I-Attraction-NoOffer+Area O O O O O O O O O O O Attraction-Request+Area +bos are there any museums in the centre of the city ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O N/A +bos yes i have 11 museums in the centre of town . eos O O O O O O O O O O O O N/A +bos thank you , could i get the address and entrance fee for the one you 'd recommend ? 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 the museum of archaelogy and anthropology is always interesting , and is free . it is located at university of cambridge , downing street . anything else you need today ? 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 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 i need a place to stay , a hotel in the cheap price range . eos 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 we have the cambridge belfry . would you like me to book this hotel for you ? 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 +bos is it in the same area as the museum ? eos O O O O O O O O O O O N/A +bos the cambridge belfry is in the west part of town . 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 N/A +bos i need something is the center area of town . eos O O O O O O O O O O O N/A +bos i can recommend the broughton house gallery , they are located at 98 king street admission is free eos O 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 O B-Attraction-Inform+Fee O Hotel-Recommend,Hotel-Inform +bos no thanks . i meant that i need a hotel in the centre . preferably 4 stars . eos 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 N/A +bos there is a hotel in the centre with 4-stars called university arms hotel , but earlier , you said you wanted a cheap offering . this shows expensive . eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Stars 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 Hotel-Request+Price +bos that 's ok , i 'll take the address if you have it . 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 back lane , cambourne , postcode cb236bw . do you need anything else today ? eos O O O O O O O O B-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 nope , thats all i needed for today . thanks ! eos O O O O O O O O O O O O general-thank +bos thank you for choosing our service . enjoy your stay in cambridge ! goodbye ! eos O O O O O O O O O O O O O O O O general-bye +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 general-reqmore +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 +bos i 've really got to go . goodbye . eos O O O O O O O O O O general-bye +bos okay , 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 general-bye +bos i need a hotel with wifi in the north part of town eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i can help with that . what kind of price range do you have in mind ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Price,general-greet +bos i am open as far as price range , but i would love a 4 star place . 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 does n't appear to be a 4 star hotel with wifi in the north . can i interest you in a lower star rating ? 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 O O B-Hotel-Select+Stars O O O O O Hotel-NoOffer+Internet +bos no , the hotel needs to have a 4 star rating . can you please check your system again ? thanks 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 am sorry . i have double checked and still do not find anything matching your criteria . would you like 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 O Hotel-NoOffer,Hotel-Request+Stars +bos perhaps there is a guestroom ? eos O O O O O O O N/A +bos no but would you like to try another location ? eos O O O O O O O O O O O Hotel-Request+Area +bos no i need the north . is there anything else available in the north ? eos O O O O O O O O O O O O O O O O N/A +bos there are a variety of good things in the north it depends on what you want i will find whatever you request eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A +bos i would like to visit a cinema of the west side . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos i am sorry but i do not have any cinema 's on the west side of town , can i check a diffrent location or help find something else for you ? eos O O O O O O O O O O B-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 O O Attraction-Request+Type,Attraction-Request+Area +bos how about a museum then ? eos O O O O B-Attraction-Inform+Type O O N/A +bos i have 7 museums in the west of the city , 6 are free entry and one is 3.50. do you have a preference for a museum or a gallery ? 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O N/A +bos i would prefer a museum . one with free entry if possible . eos O O O O O O O O O O O O O O N/A +bos the museum of classical archaeology is lovely , and they have no entrance fee . would that fit your needs ? 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 O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O Booking-Inform +bos that is fine . book me a ticket and get me a reference number . eos O O O O O O O O O O O O O O O O N/A +bos we do n't have the ability to book tickets for the museum from here , but if you 'd like to contact them , their phone number is 01223335153. 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 B-Attraction-Inform+Phone 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 you 're 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 need a place to go which is in the south and should be in type of a park eos 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 you can visit sheep 's green and lammas land park fen causeway or wandlebury county park . both are free to visit . which would you prefer ? 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 B-Attraction-Inform+Fee O O O O O O O O O O Attraction-Select +bos how about sheep 's green and get me the address please . 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Addr +bos sheep 's green and lammas land park fen causeway is located at fen causeway , newnham road 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 O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos i also need a place to stay . i think i 'd like 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 O O N/A +bos i 'd love to help you with this . there are 23 guest houses in the area . can you give me any more information about where you want to stay ? eos O O O O O 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 Hotel-Request+Area +bos 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 B-Hotel-Inform+Type O N/A +bos what are would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos the area does n't matter to me . eos O O O O O O O O O N/A +bos how about hobsons house ? it 's moderately priced and has 3 stars . 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+Stars O O O N/A +bos is there free parking ? eos O O O O O O Hotel-Request+Parking +bos yes there is . 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 Booking-Inform,Hotel-Inform+Parking +bos no , thanks . i 'm just looking for the address , postcode . eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos sure , it is at 96 barton road , postcode cb39lh . can i help with anything else today ? 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 O general-reqmore +bos no thanks . i think that 's all i needed . 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 have a wonderful stay . eos O O O O O O general-bye +bos can you tell me what theatres are in cambridge please ? eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos we have four theatre 's in the centre of town and one theatre on the south side . do you have a preference on location ? eos O O O O O O O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-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 Attraction-Request+Area +bos i 'm interested in the one on the south side of town . please provide me their postcode and phone number . 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 Attraction-Request+Post,Attraction-Request+Phone +bos phone number is 01223511511 , and postcode is cb17gx eos O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O N/A +bos thank you . are there any trains leaving for cambridge from leicester that would get me there by 11:30 ? eos O O 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+Arrive O O N/A +bos several , do you have a day you 're interested in travelling on ? eos O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Day +bos yes i 'd like to travel on friday . eos O O O O O O O B-Train-Inform+Day O O N/A +bos there are 5 trains that fit 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 sure , for 8 people please . eos O O O O B-Train-Inform+People O O O N/A +bos tr4170 leaves leicester at 9:09 and arrives in cambridge on friday at 10:54 . 8 tickets are booked , reference # : cl4v2583 . do you need further help ? eos O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O O B-Train-OfferBooked+Arrive 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 is it , thanks ! 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 general-welcome,general-bye +bos please find a place to eat that serves south indian food in the center . eos 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 i 'm afraid there are not any . would you like to try a different part of town 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 Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos how about italian food in the centre part of town ? i think that that would work out for me . 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 N/A +bos there are plenty of locations for italian ! do you have a specific price range in mind ? 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 O Restaurant-Request+Price +bos no any place will do . eos O O O O O O O N/A +bos don pasquale pizzeria is an excellent but expensive place in the city centre . would you like more information on it ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O general-reqmore +bos that sounds perfect . could you book a table for 4 people at 18: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 it is booked and the reference number is 6kv9didf eos O O O O O O O O O B-Booking-Book+Ref N/A +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 sure ! is there any particular part of the city you want to see , or anything specific you 'd 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 O O Attraction-Request+Name,Attraction-Request+Area +bos i need more info on churches eos O O O O O O O N/A +bos there are four churches in the centre known for their architecture . are you interested in seeing all saint 's church ? eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos i 'm actually not looking for a church , i need to find a multiple sports attraction 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 Restaurant-Inform,Attraction-Inform +bos i 'm sorry , but there are no multiple sports attractions in the centre . would you like me to look for a different kind of attraction near the restaurant ? eos O O 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 B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type B-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-Select+Area O O O O Attraction-Request+Type +bos sure let 's try a college . eos O O O O O B-Attraction-Inform+Type O O N/A +bos there are quite a few . were you looking for anything specific pricewise ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Price +bos can you give me the name of a popular one ? i 'd also like the 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 O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos how about corpus christi college ? its address is saint andrew 's street , postcode is cb21rh , and their phone number is 01223338000. eos 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 O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O N/A +bos what about the entrance fee ? is there one ? eos O O O O O O O O O O O Attraction-Request+Fee +bos we have four with free entrance eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Fee O N/A +bos which one do you recommend ? eos O O O O O O O N/A +bos i would recommend downing college and it is free to enter . would you like their address ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee O O O O O O O O O general-reqmore +bos just postcode and phone please eos O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos post code is cb21dq , phone is 01223334860 , in case you need the adderss it is on regent street . any further questions ? eos O O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Phone O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O general-reqmore +bos i 'll also need to get a taxi to go between the 2 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 . which location would you like to have as your pickup point ? eos 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 'll need picked up at the college to go to the restaurant . eos O O O O O O O O O O O O O O O N/A +bos i have you set for a taxi to get there right in time for your booking , look for a white lexus , they are reachable at 07566657952 , any further questions ? eos 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 O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore +bos is there a reference number i need ? eos O O O O O O O O O Restaurant-Request+Ref +bos 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 ? eos O O O O O 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 all i need today , thanks . eos O O O O O O O O O O general-thank +bos you 're welcome . it was a pleasure helping you today . good-bye . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos can i please get a train ticket from norwich 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 we have many trains available but to help find the right one could you provide me with what day you will be departing and your departure time and arrival ? 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 O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos i will be leaving after 15:15 on tuesday . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos tr4180 leaves at 15:16. does that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-Select +bos perfect , can i get 8 tickets ? eos O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 140.8 gbp payable at the station .reference number is : co0gwjcj . 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 i am also looking for places to go in town . the attraction should be in the type of park . 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 N/A +bos we have a lot of excellent options . is there a particular area you 'd like to visit ? 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 Attraction-Request+Area +bos yes , i would like to visit a park . eos O O O O O O O O O O O N/A +bos there are parks in the centre , east , north and south . could you please let me know which area you prefer ? eos O O O B-Attraction-Inform+Type 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 Attraction-Request+Area +bos the area does n't matter , can you recommend one ? eos O O O O O O O O O O O O N/A +bos there is the cherry hinton water play park in the east . it 's free to get into . 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 O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A +bos can i get the phone number and the postcode ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure , the phone number is 01223446011 and the postcode is cb18dw . is there anything else i can help you with ? eos 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 general-reqmore +bos 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 ! eos O O O O O O O O O O O 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 it is free admission . eos O O O B-Attraction-Inform+Fee O O N/A +bos okay , that 's all i need , thank you so much ! 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 a museum in the east to visit . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos we have four museums in the east area , i just went to the saint barnabas press gallery and they have new exhibits . would you like more information on them ? 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 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 general-reqmore +bos sounds wonderful ! can you give me their postcode ? eos O O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb13ew . 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 i 'm also looking for a restaurant in the east part of town in the moderate price range . 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 N/A +bos there are 2 indian restaurants and one italian . which would you prefer ? 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 Restaurant-Select +bos give me the address of the one you recommend eos O O O O O O O O O O Restaurant-Request+Addr +bos i recommend the rajmahal , they are t 7 barnwell road fen ditton , postal is cb58rg , can i assist with anything else ? 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 O B-Restaurant-Recommend+Post O O O O O O O O O O general-reqmore +bos not at this time , thank you . eos O O O O O O O O O general-thank +bos thank you for calling . please let us know if we can assist you in the future . 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-reqmore +bos i am planning a trip in cambridge eos 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 would like a train that leaves after 13:00 and goes to cambridge from stansted airport . i 'd like it to be on tuesday . 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+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Day O O O N/A +bos tr6312 departs at 13:24 and arrives by 13:52. 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 , make a booking for 1person make sure you get the reference number eos O O O O O O O O O O O O O O O N/A +bos i will take care of that booking for you now . eos O O O O O O O O O O O O Train-OfferBook +bos wait , i made a mistake . i am going from cambridge to stansted airport . leaving cambridge after 13:00 on tuesday . i still need just 1 seat . 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 O O O O O O O O O O O O O O O O N/A +bos there are 5 results matching that request . 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 O O Train-Request+Arrive +bos arrival doesnt matter , but it should leave after 13:00. whatever you recommend . please book 1 seat . i 'll need a 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 O O O O O O O N/A +bos i have booked you on train id tr8714 leaving at 13:40 . 10.10 gbp will be payable at the station and your reference number is i6l9j4ip . can i do anything else ? eos O O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Leave 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 O O O O O general-reqmore +bos yes please . i also need a place to stay in the west with free wifi . eos O O B-Hotel-Inform+Internet O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos is there a price range you 'd like ? eos O O O O O O O O O O Hotel-Request+Price +bos i do n't care about the price . eos O O O O O O O O O N/A +bos i have two guesthouses and two hotels . which do you prefer ? eos O O O O B-Hotel-Select+Choice O O B-Hotel-Select+Type O O O O O O N/A +bos i 'd like anything with 4 stars . it should have free wifi and parking , in the west eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos may i recommend the cambridge belfry located on back lane , cambourne . would you like me to book you a room ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O Booking-Inform +bos just my self for two nights starting on sunday . eos O O O O O O O O O O O N/A +bos would you like me to book it ? eos O O O O O O O O O Booking-Inform +bos yes , please . i will need a reference number , if possible . eos O O O O O O O O O O O O O O O N/A +bos your booking was successful and your reference number is 9ah9x57t . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos can you provide me with the telephone number to cambridge belfry hotel in case i need to get further assistance on directions . eos 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 you can call them on 01954714600. eos O O O O O O B-Hotel-Inform+Phone N/A +bos perfect . that 'll be all . thank you and have a great day . eos O O O O O O O O O O O O O O O O general-thank +bos i am glad to help . enjoy your stay ! eos O O O O O O O O O O O general-bye +bos find me a restaurant called cocum eos O O O O O O B-Restaurant-Inform+Name N/A +bos cocum is an expensive indian restaurant on the westside . do you need to know more ? eos O B-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 general-reqmore +bos could tou please help me book a table for 6 people at 11:00 on tuesday eos O O O O O O O O O O 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 : mouyp9ze eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i would like to get a train as well . eos O O O O O O O O O O O Train-Inform +bos certainly ! what station will you be departing from ? eos O O O O O O O O O O O Train-Request+Depart +bos we will be departing from broxbourne on tuesday to arrive by 8:15 in cambridge . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O B-Train-Inform+Dest O N/A +bos there are two trains here . shall i book one of them ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-OfferBook +bos yes , please select one and book it for 6 people . i 'll 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 O N/A +bos the tickets have been booked and the reference number is nbmrq55j . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thanks , that 's it for me . bye bye ! eos O O O 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 i 'm looking for a cheap place to stay in the east . eos O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O N/A +bos great , i have three options for you . eos O O O O B-Hotel-Inform+Choice O O O O O N/A +bos if it helps , i do not have to have internet . please tell me my options . eos O O O O O O O O O O O O O O O O O O O N/A +bos allenbell is available , would that work for you ? eos O B-Hotel-Inform+Name O O O O O O O O O Hotel-Select +bos yes , that would be fine . thanks . eos O O 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 yes , please , for 5 people on saturday . eos 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 5 nights , and i will also need the reference number . eos O O B-Hotel-Inform+People O O O O O O O O O O Hotel-Request+Ref +bos booking was successful . reference number is : tjlzzc10 . will there be 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 general-reqmore +bos i also need a train to peterborough . eos O O O O O O O B-Train-Inform+Dest O N/A +bos can you please give me the departure point , the day and 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 Train-Request+Day,Train-Request+Leave,Train-Request+Depart +bos i 'm leaving cambridge on thursday and need to be in peterborough by 21:45. eos O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O N/A +bos how about tr2178 ? it arrives 21:24. eos O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O N/A +bos that 's good . could you please tell me 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 the price is 16.50 pounds . departure time is at 20:34. would you like me to books seats for you ? 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 O O O Train-OfferBook +bos no , thanks for your help though ! eos 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 hope so . can you tell me if there are any 3 star places to stay on the west side ? eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O N/A +bos i see hobsons house in the west side has a 3 star rating . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O N/A +bos great ! can you book for 3 nights for me please ? eos O O O O O O O O O O O O O N/A +bos yes i can is the room only for you ? eos O O O O O O O B-Booking-Inform+People I-Booking-Inform+People I-Booking-Inform+People O N/A +bos no , i need a room for two , for 5 nights starting on tuesday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A +bos i have booked it here is the information : booking was successful.reference number is : f4wxmkya . eos 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 train for the same day . eos O O O O O O O O O O O N/A +bos where will you be traveling to and from ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i will to cambridge from broxbourne . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos i have 19 trains that leave cambridge for broxbourne on tuesday . what time of day do you want to travel ? eos 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 O O O O O O O O O Train-Request+Leave +bos i need to leave after 16:30 please . eos O O O O O O B-Train-Inform+Leave O O N/A +bos tr0189 leaves at 17:01 , would you like a booking or just more information for now . eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos how long is the travel time , please ? eos O O O O O O O O O O Train-Request+Duration +bos you will arrive by 18:01. eos O O O O O B-Train-Inform+Arrive N/A +bos what is the travel time ? eos O O O O O O O Train-Request+Duration +bos travel time on this particular train is 60 minutes . would you like me to book any seats ? 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 O Train-OfferBook +bos no . i do n't need to book . i am all set . eos O O O O O O O O O O O O O O O N/A +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 thanks for the information . that is all i needed eos O O O O O O O O O O O general-thank +bos okay well i 'm glad i could help . eos O O O O O O O O O O general-welcome +bos i need a place to dine that is expensive in the centre . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos i can help with that . did you have a price range in mind ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Price,general-greet +bos expensive , please . british food . eos O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O N/A +bos okay , i recommend midsummer house restaurant in midsummer common . would you like a reservation ? 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 O O O O O O O O Booking-Inform +bos yes i would love that . i need to make the reservation for 8 people for 16:15 on thursday . 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 ok , you 're all set , the table will be reserved for 15 minutes and your reference number is : 48qp48k1 . 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-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos thanks for handling the restaurant . i will have time to check out the town . do you have multiple sports 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 O O O N/A +bos no , there are n't any multiple sports places in the centre . would you like me to check a different part of town ? 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 O O O O Attraction-Request+Area +bos why do n't you try looking for a college in that area instead please eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are 13 colleges in the centre . i recommend downing college . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos okay , that sounds nice . can you give me their phone number and tell me their 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+Phone,Attraction-Request+Fee +bos 01223334860 is the phone number , and entrance is free . anything else today ? eos O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O B-Attraction-Inform+Fee O O O O O O general-reqmore +bos no , that 's all i needed . thanks 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 and a great trip . eos O O O O O O O O O O O general-bye +bos i am looking for an east-based place to go in town . eos O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos how about funky fun house ? it 's in the east . cambridge museum of technology is also in the east . eos O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 can you tell me what the entrance fee is for those ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos the cambridge museum of tech . costs 5 pounds . there is no information on the admission price for funky fun house . would you like their phone number ? eos 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O N/A +bos no , thanks . can i get the postcode for funky fun house , please ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos yes , of course . it is cb58hy . is there anything else i can find out for you ? eos 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 thank you very much ! eos O O O O O O general-thank +bos so , is that all you needed today ? eos O O O O O O O O O O general-reqmore +bos yes , that 's all . thank you . 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 'm looking for a place to dine that serves vietnamese food in the east . 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 sorry , there are no vietnamese places in the east . would you like to try a different 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+Area +bos yes , i am willing to go to a different area for vietnamese food . eos O O O O O O O O O O O O O O O O N/A +bos thanh binh is 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 O O N/A +bos how about an international restaurant instead on the east ? eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A +bos the missing sock is a cheap restaurant on the east side of town that serves international food . would you like more information on that place ? eos 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 B-Restaurant-Inform+Food O O O O O O O O O O O general-reqmore +bos yes please . can i get the postcode . eos O O O O O O O O O O Restaurant-Request+Post +bos sure , the phone number is 01223812660. eos O O O O O O B-Restaurant-Inform+Phone O N/A +bos not the phone number , the postcode , please . eos O O O O O O O O O O O Restaurant-Request+Post +bos my apologies . the postcode is cb259aq . eos O O O O O O B-Restaurant-Inform+Post O O N/A +bos thank you very much . i am all set . bye . eos O O O O O O O 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 please see what you can find out about jesus college eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos it is a college in the town centre , address jesus lane . postcode is cb58bl and it has free admission . eos O O O O B-Attraction-Inform+Type 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+Post O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos do you happen to have the telephone number for the college ? i would like to call the main office 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 Attraction-Request+Phone +bos i can certainly look that up for you . ok , it 's 01223339485. do you need any more information or something else i can help with ? eos 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 O general-reqmore +bos thank you . i 'm also looking to leave on tuesday by train . arrival will be stansted airport . eos O O O O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos where will you be departing from and when would you like to travel ? eos O O O O O O O O O O O O O O O Train-Request+Depart +bos i 'll be departing from cambridge . departure time does n't matter , i 'd just like to be there by 17:45 , please ? eos 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 O O O N/A +bos tr0471 arrives by 17:08. would you like a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive 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 can you tell me how many people will be traveling ? eos O O O O O O O O O O O O Train-Request+People +bos there will be 6 people traveling . eos O O O O O B-Train-Inform+People O O N/A +bos your reservation for 6 tickets on the tr0471 train was successful . your reference number is : 2y4swtcf . is there anything else i can do for you ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id 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 was it . thank you 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 i 'm looking for 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 O N/A +bos downing college is on regent street and admission is free . eos 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+Fee O N/A +bos thanks , could i please have their 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 the phone number for downing college is 01223334860 , and their postcode is cb21dq . eos O O O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O N/A +bos great , thank you ! i 'm also in need of a place to stay . it needs to be in the south and i 'd like it to have free wifi . 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 O O O O O O O O O O O N/A +bos the aylesbray lodge is a guest house with 4 stars . would you like to book there ? eos O O B-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+Stars O O O O O O O O Booking-Inform +bos is the aylesbray lodge cheap ? eos O O O O O O O N/A +bos the aylesbray is moderately priced , but has free parking and internet . for cheap , there is rosa 's bed and breakfast . eos O O O O O O O O O O O O O B-Hotel-Inform+Price 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,Hotel-Inform+Parking +bos i want to book the rosa 's bed and breakfast . i have six people in my party . 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 would you like to start your stay and 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 Booking-Request+Day,Booking-Request+Stay +bos we 'll arrive on wednesday and we 'll be staying for 2 nights . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos i have booked your rooms at rosa 's bed and breakfast for a party of 6 who will arrive on wednesday and stay two nights . eos O O O O O O O O O O O O O O O O B-Booking-Book+People O O O B-Booking-Book+Day I-Booking-Book+Day O O O O O N/A +bos can i have the reference number ? eos O O O O O O O O Hotel-Request+Ref +bos your reference number is ul5oty23 . is there anything else i can assist 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 no , thanks . that takes care of all my questions . eos 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-greet +bos i am getting ready to go off to college . i thought while i was in town maybe i could visit 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 O O O O N/A +bos great idea ! there are 18 entries found ! what area of town would you like to visit ? eos O O 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 think i 'd like to visit the centre . eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are 13 colleges in the city center but i recommend visiting downing college and it is free to get in . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee O O O O N/A +bos great ! can i have the address , please ? eos O O O O O O O O O O O Attraction-Request+Addr +bos sure , it 's located at regent street . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos great , thank you very much . that 's all i need . 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 yes im looking to book a taxi from cambride towninfo centre to a fancy restraunt rated 5 stars ! eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos could 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 'm sorry , i am actually looking for the postcode of king 's college . could you provide that for me ? 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 Attraction-Request+Post +bos absolutely - king 's college is located on king 's parade , postcode cb21st . will you be needing anything else today ? eos O 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 O O O O O O O O general-reqmore +bos i am also looking for a place to stay that has a star of 4 and free parking . 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 certainly , would you like a specific area of town ? do you prefer a hotel or guesthouse ? eos 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+Area +bos no preference on location but i would like a hotel . i would also like moderate pricing . eos 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 N/A +bos unfortunately we do n't have any moderate priced hotel type hotels . would you prefer a different type or price range . eos O O O O O O B-Hotel-NoOffer+Price O O O B-Hotel-NoOffer+Type O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price +bos how about an expensive one ? eos O O O O B-Hotel-Inform+Price O O N/A +bos there are 2 expensive hotels available eos O O O O B-Hotel-Inform+Choice O O N/A +bos book one of them for two people , five nights , starting wednesday . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A +bos i 'm sorry , but neither are available on those days . would you like to try a different starting day or 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 O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos we could shorten the stay to just four nights , i guess . eos O O O O O O O O O O O O O O N/A +bos okay , you are booked at the huntington for 4 nights . your reference number is wzrj2c6l . eos 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 ok , can you get me a taxi ? eos O O O O O O O O O O Taxi-Inform +bos absolutely . where would you want to depart from and go to ? eos O O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart +bos i would like it to take me between my hotel and the college . eos O O O O O O O O O O B-Hotel-Inform+Type O 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 +bos i want to leave the hotel by 14:15. eos O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave N/A +bos i have confirmed your taxi , a white bmw will pick 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 could you provide the contact number please ? eos O O O O O O O O O N/A +bos yes your contact number is 07585258044. will there be anything else ? eos O O O O O O B-Taxi-Inform+Phone O O O O O O N/A +bos no i think 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 general-thank +bos happy to be of service , and thank you for using the cambridge towninfo centre . 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 O O O O general-bye +bos i 'm looking for a cheap restaurant in the city centre . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A +bos there are 15 cheap restaurants available in the centre area . are you looking for a particular type of food cuisine ? 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 Restaurant-Request+Food +bos i 'm not looking for anything in particular , could you choose one and book a table at 13:45 for 2 on wednesday ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O N/A +bos unfortunately , that time slot is n't available . 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 Booking-NoBook,Booking-Request+Time +bos sure , how about 12:45 ? eos O O O O B-Restaurant-Inform+Time O O N/A +bos i 've booked you a table for two at the river bar steakhouse and grill on wednesday at 12:45. the reference number is tx50snzs . 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+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O N/A +bos i also need a hotel near the restaurant eos O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos i have several options for hotels in the centre of town near the restaurant . do you have a specific price range for the hotel ? eos 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 O O O O O O O O O O Hotel-Request+Price +bos yes , i am looking for a cheaper hotel and would need 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 N/A +bos ok i have a couple of options . would you prefer the one with 4 stars or 0 stars ? 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 B-Hotel-Select+Stars I-Hotel-Select+Stars O N/A +bos it does n't matter eos O O O O O N/A +bos okay , let 's try the alexander bed and breakfast . how many days would you like to stay ? 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 Booking-Request+Stay +bos can you book it for 2 people on wednesday for 4 nights ? eos O O O O O O O O O O O O O O N/A +bos your room is booked , your reference number is : n1q230jf . 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 general-reqmore +bos that 's all , thanks for all of your help ! eos O O O O O O O O O O O O general-thank +bos you 're quite welcome . goodbye ! eos O O O O O O O O general-welcome,general-bye +bos need a place to eat in the south of town that has moroccan 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 unfortunately , there are no moroccan restaurants in the south part of cambridge . could i help you find one with a different type or location ? 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 O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos how about one with indian food ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i have place . oh , and it 's a great place too . it 's called taj tandoori . it 's on the expensive side . they are in the south part of town . how does that sound ? eos O O O O O O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price O 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 O O O O O O O O O Booking-Inform,general-greet +bos can i book a table for three people at 19:30 on tuesday ? eos O O O O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People B-Restaurant-Inform+Day O N/A +bos the booking was unsuccessful , do you have any other choices in mind ? eos O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos another indian restaurant will due , and i 'll need my reference number too please . eos O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O N/A +bos i 'm sorry , i checked every indian restaurant in the city and could not find a table for 3 people on tuesday at 19:30. do you have another time perhaps ? eos O O O O O O O O O O O O O O O O O O O B-Booking-NoBook+People O B-Booking-NoBook+Day I-Booking-NoBook+Day B-Booking-NoBook+Time O O O O O O O O O Booking-Request+Time +bos can you try 18:30 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos i was able to book taj tandoori for 18:30 on tuesday . the reference number is 8l32ed7q . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Time O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A +bos i also need a place to stay . i would like it be in the same area of the restaurant and 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 O O O O O B-Hotel-Inform+Stars O O O N/A +bos i have the aylesbray lodge guest house and rosa 's bed and breakfast available . 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 O O N/A +bos are either of them moderately priced ? eos O O O O O O O O N/A +bos rosa 's is actually cheap and aylesbury is moderately priced . 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 I-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos does the aylesbury have free wifi ? eos O O O O O O O O N/A +bos yes it does , would you like any more info on the room ? eos O O O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos please book it for 3 people and 3 nights starting tuesday . eos O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O N/A +bos unfortunately their booked for that time , would you like to change the day for booking ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,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 that , reference number is x2fc2vn3 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i would also 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 Taxi-Inform +bos i need one more information . do you have a time preference of when 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i will need to arrive in time for my restaurant reservation on tuesday . eos O O O O O O O O O O O O O B-Restaurant-Inform+Day O N/A +bos ah , that makes sense . i 've booked it , a white ford should be there to pick you up . the contact number is 07803520714. 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 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 will be all . thank you ! eos O O O O O O O O O O O general-thank +bos it has been a pleasure . take care . good 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 fun attraction to go to in the north . 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 N/A +bos i have 4 attractions located in the north . 2 are swimming pools . there is also a boating attraction and a park . which would you prefer ? eos O O O O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O Attraction-Select +bos i want the boating one . what is the entrance fee for that ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Fee +bos the entrance fee for that is unknown according to our system . is there anything else i can help you with ? eos O O O 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 maybe if you can get me the address . i also want a restaurant in the same place which serves indian 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 Attraction-Request+Addr +bos the address is cambridge passenger cruisers , jubilee house . postcode cb43ax . there are two indian restaurants in the north , one is moderately priced the other is cheap . eos 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 B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O 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 N/A +bos can i reserve a table for two at the moderately priced indian restaurant ? eos O O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos what day and time would you like those reservations ? eos O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i need them for 2 people at 12:45 on thursday . 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.reference number is : mdkcbm4s . 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 the reservation . i also need a taxi from the passenger cruisers to arrive at the indian restaurant by the booked 12:45 time , please . 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 B-Taxi-Inform+Arrive O O O O N/A +bos okay . i have booked a taxi to pick you up at riverboat georgina and take you to the nirala by 12:45. is there anything else i can help you with today ? 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O O O O O O O O O O general-reqmore +bos it would be nice if you would tell me the car type and it 's contact number . eos 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 , sorry about that oversight . the car is a red volvo , and their contact number is 07988242006. is there anything else you need 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 B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos that 's alright . thanks so much . i 've got nothing more today . 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 glad i could help . eos O O O O O O O O general-welcome +bos a friend told me about the bridge guest house . do you know about it ? 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 N/A +bos yes , it has internet and located in the south . it 's located at 151 hills road . eos O O O O O O O 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 Hotel-Inform+Internet +bos okay , great ! will you please make a reservation for 6 people for 4 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 O O N/A +bos i was able to book you , your reference number is : sd4y0s4e . 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 yes i am also looking for an expensive restaurant serving english food . eos O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos there are no restaurants that meet that exact criteria , but would you like to try for 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 O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-NoOffer +bos sure , how about an expensive indian restaurant ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos sure . what have you got ? eos O O O O O O O O N/A +bos i asked for an expensive indian restaurant please . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos sorry about that ! there are a number of fine indian restaurants in the city . is there a certain part of town you 'd prefer to dine in ? eos O 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 B-Restaurant-Inform+Area O O O O O O O O O O O O O O O O Restaurant-Request+Area,general-greet +bos no , no preference on the area . eos O O O O O O O O O N/A +bos well i have the curry garden in the city center . eos O 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 N/A +bos sounds great ! can i get a reservation for 6 on saturday 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 i 've booked your table ! it will be reserved for 15 minutes , and your reference number is hbwvx9vw . 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 N/A +bos that is all . thank you . eos O O O O O O O O general-thank +bos great ! enjoy your meal ! have a great day ! eos O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos i need to find a 4 star hotel in the north eos O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area N/A +bos i found several guesthouses . there are many in the moderate price range , and one in the cheap range . do you have a preference ? 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Select +bos a moderate price range is fine and i need it to have free parking as well . eos O O B-Hotel-Inform+Price 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 moderately priced and has free parking . eos 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 O O O O O O O Hotel-Inform+Parking +bos yes please book it for 4 people for 2 nights starting monday for me . 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 booking was successful ! your reference number is dxd1mda6 . eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos i 'm also interested in finding a good chinese food place near the hotel . can you help me find one ? 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 N/A +bos there are three choices . hakka and the hotpot which is expensive and golden wok which is moderate , do you have a preference ? eos 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 I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Restaurant-Select +bos i 'll take hakka . can you book me a table on monday at 15:00 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 O N/A +bos i 've reserved your table at hakka on monday , 15:00 , for 4 people . your reference number is k6d87rrx . can i help with anything else ? eos O O O O O O B-Booking-Book+Name O B-Booking-Book+Day 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 general-reqmore +bos yes , i will need a taxi to take me from the hotel to the restaurant and 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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos you are booked to arrive at the restaurant by three , look for a blue ford , the driver can be contacted by phone at 07232608741 eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive 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 N/A +bos thank you , that will be all . 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-welcome,general-bye +bos hello , i need some assistance with finding a nice italian restaurant in centre of cambridge . eos O O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O N/A +bos how much money did you want to spend ? eos O O O O O O O O O O Restaurant-Request+Price +bos i am interested in cheap restaurants . eos O O O O O B-Restaurant-Inform+Price O O N/A +bos great ! how about ask restaurant , at 12 bridge street city centre ? may i book you a table ? 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 I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform +bos yes please , just me on tuesday , at 15:30. eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos your booking was successful . your reference number is assbu60y . 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 yes , i 'm also looking for a place to stay for the night , and i ca n't break the bank on it 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 O N/A +bos we have many inexpensive hotels . did you have any area in mind ? 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 Hotel-Request+Area +bos any area is fine as long as it is 4 star and a guesthouse . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Type O N/A +bos i recommend the alexander bed & breakfast in the center of town . it 's a cheap , 4-star guesthouse . 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+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O B-Hotel-Recommend+Price B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O O N/A +bos that sounds great ! can you book a room there for 3 nights ? just me , and i 'll be arriving on tuesday . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O B-Hotel-Inform+Day O O O O O N/A +bos your booking was successful , the reservation number is jpaq0bho . 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 i need a taxi to take me from the hotel to the restaurant . i need to make sure i get there by 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 B-Taxi-Inform+Arrive N/A +bos your booking is completed . the car is a blue honda and the contact number is 07653774441. 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 O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no . i think you took care of everything . have a nice night . bye . eos O O O O O O O O O O O O O O O O O O general-bye +bos enjoy your time ! goodbye ! eos O O O O O O O general-bye +bos can you help me find a 4 star expensive hotel ? eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos the university arms hotel fits that description . 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 O O O O O O O O O O O Booking-Inform +bos is that a guesthouse ? eos O O O O B-Hotel-Inform+Type O N/A +bos no sorry that is a hotel . eos O O O O O O B-Hotel-Inform+Type O N/A +bos is there a guesthouse available ? eos O O O O B-Hotel-Inform+Type O O N/A +bos unfortunately , there are no guesthouses that fit that description . eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O N/A +bos i would be interested in a guesthouse in the cheap price range if that is available . will you check for me ? 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 there are 7 available that match what you 're looking for , do you have any preference for what area you want 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 i need free internet and i need their postcode . eos O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet +bos there is the alexander bed and breakfast which has internet . it is located in cb12de postal code . 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 B-Hotel-Inform+Post I-Hotel-Inform+Post O O O Hotel-Inform+Internet +bos i also need a restaurant with south african food in the centre . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i am sorry there are no restaurants that match that description . 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 O O O O Restaurant-NoOffer +bos how about a restaurant that serves italian food , do you have one that you would recommend ? 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 how about the zizzi cambridge in the centre ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O N/A +bos sure , i would like to book a reservation for that . but first , could you tell me what area the alexander bed and breakfast is in ? eos 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 O O O O Hotel-Request+Area +bos it is in the centre area . is there anything else that i can do for you ? eos O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O O general-reqmore +bos yes , i still need to book a reservation for 8 people at zizzi cambridge . eos O O O O O O O O O O O B-Restaurant-Inform+People O O O O O N/A +bos what day and time would you like to go to zizzi cambridge ? eos O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O Booking-Request+Day,Booking-Request+Time +bos friday , 17:45. eos O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O N/A +bos you are booked . your table will be reserved for 15 minutes with reference # vnrrc76k . 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 's all i needed . have a nice day ! 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 contacting us , 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 hello , i 'm looking for a place to stay the night . i 'd like a hotel , but nothing fancy , it can have zero stars and that 's fine . do you have any recommendations ? 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 O O O O O O O N/A +bos cityroomz is a hotel in the city center with 0 stars . it 's moderately priced . do you want me to book that for you ? eos O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O B-Hotel-Recommend+Stars 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 no , i do n't need to book a room , but can i get their contact info and location please . 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 general-thank +bos certainly . cityroomz is in the centre of town , and their address is sleeperz hotel , station road , postcode cb12tz . their phone number is 01223304050. can i help with anything else ? eos O O B-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 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 O O general-greet,general-reqmore +bos do they have internet ? eos O O O O O O Hotel-Request+Internet +bos yes , cityroomz has internet . is there anything else i can help you with today ? 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 Hotel-Inform+Internet,general-reqmore +bos yes - are there any restaurants serving international cuisine that are located 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 absolutely ! there are two in the area - may i suggest the varsity restaurant ? eos O 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 O general-greet +bos sure is that in the moderate price range ? eos 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 ! would you like to book there ? eos O O O O O O O O O O O O Booking-Inform,general-greet +bos yes , please book for 6 people at 1330 on wednesday . can i also have the reference number as well ? 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 O Restaurant-Request+Ref +bos unfortunately , that booking was unsuccessful . would you like to try 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 what about the other restaurant that serves international cuisine ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos bloomsbury restaurant meets your criteria . would you like me to book you a reservation ? eos 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 +bos yes , i would like to book a table for 6 people at 13: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 i 'm sorry but i was unable to book you for that time . would you like to try another day or 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 O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos no how about trying another restaurant for the same time . eos O O O O O O O O O O O O Restaurant-Inform +bos i 'm sorry but there are only two international restaurants , is there another type of food you would like ? 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 O O O O Restaurant-Request+Food +bos could you try it for tuesday ? eos O O O O O O B-Restaurant-Inform+Day O N/A +bos i 'm sorry , but i was unable to book either restaurant for 1330 on tuesday either . would you consider dining a little earlier or later ? eos O O O O O O O O O O O O B-Booking-NoBook+Time O B-Booking-NoBook+Day I-Booking-NoBook+Day O O O O O O O O O O O O O Booking-Request+Time +bos if neither restaurant is available for 13:30 , can you try 14:30 ? it 's later than i wished , but i guess that ca n't be helped . eos O O O O O O O O O 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 booking for both restaurants at 1430 were unsuccessful would you like to try another 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 Booking-Request+Time +bos can you find me a restaurant in the centre of town that has availability for wednesday at 13:30 ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos yes , i 've got the bloomsbury restaurant at 13:30 for 6 on wednesday . eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name B-Booking-Inform+Time O O B-Booking-Inform+People B-Booking-Inform+Day O O O N/A +bos great can you please book that 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 Restaurant-Request+Ref +bos i managed to book your table and your reference number is 5isfhkr3 . 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 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 your welcome , have a nice day . eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a restaurant in the centre of cambridge which is pretty cheap in terms of prices . eos 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 N/A +bos we have many places that meet that criteria , is there a type of food you would like to eat ? 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 cheap food is preferred , but i 'm not picky . eos O O O O O O O O O O O O N/A +bos there are 15 places to choose from , what kind of food are you looking for in particular ? 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 i do n't really care which type of food . you can just pick one and book for 5 people at 12:30 on thursday . eos 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 B-Restaurant-Inform+Day O O O N/A +bos i have booked a table for dojo noodle bar for 5 people , reference number 14m7phjh . the table will be reserved for 15 minutes starting at 12: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 N/A +bos i am also looking for the cambridge belfry . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos the cambridge belfry is a hotel in the west . it is relatively cheap , has 4-stars and offers free internet and parking . 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 B-Hotel-Inform+Area 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 O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes . for the same group of people for 3 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 successfully booked a room for you at the cambridge belfry for 3 nights starting from thursday for 3 people . your reference number is mgopznpj..would that be all for you ? 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 B-Booking-Book+People O O B-Booking-Book+Day O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos yes that 's all . thank you very much . eos O O O O O O O O O O O general-thank +bos you are very welcome . thank you for 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 O O general-welcome,general-bye +bos hi , can you help me find an expensive russian restaurant ? eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i am sorry i looked up your criteria and i do not see any expensive russian restaurants in my data base eos O O O O O O 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 N/A +bos are you looking in the centre area ? eos O O O O O O B-Restaurant-Inform+Area O O N/A +bos yes , i apologize but no restaurants match your search . eos O O O O O O O O O O O O Restaurant-NoOffer +bos how about british food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos i have 3 british restaurants that fit your criteria . i would personally recommend fitzbillies restaurant . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos fitzbillies restaurant sounds good , will you book it for me ? eos O O O O O O O O O O O O O Restaurant-Inform +bos certainly , what day and time would you like a reservation ? and for how many guests ? 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+Time,Booking-Request+Day +bos i am not sure yet . could you give me the restaurant 's address for now ? eos 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 51 trumpington street city centre . is there anything else i could 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 O O O O O O O O general-reqmore +bos i 'm looking for a hotel that is a type of hotel in the same price range as the 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 N/A +bos i have 5 different expensive hotels around town . do you have a preference as to what area you would like to stay ? 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 O O O O Hotel-Request+Area +bos i need it to be a hotel type with free parking and four stars , please . 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 i found 2 listings for you . one hotel is in the west area of town and the other is in the centre part . would you like me to reserve one ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos preferably the one in the centre . is it available for 4 people and 5 nights starting on sunday ? eos O O O O O O B-Hotel-Inform+Area 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 university arms hotel . reference number is : bm4dc6go . 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+Ref O N/A +bos that 's all i needed , thanks so much ! eos 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 . good night . eos O O O O O O O O O O O O O O O O O general-bye +bos would you be able to tell me where to find a moderately priced , halal restaurant ? 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 N/A +bos unfortunately , we do not have any restaurants in town that offer halal food . is there another type of cuisine you would be interested in ? eos 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 O O O Restaurant-Request+Food +bos how about british food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos we do have five moderately priced british restaurants , such as the oak bistro in the city center . does location matter ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O Restaurant-Request+Area +bos i do n't care about the location . which one would you recommend ? eos O O O O O O O O O O O O O O O N/A +bos restaurant one seven is a good place . would you like me to book a table ? 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 O Booking-Inform +bos yes please book me a table thank you eos O O O O O O O O O general-thank +bos what day and time would you like to book and for how many people ? eos 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 need a table for 1 on tuesday at 14:45. eos 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 : h17x6ou3 . 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 are there any good architecture places in the west ? eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A +bos i am sorry there are no architecture attractions in the west . would you like to try a different area or type of attraction ? eos O O O O O O O B-Attraction-NoOffer+Type 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 how about a museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos i recommend the lynn strover gallery , it has free admission . would you like more information ? eos O 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 O general-reqmore +bos i 'd like the phone number and address , please . eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos phone number is 01223295264. and the address is 23 high street , fen ditton . is there anything else i can help you with today ? 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 O O O O O O O O O O O general-reqmore +bos no thanks eos O O O general-thank +bos i hope i 've been helpful . 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,general-greet +bos hi , i am looking for an upscale restaurant in the centre . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i can certainly help you . do you have any preferences regarding the type of cuisine ? eos 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 like on that serves chinese food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i found four options- one is the ugly duckling . would you like the other choices ? eos O O O B-Restaurant-Inform+Choice I-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 general-reqmore +bos the ugly duckling sounds fine . could you reserve a table for one on wednesday at 12:00 ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O 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 : t1lqed6v . 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 yes , i want to find a place to visit in the same area . are there any cinemas ? 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 vue cinema is located in the centre . would you like the phone number or address ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O O O O O O O O general-reqmore +bos how much is the entrance fee ? eos O O O O O O O O Attraction-Request+Fee +bos i am sorry i do n't have that info , anything else today ? eos 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 general-reqmore +bos that 's alright , i do n't need anything further . goodbye ! thanks ! eos O O O O 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 a dining establishment that serves kosher , in the center of town . 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 we do n't have any kosher restaurants in the center of town . would you like to search for something different ? 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 O O O O O O O O O O O N/A +bos that 's a bummer . thanks anyways eos O O O O O O O O general-thank +bos you are more then welcome . wish i had better news . 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 general-welcome,general-greet,general-reqmore +bos are there any restaurants that have north american food ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos yes there gourmet burger kitchen located in the centre . can i give you their phone number ? eos O 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 general-reqmore +bos is it in the expensive price range ? eos O O O O O O O O O N/A +bos yes it is . would you like any more information on it ? i can book you a table if 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 Booking-Inform,general-greet,general-reqmore +bos yes , i would like a table for 7 on sunday . i want to eat at 18:15. eos O O 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 N/A +bos you 're all booked ! your reference number is lvrg27yj . 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 yes , i 'm interested in visiting the broughton house gallery . eos 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 the broughton house gallery is a museum in the centre , free entrance , and the address is 98 king st. 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area 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 O O O O general-reqmore +bos do they have enough parking ? eos O O O O O O O N/A +bos i do n't have that information but there phone number is 01223314960. is there anything else i can assist you with ? eos 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 general-reqmore +bos is it possible for you to get me a taxi to take me from broughton gallery to gourmet burger kitchen by 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 B-Taxi-Inform+Arrive O N/A +bos how many people will be riding ? eos O O O O O O O O N/A +bos there are 7 in my group . eos O O O O O O O O N/A +bos a black volvo is booked , contact number 070960620254. maybe we should try a bus or train or another car since there are 7 in your group . would you like another car ? eos 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 O O O O O O O O O general-reqmore +bos thanks a lot , goodbye ! eos 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 am in the centre of town and am looking for a restaurant . ideally it would be in the expensive price range . 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+Price O O O N/A +bos we have many different types of restaurants that fit that description including chinese , british and other styles . any preferences ? 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-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O Restaurant-Select +bos chinese food is okay are there any tables available for 7 people on sunday at 17:45 ? eos 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 N/A +bos perfect , i was able to book you a table at the ugly duckling , your reference number is iefd0ubx . is there anything else that 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 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 am also looking for a place to go . i would like to go to a college in the same area of town as the restaurant . 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 O O O O O N/A +bos perfect ! christ 's college is located in the centre of town on saint andrew 's street and there is no entrance fee . their phone is 01223334900. eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O B-Attraction-Inform+Phone O O general-greet +bos thank you . that was all i needed . eos O O O O O O O O O O general-thank +bos great . please let us know if you need anything else . have a nice day ! eos 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 yes , i would like the information on parks that are located in the centre please . 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 N/A +bos the botanical gardens at cambridge university are a favorite destination . the entrance fee is only 4 pounds . 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 O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos could i please get 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 , the phone number is 01223336265. the address is bateman street . can i do anything else for you ? eos O O O O O O B-Attraction-Inform+Phone 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 thinking i would like to try some european food while i am in town . 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 there are several to choose from , in which part of town would you like to concentrate ? 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 i would like the north please . eos O O O O O B-Restaurant-Inform+Area O O N/A +bos i only have one restaurant in the north for european food , but they have amazing food . it 's called city stop restaurant . they are expensive but so worth it ! eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O N/A +bos book a table for 2 people at 13:15 on tuesday . 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 your booking was successful ! the table will be reserved for 15 minutes.reference number is : zlrylh3o . 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 what is the car type , please thank you eos O O O O O O O O O O Taxi-Request+Car +bos i 'm sorry , but we just reserved your table . there is no car type . but since you ask , did you need 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 Booking-Book,general-reqmore +bos yes i need a taxi that will take me between the two places and need to arrive by 13:15. 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 okay . i have a taxi booked . it will be a yellow bmw and the contact number is 07135918917 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 general-greet +bos thanks , that 's all i need today . goodbye ! eos O O O O O O O O O O O O general-bye +bos good day and thanks for using our services eos O O O O O O O O O general-bye +bos i 'm looking for a 4 star hotel . eos O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i have 21 4 star hotels , would you like to tell me more about your trip so i can help find the most suitable hotel for you ? 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 O O O O O O N/A +bos i need free wifi and would like it to be moderately priced . thank you . eos 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 11 hotels and guesthouses that offer free wifi and are moderately priced . is there a particular part of town that you wish to stay in ? 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+Price I-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet +bos of these 11 , please give me the area and address of all those that offer free parking 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+Addr +bos north 154 chesterton road , north 82 arbury road , north 52 gilbert road , south 5 mowbray road , east , 138 perne road eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area 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 just pick a hotel for me with 4 stars that have free wifi in the moderate price range . i 'll just need to know the area & address . eos O O O O O O O O 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 O O O O Hotel-Request+Area,Hotel-Request+Addr +bos i have the aylesbray lodge guest house located in the south . the address is 5 mowbray road . is there any other information you need ? i can help you with booking a room if you would like . 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 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 O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos maybe later . i 'd love to find a place to go look at architecture in the east . 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 N/A +bos i am sorry there are no places to look at architecture in the east . would you like me to check another area of town ? eos O O 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 Attraction-Request+Area +bos i 'd like to check out the sports center . i need to call the venue to find out the cost of tickets to events . eos O O O O O O 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 sports center in the east is the cherry hinton village centre . the phone number is 01223576412. would you like to know the address or postcode ? eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area 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+Phone O O O O O O O O O O O N/A +bos yes , can i get the postcode and also 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 cb19ej and unfortunately i am not sure what the entrance fee is eos O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O O O N/A +bos that 's fine . i 'd also like to book a taxi to get there , to depart by 20:15. 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 N/A +bos where will you be leaving from ? eos O O O O O O O O Taxi-Request+Depart +bos you can book it from the aylesbray . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos i have booked your taxi and your contact number is 07276055179. be on the lookout for a white honda . eos O O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car N/A +bos great . thank you very much for your help today . that is all . eos 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 hello i am looking for a place in the north to dine and they need to serve chinese food 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+Food O N/A +bos there are three chinese restaurants in the north : hakka ( expensive ) , the hotpot ( expensive ) , and golden wok ( moderate ) . would you like more information on any 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 O O O O O O N/A +bos hakka sounds good , i 'm looking for something expensive . what else can you tell me about them ? eos O B-Restaurant-Inform+Name 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 hakka is an expensive chinese restaurant on the north side of the city , on milton road chesterton . would you like to make a reservation ? eos O B-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 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 , please ! there will be 5 of us on wednesday at 17:00. eos 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 success ! your reference number is a7g7j0kf eos O O O O O O B-Booking-Book+Ref O N/A +bos thanks so much . i also need train tickets for wednesday as well , i will be going to cambridge . eos O O O O O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Dest O O O N/A +bos from where will you be departing that day ? eos O O O O O O O O O O Train-Request+Depart +bos from leicester please . i need to arrive in cambridge by 10:30. eos O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Arrive N/A +bos i have train tr1903 leaving leicester at 5:09 and arriving in cambridge at 6:54 on wednesday . would you like to make a reservation ? 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 O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O Train-OfferBook +bos yes please . i will also need the reference number and price . eos O O O O O O O O O O O O O O Restaurant-Request+Ref,Train-Request+Price +bos i 'll gladly book your tickets . how many would you like ? eos O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos 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 . eos O O O O O O O O O O O O O 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 sure - that 's a pricey train ride , with a fare of 37.80 gbp per person . can i help with anything else today ? 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 O O O O general-reqmore +bos nope , that 's all i needed , thanks for your help ! eos O O O O O O O O O O O O O O general-thank +bos it was a pleasure . have a good day . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos can you find me a hotel in the northern area that is n't to cheap or expensive ? 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 the ashley hotel and lovell lodge . which one would you like ? eos O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O O O O N/A +bos the ashley hotel sounds good . does it have free parking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O N/A +bos ashley hotel does have free parking eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Hotel-Inform+Parking +bos thanks . coulc you book a room for me , just one person . it will be three nights starting sunday . 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 O O N/A +bos booking was successful.reference number is : lcfymn3f eos O O O O O O O B-Booking-Book+Ref 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 i can help you with ? eos O O O O O O O O O O O general-reqmore +bos no , thank you for your service . eos O O O O O O O O O general-thank +bos you are welcome , i 'm always glad to help . goodbye now . eos O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos hi , i need a hotel with wifi , please . eos O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos huntingdon marriott hotel has a high rating and wifi eos 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 what is the price range for this hotel ? eos O O O O O O O O O O Hotel-Inform +bos there are two moderate and three expensive price ranges.which range do you prefer ? eos O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O Hotel-Select +bos i need a place to stay please . a guesthouse would be great . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos acorn guest house has good ratings would you like to stay there ? eos 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 is it in the north ? i need to be in the north area of the city . eos 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 yes , acorn guest house is a 4 star guest house with free internet and free parking in the north part of town . should i book it for you ? 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 O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , please book starting thursday for 4 people and for 4 nights . eos O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O O N/A +bos i 'm sorry , there were no rooms available . 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 could you try another hotel in the same price range and , if you make a reservation , give me 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 will you be needing free parking ? eos O O O O O O O O Hotel-Request+Parking +bos i do not need free parking . eos O O O O B-Hotel-Inform+Parking O O O N/A +bos acorn guest house is in the moderate price range , are you looking to book in that pricerange then ? eos 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 Booking-Inform +bos yes , that would be fine , moderate price range . eos O O O O O O O O O O O O N/A +bos the acorn is not available but i went ahead and booked the alpha-milton guest house . your reference number is sjz9zj8v . eos O O B-Booking-NoBook+Name I-Booking-NoBook+Name 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 N/A +bos good . thanks for your help . eos 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 a place to stay . i need to find free parking and i only want to stay in a hotel and not any thing else other than 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-Hotel-Inform+Type O O O O O O O O O O O N/A +bos huntingdon marriott hotel has parking and is a highly rated hotel . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O Hotel-Inform+Parking +bos the hotel should include free wifi . eos O O B-Hotel-Inform+Type O O O O O N/A +bos yes , the huntingdon marriott also has free wifi . would like for me to book a reservation 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 Booking-Inform,Hotel-Inform+Internet +bos yes , please book it for 5 people and 4 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 O N/A +bos i 'm sorry , the huntingdon marriott hotel is not available . would you like to try another . the university arms hotel is a nice hotel in the city centre . eos 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 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 O O general-reqmore +bos is it in the same price range ? eos O O O O O O O O O N/A +bos its listed as expensive . eos O O O O B-Hotel-Inform+Price O N/A +bos and what were the marriott prices like ? eos O O O O O O O O O N/A +bos expensive price . what type would you prefer ? eos O B-Hotel-Inform+Price O O O O O O O O Hotel-Select +bos expensive price is fine . eos O O O O O O N/A +bos i was able to book a reservation . your reference number is 1jalpc7v . 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 that was all i needed today , thank you ! eos O O O O O O O O O O O general-thank +bos 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 general-welcome,general-bye +bos hi , i 'm traveling to cambridge and would like 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 N/A +bos yes i can ! there are a total of 79 different attractions in cambridge that you can visit . is there a particular type of attraction you would like to see ? eos O O O O O O 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 O O O O Attraction-Request+Type +bos i 'm looking for something in the centre of town , maybe an art museum ? eos 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 a couple locations that fit that criteria . could i recommend william 's art and antiques museum ? eos O 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+Name O O O N/A +bos that sounds great . can i please have the address , 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+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos yes ! the address is gwydir street , no . 5 dale 's brewery ; the entrance fee is free ; and the phone number is 01223311687. can i help with anything else today ? 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+Fee 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 i 'm going to need a place to stay that has free wifi and in a guesthouse . the hotel rating a zero star . 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 N/A +bos el shaddai fits your preferences and is located in the centre of town . 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 B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos can you tell me the phone number , address and price range for el shaddai ? 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+Phone,Hotel-Request+Price,Hotel-Request+Addr +bos the price range is cheap , you would need to call for more specific information . their phone number is 01223327978 , and they are located at 41 warkworth street . anything else ? eos O O O O O B-Hotel-Inform+Price O O O O O 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 I-Hotel-Inform+Addr 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 have a great day ! eos O O O O O O general-greet +bos i want to find a place to stay in the cheap 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 10 places matching your request . what part of town would 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+Area +bos north part of town , please . eos O B-Hotel-Inform+Area O O O O O O N/A +bos i have the city centre north b and b and the worth house . they are both a guesthouse with internet and parking . would you like to book 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 O O O 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 lets go with the worth house please . can i get it for 5 nights starting monday for 6 people please eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 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 that would be fine , but please stay in the same price range eos O O O O O O O O O O O O O O N/A +bos reference number is : hc73qpex . i have you at the city centre , north , b and b. anything else ? eos O O O O O B-Booking-Book+Ref 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 general-reqmore +bos no that will be all thanks for your help . eos 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 yes , i am looking for local hotels . i would prefer they be rated at least 3 stars and are on the expensive side . eos O O O 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+Price O O O O N/A +bos gonville hotel and the lensfield hotel are both expensive in the 3 star range . eos O O O 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+Stars O O N/A +bos i also need free wifi . eos O O O O O O O N/A +bos yes both have free wifi . can i check booking for either of these ? 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 book the gonville hotel for 8 people and 4 nights starting on monday . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day 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 please book a different hotel in the same price range . eos O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i have the lensfield hotel , but it is on the south side . would that do ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 yes , can you book it for me ? eos O O O O O O O O O O N/A +bos you have been booked for 8 people for 4 days starting monday at the lensfield . your confirmation number is c0ycw45c . can i do anything else for you ? eos 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+Name 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 needed . have a nice day . eos O O O O O O O O O O O O O O N/A +bos alright , glad i could help . eos O O O O O O O O general-welcome +bos i 'm looking for a place to stay 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 O N/A +bos i have 13 hotels in the north ranging from cheap to moderately priced . would you like to narrow it down by choosing a star rating ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type 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 O O O O O O O O Hotel-Request+Stars +bos yes thank you , i would like a star rating of 0 please . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos the city centre north b and b has internet and parking . 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 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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes can you please look to see if booking is available for 8 people and 4 nights starting from sunday ? 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 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 oh , bummer . how about a different hotel in the same price range ? eos O O O O O O O O O O O O O O O O Hotel-Inform +bos i can check . would you like everything else to be the same ? eos O O O O O O O O O O O O O O O N/A +bos yes , everything else is the same . eos O O O O O O O O O N/A +bos i 'm sorry but no other hotels have these exact criteria . could we vary the price 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+Price,Hotel-Request+Stars +bos yes , keep the same price range , but you can vary the star rating . eos O O O O O O O O O O O O O O O O O N/A +bos there is the worth house it is cheap and has a 4 star rating . may i book that for you ? eos O O O O B-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 Booking-Inform +bos yes , for 8 people and 4 nights starting from sunday . eos O O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos booking was successful . reference number is : rsneq2jv . eos O O O O O O O O B-Booking-Book+Ref 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 thank you for contacting us and enjoy your stay . eos O O O O O O O O O O O general-greet +bos can you find me a 3 star hotel with free wi-fi ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos the lensfield hotel is expensive and has a 3 star rating . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O N/A +bos is there a guesthouse available ? eos O O O O B-Hotel-Inform+Type O O N/A +bos i have 3 guesthouses all in the moderate price range . is there a particular area you wish to stay in ? 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 , in west cambridge . eos O O O O B-Hotel-Inform+Area O O N/A +bos i can not find anything in cambridge . eos O O O O O O O O O Hotel-NoOffer +bos are there any hotels in the same price range ? eos O O O O O O O O O O O N/A +bos i found hobsons house guesthouse in the west . it is a 3 star moderate and has free internet . can i book it for you ? eos O 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes please and i need the reference number eos O O O O O O O O O Hotel-Request+Ref +bos what day are you beginning your stay ? how many days and how many people do you want to make a booking 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+Stay,Booking-Request+People +bos i need it for 4 people for 4 nights starting monday please . eos O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O N/A +bos the hobson in not open , but i have the hamilton open , would you like me too book it , it fits the same criteria . 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 O O O O O O O O O O O O O N/A +bos yes , please and be sure to provide me the booking number , thank you . eos O O O O O O O O O O O O O O O O O general-thank +bos great . you 're all booked and your reference number is umrjouwz . 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 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 using our service today , and have a wonderful stay in cambridge ! 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 hotel in east cambridge . eos O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Area O O O N/A +bos i have 7 results . 6 guesthouse and 1 hotel . would you like to narrow it down by price . 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 Hotel-Request+Price +bos sure , is there anything in the cheap price range ? eos O O O O O O O O O O O O N/A +bos i have 3 that are cheap , the allenbell , autumn house , and the leverton house . do you want to pick one and i will book it for you ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price 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 Booking-Inform,Hotel-Select +bos it is n't important that the hotel have free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos all of them have free parking . would you like me to book you at the allenbell ? 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 Hotel-Inform+Parking +bos could you please tell me the star of the hotel ? eos O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos the allenbell has 4 stars . would you like me to book a reservation for you ? 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 O O O Booking-Inform +bos that would be great ! eos O O O O O O N/A +bos 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 . eos O O O O O O O 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 actually do n't need to book . could you just just give me the star rating , 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 O Hotel-Request+Post,Hotel-Request+Phone +bos the allenbell has 4 stars , its postcode is cb13js , and their phone number is 01223210353. can i help with anything else today ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars 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 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 ! we are always here to assist you . eos O O O O O O O O O O O O general-welcome,general-bye +bos hello ! i 'm looking for a place to stay with free parking and zero stars . eos O O O O O O O O O O O O O O O O O O N/A +bos yes , i have two guesthouses that fit that criteria . would you like to stay in the north or centre ? 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+Area I-Hotel-Select+Area O O N/A +bos do you have anything in the east ? eos O O O O O O O B-Hotel-Inform+Area O N/A +bos there is nothing in the east with zero stars and free parking . do you want to change the star rating or other 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 O O Hotel-NoOffer,Hotel-Request+Stars +bos no can you please check in the north instead then ? eos O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos the city centre north b and b meets your criteria . do you want 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 I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform +bos yes , i would like to make a reservation on saturday for 6 people and we will be staying for 2 nights . eos 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 O O B-Hotel-Inform+Stay O O N/A +bos unfortunately the booking was unsuccessful , would you like to try another hotel ? eos O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes i would like something in the same pricerange . eos O O O O O O O O O O O N/A +bos nothing else is available on the cheap side . something else perhaps ? i am sorry . eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos you can change any other criteria , but the price range should be the same as the city centre north b and b. please 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 O O O N/A +bos booking was successful at worth house . reference number is : e2kq4g5l . eos 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 that 's great . thanks . do you have their address ? eos O O O O O O O O O O O O O general-thank +bos the address is 152 chesterton road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos ok , i 'm all set here . thanks for your help . eos O O O O O O O O O O O O O O general-thank +bos enjoy your stay at the worth house . 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 a 4 star hotel that has free parking . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos the cambridge belfry matches those requirements . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos does it have free internet ? eos O O O O O O O N/A +bos yes , free internet is included at 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 Hotel-Inform+Internet +bos great , i 'd like to book at room at the cambridge belfry . eos O O O O O O O O O O O O O O O N/A +bos i can book your room now . thank you so much eos O O O O O O O O O O O O Booking-Inform +bos i 'm looking for a modern european restaurant that had a moderate price range . 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 N/A +bos the riverside brasserie matches what you 're looking for . will this work ? eos 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 . reserve a spot for 1 at 16:00 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 O O N/A +bos i was able to book you , the table will be reserved for 15 minutes , your reference number is : gpmq5ncv . 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 B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos thank you . i 'm also looking for a train that departs from cambridge and arrives at stevenage . 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 N/A +bos there are 70 trains to choose from ! let 's start narrowing that down . what day would you like to travel 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 O O O O O Train-Request+Day +bos i 'm looking to travel on friday and arrive by 12:30 eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O N/A +bos there is no train matching that descrioption eos O O O O O O O O Train-NoOffer +bos if nothing before 12:30 is there , what time are available ? eos O O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos i apologize . there is tr3043 that will depart at 11:21 and arrive at 12:10. 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+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos yes i need to book for 1 please eos O O O O O O O O B-Train-Inform+People N/A +bos your booking was successful and your reference number is 23nz1npg . 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 thank you goodbye eos O O O O general-bye +bos i 've booked one ticket for you , the reference number is 6wunbigw . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos goodbye and thank you again . eos O O O O O O O general-bye +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 am looking for a place to go in the south . eos O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are a lot of things to do in the south . do you know what kind of attraction you were looking for ? eos O 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 have no preference . what do you recommend ? eos O O O O O O O O O O O N/A +bos well if you 're looking for a museum i recommend the byard art . the phone is 01223464646 and the address is 14 king 's parade . eos O O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 O O O N/A +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos the entrance fee is free . anything else today ? eos O O O O O B-Attraction-Inform+Fee O O O O O general-reqmore +bos no , thanks , that is it for today eos O O O O O O O O O O general-thank +bos okay , i hope you enjoy the rest of your day ! eos O O O O O O O O O O O O O general-bye +bos are there any crossover restaurants in the west ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are no crossover restaurants in the west is there another area you 'd like me to look in ? eos 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 O O Restaurant-Request+Area +bos how about looking for crossover restaurants that are expensive . does n't matter the area . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos no i am truly sorry . something else perhaps ? eos O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos how about one that serves european food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos cambridge lodge restaurant is a european place in the west that is expensive . would you like to book a table ? 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 B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos no but 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos absolutely . they are located at cambridge lodge hotel 139 huntingdon road , city centre . their phone number is 01223355166. their postcode is cb30dq . anything else i can help 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 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 general-reqmore +bos yes i would like a train to bishops stortford please . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos i can help you with that . just to confirm , are you departing from cambridge or another city ? 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 yes , departing from cambridge on monday . i 'd like to get to bishops stortford by 18:00 , if possible . 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 O O O O O N/A +bos train tr4283 arrives at bishops stortford by 6:07 and costs 10.10 pounds per ticket . would you like me to reserve a seat 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 O O O Train-OfferBook +bos yes please . book that . eos O O O O O O O N/A +bos sorry , that would be 16:07 for arrival time . can you confirm how many are traveling ? 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+People +bos i am traveling by myself . i need the train id also after you book . eos O O O O O O O O O O O O O O O O O Train-Request+TrainID +bos i take that back , the tr4283 definitely arrives at 06:07 , and departs at 05:29. the booking was successful . the total will be 10.1 gbp , payable at the station . reference number:2p9bm67z . eos O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave 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 N/A +bos great . thank you ! 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-bye +bos hello . i need help finding a train on friday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos i can help you with that ! so that i can serve you better , can you tell me 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 O Train-Request+Depart,Train-Request+Dest,general-greet +bos i 'm departing from london kings cross and going to cambridge on friday . i 'm working , so i have to wait until after 11:45 to leave . eos 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 O O O O O O O O O O O O O N/A +bos i show train tr4748 departing friday from cambridge at 13:17. would you like me to book it for you ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos yes please . could you also give me the price ? eos O O O O O O O O O O O O Train-Request+Price +bos the price for that train is 23.60 pounds . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 wonderful ! thank you eos O O O O O general-welcome +bos can you help me find a good hotel ? i need one in the south . 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 have found 1 hotel and 3 guesthouses in the south area that is available for you . would you like for me to book one for you ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 i need one with free wifi and parking , please . eos O O O O O O O O O O O O N/A +bos okay , i found three guesthouses and one hotel . would you prefer a certain type ? 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 Hotel-Request+Type +bos the hotel please , thanks . eos O O O O O O O Hotel-Inform +bos the lensfield hotel is exactly what you are looking for . would you like 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 +bos yes , please . thanks ! eos O O O O O O O N/A +bos what day would you like to book the hotel and how long will your stay be ? eos 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 on second thought i just wanted to find a hotel in the south area . thanks so much for your help ! 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 N/A +bos there is only one hotel in that area but it is expensive , shall i book it for you ? eos O O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Price O O O O O O O O Booking-Inform +bos i 'd like information on trains departing from cambridge and arriving at london kings 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 N/A +bos we have trains departing for kings cross every 2 hours . what day would you like to travel ? eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Request+Day +bos i would like to leave sunday and arrive by 14:30. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos tr7447 leaves at 13:00and costs 18.88 pounds . can we book ? eos 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 Train-OfferBook +bos ok. thanks . that 's what i wanted . eos O O O O O O O O O O general-thank +bos does this mean you would like me to book the train for you ? eos O O O O O O O O O O O O O O O Train-OfferBook +bos yes , can you please ? eos O O O O O O O N/A +bos here is the reference number vhnbpcyy eos O O O O O O B-Train-Inform+Ref N/A +bos thanks so much for all of your help eos 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 i need to find an expensive mediterranean restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are 2 expensive mediterranean restaurant in the centre . would you like a reservation for one of them ? 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 O O O Booking-Inform +bos yes whatever one you recommend . i 'll need seating for 7 people at 11:00 on sunday 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 N/A +bos i would highly recommend the la mimosa , i have you booked for sunday at 11. the reference number is mz1vejl0 . eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Booking-Book+Day O O B-Booking-Book+Time O O O B-Restaurant-Inform+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 you 're welcome . enjoy your trip ! goodbye eos O O O O O O O O O O general-welcome,general-bye +bos i need to book a train that leaves after 13:45 on tuesday . eos O O 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 ? eos O O O O O O Train-Request+Dest +bos i 'm going to liverpool street in london . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A +bos the first train out of cambridge after 13:45 , going to london liverpool street , is the tr9404 , which leaves at 13:59. eos O O B-Train-Inform+Choice 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 B-Train-Inform+Id O O O B-Train-Inform+Leave O O O N/A +bos ok , how much is the ticket ? eos O O O O O O O O O N/A +bos the ticket is 16.60 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i cant afford that is there anything cheaper ? eos O O O O O O O O O O N/A +bos unfortunately , there is not from that destination . eos O O O O O O O O O O N/A +bos i will have to take it then . eos O O O O O O O O O N/A +bos just to confirm , would you like me to book train tr9494 for 1 seat ? eos O O O O O O O O O O O B-Train-OfferBook+Id O O B-Train-OfferBook+People O O N/A +bos yes . im also looking for a place to eat eos O O O O O O O O O O O N/A +bos i was able to book the ticket the reference number is zpdxc5nw . what area would you like the restaurant ? 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 Restaurant-Request+Area +bos i would like a italian food in the centre . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are several italian restaurants in the center . do you want a cheap , moderate or expensive price range ? 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 O O O O Restaurant-Request+Price +bos price does n't matter . can you recommend one that you love ? eos O O O O O O O O O O O O O O N/A +bos i recommend the don pasquale pizzeria . do you need 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 Booking-Inform +bos yes i do , for the same day . we will need a table for 6 at 10:15 please . 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 O O O N/A +bos okay great ! i was able to book that and your reference number is fu7fv4qm . 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 , that is all eos 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 , thank you . that is all for now . eos 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-bye +bos i need a train that is leaving from ely . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos i can help with that , what day will you be traveling and 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 O Train-Request+Dest,Train-Request+Day +bos i am going on wednesday and should go to cambridge . eos O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O N/A +bos fantastic . what time do you want to leave or arrive ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,general-greet +bos i would like to leave after 17:15 eos O O O O O O O B-Train-Inform+Leave N/A +bos i have train tr8610 that leaves at 17:35 and will arrive in cambridge at 17:52. would this 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 Train-OfferBook +bos yes great ! . now could you help me find a place to dine in the city center 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 B-Restaurant-Inform+Price 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 am looking for something that serves new zealand food . do you have anything ? eos 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 i 'm sorry , we do n't have any restaurants in the centre that serve new zealand food . would you like to try a different cuisine ? eos O O O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area 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 how about gastropub instead ? eos O O O B-Restaurant-Inform+Food O O N/A +bos the cow pizza kitchen and bar is the only gastropub in the area . it is in the center of town and is of moderate price . 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 B-Restaurant-Recommend+Choice I-Restaurant-Recommend+Choice I-Restaurant-Recommend+Food O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O B-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 that would be great , could you book a table for the same number of people at 20:30 on the same day ? eos 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : p05fiqfr . 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 alot for your assistance . bye eos 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 dine at a cheap restaurant on the west side of town . what are my choices ? 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 O O O N/A +bos would you like to eat italian or vietnamese cuisine ? eos O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i would like austrian actually . eos O O O O B-Restaurant-Inform+Food O O N/A +bos there are no austrian restaurants in the west . would you like to try another cuisine ? 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 Restaurant-Request+Food +bos how about vietnamese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos for vietnamese , i have a great place called thanh binh . it is a cheap restaurant with great food . would you like help reserving a table ? eos O O B-Restaurant-Recommend+Food O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price O O O O O O O O O O O O O O O Booking-Inform +bos yes , that would be great . my party will consist of 7 people and i would like to book for 12:45 on thursday . eos 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+Time O B-Restaurant-Inform+Day O O N/A +bos great . your booking was successful and you table is reserved for 15 minutes.the reference number is : 99a7dnb0 . 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 N/A +bos thank you . i would also like a train leaving on friday going to ely . 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 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 in time enough to get to the restaurant on time eos O O O O O 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 Train-OfferBook +bos i need to arrive by 18:45 on friday . eos O O O O O O B-Train-Inform+Arrive O O O N/A +bos tr9933 departs cambridge at 17:50 and arrives in ely at 18:07. do you want me to book this for you ? eos O B-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 O O O O O O O O O O Booking-Inform +bos yes please , for seven people eos O O O O O O O N/A +bos okay , i have booked that for you and the reference number is : udp5wc1j . 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 O general-reqmore +bos i think that covers everything . thanks for your assistance today , you 've been so helpful ! 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 ! if you need anything else , please do n't hesitate to ask . 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 cheap restaurant in the west 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 are 2 restaurants in the west part of town in the cheap price range . would you like italian or vietnamese food ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos italian please ! can you book a table for me for 3 people ? at 12:00 on saturday ? eos O B-Restaurant-Inform+Food 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 you a table for 3 at 12:00 at la margherita . your reference number is 9hcudtjk . would you like the address of the restaurant ? eos O O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time 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 no , that will be all . thanks . 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 need a train on wednesday . eos O O O O O O B-Train-Inform+Day O N/A +bos i can find a train for you ! what is your preferred point of departure and where would 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 Train-Request+Depart,Train-Request+Dest +bos i am going from cambridge to norwich . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos there are 19 trains from cambridge to norwich on wednesday . is there a time you 'd like to depart ? eos O O O O B-Train-Inform+Choice 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 Train-Request+Leave +bos i want to leave some time after 15:30. eos O O O O O O O O B-Train-Inform+Leave N/A +bos i have a train leaving at 15:36. would that work for you ? eos O O O O O O O B-Train-Inform+Leave O O O O O O general-reqmore +bos yes . please book for 7 people . please confirm with reference number . we are also looking for a place to eat in the north that serves kosher food . 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 O O O O O O O O O O N/A +bos your booking was successful and your reservation number is r82tujxn . eos O O O O O O O O O O O B-Train-OfferBooked+Ref N/A +bos we are also looking for a place to eat in the north that serves kosher food . eos O O O 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 are none in that area . another type perhaps ? eos O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos bummer . i could try chinese . is there anything in the north ? eos O O O O O O O O O O O O O O O N/A +bos i am sorry there is none even in the north eos O O O O O O O O O O B-Restaurant-NoOffer+Area N/A +bos are there any chinese restaurants in the north area ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos i have found 3 chinese restaurants in the north , they are either expensive or moderate in price range . do you have a preference ? eos O O O 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 O O O O O O O general-reqmore +bos i prefer an expensive one . eos O O O O B-Restaurant-Inform+Price O O N/A +bos okay , there are two options . i recommend hakka . do you want me to book a table for you ? eos O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name O O O O O O O O O O O O O O Booking-Inform +bos yes , please book for 7 people on wednesday 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 sure thing , booking was successful . the table will be reserved for 15 minutes . reference number is : 5mshi9tk . may i assist 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 O O general-reqmore +bos no , i think that 's it . thanks for all your help today . 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 allowing me to help you . eos O O O O O O O O O O general-greet +bos hi , can you help me find a train leaving cambridge ? eos O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos i would be happy to help you find a train leaving cambridge . in order to better help you , can you please let me know where you are traveling to 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 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 would like to go to cambridge on sunday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos just to clarify , are you leaving cambridge , or coming into cambridge ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am leaving birmingham new street , coming into cambridge . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A +bos there are 19 trains departing birmingham new street for cambridge on sunday . what 's your preferred departure time ? eos O O O O B-Train-Inform+Choice 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 Train-Request+Leave +bos i can depart any time after 17:15. what 's the first train that leaves after this time ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O N/A +bos the tr5797 leaves birmingham new street at 17:40. would you like me to book you a seat on that 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 O O O O O O O O Train-OfferBook +bos at what time will that train arrive ? eos O O O O O O O O O Train-Request+Arrive +bos that train will arrive at 20:23. eos O O O O O O B-Train-Inform+Arrive N/A +bos i need a train that leaves before 17:15 if possible . eos O O O O O O O O B-Train-Inform+Leave O O O N/A +bos there are no trains that leave before 07:15. tr 5797 is the earliest train there is that day . would you like to book this one ? eos O O O O O O O B-Train-NoOffer+Choice I-Train-NoOffer+Choice O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O O O O Train-OfferBook +bos no , thank you . i will have to verify with a friend if we can make tr5797 . can you help with finding an indian restaurant in the east 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 B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O N/A +bos would you prefer moderate or expensive price range ? eos O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos any is fine , i just need the postcode and address of it . eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos curry prince is the first listed . it 's located at 451 newmarket road fen ditton . cb58jj is the postcode . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+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+Post O O O O O O N/A +bos thank you 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 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 help me find an expensive restaurant . eos O O O O O B-Restaurant-Inform+Price O O N/A +bos i would be happy to assist you . is there an area of town that interests you ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos no , but i 'm looking for corsican food . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i apologize , but i could not find a corsican restaurant meeting your criteria . would you like to try a different food type ? 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 yes can you check the same area for chinese food please ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have many , what area were to looking to dine in ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area +bos the area does not matter . but try european food please ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i found 5 restaurants that serve european food all over cambridge . i recommend the city stop restaurant on the north side . would you like me to make a reservation for you ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O O O Booking-Inform +bos yes please for 7 people at 14:15 on friday . eos 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 a table booked for 7 people on friday at 14:15 , your reference number is jctpezt9 . can i help with anything else ? eos 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos yeah i also need a train eos O O O O O O O Train-Inform +bos could you tell me your departure site and destination ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos cambridge . by 13:30 and should go to broxbourne eos O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O N/A +bos ok , do you have a day of the week you want to travel ? eos O O O O O O O O O O O O O O O O Train-Request+Day +bos i need to travel on monday please . eos O O O O O O B-Train-Inform+Day O O N/A +bos okay . there are 10 trains matching your query . tr9605 departs at 14:01. would you like to make a booking for that train or hear about other options ? eos O O O O O B-Train-Inform+Choice 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 O O O O O O O O O Train-OfferBook +bos no , just get me the train id . eos O O O O O O O O O O Train-Request+TrainID +bos the train id is tr 9605. is there anything else you need ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O general-reqmore +bos that was all thank you . goodbye . eos 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 am looking for a cheap 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 N/A +bos what food type are you looking for ? eos O O O O O O O O O Restaurant-Request+Food +bos i do n't care what type of food it is . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O N/A +bos there is da vinci pizzeria and royal spice , both are in the north area and in the cheap price range . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos what are their phone numbers ? eos O O O O O O O Restaurant-Request+Phone +bos da vinci pizzeria is at 01223 351707 , and royal spice is at 01733 553355. eos 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+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos thank you good bye . eos O O O O O O general-bye +bos thanks eos O O general-bye +bos do you have information on taj tandoori ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos this is an a restaurant that serves india food located in the southern area . you can call them on 01223412299. their address is 64 cherry hinton road cherry hinton . eos O O O O O 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 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 N/A +bos cool , can you book a table for 5 people at 14: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 i 'm sorry , but there are no spaces for that time slot . would you like to try another ? eos O O O 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+Time +bos how about 13:00 ? if this is available please provide the reference number . eos O O O B-Restaurant-Inform+Time O O O O O O O O O O O N/A +bos certainly . you 're booked at 13:00 with reference number g4nwndb5 . 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 general-reqmore +bos yes , i also need a train to london liverpool street after 15:15. eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Leave O N/A +bos what day were you looking to travel ? eos O O O O O O O O O Train-Request+Day +bos i 'd like to travel on monday , please , departing from cambridge by the way . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O O O O O O N/A +bos i have a tr3602 , leaving at 15:59 and arriving at 17:27. would you like me to book a seat ? 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 Train-OfferBook +bos yes , could you book it for 5 people and provide the reference number . eos O O O O O O O O O O O O O O O O N/A +bos okay , i have booked a train for 5 people leaving at 15:59. your reference number is rs2532561 . eos O O O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Leave 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 great . have a nice time , and thank you for using 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 hello , i am looking for a restaurant on the south side of town that serves international 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 i 'm sorry , there are no international food restaurants on the south side of town . would you like 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 O O O Restaurant-Request+Food,Restaurant-NoOffer +bos how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are the peking restaurant , which is expensive , the good luck chinese food takeaway , which is also expensive , and the lucky star , which is cheap . 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O N/A +bos can i have the address of lucky star ? eos O O O O O O O O O O Restaurant-Request+Addr +bos cambridge leisure park clifton way cherry hinton 01223 244277 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos thank you ! eos O O O O general-thank +bos thank you . good bye eos O O O O O O general-bye +bos i 'm looking for a moderately priced polish food restaurant . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry , but there are n't any moderately priced polish restaurants . should i check other price ranges or a different type of food ? eos O O O O O O O B-Restaurant-Inform+Price 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 Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer +bos yes , can you please check for a turkish restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two results . anatolia restaurant and efes restaurant both server turkish food in the moderate price range . is there anything else i can help you with ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Choice 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 general-reqmore +bos may i have the address for anatolia ? eos O O O O O O O O O Restaurant-Request+Addr +bos yes , the address for anatolia is 30 bridge street city centre . eos 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 O N/A +bos thank you eos O O O general-thank +bos thank you . eos O O O O general-bye +bos hi . this might be a long shot , but can you help me find a restaurant that serves swedish food ? i do n't care about price . 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O N/A +bos there are no restaurants serving swedish food . eos O O O O O O B-Restaurant-Inform+Food O O Restaurant-NoOffer +bos how about asian oriental type of food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos dojo noodle bar serves asian oriental food in the centre of town . would you like their 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O general-reqmore +bos no thank you . i just need the address and postcode , please . eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos dojo noodle bar is located at 40210 millers yard city centre and their postcode is c.b 2 , 1 r.q . is there anything else i can assist you with ? 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 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 general-reqmore +bos no , thank you , goodbye . eos O O O O O O O O general-bye +bos thank you for using the cambridge restaurant system . good bye . eos O O O O O O O O O O O O O general-bye +bos i 'm looking for a train that leaves from cambridge after 14:45. eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos we have quite a few options available . is there a particular day you are needing this ? 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 am looking to travel friday and head to bishops stortford . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos train tr2730 departs at 15:29 and arrives by 16:07. would you like more information or to book a spot ? 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 general-reqmore,Train-OfferBook +bos no , that 's all the information i need . 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 thank you goodbye . eos O O O O O general-bye +bos i 'm also looking for a place for dinner . can you help with that ? eos O O O O O O O O O O O O O O O O O N/A +bos of course , there are over 100 restaurants in the city . would you like to eat in the same area as your hotel ? 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 O O O O O Restaurant-Request+Area +bos i would like an expensive italian placem are is not an issue . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O N/A +bos there are 5 restaurants in the area . i like frankie and bennys in the south . can i make you a reservation ? 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 B-Restaurant-Inform+Area O O O O O O O O O Booking-Inform +bos yes , 3 people at 10:15 on friday . eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos success ! your table for 3 has been reserved at frankie and bennys on friday at 10:15. they 'll hold the table 15 minutes , and your reference is 90xe260x . need anything further today ? eos O O O O O O B-Booking-Book+People O O 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 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 . thank you . eos O O O O O O O O O O O general-thank +bos you 're welcome . do n't hesitate to ask if you ever need 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 am looking for an italian restaurant in the east . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos pizza hut fen ditton matches your description . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O N/A +bos uh , no pizza hut 's please . something more classy please . eos O O O O O O O O O O O O O O N/A +bos unfortunately , there are no other italian restaurants in the east . would you like me to find you one in another area ? 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 N/A +bos is the pizza hut in the moderate price range ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O N/A +bos yes , it is . should i book it for you ? eos O O O O O O O O O O O O O Booking-Inform +bos i guess it 'll have to do . can you book us a table for 2 on wednesday at 14:00 please ? eos 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : h4btti6p . 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 ! can you help me with train tickets too ? eos O O O O O O O O O O O O O O Train-Inform +bos absolutely ! to start , let me get more details . what are your desired departure and arrival 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 the train should go to cambridge and should depart from leicester . eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart O N/A +bos it looks like there are hourly trains starting at 5:09. did you have a particular day and time in mind ? eos 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 Train-Request+Day,Train-Request+Leave +bos yes , i 'd like to book the train for wednesday and i want to arrive in cambridge by 08:30. eos O O O O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A +bos will you train arriving at 07:54 work ok for you ? eos O O O O O O B-Train-OfferBook+Arrive O O O O O N/A +bos yes i need it booked for 2 people please . eos O O O O O O O O B-Train-Inform+People O O N/A +bos i 've successfully booked 2 tickets for you , the reference number is 9fe8n16g . eos O O O O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos thanks for the help . eos 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 turkish restaurant in the centre location ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos there are 3 options available to you . is there a specific price range 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 Restaurant-Request+Price +bos no , could you recommend one and give me the address , price range , 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+Price,Restaurant-Request+Addr +bos how about the moderately priced anatolia ? the address is 30 bridge street , cb21uj . would you like me to book that ? eos O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price B-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Post O O O O O O O O O Booking-Inform +bos no thank you . i also need to find a train going to leicester . eos O O O O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos sure thing where will you be traveling from , and what day and time will you be traveling ? 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 'll be leaving from cambridge on tuesday . i 'd like to get to leicester by 18:00 please . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O O O O O N/A +bos tr0469 arrives by 17:06 , would you like me to book you passage ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos not yet . what is the price and travel time ? eos O O O O O O O O O O O O Train-Request+Duration +bos the price for that one is 37.80 pounds and the travel time is a little under 2 hours eos O 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 I-Train-Inform+Time I-Train-Inform+Time N/A +bos can you be more specific on the travel time . i have a tight schedule to keep . can you tell me in 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 Train-Request+Duration +bos the exact travel time is 105 minutes . eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you . can you make the booking ? eos O O O O O O O O O O general-thank +bos yes i can make the booking for you . how many people will be traveling ? eos O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos you know what , do n't worry about it , the trains are never full , i 'll just grab a ticket at the 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 O O O O Train-Inform +bos okay , 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 think that was all the information i needed for now . eos O O O O O O O O O O O O O N/A +bos ok. just let us know if you need anything else . 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 hello , i am looking for a venetian 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 there are no restaurants serving venetian food in the centre part of town . would you like me to check another 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 O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos how about thai food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos what is the price range you are looking for ? eos O 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 bangkok city serves thai food in the centre of town . would you like an additional information regarding this restaurant ? 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 O O O O O O O O O O O general-reqmore +bos can i get the 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 bangkok city 's address is 24 green street city centre and their phone number is 01223 354382 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 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 general-bye +bos no , thank you ! enjoy ! eos O O O O O O O O general-bye +bos hi . i 'm looking for a 4 star hotel in the east . eos O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O N/A +bos there are no 4 star hotels in the east side of town . would you be interested in staying at a guesthouse instead ? 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 I-Hotel-NoOffer+Area O O O O O O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O N/A +bos yeah , a guesthouse is what i 'm looking for actually . eos O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos there are 6 guesthouses in the area . what is your 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 i do n't have a particular price range in mind . what do you suggest for 8 people and 5 nights ? i will need it for wednesday . 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 N/A +bos i would recommend autumn house on 710 newmarket road . it has internet and parking and is cheap . does that sound good ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O B-Hotel-Recommend+Price O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos yes and also looking for places to go in town . the attraction should be in the centre and should be in the type of museum 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 N/A +bos we have many museums to choose from in the centre ! are you looking for an art museum or archaeology or science ? eos O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Area 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 I-Attraction-Select+Type O N/A +bos you can choose for me but i would like to know the postcode of the museum . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos castle galleries is my choice . the postcode is cb23bj . i never made that hotel reservation . would you like me to do that now ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Post O O O O O O O O O O O O O O O O O Booking-Inform +bos yes please . i also need to book a taxi that could take me from hotel to there . eos 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 okay what time will you be leaving . eos O O O O O O O O O Taxi-Request+Leave +bos book the hotel for 8 people , 5 nights and starting on wednesday . eos O O 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 : 057bypri . 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 can we book that taxi ? i 'll need to leave the galleries by 12:30. eos O O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos your booking is completed . that will be a red audi and the contact number is 07888569243. will there be anything else today ? 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 B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos no , you have been very helpful . i do n't have any other questions . thanks . 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 thank you and enjoy your stay in cambridge ! eos O O O O O O O O O O general-bye +bos hello , can you help me with some information on a particular hotel ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos yes i can . may i have the name of the particular hotel please ? eos O O O O O O O O O O O O O O O O Hotel-Request+Name,general-greet +bos it is the cambridge belfry . i think i have the correct name . 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 N/A +bos yes , the cambridge belfry is a cheap hotel in the west . eos O 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 N/A +bos do they have free internet ? eos O O O O O O O Hotel-Request+Internet +bos yes , they have 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 Booking-Inform,Hotel-Inform+Internet +bos no i do n't need reservation but can i get the address and phone number for them. ? 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 back lane , cambourne , postcode cb236bw and phone number 01954714600 eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O N/A +bos i need help finding some places to go in the south part of the city when i visit . 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 i have several different options for you in that area ! do you have a certain 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 O Attraction-Request+Type +bos what would you recommend ? i do n't have a preference . eos O O O O O O O O O O O O O N/A +bos wandlebury country park is a nice place and has no entrance fee . would you like more information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 general-reqmore +bos what kind of attraction is it ? eos O O O O O O O O N/A +bos it is listed as a park . eos O O O O O O B-Attraction-Inform+Type O N/A +bos thank you . i 'm also looking to book a room a the autumn house hotel . 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 N/A +bos 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 ? eos O O O O O 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 need it for monday . i have 5 guests . i want to stay 4 nights . eos O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Stay O O O N/A +bos your room is booked , ref # e2ffwuyl . 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 , that 's all i need . thank you . eos O O O O O O O O O O O O general-thank +bos you 're welcome and have a good day . eos O O O O O O O O O O general-welcome,general-bye +bos no thank you that will be 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 O general-welcome,general-bye +bos i 'm looking for an expensive restaurant in the north area eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos i have moderate and expensive priced restaurants . city stop restaurant serves european and is on the expensive side . or may i suggest saigon city , they have asian ? eos O O O O O O O O O O O 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 specialize in chinese ? eos O O O O O O O B-Restaurant-Inform+Food O N/A +bos yes , both hakka and the hotpot serve chinese . can i book either for you ? eos 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 Booking-Inform +bos lets try hakka . it will be just myself at 16:45 on tuesday . 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 . the table will be reserved for 15 minutes.reference number is : kwv7hgeb . 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 , thank you . can you help me with train schedules too ? i need to get to cambridge from bishops stortford . eos 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+Depart I-Train-Inform+Depart O O O O N/A +bos on what day will you be traveling ? eos O O O O O O O O O Train-Request+Day +bos i will be traveling on tuesday and it should arrive in cambridge by 12:45. eos O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive N/A +bos there are 4 trains that will arrive before 12:45 , do you have a preferred departure time ? 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 Train-Request+Leave +bos no , any will be fine . i only need a ticket for myself . 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 the 11:29 train which arrives at 12:07. the cost is 10.1 gbp and your reference is aax97x46 . anything else i can assist you with ? eos O O O O O O O B-Train-OfferBooked+Leave O O O 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 O O O O O O O general-reqmore +bos no thank you . appreciate your help . eos O O O O O O O O O general-thank +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 an expensive restaurant in cambridge that serves tuscan food . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O N/A +bos unfortunately , i do not have anything that matches your request . would you like me to check a different type of restaurant 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 O Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer +bos is there anything tuscan in the centre of town ? eos O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos no tuscan food in town , shall i try another type for you ? eos 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 mediterranean food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos may i suggest la mimosa ? wonderful mediterranean , took my mother there for her birthday and it was exquisite ! eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food O O O O O O O O O O O O O O N/A +bos can i have the postcode , address , 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 the postcode is cb58aq , the address is thompsons lane fen ditton , and the phone number is 01223362525. eos 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 O O O O O B-Restaurant-Inform+Phone O O N/A +bos thanks for the restaurant , i also need to take train departing from leicester that will arrive by 15:15. eos O 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 just to confirm , was that a train into cambridge ? 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 O Train-Request+Dest,Train-Request+Day +bos i want to leave on wednesday . eos O O O O O O B-Train-Inform+Day O N/A +bos train tr8292 arrives in cambridge at 14:54 , would you like for me to book it 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 O O O O O Train-OfferBook +bos i am still thinking about it . eos O O O O O O O O N/A +bos take your time . just for your information , the total cost would be 37.80 pounds payable at the station . there are also other options available . eos O O 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 O O O O N/A +bos i do n't think i will book just yet but can you give me the travel time for tr8392 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 +bos the duration of travel is 105 minutes . do you need anything else ? eos O O O O O O O O O O O O O O O N/A +bos that is all for now . if i change my mind in booking , i will call you back . 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-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 as well . eos O O O O O N/A +bos thank you for using our service good bye eos O O O O O O O O O general-welcome,general-bye +bos can you book a hotel room for me ? eos O O O O O B-Hotel-Inform+Type O O O O N/A +bos i 'd love to . what price range where you looking in ? eos O O O O O O O O O O O O O O Hotel-Request+Price,general-greet +bos i 'd like cheap . eos O O O B-Hotel-Inform+Price O O N/A +bos best choice will be the cambridge belfry , rated at 4 stars , but very inexpensive . what night will you be checking in , so i can get a booking started for you ? eos O 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 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 Booking-Request+Day,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 yes , how many people will be attending ? eos O O O O O O O O O O Booking-Request+People +bos please book it for 5 people and 5 nights starting from monday . eos O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A +bos your reservations have been made . your reference number is x1zcl9ao . 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 yes , i am looking for a college 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 N/A +bos there are 5 in that area . 3 have free entrance while the other 2 charge 2.50 pounds . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos pick a free one for me and get me the entrance fee eos O O O O O O O O O O O O O Attraction-Request+Fee +bos consider clare hall , which is a college in the western area of town eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos the entrance fee is 2.50 pounds . eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos thank you so much for your help . eos O O O O O O O O O general-thank +bos you are quite welcome . can i be of any further assistance 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 that 's all for today . thank you eos O O O O O O O O O general-thank +bos i 'm 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 O O general-welcome,general-bye +bos hi i 'm looking for some interesting attractions , especially museums on the west side eos 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 would you know the name of the musem ? eos O O O O O O O O B-Attraction-Inform+Type O Attraction-Request+Name +bos yes and could like to get the post code eos O O O O O O O O O O Attraction-Request+Post +bos how about the cafe jello gallery , postcode cb30af ? eos 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 N/A +bos that sounds nice . also , can you give me information about the lensfield hotel ? 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 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 actually need a reservation for 1 person for 5 nights on wednesday eos 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 i made a reservation for you at the lensfield hotel . your reference is rvyqn9i6 . please let me know if you need 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 O B-Booking-Book+Ref O O O 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 i 'm glad 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 i got injured and are looking for a hospital nearby it should have the teenage cancer trust unit 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 O N/A +bos addenbrookes hospital is located at hills rd , cambridge and has a teenage cancer trust unit . do you need their 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 N/A +bos yes , please . also their address and postcode . eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr +bos addenbrookes hospital is on hills rd , cambridge and postcode cb20qq . the phone for that unit is 01223274222. 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 N/A +bos i think that will do it . thanks for the information . eos O O O O O O O O O O O O O general-thank +bos you are welcome , best of luck with everything . eos O O O O O O O O O O O general-bye +bos i am looking for the addenbrookes hospital please . eos O O O O O O O O O O Hospital-Inform +bos it is on hills rd in cambridge . the telephone number is 01223245151. eos 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 Hospital-Request+Post +bos the postcode is cb20qq . can i help with anything else ? eos 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 you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos i was robbed and i want some help eos O O O O O O O O O N/A +bos i have found the parkside police station , the phone number is 01223358966. eos O O O O O O O O O O O O O O N/A +bos thanks , i also need he address and post code . eos O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos parkside police station is located at parkside , cambridge , postcode cb11jg . eos O O O O O O O O O O O O O O N/A +bos i will call now , thanks . goodbye . eos O O O O O O O O O O general-bye +bos happy i was able to help . goodbye eos O O O O O O O O O general-bye +bos i am looking for a train going to birmingham new street and should leave on thursday 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 B-Train-Inform+Day N/A +bos where will you departing from ? eos O O O O O O O Train-Request+Depart +bos i am departing from cambridge and want the train to arrive by 17:15. eos O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive N/A +bos okay , what time do you want to leave ? eos O O O O O O O O O O O Train-Request+Leave +bos it does n't matter , just as long as it arrive by 17:15. eos O O O O O O O O O O O O O O N/A +bos how about train tr5961 ? eos O O O O B-Train-Inform+Id O N/A +bos tell me the price and travel time please eos O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos 05:01 07:44 75.10 pounds 163 minutes there you go eos O 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 I-Train-Inform+Time 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 train ride . eos O O O O O O O O O O O general-welcome +bos i am looking for a hospital with a eurology department eos O O O O O O O O O B-Hospital-Inform+Department O N/A +bos did you mean urology or neurology ? eos O O O O O O O O N/A +bos sorry , urology department . eos O O B-Hospital-Inform+Department O O O N/A +bos the urology department can be contacted at 01223256650. eos O O O O O O O O O N/A +bos thank you ! can you also send me the hospital address , including the postcode ? eos O O 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 with the postcode 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 N/A +bos 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 i am looking for a restaurant . the restaurant should be in the north and should serve italian food eos 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 N/A +bos da vinci pizzeria at 20 milton road chesterton . eos 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 N/A +bos is that restaurant cheap ? eos O O O O B-Restaurant-Inform+Price O N/A +bos yes the restaurant is cheap . eos O O O O O B-Restaurant-Inform+Price O N/A +bos please get me the you get phone number and address eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number is 01223351707 and the address is 20 milton road chesterton . would you like to make a reservation ? eos 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 O O O O O O O O Booking-Inform +bos no thank you . i do n't a reservation . that is all the info i need 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 you 're welcome . please call us again and 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 you , too . thank you , goodbye now . eos O 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-bye +bos please put me in touch with the local police , i was just robbed . eos O O O O O O O O O O O O O O O O Police-Inform +bos i have information for the parkside police station , is this close to your location ? eos O O O O O O O O O O O O O O O O O N/A +bos i do n't know , could you just give me the postcode and phone ? eos O O O O 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 post code is cb11jg . 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 general-thank +bos you 're welcome . the police will help you immediately . goodbye . eos O O O O O O O O O O O O O O general-welcome +bos i need a taxi from the man on the moon to bangkok city , please . eos 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+Dest I-Taxi-Inform+Dest O O 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+Depart +bos i need to leave after 5:00. eos O O O O O O O N/A +bos i 've booked a car for you , a yellow bmw , the contact number is 07412002966. 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 N/A +bos thank you , goodbye . eos O O O O O O general-bye +bos you are welcome . thank you for calling . goodbye . eos O O O O O O O O O O O O general-bye +bos i 've been injured . where is the closest hospital ? eos O O O O O O O O O O O O Hospital-Inform +bos the closest hospital is the addenbrookes hospital located at hills rd , cambridge , postcode cb20qq , 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 O O O O O O N/A +bos no . what is the complete address ? eos O O O O O O O O O Hospital-Request+Addr +bos that is the address we have available to us . is there anything else we can help 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 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 and have a great day . eos O O O O O O O O O general-bye +bos i want a restaurant in the north of cambridge that is within a moderate price range . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O Train-Request+Price +bos there are two restaurants fitting your description , one is chinese cuisine and one is indian cuisine . do you have a preference ? 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 Restaurant-Select +bos please book a table for 4 at the chinese place at 12:30 on sunday and give me the reference number . eos 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 O O O Restaurant-Request+Ref +bos okay you 're all set for sunday at 12:30. your reference number is f5btp63a . can i help you find anything else ? eos 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 O O O O O O O O O general-reqmore +bos i am also looking for a train that goes to broxbourne on monday . 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 there are 19 trains to broxbourne on monday leaving every hour starting at 05:01. is there a specific time you 'd like ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Dest O B-Train-Inform+Day 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-Request+Leave +bos i would like to arrive in broxbourne by 13:00. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos the one arriving closest to 13:00 is tr5971 leaving cambridge at 11:01 and arrives by 12:01 in broxbourne . would you like to book a ticket ? eos O O 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+Arrive O B-Train-Inform+Dest O O O O O O O O O Train-OfferBook +bos can i just get the price on one of them ? eos O O O O O O O O O O O O Train-Request+Price +bos all tickets from cambridge to broxbourne on that day cost 17.90 pounds each . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos please book one . eos O O O O O N/A +bos how many tickets do i need to reserve for your train ? eos O O O O O O O O O O O O O Train-Request+People +bos just one , thank you ! please provide me with a reference number . eos O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos booking was successful , the total fee is 17.89 gbp payable at the station . reference number is : t1fgqfdj . 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 no , thank you . that will be all for today . thanks . eos 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 'm looking for entertainment attractions in the centre of town . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O N/A +bos there does n't seem to be anything matching your specifications . eos O O O O O O O O O O O O Attraction-NoOffer +bos what about park attractions ? eos O O O B-Attraction-Inform+Type O O N/A +bos i found the cambridge university botanic gardens on bateman 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+Addr I-Attraction-Inform+Addr O N/A +bos what attractions are at the botanic gardens ? is there a cost associated with the gardens ? eos O O O O O O O O O O O O O O O O O O Attraction-Inform +bos cambridge university botanic gardens cost 4 pounds , and is a park type attraction . 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O N/A +bos ok. can i have the postcode ? eos O O O O O O O O Attraction-Request+Post +bos the postcode is cb21jf . 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 am also looking for a train to go to birmingham new street and to leave after 21:30. can you book me a train that leaves on saturday ? 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 O O B-Train-Inform+Leave O O O O O O O O O O B-Train-Inform+Day N/A +bos tr5413 leaves cambridge at 22:01 and costs 60.08 pounds . how many tickets do you need ? 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 Train-Request+People +bos 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 eos O O O O O 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 train tr5413 arrives at 24:44 or 00:04 on sunday . would you like to book it now ? eos O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O B-Train-Inform+Day 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 your booking has been successful ! the total fee is 120.16 gbp and the reference number is oyucgosd . do you need 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos that was all for today . thank you very much and have a good evening . 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 am looking for places to go in town in the north . eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are 4 attractions in the north . do you want to specify an attraction type ? 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 no i do n't care . eos O O O O O O O N/A +bos would you prefer to go boating , swimming , or to visit a park ? eos 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 O O N/A +bos uh , let 's set it up for a park visit . i 'll need the address 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 O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos the address is milton country park , milton . entrance is free ! eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee O O O N/A +bos thanks , that 's great ! i 'm also looking for a train on thursday from kings lynn . 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 O O O O N/A +bos that would be to cambridge correct ? i have 19 for that day . did you have a certain time you wished to leave or arrive ? eos O O O O O B-Train-Inform+Dest 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 yes correct to cambridge , and i would like to arrive by 20:45. eos O O O O B-Train-Inform+Dest O O O O O O O O O N/A +bos the latest train that leaves at 19:11 and arrives at 19:58 for 9.80 pounds . would you like to book it ? 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 Train-OfferBook +bos that should work for us , i will need tickets for 7 please and 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 Train-Request+Ref +bos the booking was successful . the total fee is 68.6 gbp and your reference number is 8tu1prqv . 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos nope , that 's all , thanks . you 've been most helpful today . most helpful , indeed . 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 happy to be of service . thank you for using 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-bye +bos i 'm looking for boat attractions in the centre area of town . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O N/A +bos there are 2 boat attractions named `` scudamores punting co '' and `` the cambridge punter . '' eos O O O O O O O O O O O O O O O O O O O N/A +bos let 's go with the cambridge punter . may i get the phone number to that please ? eos 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 to the cambridge punter is 07807718591. do you have any other questions about this location ? 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 am also looking for a train leaving from leicester to cambridge . eos 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 over 100 trains from which to choose . what day and time would you like to travel ? 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 Train-Request+Leave,Train-Request+Day +bos i would like to arrive by 08:30 and want to leave on sunday . can you help me with that please . eos O O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Day O O O O O O O O O N/A +bos there is a train arriving at 06:54 and one at 07:54. which would you prefer ? eos O O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O Train-Select +bos the 7:54. may i please have the train id and departure time ? eos O O O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave +bos tr0466 leaves at 06:09. eos O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos great , 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 i 'm happy i could help you today . have a great day ! eos O O O O O O O O O O O O O O O general-bye +bos hello , can you tell me about the options for moderately priced dining in cambridge that are centrally located ? eos 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 yippee noodle bar ( asian oriental ) , restaurant one seven ( british ) , and the oak bistro ( british ) are all nearby eos O O O O O 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 that serve irish food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos no , sorry , there are n't any serving irish food . eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O N/A +bos perhaps a gastropub ? eos O O O B-Restaurant-Inform+Food O N/A +bos the cow pizza kitchen and bar would meet your request for gastropub . would you like 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 B-Restaurant-Inform+Food O O O O O O O O Booking-Inform +bos can i have the address for cow pizza kitchen please ? eos O O O O O O O O O O O O Restaurant-Request+Addr +bos the address is corn exchange street . eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos thank you , i 'm also looking for a train that leaves after 20:00 on a friday . eos O O O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Day O O O N/A +bos there are several trains that depart on friday after 20:00 , where are you traveling from and to ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'm traveling from cambridge to stansted airport . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos there are 4 trains that will work for you - leaving 20:40 , 21:40 , 22:40 , and 23:40. would you like to book one of those ? 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 O O O O O O O O Train-Select,Train-OfferBook +bos yes , can i book the 20:40 train for three people ? eos O O O O O O O O O O O O O N/A +bos booking was successful , your reference number is n9pddwd8 . you pay at the station 30.29 gbp . eos 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 N/A +bos great , thanks for your help . eos O O O O O O O O general-thank +bos you 're welcome , thank you for using our service today . 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 that is close to this location . eos O O O O O O O O O O O O O O O O O Hospital-Inform +bos the emergency department 's number is 0122327118. would you like me to contact them for you ? eos O O O O O O O O O O O O O O O O O O N/A +bos i am injured and need a hospital . eos O O O O O O O O O Hospital-Inform +bos okay , i have contacted the emergency department for you . can i have your address ? eos O O O O O O O O O O O O O O O O O O N/A +bos i do not know it . can i have the hospitals phone number ? eos O O O O O O O O O O O O O O O Hospital-Request+Phone +bos sure i have the phone number right here . but like i said i called them for you . here is the number 01223217118 eos O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos does the addenbrookes hospital have a psychiatry department ? eos O O O O O O O B-Hospital-Inform+Department O O N/A +bos yes it does . the phone number for the psychiatry department is 01223596102. would you like to book an appointment ? 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 but can you pass on the address and postcode please ? eos O O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr +bos of course , addenbrookes hospital is at hills rd , cambridge , postcode cb20qq . eos O O O O O O O O O O O O O O O O N/A +bos great . thank you very much for your help today . that will be all . 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-bye +bos hello , i 'm 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 O N/A +bos there are 44 possible options . what type of attraction are you 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 i do n't mind what kind . eos O O O O O O O O N/A +bos how about the vue cinema located at the grafton centre , east road ? eos O 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 N/A +bos sure , what is the entrance fee ? also i need a train that departs from stevenage on thursday . eos 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 Attraction-Request+Fee +bos i can book a 05:54 for you . eos O O O O O B-Train-OfferBook+Leave O O O N/A +bos i need the train to leave after 15:45 please . also do you have the entrance fee for the vue cinema ? 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 Attraction-Request+Fee +bos sorry , but i do not have the entrance fee for vue cinema in my database . i do have a train from stevanage at 15:54 for you , though . eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O N/A +bos great can you make that reservation on the train for 7 people and send me the reference number ? can you also send me the phone number for the cinema ? 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 Train-Request+Ref +bos the train is booked reference number 3yy4qv9p , and the phone number of the vue cinema is 08712240240 eos O O O O O O O B-Train-OfferBooked+Ref O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone O N/A +bos thank you for your help . eos O O O O O O O general-thank +bos you 're very 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 O general-welcome,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 have a great day then ! eos O O O O O O O general-bye +bos what cheap restaurants are there in the west of cambridge ? eos O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are two selections which fit your specifications . did you have a specific cuisine type in mind ? 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 no , nothing specific . eos O O O O O O N/A +bos ok , there is an italian restaurant and a vietnamese restaurant , would you like to book a reservation with one of these ? eos O O O 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 O O O N/A +bos i 'd like to book a table for 5 on monday at 15:45 , so if one of them can fit us in at that time i 'd like to book it . 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 O O O O O O O O O N/A +bos unfortunately there are no tables available at that time . would you like to try 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 Booking-NoBook,Booking-Request+Time +bos how about 14:45 ? eos O O O B-Restaurant-Inform+Time O N/A +bos booking was successful at thanh binh . the table will be reserved for 15 minutes.reference number is : 3mqzo5nu . 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 B-Booking-Book+Ref O O N/A +bos thanks so much . i will also need a train leaving cambridge on tuesday going to london liverpool street no later than 16:30. eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day 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 the closest train to your departure time is the 15:59 out of cambridge , arriving london liverpool at 17:27. would you like to book tickets on that train ? eos O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart 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 yes i 'd like to book 5 tickets . and can i get 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 N/A +bos your booking was successful . your reference number is m0dktwya . 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 O O O O O O O general-reqmore +bos that is everything i needed . thank you ! eos O O O O O O O O O O general-thank +bos we are glad to be of help . enjoy your trip and have a wonderful day . eos O O O O O O O O O O O O O O O O O O general-bye +bos where can i find directions to addenbrookes hospital ? eos O O O O O O O O O O Hospital-Inform +bos the address to this hospital is hills rd , cambrige , postcode cb20qq . if you would like to call the hospital for further information the number is 0122324515. eos O O O O O O O O O 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 that information . can you give me directions please eos O O O O O O O O O O O O O general-thank +bos i 'm sorry , but i can not provide you with directions . eos O O O O O O O O O O O O O O N/A +bos okay , thank you ! goodbye . eos O O O O O O O O general-bye +bos goodbye ! eos O O O general-bye +bos i need to locate addenbrookes hospital . eos O O O O O O O O Hospital-Inform +bos addensbrookes hospital is located at hills rd , cambridge . would you like their postcode or 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 i need their phone number , please . eos O O O O O O O O O Hospital-Request+Phone +bos sure . phone number to the hospital is 01223245151. anything else ? eos O O O O O O O O O O O O O N/A +bos that is all i need i will be on my way , tootles . eos O O O O O O O O O O O O O O O N/A +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-bye +bos do you know anything 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 yes , the entrance fee is 4 pounds . what else would you like to know ? 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 general-reqmore +bos i 'd like to know the area , and postcode please . eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post +bos the area is centre and the postcode is cb21jf . would you like anything else today ? eos 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 general-reqmore +bos yes , i 'm looking for a train that arrives by 08:15 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 O N/A +bos arrivals are 07:44 , 01:44 , 07:44 , 01:44 , and 07:44 what day will you be traveling ? eos 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 Train-Request+Day +bos i am traveling on wednesday from cambridge . eos O O O O O B-Train-Inform+Day O O O N/A +bos ok , i can go ahead and book the tr0115 . which arrives at 7:44 in birmingham new street . how many tickets are you needing to purchase ? eos O O O O O O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Arrive O B-Train-OfferBook+Dest I-Train-OfferBook+Dest I-Train-OfferBook+Dest O O O O O O O O O O O O Train-Request+People +bos i will need one ticket . eos O O O O O O O N/A +bos i was able to successfully book your ticket . your reference number is 2qymhow5 . 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-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos yes , could i get the travel time and the departure time please . eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos your departure time will be at 05:01 and you arrival time will be at 07:44. is there anything else i could assist with ? eos O O O O 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 general-reqmore +bos so how long would my travel time be please ? 163 minutes ? eos O O O O O O O O O O O O O O Train-Request+Duration +bos yes , that 's right . 163 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A +bos great thanks . i thinks thats all the info i am going to need . good night . 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 thank you for using our service this evening . eos O O O O O O O O O O general-greet +bos i want to visit sheep 's green and lammas land park fen causeway . 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos great ! it 's located at fen causeway , newnham road . would you like the phone number ? 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 O O general-reqmore +bos i want the postcode and address , thanks . eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos sure the address is fen causeway , newnham road , and the post code is cb22ad . 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+Post O O O O N/A +bos can i also help you book transportation to 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 O O O O N/A +bos i 'm sorry , i do n't understand . did you need more help from us today ? 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 for the confusion . yes , i need to book a train from leicester to cambridge . 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 O O N/A +bos ok , that i can do ! what day and time are you traveling ? eos O O O 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 wednesday sometime after 08:30. eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos tr1672 leaves at 09:09 and arrives at 10:54. would you like be 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 Train-OfferBook +bos can you tell me what the travel time for the train is ? eos O O O O O O O O O O O O O O Train-Request+Duration +bos yes , the duration is 105 minutes . may i help 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 no , that will be all , thank you . eos O O O O O O O O O O O general-thank +bos okay . enjoy your journey . eos O O O O O O O general-welcome +bos i will . have a nice day . bye . eos O 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 'm looking for a hotel named express by holiday inn cambridge . do you have any information on 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 I-Hotel-Inform+Name O O O O O O O O O O N/A +bos yes i do ! the hotel is located at 15-17 norman way , coldhams business park and the phone number is 01223866800. would you like for me to book you a room ? eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 Booking-Inform,general-greet +bos yes , i would like to book the room for 3 people and 3 nights starting on wednesday . 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 i 'm sorry , i was unable to book for that day . would you like to try for another day or search 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 O O O O Booking-NoBook,Hotel-Request+Name,Booking-Request+Day +bos can you try 1 night instead ? eos O O O O O B-Hotel-Inform+Stay O O N/A +bos ah yes . that worked . i have a booking for 3 people for one night . your reference number is sercrcln . is there anything else i can do for you ? 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-greet,general-reqmore +bos sure , is there an attraction called castle galleries ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos yes , it 's a museum in the city centre . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A +bos i 'd like the phone number and postcode for the museum . eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos phone number is 01223307402 and the postcode is cb23bj . is there anything else i can help with ? eos 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 yes , please i would like a taxi to get me from the museum by 9:45 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 Taxi-Inform,Hotel-Inform +bos i reserved a blue ford to pick you up at 9:45. the contact number is 07985144147. is there anything else i can help you with ? 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 O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos no , thank you . i 'm all set ! eos 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 am looking for the nearest police station . eos O O O O O O O O O O Police-Inform +bos the nearest police station is the parkside police station on parkside . the postcode is cb11jg . the telephone number is 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 N/A +bos can you please give me the written address as well ? eos O O O O O O O O O O O O Police-Request+Addr +bos the addres is parkside , cambridge cb11jg . can i help you find anything else ? eos O O O O O O O O O O O O O O O O O N/A +bos that will be all today thank you . eos O O O O O O O O O general-thank +bos are you sure you do not need any thing else ? eos O O O O O O O O O O O O general-reqmore +bos no , 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 you are welcome ! message us again if you need anything else . eos 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 centre . what are some options ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos i have the mumford theater at anglia ruskin enterprise , east road , or the fitzwilliam museum at trumpington street . 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos what are the entrance fees for all those locations ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O Attraction-Request+Fee +bos the entrance fee is free for the museum is free , and the theater fee is unknown . eos O O O O O O O O O O O O O O O O O O O N/A +bos okay , thanks for that information . i would like to book a train as well . i 'm leaving tuesday after 16:00 from cambridge . eos O O O 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 B-Train-Inform+Depart O O O O N/A +bos alright , where would you like to go ? eos O O O O O O O O O O Train-Request+Dest +bos i 'd like to go from stansted airport to cambridge . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos tr8372 leaves at 16:24. are you interested ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O Train-OfferBook +bos yes , i need to book that for 8 people . please send 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 booking was successful , the total fee is 80.8 gbp payable at the station .reference number is : vhl6tydf . 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 O O general-bye +bos you 're welcome goodbye . eos O O O O O O general-welcome,general-bye +bos i need to find a train that leaves cambridge and that should arrive by 3:00 pm . can you help ? 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 O N/A +bos where is the destination , please ? eos O O O O O O O O Train-Request+Dest +bos the destination is peterborough . i 'll be going there on tuesday . eos O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O O N/A +bos tr7727 will arrive at 14:56. would you like to book tickets 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 O Train-OfferBook +bos not right now . i am just getting information together . thank you . eos 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 am also looking for an entertainment place to go in town . i 'd like it to be in the centre if there happen to be any . eos O O O O O O O O O O O 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 would you like ? eos O O O O O O O O O Attraction-Request+Type +bos i 'd like some entertainment . eos O O O O B-Attraction-Inform+Type O O N/A +bos no entertainment attractions in the center unfortunately . i usually recommend the funky fun house on the east side of town eos O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area 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 I-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A +bos what about a college ? eos O O O O B-Attraction-Inform+Type O N/A +bos there are lots of wonderful colleges in the centre . there 's trinity college of course , but others such as saint catharine 's college are also nice . do you want to know more ? 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 O O O O 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,general-reqmore +bos i am interested in visiting saint catharine 's college . may i have the postcode , please . 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 O Attraction-Request+Post +bos the post code is cb21r1 . eos O O O O O B-Attraction-Inform+Post O N/A +bos thank you for the information . eos O O O O O O O general-thank +bos have a nice day . eos 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 hello , the name is parkside police station , located at parkside , cambridge , post code cb11jg . the phone number is 01223358966. do you need 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 N/A +bos thank you so much , that 's all i need for now . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos let me know if you need anything else . eos O O O O O O O O O O general-bye +bos where is the train that leaves cambridge to londons kings cross ? eos O O O O O O O B-Train-Inform+Depart O O O O O N/A +bos at the train station of course , what date and time would you need 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+Day +bos i will be leaving on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos there are trains leaving thursday every 2 hours starting at 5:00. what time would you like to travel ? eos O O O O O 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 Train-Request+Leave +bos i 'd like the train that will arrive by 13:00. can you book for 4 ? i need a reference number please . eos O O O O O O O O O B-Train-Inform+Arrive O O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref +bos booking was successful , the total fee is 94.4 gbp payable at the station . the reference number is z3a3oc9d . arrival time is 11:51. 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 B-Train-OfferBooked+Arrive O O O N/A +bos i also need to find a place to visit in the north while i am in 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 sure , there are a few options in the north . would you be interested in a boat , park , or swimming pool ? 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 B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type O O O N/A +bos the attraction should be in the north and should be in the type of swimmingpool . 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 jesus green outdoor pool is a great place to visit in the north . do you need anymore information ? 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 O O O O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos yes , could i get the address and phone number for the pool ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos it is located between victoria road and the river , postcode cb43px . you can call them at 01223302579. 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 I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Phone O N/A +bos great thanks . you have been so helpful . i think thats all for today . thanks . 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 happy to be of service . 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 'm coming in front out of town next week and am looking for some things to do . are there any historical colleges or universities 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 B-Attraction-Inform+Type O O O O O O N/A +bos we have all sorts of lovely colleges to visit , did you have a part of town you would prefer ? eos 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 O O O O O O O O Attraction-Request+Area +bos no , i do n't have a particular preference . kindly recommend one of those lovely colleges to me 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 would try clare hall located at herschel road postcode cb39al . the entrance fee is free . 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 O B-Attraction-Inform+Fee O O N/A +bos great ! what is the phone number . also i need a train departing cambridge going to london liverpool street . i 'd like to leave around 12:15. eos O O O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223333200. what day would you like the train for ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O Train-Request+Day +bos i need it on friday please eos O O O O O B-Train-Inform+Day O N/A +bos the first train leaving from cambridge to london liverpool street departs friday at 13:59 and arrives at 15:27. will that work for you ? 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 B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O Train-Select +bos is there no one that leaves earlier ? eos O O O O O O O O O N/A +bos do you want to leave before or after 12:15 ? there are earlier trains if you want to leave before 12:15. 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 leave earlier , just not before 08:00 eos O O O O O O O O B-Train-Inform+Leave O N/A +bos there is a train that leaves at 9:59 and arrives at 11:27. 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 Train-Select +bos yes that is great . could you give me the price per ticket ? eos O O O O O O O O O O O O O O O Train-Request+Price +bos the ticket price is 16.60 pounds . would you like me to book that for you ? 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 Train-OfferBook +bos no thanks . that 's all i need . thanks for everything ! bye ! 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-bye +bos a friend told me about an attraction called the scott polar 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 yes , there is . it 's located in the centre area and has free admission . would you like more information about it ? eos O O O O O O O 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 general-reqmore +bos i need the attraction type and address . eos O O O O O O O O O Attraction-Request+Type,Attraction-Request+Addr +bos the scott polar museum is a museum located on lensfield road . would you also like their phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore +bos no but i do need a train that will depart from peterborough and should go to cambridge . 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 when would you like to depart or arrive ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i 'd like to depart after 15:00 on thursday no preference on arrival . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O N/A +bos tr8509 will leave peterborough at 15:19 and arrive in cambridge at 16:09. would you like to book tickets on this train ? eos 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+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos maybe , what 's the duration of the train ride ? eos O O O O O O O O O O O O Train-Inform +bos the duration of the train ride is 50 minutes . eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos and how much is a ticket ? eos O O O O O O O O N/A +bos the ticket price is 16.50 pounds . would you like me to book that for you ? 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 Train-OfferBook +bos no , i think i 'll hold off on that . that 's it for today . thanks 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 O O O O O O O general-thank +bos are you sure that there is absolutely nothing else that you need ? eos O O O O O O O O O O O O O O general-reqmore +bos no than kyou . eos 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 want a train leaving from kings lynn . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos what is your destination ? eos O O O O O O Train-Request+Dest +bos cambridge , leaving on wednesday after 12:00. eos O B-Train-Inform+Dest O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos train 7040 leaves kings lyn at 12:11 and arrives in cambridge at 12:58. would you like me to book a ticket ? eos O O O 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 O O O O Train-OfferBook +bos yes . book it for 3 people . eos O O O O O O B-Train-Inform+People O O N/A +bos your booking was successful and your reference number is iso72h9i . may i help you with anything else today ? 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 general-reqmore +bos can you recommend some places to go in the centre ? eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos sure , there are lots of things to choose from -- colleges , architecture , museums , nightclubs , parks , boating , pools . what would interest you the most ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 Attraction-Select +bos i 'd like a museum . but i will need the entrance fee and phone number . you can pick one for me , please . 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+Phone,Attraction-Request+Fee +bos how about castle galleries ? it 's free , and their phone number is 01223307402. can i help you with anything else ? eos O O O B-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 O general-reqmore +bos that 's it , thanks for 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 we want to explore a park in cambridge . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos we have 5 parks . do you have a certain area in mind ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area +bos i would like it to be in the south part of town . please provide their phone number , postcode , and entrance fee . thanks . eos 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+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos you can visit wandlebury country park . the address is wandlebury ring , gog magog hills , babraham and the post code is cb223ae . 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O O O O N/A +bos what is the phone number and how much does it cost to get in ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos there is no entrance fee . the phone number is 01223243830. is there anything else you need ? eos O 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 O O O O O general-reqmore +bos i also need a train that will depart from cambridge and should go to london kings cross . eos 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 N/A +bos how about train tr5767 that leaves at 05:00 on friday ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos no , that does n't work for me . i need a train that leaves after 11:00 on wednesday 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 O N/A +bos train tr9781 leaves at 11:00 on wednesday would you like me to book that train 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 yep i only need one ticket and the reference number please . eos 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 : q7q9w4in . 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 general-reqmore +bos no thanks . that 's all i needed . eos 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-reqmore +bos that was all thanks 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 do you have any museums there ? eos O O O O O B-Attraction-Inform+Type O O N/A +bos we have several ? a particular area you are looking for ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Area +bos i 'm not quite sure yet . what are the entrance fees for the museums ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos most are free , but the cambridge museum of technology is 5 pounds and the cambridge and county folk museum is 3.50 pounds . eos 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos can you find me a train that goes to the cambridge museum on wednesday from cambridge ? eos O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Day O O O N/A +bos i 'm sorry , i do n't think the train goes within the city . could i book you a taxi , 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 O Train-NoOffer,general-reqmore +bos actually , i need a train from cambridge to ely . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos there multiple trains departing from cambridge to ely . what day and time of departure did you have in mind ? eos 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 Train-Request+Day,Train-Request+Leave +bos i want to leave after 8:15 on wednesday eos O O O O O O O O B-Train-Inform+Day N/A +bos there is a train leaving cambridge at 9:50 arriving in ely at 10:07. would that work for you ? would you like me to make a reservation ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave 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-Select,Train-OfferBook +bos yes that would work . please book the reservation . could i please get 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 i just want to confirm if i am booking one ticket eos O O O O O O O O O O O B-Train-OfferBook+People N/A +bos no i need to book seven tickets . eos O O O O O O O O O N/A +bos perfect , the train is booked for 7 people . the total is 30.8 gbp and the reference number is h4bypl6f . is there anything else i can assist you with today ? eos O O O O O O O O B-Train-OfferBooked+People O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 thank you . have an amazing day . goodbye ! eos O O O O O O O O O O O general-bye +bos have a great day as well . good bye . eos O O O O O O O O O O O general-bye +bos i 'm looking for a moderately priced hotel that offers free wifi . do you have any 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 O O O O N/A +bos i have several options that meet your criteria . one is in the centre with 0 stars , two in the north with 2 stars . 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+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O N/A +bos i am sorry i am actually looking for a 4 star hotel with free parking . is there any available ? 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 N/A +bos i have not hotels matching your criteria . eos O O O O O O O O O Hotel-NoOffer +bos can you locate me a 3 star hotel with parking . eos O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos i 'm sorry , but i am still not pulling any matches up . eos O O O O O O O O O O O O O O O Hotel-NoOffer +bos could you check again ? a moderate priced , 4 star hotel or guesthouse , that offers free wifi and parking . eos 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 N/A +bos none in our list . can you change location ? eos O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos are there any 4 star hotels or guesthouses with free parking and wifi in a different price range ? eos 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 the university arms hotel is located on regent street and is expensive . 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 O O B-Hotel-Inform+Price O N/A +bos okay . that will work . i 'll need to book it for thursday , 3 nights , and 7 people . eos 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 O N/A +bos i have booked the university arms hotel for you for thursday , 3 nights , and 7 people . is there anything else i can help you with ? eos O O O O O O O O O O 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 O O O general-reqmore +bos please give me the reference number for the hotel eos O O O O O O O O O O Hotel-Inform +bos i will get that for you eos O O O O O O O N/A +bos i need a train 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 N/A +bos sure , no problem . the first train leaves at 05:00 the last at 13:00 eos 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 N/A +bos i would like a train that leaves after 12:15 on monday . eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos there are trains leaving every 2 hours starting at 13:00. eos O O O O O O O O O O B-Train-Inform+Leave N/A +bos can you book me 8 tickets on the 13:00 train ? eos O O O O O O B-Train-Inform+People O O O O O N/A +bos okay , i have booked 8 tickets on tr6110 . leaves from cambridge at 13:00 , arriving in london kings cross at 13:51. your reference number is gooh50qg . total fee is 188.8gbp . eos O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-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 N/A +bos thanks , could you also tell me about the museum of archaelogy and anthropology ? 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 N/A +bos you can find that museum at university of cambridge , downing street , and it 's free to enter . do you need more information ? eos O O O O O B-Attraction-Inform+Type O O O O B-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 general-reqmore +bos yes , i need their phone number as well . eos O O O O O O O O O O O Attraction-Request+Phone +bos sure , their number is 01223333516. eos O O O O O B-Attraction-Inform+Phone O N/A +bos what 's the entrance fee as well ? eos O 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 that is all for now . eos 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 O general-bye +bos have a great day as well . goodbye . eos 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 i 'm looking for a restaurant that serves asian oriental food in cheap range . eos 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 'd suggest dojo noodle bar on 40210 millers yard city centre . would you like a reservation ? eos 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 I-Restaurant-Recommend+Addr O O O O O O O O Booking-Inform +bos sure ! this is exactly what i need ! eos O O O O O O O O O O N/A +bos can you give me more information about the booking the table ? eos O O O O O O O O O O O O O N/A +bos what do you mean . would you like me to book it ? eos O O O O O O O O O O O O O O N/A +bos i can reserve a table for you and give you a reservation number eos O O O O O O O O O O O O O O Booking-Inform +bos can you help me find a place to dine in cambridge ? eos O O O O O O O O O O O O O N/A +bos was there a particular area of town you wanted to dine in ? or a particular 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 Restaurant-Request+Area,Restaurant-Request+Food +bos i would really like some malaysian food tonight , moderate in price please . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos i am not finding any malaysian restaurants in the city . would you like a different type of food ? eos 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 Restaurant-Request+Food +bos could you try one similar only indian this time ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos what area of town are you looking to dine in ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos area does not matter . eos O O O O O O N/A +bos do you have a preference to price ? i have many indian restaurants of varying price all over the city . eos O O O O O O O O O O B-Restaurant-Inform+Choice B-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 Restaurant-Request+Price +bos i would like to stay in the moderate price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there a 4 restaurants that would work . two are in the east . one in the north . one in the west . would you like me to 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 O O O O O O N/A +bos yes can you please five me a recommendation . eos O O O O O O O O O O N/A +bos i recommend the curry prince then . do you need anything else ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O general-reqmore +bos can i get a table for 3 people at 11: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 okay , i 've got it for you ! the table will be reserved for 15 minutes . your number is : pd3gxpl6 . 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 N/A +bos i also need a place to stay that is cheap . eos O O O O O O O O O O B-Hotel-Inform+Price O N/A +bos there are many hotels in your price range . what area would you 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 Hotel-Request+Area +bos the area does not matter as long as it is in the type of guesthouse and should have a star of 3. 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 B-Hotel-Inform+Stars N/A +bos unfortunately , i do n't have anything that is cheap with 3 stars . is there a different area or type of room you would like ? eos O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O B-Hotel-NoOffer+Stars O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type +bos how about a 3 star guesthouse in the moderate price range ? eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O N/A +bos i have the hobsons house it is in the west moderately priced with 3 stars . would you like reservations ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O 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 Booking-Inform +bos does the hobsons house have internet ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Request+Internet +bos yes , it does . 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 Booking-Inform,Hotel-Inform+Internet +bos no , just please get me their postcode and 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 Hotel-Request+Post,Hotel-Request+Phone +bos their phone number is 01223304906 and postcode cb39lh eos O O O O O B-Hotel-Inform+Phone O O B-Hotel-Inform+Post N/A +bos 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 general-thank +bos thank you for calling . please let us know if there is anything else you need . 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 O O general-bye,general-reqmore +bos i 'm trying to find a hotel called allenbell . can you help ? eos O O O O O O O O B-Hotel-Inform+Name O O O O O O N/A +bos yes allenbell is located on 517a coldham lane in the east . would you like me to book a room for you ? eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform +bos book for me bed and breakfast for five people from tommorrow . 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 actually do n't book it just yet on second thought . can you advise how many stars it has and the price 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 O O Hotel-Request+Stars,Hotel-Request+Price +bos the allenbell is a 4 star guesthouse in the cheap price range . eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A +bos i need a a restaurant . the restaurant should be in the west and should serve italian food.the restaurant should be 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 B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O O Hotel-Request+Price +bos i would suggest prezzo then . would you like for me to book it ? eos O O O O B-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform +bos yes i would . for 5 people on tuesday at 19: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 i was able to get that table booked for you for tuesday . the restaurant will hold the table for 15 minutes . your reference number is isyr3hnc . eos O O O O O O O O O O O O B-Booking-Book+Day 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 so much , goodbye ! eos 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 need to know more about a hotel called home from home . 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 home from home is a 4 star guesthouse with internet and parking in the moderate price range . would you like their phone number ? eos 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 O O O B-Hotel-Inform+Price O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'd prefer an address at this point . thanks ! eos O O O O O O O O O O O O Hotel-Request+Addr +bos okay . their address is 78-80 milton road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O N/A +bos thanks ! i 'm also looking for an expensive restaurant in the east . 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 i recommend royal standard , a gastropub in the east . it 's located at 290 mill road city centre . can i make a reservation for you ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O B-Restaurant-Recommend+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 Booking-Inform +bos yes , please . i will have a party of 8 ready to dine on sunday at 18:15. eos O O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos all righty , your reservation is set for sunday , 18:15 , for 8 people . your table will be held for 15 minutes . your reference number is nuvbzxwy . eos O O O O O O O O B-Booking-Book+Day 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 O O N/A +bos perfect ! that is all i needed . eos O O O O O O O O O N/A +bos great , will you need a taxi perhaps ? i can also give you information on attractions 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 general-reqmore +bos oh yes of course . i need one to arrive at the restaurant by 18:15. please provide the car type and 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 Taxi-Request+Car +bos done . look for a white volkswagon and the contact number is 07673977358. will there be anything else 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 general-reqmore +bos no , that was all i need , thanks . goodbye . eos O O O O O O O O O O O O O general-bye +bos you are welcome . enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos i 'd like to find a french restaurant on the north side of town . 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 there is one french restaurant in the expensive price range called restaurant two two , would you like a reservation ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Booking-Inform +bos yes let 's do one for 6 people at 16:00 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 they will hold your table for an extra 15 minutes for you . your reference number is 16ontu2a . 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i also need to find a guesthouse please , preferably one with 3 stars that is near the restaurant . 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 O O O N/A +bos and on what day would you like to begin your stay ? eos O O O O O O O O O O O O O Booking-Request+Day +bos i 'll be starting my stay on sunday and it 'll be 3 nights and 6 people 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 do you need parking or wifi ? eos O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos i do n't need either . eos O O O O O O O N/A +bos alpha-milton guest house is the best choice . would you like a reservation ? 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 Booking-Inform +bos yes . i already told you 2 turns ago what the specifics of my reservation are . please complete it 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 O O O O O O O O O N/A +bos you are booked and your reference number is u9rgkumm . anything else ? eos O O O O O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos could you book a taxi between the two places ? eos O O O O O O O O O O O Taxi-Inform +bos i have completed the booking for you . the contact number is 07299510083 and your driver will be driving a white audi . is there anything else ? eos 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 O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O general-reqmore +bos that 's all i needed today ! thanks for all your help ! bye ! eos O O O O O O O O O O O O O O O O general-bye +bos i 'm glad 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-welcome,general-bye +bos i would like an expensive guesthouse , please . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A +bos i 'm not showing any expensive guesthouses . would you like me to search for guesthouses that 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 N/A +bos are there any expensive guesthouses 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 no , i am afraid i am not showing any expensive guesthouse in the centre ? would you like to change your search ? eos 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 O O O O O O O O O O general-reqmore +bos how about cheap with the same criteria ? eos O O O B-Hotel-Inform+Price O O O O O N/A +bos yes , there are two . alexander bed and breakfast and el shaddai . would you like me to book one of those for you ? 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 O O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos yeah , let 's do el shaddai . eos O O O O O O O O O N/A +bos would you like me to reserve a table for you ? eos O O O O O O O O O O O O Booking-Inform +bos i need a table for 2 people . eos O O O O O O O O O N/A +bos i can book el shaddai for you . how many nights will you be staying ? eos O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O Booking-Request+Stay +bos ok i will book it for you eos O O O O O O O O N/A +bos what day would you like this reservation made for ? eos O O O O O O O O O O O Booking-Request+Day +bos please book the el shaddai for sunday , 2 nights , 2 people . eos O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+Stay O O O O O N/A +bos i have booked the hotel for you . the reference number is fmtzqot2 . 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 thank you . i will also 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 O O Taxi-Inform +bos how many people in the taxi ? eos O O O O O O O O N/A +bos there will be 2 people . eos O O O O O O 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 would like to be picked up at my hotel and i need to be taken to the restaurant by 16:30. eos O O O O O O O O O O B-Hotel-Inform+Type B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O B-Taxi-Inform+Arrive N/A +bos ok great . a restaurant has not been discussed yet . 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 Booking-Inform,general-greet +bos at the el shaddai . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos i am not seeing that restaurant listed , is there a different one you might like to book ? eos O 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 table for the same group of people and the same day . eos O O O O O O O O O O O O O O O O N/A +bos there are 110 restaurants in the city . are you looking for a particular area or cuisine 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 Restaurant-Request+Food,Restaurant-Request+Area +bos yes , i am looking for indian in the centre . eos O O O O O O B-Restaurant-Inform+Food 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 Booking-Inform +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 we have quite a few expensive restaurants . do you have any preferences as far as area or cuisine type ? 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 O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos thai food , in the centre of town . eos O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A +bos you should try bangkok city it meets all your criteria and is really great . would you like 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 O O O O O O O Booking-Inform +bos yes , please book the table . eos O O O O O O O O N/A +bos how many in your party ? what day and time would you like to book for ? eos 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 there are 2 of us . i need the reservation for 14:30 on wednesday . eos 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 N/A +bos the booking was successful . the table will be reserved for 15 minutes.your reference number is : zsdxs5vk . 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 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 place to stay that is in the same area as the restaurant , is a hotel and includes free parking . 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 B-Hotel-Inform+Type O O O O O O N/A +bos the gonville hotel is in the same area as the restaurant and has free parking . their phone number is 01223366611. 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 B-Hotel-Inform+Phone Hotel-Inform+Parking +bos what is the post code for the gonville hotel ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Request+Post +bos postcode is cb11ly . is there anything else i can assist you with ? eos O O O B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore +bos i also need a taxi to get me there and back . eos O O O O O O O O O O O O O Taxi-Inform +bos where would you like to depart from ? eos O O O O O O O O O Taxi-Request+Depart +bos i want to go from the hotel to the restaurant and need to arrive in time for my reservation . can you book that and then give me the relevant info ? 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 O O O O N/A +bos your taxi reservation has been booked . you will be picked up by a white honda at 14:15 at the gonville hotel headed to bangkok city . the contact number is 07851072379 eos 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+Leave 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 B-Taxi-Inform+Phone O O N/A +bos my visit is all set . thanks for all your help . goodbye for now . 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-welcome,general-bye +bos i am seeking an expensive restaurant in cambridge . eos O O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are 57 expensive restaurants in cambridge . do you have a food type preference ? 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 how about one in the east area ? eos O O O O O O B-Restaurant-Inform+Area O O N/A +bos that narrowed the search down to 5. do you have a food type preference ? eos O O O O O O O O O B-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Food +bos tell me your favorite . i 'd like their phone number and address , 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 sure . the sitar tandoori 's phone number is 01223249955 and their address is 43 high street cherry hinton cherry hinton eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos great , also , are there any museums in that same area ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos we have four museums in that area . most are free to visit , though the cambridge museum of technology does have an entrance fee . eos O O O B-Attraction-Inform+Choice 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+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 what is the postcode for the cambridge museum of technology ? eos O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb58ld . is there anything else you would like to know ? eos O O O O B-Attraction-Inform+Post O O O 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 you 're very welcome . goodbye ! eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a train departing london kings cross 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 B-Train-Inform+Dest O O N/A +bos okay ! when would you like the train to depart ? eos O O O O O O O O O O O O Train-Request+Leave +bos i want the train to leave after 11:00 on thursday . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos tr4216 leaves at 11:17 and arrives in cambridge by 12:08 , would you like me to book you tickets for that one ? eos 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 O O O O O O N/A +bos what is the travel time for that ride ? eos O O O O O O O O O O Train-Request+Duration +bos it is a 51 minute ride . is that all the information you need ? 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 general-reqmore +bos i also need a place to stay . i would like to find a 3 star holel that has free parking . 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 N/A +bos do you have an area of town in mind ? eos O O O O O O O O O O O Hotel-Request+Area +bos no , i am open to different areas . i would like something expensive though . oh , and make that with free parking and wifi . 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 O O N/A +bos i have two to choose from . one in the center and one in the south . which would you prefer ? 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 O O O O O O Hotel-Select +bos the center one is good . could you provide me with the room type hotel or guesthouse ) and the address , 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 O O Hotel-Request+Post,Hotel-Request+Type,Hotel-Request+Addr +bos the gonville hotel is a hotel located on gonville place , cb11ly . phone number is 01223366611. eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Phone 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 too . thank you . goodbye eos O O O O O O O O general-bye +bos i need to dine at some place expensive in the east . eos O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O N/A +bos there are five restaurants available . is there a specific type of food 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 i would like to try indian food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two in the area . i recommend pipasha restaurant would you like more information or for me to book it for you ? eos O O O O B-Restaurant-Inform+Choice 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,general-reqmore +bos i need to book a table for 5 people at 19:45 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 booking was successful . the table will be reserved for 15 minutes.reference number is : 6x61zyw2 . 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 's all i need ! 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 i 'm looking for rosa 's bed and breakfast eos O O O O B-Restaurant-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 a cheap 4 star guesthouse in the south area of town . would you like any more information ? 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 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 O O O general-reqmore +bos no , that 's great , thank you . could you reserve rooms there for 3 people for 3 nights starting thursday ? 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 O O O N/A +bos let me look and see if i can find you a room for three people for three nights starting on thursday . eos O O O O O O O O O O O O O O B-Booking-Inform+Stay O O O O O O B-Booking-Inform+Day O N/A +bos if that does n't work , please try for sunday . eos O O O O O O O O O O O O N/A +bos you are all booked . reference number is 69v5e4kx . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos are you aware of any scottish restaurants in the south ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos no i am sorry there no scottish restaurants available in the south . would like to try another area ? eos 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 O O O O O Restaurant-Request+Area +bos no , what type of cheap restaurants are there ? eos O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos in the south there are 2 cheap restaurants . one is chinese and the othe is portuguese . eos O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i prefer the portuguese restaurant . eos O O O O B-Restaurant-Inform+Food O O N/A +bos nandos is a very popular restaurant serving portuguese food in the south area of town in the cheap price range . would you like more information or to book ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform,general-reqmore +bos can you book for the same group of people at 12:00 the same day ? eos O O O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A +bos you 're all booked . your table will be reserved for 15 minutes . eos O O O O O O O O O O O O O O O Booking-Book +bos thank you ! what is the reference number please ? eos O O O O O O O O O O O general-thank +bos reference number is : 8t2t8n3q . eos O O O O O B-Booking-Book+Ref 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 , have a great day ! eos O O O O O O O O O O general-welcome +bos i need to find local restaurants in cambridge where i can dine and i also need an expensive 4 star hotel i can stay in while in cambridge . 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 B-Hotel-Inform+Type O O O O O O O O N/A +bos sure , what kind of hotel are you looking for ? eos O O O O O O O O O O O O Hotel-Request+Type +bos an actual hotel instead of a guesthouse , i would need to have free wifi . eos O O O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A +bos how about the huntingdon marriott hotel ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos yes , i 'd like to book 2 nights there , please . eos O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos sure i can help with that . what day would like the reservation for 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,Booking-Inform +bos for 1 person , 2 nights starting sunday . eos O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos i was able to book your room . your reference number is w7ml67qb . 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 O general-reqmore +bos yes , i 'm also looking for a place called the midsummer house restaurant . 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 N/A +bos that is an expensive british restaurant in the centre of town . the phone number is 01223369299. can i 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Phone 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 i would love to ! how many people , which date and time ? eos O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Time,Booking-Inform +bos it will be at 16:00 on sunday . just a table for one . eos O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O N/A +bos your booking was successful ! the reference number is 2x3eow8a . your 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 thank you for your help ! eos O O O O O O O general-thank +bos thank you for using the cambridge town info centre services . we 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 O O O O general-bye +bos i would like to take a train to cambridge on monday . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are lots of trains to choose from ! where are you departing from ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Depart +bos i am departing from london liverpool heading 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 N/A +bos what time will you be traveling ? eos O O O O O O O O Train-Request+Leave +bos i need to arrive by 15:30 eos O O O O O O B-Train-Inform+Arrive N/A +bos i have a train that arrives at 15:07. would you like a booking ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes please . book it for 2 tickets . also include the reference number . eos 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 33.2 gbp payable at the station .reference number is : wrsetqca . 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 , can you tell me what type of architecture places are in cambridge ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i have five architecture attractions in cambridge . all in the centre . one costs 2 pounds and the others are free . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos thank you ! can you please give me the phone number of the free one ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos all saints church can be reached at 01223452587 eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone N/A +bos thank you so much for all your help . you have a great day now . eos O O O O O O O O O O O O O O O O O general-thank +bos you too , and thank you for contacting the cambridge towninfo centre ! 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 looking for a train . eos O O O O O O O B-Train-Inform+Dest O O O O O N/A +bos where are you coming from for your visit ? eos O O O O O O O O O O Train-Request+Day +bos i am leaving bishops stortford . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos i have the system up but still need the date and time . 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 leave after 18:00 eos O O O O O O O B-Train-Inform+Leave N/A +bos the tr9891 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 yes please for 1 person . eos O O O O O B-Train-Inform+People O N/A +bos you have a seat reserved on tr9891 , reference # 6k7a74sn . can i help you with anything else today ? eos O O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos can you book me a table at nandos city centre for 21:00 and give me a ref number 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+Time O O O O O O N/A +bos i 'd be happy to . please confirm the day you would like the reservation . eos O O O O O O O O O O O O O O O O O Booking-Request+Day +bos saturday please . eos O B-Restaurant-Inform+Day O O N/A +bos you are now booked for saturday at nandos city centre . your reference number is rmj6dtl . can i help you with anything else ? eos O O O O O O B-Booking-Book+Day I-Booking-Book+Day 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 general-reqmore +bos no , that will do it 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 service ! eos O O O O O O O O general-greet +bos how are you doing today ? i need to find a hotel on the north side of town that offers internet at no extra charge 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 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 no , but it should be a guesthouse eos O O O O O O O B-Hotel-Inform+Type O N/A +bos arbury lodge guesthouse is in the moderate price range in the north part of town . 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 O O B-Hotel-Inform+Area O O O O N/A +bos is that my only option ? i need a guesthouse in the north and internet is not important . 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 , there are 10 guesthouses in the north . do you need something specific ? eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O O N/A +bos no , please recommend one for me and give me the address . eos O O O O O O O O O O O O O O Hotel-Request+Addr +bos i still recommend arbury lodge guest house . its a four star hotel and have very good reviews and it has both free wifi and parking . 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+Type O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos that sounds great . can i get the address please ? eos O O O O O O O O O O O O Hotel-Request+Addr +bos yes , it is located at 82 arbury road , postcode cb42je . 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 thanks . are there any restaurants in that area that serve corsica cuisine ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are not any corsica restaurants in that area . is there a different type of cuisine you would like for me to check ? 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 O Restaurant-Request+Food +bos yes please give me the name of a restaurant that serves chinese food in the area . 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 hakks , golden wok and the hotspot are all chinese restaurants in the north 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 I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos could i make a reservation for 6 people on tuesday at 13:15 at golden wok ? eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 327pbmac . 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 get a taxi . eos O O O O O O O O O Taxi-Inform +bos no problem , where to where , and when to when ? eos 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 i need to get from the guesthouse to the restaurant , and i want to be sure i 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 N/A +bos booking completed ! booked car type : yellow honda contact number 07962119630 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 for your help ! eos 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 general-welcome +bos i need to find out information about a particular hotel called warkworth house eos O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos it has some great reviews . it is a 4 star moderate located on warkworth terrace . what else would you like to know ? eos O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O general-reqmore +bos book it for 3 people and 5 nights for monday . 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 i just booked it for you . your reference number is 3p75namg . 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 yes , i am looking for a restaurant that serves eritrean food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm afraid there are no eritrean restaurants in the area . 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+Area I-Restaurant-NoOffer+Area O O O O O O O O O O Restaurant-Request+Food +bos are there any eritrean restaurants in the east instead ? eos O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i am sorry , there are no eritrean restaurants in the east either . would you care for another 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 O O O O O O O O O O O Restaurant-Request+Food +bos let 's try italian food . eos O O O B-Restaurant-Inform+Food O O O N/A +bos there is one italian restaurant in the east . it is moderately priced . it is located in cambridge retail park . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 N/A +bos ok great . can you book a table for 3 at 16:00 on monday ? 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 i have booked a table for 3 for monday at 16:00 at pizza hut fen ditton . 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 I-Booking-Book+Name I-Booking-Book+Name O N/A +bos may i have the reference number please ? eos O O O O O O O O O N/A +bos i am not showing that you were booked and i am having trouble booking this for you . do you have other choices ? eos O 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 how about wednesday ? eos O O O B-Restaurant-Inform+Day O N/A +bos i do apologize , but it seems like i 'm having trouble booking this for you at this 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 +bos okay , maybe try it again for wednesday ? eos O O O O O O O O O O N/A +bos unfortunately , the restaurant ca n't accomodate you . eos O O O O O O O O O O Booking-NoBook +bos okay should we try a different restaurant then ... ? i 've never had this problem before ... eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos how about some italian food in the west ? there are two restaurants we can try . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O N/A +bos that would work , i need to get a table the same day as my other booking . 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.reference number is : 3p75namg . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you for your help , have a great evening . eos O O O O O O O O O O O O general-thank +bos you are welcome and you do the same .goodbye eos O O O O O O O O O O general-bye +bos hello . i need to catch a train leaving on monday . can you help me find something ? eos O O O O O O O O O O O B-Train-Inform+Day O O O O O O O O N/A +bos yeah sure but you need a departure/arrival city and time . eos 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 am going to london liverpool street from cambridge and should arrive there by 12:45 eos 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 B-Train-Inform+Arrive N/A +bos tr5431 fits your criteria and will arrive at 01:27. would you like me to book that for you ? eos O B-Train-Inform+Id O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos yes , could you book 3 tickets and provide the 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 reference number is : 4hwc0omv . 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 also need to find out some information about the lensfield hotel eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos ah , yes , the lensfield is a very nice hotel . it 's on the south end of the city and is quite expensive , but they have free wifi . would you like a room ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Type 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 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 +bos no , but can you provide their address . oh , 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 O Hotel-Request+Parking,Hotel-Request+Addr +bos their address is 53-57 lensfield road and they do offer free parking eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O Hotel-Inform+Parking +bos excellent . that 's all i need . eos O 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 that 's it . thank you for your help . eos O O 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,general-bye +bos hi , i am hoping to find a 4 star hotel room . can you recommend one for me ? 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 N/A +bos yes , 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 do n't care . but i 'd like a place that 's moderately priced and offers 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 there is the acorn guesthouse in the moderate price range and 4 stars . it also has free wifi and parking . eos 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 B-Hotel-Inform+Stars O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos great , let 's book that one . 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 how many people would you like it booked for and for what days please ? eos O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos 5 people starting on sunday . eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O N/A +bos how many days do you plan on staying ? eos O O O O O O O O O O Booking-Request+Stay +bos 5 nights , please . eos O O B-Hotel-Inform+Stay O O O N/A +bos it 's booked and your reference number is lfe8g8ce . the address is 154 chesterton road and postcode is cb41da . 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 O O O O O O O O O N/A +bos yes i also need a train that leavers after 12:00 going to ely . 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 where will you be departing from ? eos O O O O O O O O Train-Request+Depart +bos east london . thanks eos O O O O O general-thank +bos there is no train leaving 12:00 , but train tr5484 leave 13:50 do you want to adjust your time ? eos O O O O O O B-Train-NoOffer+Leave O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O O O O O O O O O N/A +bos sure . please book five tickets for me and reply with the reference number . 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 22 gbp payable at the station . reference number is : bubqrd4r . 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 N/A +bos that is all i need , good bye . eos O O O O O O O O O O general-bye +bos enjoy your visit . please give us a call if you need further assistance . eos O O O O O O O O O O O O O O O O general-greet +bos yes , hello . i need a place to crash so i 'm thinking a 0-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 N/A +bos great , i have two options for you eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O N/A +bos ill take either one but can you check and see if they include both internet and wifi ? i 'm on a real tight budget . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos indeed , they do . city centre north b & b is your best bet . would you like to book 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 O O O O O O O O O O O O O O Booking-Inform,general-greet +bos oops , i forgot to ask for free parking , does that include free parking ? eos O O O O O O O O O O O O O O O O O N/A +bos free parking is included at the city centre north b and b. should i make a reservation for you ? 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 I-Hotel-Inform+Name O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos what is their address ? eos O O O O O O Hotel-Request+Addr +bos their address is 328a histon road . anything else i can do for you ? eos 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 , i 'd like an expensive restaurant in the west . i 'm not particular about the food , what do you recommend ? what is the phone & postcode ? 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 O O O O O O O O O O O O O O Restaurant-Request+Post +bos do you like thai food ? the sala thong is a good restaurant that meets your needs . phone is : 01223323178 postcode : cb39ey eos O O O O O 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 good . i also need a taxi from my hotel . eos O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos where will you be headed and when would you like to depart by ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest +bos i want to leave the hotel for the restaurant by 13:00. eos O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos great your booking is complete on a yellow lexus . the contact number is 07896162603. anything else i can help you with ? 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 that 's everything thanks for the help eos O O O O O O O O general-thank +bos thanks for using the cambridge town info centre services ! eos O O O O O O O O O O O general-bye +bos i need something to do in canbridge in the centre that has lots to do with sports 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 i do n't see anything located in the centre of town that has to do with sports . is there another area i can look up for you ? eos O O O O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O B-Attraction-NoOffer+Type O O O O O O O O O O O O O Attraction-Request+Area +bos how about a concerthall ? eos O O O O B-Attraction-Inform+Type O N/A +bos there is the man on the moon at the concerthall in the centre , would you like the phone number ? 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 O O O O O O O O O O general-reqmore +bos yes please find me their address and phone number eos O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the man on the moon concerthall is located at 2 norfolk street , postcode cb12lf , phone number is 01223474144. can i help you with anything else today ? 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 O O B-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 O O O general-reqmore +bos thank you . i also need a german restaurant . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are no german restaurants in cambridge . eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area N/A +bos wow ! what about european food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 11 european restaurants . do you have a price range and area in mind ? 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,Restaurant-Request+Price +bos i am looking for modern european food in the moderate price range . any area is okay . eos O 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 O O N/A +bos since you are going to be in the centre of town already , how about de luca cucina and bar ? it is moderately priced . eos O O O O O O O O O B-Restaurant-Recommend+Area 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 B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O N/A +bos book that for 4 people at 15:15 on saturday eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos you booking has been confirmed , your reference number is dzzpyfod . 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 thank you ! i also ned a taxi that goes from the concert hall to the restaurant , and arrives by the time of my reservation . can you pleas 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 O O O O O O O N/A +bos booking completed ! booked car type : red skodacontact number : 07017968837 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 thank you ! that will be all today ! eos 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 looking for places to go in town and be in the south eos O O O O O O O O O O O O B-Attraction-Inform+Area 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 the attraction should be in the south . eos O O O O O O O B-Attraction-Inform+Area O N/A +bos how about nusha ? it 's located in the south . eos O O O B-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O N/A +bos what 's the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos unfortunately , nusha has not provided any information on entrance fees . i can seek other options , if you 'd like . eos O O B-Attraction-Inform+Name 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 O O general-reqmore +bos then find me a particular hotel called cityroomz eos O O O O O O O O B-Hotel-Inform+Name N/A +bos there is a hotel called cityroomz in centre located at sleeperz hotel , station road . would you like me to book it for you ? eos O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Name 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 O O O O O O Booking-Inform +bos yes , please book it . eos O O O O O O O N/A +bos when will you start your stay ? eos O O O O O O O O Booking-Request+Day +bos i need it for thursday night , for four nights , for 4 people . i 'll also need a taxi by 10:15. i need the car type and contact number please . eos 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 B-Taxi-Inform+Leave O O O O O O O O O O O O O Taxi-Request+Car +bos booking was successful.reference number is : y3cfu8wn . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i 'd also like to book a taxi . i need to leave the hotel by 10:15. 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 N/A +bos booked car type : white toyotacontact number : 07264671188 all set . what else can i help with today ? eos 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 think i got everything i need thanks to you ! eos O O O O O O O O O O O O general-thank +bos well , you are very welcome . i hope you have a great time ! 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 departing from cambridge going to birmingham new street . eos O O O O 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 please let me know what time you would like to arrive or when 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 Train-Request+Arrive,Train-Request+Leave +bos i need to leave after 11:15 on sunday . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos train tr0686 will work for you . 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 not yet . what time will that arrive in birmingham ? eos O O O O O O O O O O O O Train-Request+Arrive +bos train tr0686 will arrive at birmingham new street at 14:44. eos O O B-Train-Inform+Id O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos okay what is the price per ticket ? eos O O O O O O O O O Train-Request+Price +bos the price per ticket is 60.08 pounds , how many travelers will be requiring tickets ? eos O O 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 no tickets yet . but i do need info on a swimming pool in the north . i you could recommend one ? 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 N/A +bos okay i have two to choose from . would you like me to recommend one to you ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O N/A +bos yes please . i 'll also need the entrance fee , post code and address . 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 which one would you like jesus green outdoor pool or kings hedges learner pool ? eos 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 I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name N/A +bos the outdoor pool please . eos O O O O O O N/A +bos jesus green outdoor pool is located between victoria road and the river , cb43px . phone number is 01223302579. i 'm afraid i do n't have an entrance fee listed though . eos 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 B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O O O O O O O O O O O O O N/A +bos that 's okay . that will be it . 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 thank you . is there anything else ? eos O O O O O O O O O general-reqmore +bos no , that is all the help i need for today . thanks again ! eos 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 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 O general-welcome +bos i need to leave london kings cross and arrive at cambridge by 11: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 do you have a day you want to travel on ? eos O O O O O O O O O O O O Train-Request+Day +bos i want to travel by train on friday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos the tr5686 will have you in cambridge at 10:08. eos O O B-Train-Inform+Id O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos great i need 6 tickets and the reference number . eos O O O O O B-Train-Inform+People O O O O O Train-Request+Ref +bos your reservation on the tr5686 train for 6 was successful . your reference number is : fd35aijm . eos O O O O O B-Train-OfferBooked+Id B-Train-OfferBooked+People O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos great . can you also tell me about the bedouin restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Name O O O N/A +bos sure , the bedouin restaurant is located in the centre of town at 100 mill road city centre . their phone number is 01223367660. they serve african food . is there anything else ? eos O O O B-Restaurant-Inform+Name O O O 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 B-Restaurant-Inform+Phone O O B-Restaurant-Inform+Food O O O O O O O O O general-reqmore +bos yes , what is there postcode ? eos O O O O O O O O Restaurant-Request+Post +bos their post code is cb12bd . eos O O O O O B-Restaurant-Inform+Post O N/A +bos great , that is everything i need . may your day be filled with awesomeness . eos O O O O O O O O O O O O O O O O O N/A +bos thanks have a great day eos O O O O O O general-bye +bos i 'm planning a trip to cambridge and i would like to find a hotel on the east side that offers free parking 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 O N/A +bos i have six great options for you ! eos O O O O O O O O O N/A +bos okay , i am looking for a 1-star hotel . are any of those options 1-star hotels ? eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos no , there are no 1-star accommodations anywhere in cambridge . eos O O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O N/A +bos how about four star hotels that fit the same requirements ? eos O O O O O O O O O O O O N/A +bos i got 5 options . what is your price range ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Price +bos price does n't matter to me as long as it comes with free parking . eos O O O O O O O O O O O O O O O O N/A +bos carolina bed and breakfast is moderately priced and has free parking . would you like a reservation ? eos 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,Hotel-Inform+Parking +bos yes please , people for 3 nights . what is a good place to eat nearby ? eos O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O O N/A +bos let 's get the hotel book and then we 'll find a place to eat . what nights 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 Booking-Request+Day,Booking-Inform +bos i would like to stay 3 nights starting thursday . i need the room for two people . eos O 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 booking was successful . reference number is : 6zs8ykfj . 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 what kind of expensive restaurants are near the hotel ? eos O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos we have several . what kind 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 im not picky as long as it is in the same area as the hotel eos O O O O O O O O O O O O O O O O Hotel-Inform +bos would you like to try yu garden ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos book a table for 2 people at11:00 on thursday eos O O O O O O O O O O N/A +bos what type of food would you like and in what price range ? eos O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos i 'm looking for an expensive restaurant in the east 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 i have booked you a table at yu garden ! the reference number is h2380gfa , and your table will be reserved for 15 minutes . 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 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 think that about covers it . 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 place to stay and it does n't need free parking , but i would like it to be 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 B-Hotel-Inform+Price O O N/A +bos there are lots of accommodations in the cheaper price range , but they do all offer free parking . also , is there a certain part of town you 'd like to be in ? eos O O O B-Hotel-Inform+Choice 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 O O Hotel-Request+Area,Hotel-Inform+Parking +bos yes , the east part of town . eos O O O B-Hotel-Inform+Area O O O O O N/A +bos how about autumn house ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos as long as it has free parking , we are good to go ! eos O O O O O O O O O O O O O O O N/A +bos great , would you like for me to set up a booking ? eos O O O O O O O O O O O O O O Booking-Inform +bos yes and can i get a postcode ? eos O O O O O O O O O Hotel-Request+Post +bos the postal code is cb58rs . what day would you like to book the room for and the legnth of stay ? 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 Booking-Request+Stay,Booking-Request+Day +bos i am not sure on the day yet , however am looking for a train to goes to broxbourne . eos O 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 sure , there are many leaving from cambridge . what day and time are you looking for ? 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 Train-Request+Leave,Train-Request+Day +bos i would like to leave on wednesday and arrive by 20:00. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos tr1148 leaves cambridge at 18:01 and arrives in broxbourne 19:01. it is the last train on wednesday . do you want me to book it ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O B-Train-Inform+Day O O O O O O O O O Train-OfferBook +bos yes , for six people , please . and i 'd like 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 booking was successful , the total fee is 107.4 gbp payable at the station . reference number is : 8yrzzyez . 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 , that is everything that i need . eos 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-welcome,general-bye +bos it 's sunday and i am bored . do you have any trains into cambridge today ? eos O O B-Train-Inform+Day O O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos there are many trains , when would you like to depart ? eos O O O O O O O O O O O O O Train-Request+Depart +bos i would like to leave from kings lynn after 9:30. eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos tr5928 leaves at 10:11 , 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 can you give me the price of a ticket ? eos O O O O O O O O O O O Train-Request+Price +bos tickets are 7.84 pounds . 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 Train-OfferBook +bos great i also need to find a place to stay that does n't need to have free parking and is 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 B-Hotel-Inform+Price O O O O Train-Request+Price +bos there are 33 hotels in the cheap range , any preference on area or anything else ? 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,general-reqmore +bos cheap price range in the centre . eos O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O Train-Request+Price +bos there are two choices . alexander bed and breakfast and el shaddai . do you want to make a reservation at one of these choices ? 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 O O O O O O O O O O Booking-Inform +bos i will take alexander please . eos O O O O O O O N/A +bos to confirm you want me to book you a room at alexander bed and breakfast starting on sunday . how many nights will you be staying ? 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 O O B-Booking-Inform+Day O O O O O O O O O Booking-Request+Stay +bos yes . please book it for 2 people for 2 nights on sunday . 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 i 'm sorry , alexander bed and breakfast is unavailable for those nights . would you like to try another day or just one night 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 O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos actually , let 's back up . i need a place with a star rating of 0 , in the centre , with free parking . does the alexander have 0 stars ? 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 O N/A +bos i have the el shaddai that is cheap and located in the centre . they have a 0 star rating and offer free parking and free wifi . would that work for you ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price 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 O O O O O O Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , that would work for me . please book it for 2 people 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 N/A +bos i 'm sorry i was unable to book your table for 2 people for 2 days on sunday . would you like 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 how about trying just for one night , instead ? eos O O O O O O O O O O O N/A +bos booking was successful for 1 night only . reference number is : o1rx0uha . can i be of anything further assistance ? eos O O 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 general-reqmore +bos no , that will be all . thank you 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 have a nice day , good bye . eos O O O O O O O O O general-bye +bos i am interested in museums , which ones are in operation in cambridge ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos there are several museums , is there a particular area you were interested in ? eos 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 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 ? eos O O O O O O O O O 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 i think you will enjoy the byard art museum . it is located at 14 king 's parade . the postal code is cb21sj and the phone number is 01223464646. eos 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Post O O O O O B-Attraction-Recommend+Phone O N/A +bos i would also like a train that depart from ely and arrive by 13:00. eos O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive N/A +bos on what day will you be traveling ? eos O O O O O O O O O Train-Request+Day +bos i would be leaving thursday and going into cambridge . eos O O O O O B-Train-Inform+Day O O O O O N/A +bos the latest train would arrive at 11:52. would you like me to book you a reservation ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos no thanks . i just need the train id , travel , and departure time eos 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 tr0813 . the departure time is 11:35 and the total trip time is 17 minutes . 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 B-Train-Inform+Time I-Train-Inform+Time 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 hello ! i need a place to stay , can you help me find something in a moderate price range ? 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 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 in the east . eos O O O B-Hotel-Inform+Area O N/A +bos i have three places , will you need parking ? eos O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Parking +bos i do n't need parking , but the i 'd prefer to stay in a guesthouse . 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 how about the warkworth house ? they 're a moderate guesthouse in the east part of town . would you like to book a room ? eos O O O O B-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 O O O O O O O O O O Booking-Inform +bos yes , please . i 'd like to book for 4 people for 2 nights staring 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 O O N/A +bos booking was successful.reference number is : 6dra6j6p . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thanks ! i also need a train to stansted . eos O O O O O O O O O O O Train-Inform +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 on monday after 8:30 to go to the stansted airport . eos O O O O O O O B-Train-Inform+Day O O O O O O O O O N/A +bos how about the tr0797 train ? it leaves cambridge at 8:40 and arrives at stansted at 09:08. 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 , can you book my same group some tickets ? eos O O O O O O O O O O O O O O N/A +bos train tr0797 is booked for 4. your reference number is o925iz27 and the total cost payable at the station is 40.4. eos O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O O O O N/A +bos thank you very much , that will be all for today . eos O O O O O O O O O O O O O general-thank +bos thank you and enjoy your travels . have a great day ! eos O O O O O O O O O O O O O general-bye +bos hello . i need to find a hotel in cambridge in the moderate price range . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos alright , there are 18 hotels in the moderate price range . is there a particular part of cambridge you would like 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 Hotel-Request+Area +bos i 'd like it to be a hotel with 4 stars if possible , are there any options ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos are you open to guesthouses ? we have several 4-star moderately priced guesthouses . i could recommend avalon in the north 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 N/A +bos that sounds good . please book it . eos O O O O O O O O O N/A +bos 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 ? eos O O O O O O O O O O O O O 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 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 ? eos O O O O 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+Internet,Hotel-Request+Addr +bos the address is 62 gilbert road . the avalon offers free wifi but is does not have free parking . 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 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 Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos i am also looking for a train to leave on sunday after 18:00 eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos i just need your destination and where you are leaving from please . eos 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 cambridge and i 'll be at london kings cross . eos O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O N/A +bos you have a choice of three trains . one leaves at 19:17 , one at 21:17 , and one at 23:17. will any of these three trains 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 N/A +bos the 19:17 one would work . can you give me the arrival time for that one . eos O O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos that train will arrive by 20:08. eos O O O O O O B-Train-Inform+Arrive N/A +bos ok. great . i can take it from here , you 've been a big help . eos O O O O O O O O O O O O O O O O O O N/A +bos you are welcome ! have a nice day . eos O O O O O O O O O O general-welcome +bos i need a room in cambridge please eos O O O O O O O O N/A +bos okay , do you have an area or price range you 're looking for ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos expensive guesthouse . it should have free parking and wifi eos O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O N/A +bos unfortunately there are not guesthouses that meet your criteria . would you like to look for something in the moderate price range or a hotel instead ? 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 O O N/A +bos how about any guesthouses available ? eos O O O O O O O N/A +bos i do not have any expensive guesthouses with wifi and parking . i do have some moderate or cheap ones . eos O O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O Hotel-NoOffer+Internet,Hotel-NoOffer+Parking +bos hmm , well how about checking for a hotel instead that is expensive with free parking and wifi ? eos 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 i did n't find any that matched that criteria . eos O O O O O O O O O O O N/A +bos how about a hotel ? eos O O O O B-Hotel-Inform+Type O N/A +bos i have a few hotels that meet your needs . how about the gonville hotel ? it is in the centre of town . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos yes that sounds like a good fit for me . please 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 have booked you at the gonville hotel for 1 night however we will need to know for how long and how many people . thank you . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Day O O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos it 's just one night for 4 people . eos O O O O O O O B-Hotel-Inform+People O O N/A +bos and what night will you be staying at the hotel , please ? eos O O O O O O O O O O O O O O Booking-Request+Day +bos actually , come to think of it i will go ahead and book the room later . can you help me find a train going to broxbourne ? eos O 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 N/A +bos of course . what day will you be travelling ? eos O O O O O O O O O O O Train-Request+Day +bos i would prefer to leave around 9:30 on monday morning . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos we have 14 trains leaving around 09:30 on monday to broxbourne . was there a certain time you wanted to arrive by ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O B-Train-Inform+Day O B-Train-Inform+Dest O O O O O O O O O O O O Train-Request+Arrive +bos i need a train for 4 people to broxbourne , arriving by 3 pm eos O O O O O O O B-Train-Inform+People O B-Train-Inform+Dest O O O O O N/A +bos the tr1319 fits your criteria . would you like me to book passage for you on this train ? eos O O B-Train-Inform+Ref O O O O O O O O O O O O O O O O O Train-OfferBook +bos i will need it for four people . eos O O O O O O O O O N/A +bos booking was successful , the total fee is 71.59 gbp payable at the station .reference number is : uynxz4w5 . 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 O B-Train-Inform+Ref O O O O O O O O Train-OfferBooked,general-reqmore +bos no . that will be all i need . thanks . take care . bye . eos O O O O O O O O O O O O O O O O O general-bye +bos okay , great ! i 'm so glad i could help 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 general-bye +bos i am looking for a museum in the west to go to . eos 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 that area , did you want something with no entrance fee ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee O N/A +bos yes , please . 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 there are six free museums in the area . are you interested in archeology , art exhibits or galleries ? there is also a cafe gallery . eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Area 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 N/A +bos i am most interested in a museum . can you send me postcode and address . i also would like a cheap catalan restaurant , please . 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 Attraction-Request+Post,Attraction-Request+Addr +bos well , we have many museums . the cambridge and county folk museum , for instance . or the museum of classical archaeology . what interests you ? eos O O O O B-Attraction-Inform+Choice I-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 I-Attraction-Recommend+Name O O O O O O O O Attraction-Select +bos i 'll try the folk museum . where can i find it ? eos O O O O O O O O O O O O O O N/A +bos the cambridge & county folk museum costs 3.50 pounds entrance and is located at 2-1 castle street . their 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 N/A +bos could you also provide the museum 's postcode please ? eos O O O O O O O O O O O Attraction-Request+Post +bos yes , the post code is cb30aq eos O O O O O O B-Attraction-Inform+Post O N/A +bos i 'm also looking for a cheap catalan restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , we do n't have one . will some other type do ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos yes , can you find a chinese food restaurant in that post code instead ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O Attraction-Request+Post +bos i 'm sorry , we do n't have one . will some other type do ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos are there any italian places in town ? eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos there is one italian restaurant located in the same area as the museum . it is called the la margherita . would you like to book a table ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Attraction-Inform+Type O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform +bos yes . could you book a table for 8 at 13:15 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 N/A +bos i just completed your booking . the table will be reserved for 15 minutes and the reference number is gew1enh5 . 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 N/A +bos yes , i want to book a taxi to commute between the two places please . eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos great ! i have booked your taxi for you . it will be a white volvo and the contact number is 07828251776. 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 general-greet +bos will the taxi be able to get us to the restaurant on time ? 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 O O Restaurant-Inform,Taxi-Inform +bos the taxi will be available and we hope you enjoy your trip . eos O O O O O O O O O O O O O O Taxi-Inform,general-greet +bos thanks for all your help ! eos 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 in the centre of town that includes free wifi . 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 have 2 cheap guesthouses and moderate to expensive hotels in the center of town . do you have a preference ? `` eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Price 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 Hotel-Select +bos moderate would be best . eos O B-Hotel-Inform+Price O O O O N/A +bos cityroomz , located at sleeperz hotel on station road is moderately priced . would you like me to book a room ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform +bos do they offer free wifi ? if so , i would like to 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 Hotel-Request+Addr +bos yes , they offer free wifi to guests . the address is : sleeperz hotel , station road . anything else i can get you ? eos 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 O O O O O Hotel-Inform+Internet,general-reqmore +bos i also looking for places to go in town.the attraction should be in the type of entertainment and should be 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 B-Attraction-Inform+Type O O O O O O O O O O N/A +bos there is no entertainment in the same area would you like somewhere else 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 Attraction-Request+Area +bos okay , could you look for one that is architecture instead ? eos O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are actually 5 architectures in the area . would you consider the all saints church ? eos O O O O O B-Attraction-Inform+Choice 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 sounds good . does it have an entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos no , all saints church is free of entrance . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O O N/A +bos that 's all i need . you have been very helpful . thank you so much ! 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 fun in cambridge ! eos O O O O O O O O O O general-welcome,general-bye +bos hi , can you suggest some attractions i could visit in cambridge ? eos O O O O O O O O O O O O O O Attraction-Inform +bos absolutely . we have plenty of options . looking for a place in particular ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Area +bos can you look for something in the east ? eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are museums , a park , a pool , multiple sports , entertainment venues , and a boat . do any of these sound fun ? personally , i think the boat is a lot of fun . 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 O O N/A +bos are they all located in the east ? if so , i would like more information on the boat ! 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 camboats is in the east and there is no entrance fee listed . may i help you with anything else ? eos O B-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 general-reqmore +bos i 'm looking to book a train to kings cross on wednesday to cambridge . eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O N/A +bos what time were you wanting to leave by or arrive by ? eos 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 12:15. eos O O O O O O B-Train-Inform+Arrive N/A +bos i have train tr2417 that is departing at 11:17 and arrives by 12:08. 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+Arrive O O O O O O N/A +bos that would be great , could you book it for 7 people ? eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos absolutely ! i 've booked 7 tickets for a total of 165.2 gbp payable at the station . reference number : 9g3e2jds . can i help you with anything else ? eos O O O O O B-Train-OfferBooked+People 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 yes , actually . i just need the phone number and postcode for the attraction you told me about , camboats . eos O O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number to camboats is 01223902112 and the postcode is cb58sx . eos O O O O O B-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O N/A +bos thank you very much . that will be all . 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 hi i want to book a taxi from cocum leaving after 9am . eos O O O O O O O O O B-Taxi-Inform+Dest O O O O N/A +bos what is your destination please ? eos O O O O O O O Taxi-Request+Dest +bos i 'd like to go from cocum to hobson 's house . i also need 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 , your taxi is reserved , the vehicle will be a white skoda and the contact phone number is 07557776784 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 N/A +bos thank you so much . that is all that 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 +bos can you recommend a guesthouse to stay in in the centre of town ? 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 is the alexander bed and breakfast and el shaddai . would you like to book one of them ? 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 Hotel-Select +bos i want one that 's 0 stars . eos O O O O O O B-Hotel-Inform+Stars O O N/A +bos i only have one place with a 0 star rating . the el shaddai . would you like me to book it ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Stars 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 +bos that sounds good . please go ahead . eos O O O O O O O O O N/A +bos i would be happy to make that booking . are you traveling alone , and for how many days would you like the 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 Booking-Request+Stay,Booking-Request+People,Booking-Inform +bos i would like the reservation for 5 nights . eos O O O O O O O O B-Hotel-Inform+Stay O N/A +bos how many people ? eos O O O O O Booking-Request+People +bos one person starting wednesday . need the reference number and also looking for a cuban restaurant in the expensive price range . eos O O O O B-Hotel-Inform+Day O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O Hotel-Request+Ref +bos your booking was successful . the reference number for your stay is 26kk8twa . what area will the cuban restaurant be in ? eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O Restaurant-Request+Area +bos in the centre please . eos O O O B-Restaurant-Inform+Area O O N/A +bos i 'm sorry , there are no restaurants that match your requirements . do you have other suggestions ? 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 ok thankyou , will figure out what to do eos 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 i am looking for a place to stay that has free wifi 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 B-Hotel-Inform+Price O O O Train-Request+Price +bos there are 5 hotels that meet your criteria . do you have a preference on what area of the city 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 O Hotel-Request+Area,Hotel-Select +bos i just need to have free parking . eos O O O O O O O O O N/A +bos i have five hotels that all fit that criteria . anything else you 're looking for in a hotel or should i just book one of those for you ? 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 Booking-Inform,Hotel-Select,general-reqmore +bos i do n't need it booked . can i get the phone number and address of an expensive hotel with free wifi and parking ? you choose . 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 Hotel-Request+Phone,Hotel-Request+Addr +bos the phone number for gonville is 01223366611 , and the address is gonville place eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos i also need a train departing from stevenage leaving after 08:45 eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave N/A +bos what is your destination ? eos O O O O O O Train-Request+Dest +bos cambridge on friday . eos O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos the first train available leaves at 09:54 and arrives at 10:43. will that work ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O Train-OfferBook +bos i think so , but can you confirm the price first ? thank you . eos O O O O O O O O O O O O O O O O Train-Request+Price +bos the price is 12.80 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos is there any earlier arrival times ? eos O O O O O O O O Train-Request+Arrive +bos there is also a train that leaves at 07:54 , would you like that one ? eos O O O O O O O O O B-Train-Select+Leave O O O O O O O N/A +bos could you please give me the arrival time and confirm that the price is still 12.80 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 yes , the price is still 12.80. it arrives at 8:43. eos O O O O O O B-Train-Inform+Ticket O O O B-Train-Inform+Arrive 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 thank you for using our system today ! eos O O O O O O O O O general-welcome +bos i need a cheap four star room . eos O O O O B-Hotel-Inform+Price O O O O N/A +bos there are 7 guesthouses and 1 hotel meeting your needs . do you have an area preference ? eos 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 Hotel-Request+Area +bos no but i need it to include free parking . eos O O O O O O O O O O O N/A +bos all 8 have free parking . if you 're looking for a guesthouse , might i suggest alexander bed and breakfast ? eos 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 I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O Hotel-Inform+Parking +bos do all 8 places have the internet ? eos O O O O O O O O O Hotel-Request+Internet +bos yes , they sure do . do you prefer 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 O Hotel-Inform+Internet +bos can you suggest one for me ? i need the hotel type , phone number , and whether it has internet 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 O Hotel-Request+Phone,Hotel-Request+Internet,Hotel-Request+Type +bos sure , the allenbell is a guesthouse with free internet . the phone number is 01223210353. can i be of further assistance ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos i also need a train on saturday that departs from cambridge . eos O O O O O O O B-Train-Inform+Day O O 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 'm heading to leicester . i need to get there by 21:00. eos O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive O N/A +bos we have 15 trains going to leicester from cambridge arriving by 21:00. was there a certain time you wanted to leave at ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O B-Train-Inform+Depart O O B-Train-Inform+Arrive O O O O O O O O O O O Train-Request+Leave +bos if i could get the train that arrives closest to 21:00 please . eos O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos i recommend train tr6034 . the cost is 30.24 pounds and it will get you there by 20:06. would you like me to book it for you ? eos 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 B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos yes that would be great if you could book train tr6034 for me . thank you . eos O O O O O O O O O O O O O O O O O O Train-Inform +bos booking for tr6034 was successful for one person . your total fee is 30.24 gbp payable at the station and your reference number is a1e9mygc . eos O O O B-Train-OfferBooked+Id 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 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 and have a great day . eos O O O O O O O O O general-bye +bos i would like to go and visit leicester . do you think you can help me find a train to get me there ? 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 N/A +bos sure ! there are plenty of trains going to leicester . what city will you be departing from ? eos O 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 i will be leaving from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos perfect . what day would you like to travel on ? do you need to depart or arrive 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+Leave,Train-Request+Day,Train-Request+Arrive +bos i will be traveling on sunday and would like to arrive by 08:30 please . 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 first train leaves at 06:21 and arrives at 08:06. how many tickets would you like please ? 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 O Train-Request+People +bos i need it for eight people , please . eos O O O O O O O O O O N/A +bos great ! you 're booked on tr9187 with reference number mjj7j6cv . is there anything else i can help with ? eos 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 general-reqmore +bos yes ! i also need to find an expensive guesthouse in the north . it should have plenty of free parking for my fancy car . eos O B-Hotel-Inform+Parking 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 O N/A +bos i am sorry , there are no expensive guest houses in the north with free parking . would you like to try another area ? eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O O Hotel-NoOffer+Parking +bos then how about one that is in the cheap price range ? eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are 2 options . city centre north has a rating of 0 stars and worth house has a rating of 4 stars . would you like me to book either of them ? eos O O O O B-Hotel-Inform+Choice 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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform +bos worth house sounds good . thank you . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A +bos i 'll be happy to book a room for you . how many nights 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 Booking-Request+People,Booking-Request+Stay +bos i actually just needed the information . that 's all i need for now . 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 general-bye +bos sure , thanks for using this service . eos O O O O O O O O O general-bye +bos hello , i 'm looking for a guesthouse in the north of town . eos 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 quite a few guest houses in the north . worth house is an inexpensive 4 star option offering both free wifi and free parking , if you 'd like a recommendation . 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 B-Hotel-Inform+Area B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Stars O O O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos i need an expensive one . eos O O O O B-Hotel-Inform+Price O O N/A +bos i 'm sorry , there are no guest houses in the north that are expensive . there are also no expensive hotels in the north either . would you be flexible on location ? eos O O O O O O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Type O O O O O O O O O O O O Hotel-Request+Area +bos how about one in the moderate price range ? eos O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price +bos i can search and make a few recommendations for you . eos O O O O O O O O O O O O general-reqmore +bos were you able to find a moderately expensive guesthouse in the north ? i need to book one for 4 people and 2 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 O O B-Hotel-Inform+Stay O O O O O N/A +bos there are no matches . are there any other locations you would like to find a guesthouse ? eos O O O O O O O O O O O O O O O O B-Hotel-Select+Type O O Hotel-NoOffer,Hotel-Request+Area +bos is there one in the moderate range then ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos yes , i found 5 guesthouses in the moderate price range . are you looking for any special amenities ? eos O 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 Hotel-Request+Parking,Hotel-Request+Internet +bos nothing else , book it for 4 people and 2 nights starting from wednesday . 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 i booked acorn guest house for you . reference r9saljyn . their phone is 01223353888. anything else i can help you with ? eos 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 B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos i 'm going to need a ride to bishops stortford . is there a train i could get on , around say ... 10:30 ? eos O O O O O O O O B-Train-Inform+Dest I-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 there are trains that depart every day at 11:29 and arrive in bishops stortford by 12:07. did you have a particular day in mind ? eos O O O O O O B-Train-Inform+Day I-Train-Inform+Day I-Train-Inform+Day 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 Train-Request+Day +bos yes , i would like a train for friday departing from cambridge , please . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O O O N/A +bos the tr8078 leaves cambridge at 11:29. i can book that if you 'd like , i just need to know how many seats you 'll need . 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 O O O O O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos not right now , but can you tell me the per person fare ? eos O O O O O O O O O O O O O O O N/A +bos absolutely , the price per person is 10.10 pounds . is there anything else that i can help 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 O general-reqmore +bos i should have asked before ... what is the travel time ? the duration ? 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 38 minutes from cambridge to bishop stortford . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos thank you , that should be all today . eos 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 O general-welcome,general-bye,general-greet +bos yes i 'm looking for a place to stay in the centre . eos O O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos do you know if you want a guesthouse or hotel ? eos O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos i prefer a guesthouse . eos O O O O B-Hotel-Inform+Type O N/A +bos there are two guestshouses available . i would recommend alexander bed and breakfast ! eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos awesome . that 's all i needed . eos O O O O O O O O O N/A +bos if i can help you with any other information . please let me know ? eos O O O O O O O O O O O O O O O O general-reqmore +bos actually , can you give me the postcode for that b and b ? eos O O O O O O O O O O O O O O O Hotel-Request+Post +bos yes , the postcode is cb12de . would you like to book it ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O Booking-Inform +bos hmm , not right now . i 'm also looking for a train to cambridge on monday . can you help ? 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 N/A +bos i sure can . there are many trains available that day . can i get your point of departure please ? 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+Depart +bos i am leaving from leicester after 12:45. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos the train leaving closest to your departure time is at 13:09. the cost is 37.80 pounds and it will arrive by 14:54. shall i book a ticket for you ? eos O O O O O O O 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 B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos please . i need a reservation for 5 people and would like a confirmation number . eos O O O O O O O O O B-Train-Inform+People O O O O O O O N/A +bos your tickets have been reserved and the total price is 189 pounds . reference number is spyic5k8 . do you need help with anything else ? eos O O O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos thank you so much for all your help today . eos O O O O O O O O O O O general-thank +bos is there anything else i may help you with ? eos O O O O O O O O O O O general-reqmore +bos thank you , i think that will be all for today ! eos O O O O O O O O O O O O O general-thank +bos it was a pleasure to assist you . thanks for using our service . 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 am looking for a moderate priced place to stay that has free wifi . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos let 's see what we can find . i have about 17 options . do you have a certain area you prefer or maybe a price range preference ? 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 O O Hotel-Request+Area,Hotel-Request+Price +bos i would prefer moderate price range and wifi included eos O O O O O O O O O O N/A +bos how about kirkwood house ? it 's in the north . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area O O O N/A +bos is it a guesthouse ? eos O O O O O O N/A +bos yes it is a guesthouse . would you like me to book it for you ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O Booking-Inform +bos yes please i need it booked for 3 people for 2 nights starting on wednesday . 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 alright , i have you booked successfully , and your reference number is f74w1s62 . eos O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos that 's awesome . can you also look for a train for me ? i 'd like to leave on friday after 18:15. eos O O 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 O O N/A +bos we have many trains on friday after 18:15. to narrow it down , can you tell me where is your starting location for the train ? and what is your destination ? eos O O O B-Train-Inform+Choice 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 O O O O O O Train-Request+Dest,Train-Request+Depart +bos so the train should depart from cambridge and go to london kings 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 N/A +bos booking was successful , the total fee is 23.6 gbp payable at the station .reference number is : u4g7gggh . 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 you book that for my whole group ? 3 people ? eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos sorry , no it was n't . i have updated this info for 3 people booking was successful , the total fee is 70.8 gbp . reference number is : 5vjx8jwt . 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 no that 's all for now . thanks , bye eos O O O O O O O O O O O general-bye +bos you are welcome . have a nice trip . bye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i am coming to cambridge and need a hotel in the north area . can you find me one ? eos 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 N/A +bos sure . we have the ashley hotel and the lovell lodge , both moderately priced . eos 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 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 have a great day . goodbye . eos O O O O O O O O general-bye +bos none . both parties hung up the phone . eos O O O O O O O O O O Hotel-Request+Phone +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 wait , before you go , can you give me the phone number and address of the ashley hotel ? and do they have internet 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 Hotel-Request+Phone,Hotel-Request+Internet,Hotel-Request+Addr +bos the ashley hotel is located at 74 chesterton road with a postal code of cb41er and their phone number is 01223350059. 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 I-Hotel-Inform+Addr O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone N/A +bos i would also like to book a train please . eos O O O O O O O O O O O Train-Inform +bos 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 eos O O 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+Leave,Train-Request+Depart +bos i 'm going from cambridge to london kings cross on monday . i 'd like to be there by 18:30 if possible . eos 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 O O O O B-Train-Inform+Arrive O O O O O O N/A +bos tr7786 will get you there at 17:51. would you like me to book that for 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 O O Train-OfferBook +bos sounds perfect . can i get 5 tickets please ? eos O O O O O O O B-Train-Inform+People O O O N/A +bos definitely . your are booked for 5 with a total of 118 gbp payable at the station . reference number is vou7m1eh . eos O O O O O O O B-Train-OfferBooked+People 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 thank you . that is all i needed . goodbye . eos O O O O O O O O O O O O general-bye +bos glad to be able to help . 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 O O O general-greet +bos i 'm looking for lodgings offering free wifi and free parking . eos O O O O O O O O O O O O O N/A +bos certainly , which part of town would you prefer to stay in ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos the centre , please . eos O O B-Hotel-Inform+Area O O O N/A +bos there are 4 choices for you to choose from . may i recommend the alexander bed and breakfast ? eos O O O O B-Hotel-Inform+Choice 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 N/A +bos i will need something with free wifi and parking eos O O O O O O O O O O N/A +bos yes , the alexander offers those . el shaddai , gonville hotel , or the university arms hotel all do as well , if those sound more appealing . can i book you a room ? 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 O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos are they in the east or centre ? eos O O O O O B-Hotel-Inform+Area O O O N/A +bos all of them are in the centre . two are in the cheap price range and two are expensive . would any of those suit ? eos O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Booking-Inform,Restaurant-Select +bos i really wanted a hotel in the moderate price range . can you look in the east please ? eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Area O O O Train-Request+Price +bos i have 2 options here . shall i book you for carolina bed and breakfast ? eos O O O O B-Hotel-Inform+Choice 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 sure , could i get the address please ? eos O O O O O O O O O O Hotel-Request+Addr +bos 138 perne road is the address . is there anything else i could help you with ? 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 O O O general-reqmore +bos yes , i also need to find a train from cambridge to stevenage on friday . i need to arrive by 08:15. 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 B-Train-Inform+Arrive O O N/A +bos thank you for being so informative . i have two trains available . both will get you there before 08:15. one leaves at 05:21 and the other at 07:71. which do you prefer ? eos O O O O O O 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 O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O Train-Select,general-greet +bos i will take the 5:21. can you please give me the travel time , train id , 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,Train-Request+TrainID +bos the travel time of the 5:21 is 49 minutes , arriving at 6:10. train id is tr2515 and the price is 12.80 pounds . how many tickets ? eos O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Arrive 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 N/A +bos i do n't want to book at this time , just the information . so that 's all thanks ! 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 glad i could help . have a good day . eos O O O O O O O O O O O general-welcome,general-bye +bos yes , hopefully you can help with some information on a particular hotel ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos what hotel are you interested in ? eos O O O O O O O O Hotel-Request+Name +bos it is called home from home . i was wondering what type of hotel it is and the star of the hotel . 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 O O Hotel-Request+Type +bos home from home is a 4 star , guesthouse type hotel . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O N/A +bos thanks , that is all i need on the hotel but can i book a train from cambridge to stevenage , i need ot arrive by 20:45. eos 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 O O B-Train-Inform+Arrive O O N/A +bos i 'll be more than happy to help you book the train . what 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 O O O O Train-Request+Day +bos i would like to leave on thursday . eos O O O O O O O B-Train-Inform+Day O N/A +bos i have trains available 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 Train-OfferBook +bos i just need the departure time and price please eos O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos leave at 5:21 and arrive by 6:10 for 12.80 pounds eos O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos can you book this for me that will work just fine . eos O O O O O O O O O O O O O N/A +bos how many seats do you need me to book ? eos O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos i actually dont need you to book anything . this 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 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 train that arrives in cambridge by 16:00. eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos i have a train from liverpool street arriving in cambridge on friday , it would arrive a little early at 15:07. does this work for you ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart 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 O O O O Train-OfferBook +bos no . i need a train that departs bishops stortford on wednesday , please . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos alright i found five . when would you like to leave by ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Leave +bos could i get the departure time for those trains ? eos O O O O O O O O O O O Train-Request+Leave +bos certainly , the departure times are 05:29 , 07:29 , 09:29 , 11:29 , 13:29 eos 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 i would like the 11:29 train , please . i am also looking for a 4 star hotel . eos 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 i 'm sorry , did you want me to book the train for you ? eos O O O O O O O O O O O O O O O O Train-OfferBook +bos no i will take care of the train booking . i still need help finding an expensive 4 star hotel with free parking . i would prefer a guesthouse type . 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 B-Hotel-Inform+Type O O O O N/A +bos i do n't have any listings for expensive guesthouses . there are several 4 star that are moderately priced . will that work ? eos O O O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Stars O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O N/A +bos could you look for a cheap one ? eos O O O O O O B-Hotel-Inform+Price O O N/A +bos i have 5 guesthouses in the centre , east and west . what area do you prefer ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Select +bos i would like something in the center . would you give me the name of the guesthouse , 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 the alexander bed and breakfast is 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+Area O N/A +bos thank you for your help . that is all i needed . eos O O O O O O O O O O O O O general-thank +bos i 'm happy to help . thanks for using our service . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos morning ! i need a train departing from kings lynn . eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos there are trains from kings lynn every hour from 5:11. did you have a particular day and time of day in mind ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos yes , my train should leave on tuesday and should leave after 11:00. eos O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave O N/A +bos how about the tr8331 train ? it departs at 11:11 and arrives in cambridge at 11:58. eos O O O O O O O O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O N/A +bos sounds good . could you tell me how much it costs for a ticket , and how long of a trip that will 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 N/A +bos yes , the ticket costs 9.80 pounds and the ride is 47 minutes long . can i be of any other help to you 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 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 with free wifi . what options are there for that ? eos O B-Hotel-Inform+Internet 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 there is 1 expensive hotel and 3 guesthouses ranging from cheap to moderate . which do you prefer ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O Hotel-Select +bos does the hotel have free parking ? eos O O O O O O O O Hotel-Inform +bos the hotel does have free parking ! it 's called the lensfield hotel and has 3 stars . 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+Stars O O O Hotel-Inform+Parking +bos could you tell me the postcode of this hotel ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Request+Post +bos absolutely . their postcode is cb21en . would you like to make a reservation ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O Booking-Inform +bos not quite yet , but can you tell me the price range of the lensfield , please ? eos 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 expensive price range . would you like 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 O Booking-Inform +bos note yet . can you tell me more about the hotel ? eos O O O O O O O O O O O O O Hotel-Inform +bos the lensfield hotel is in the south . it 's a 3 star , expensive hotel , with free wifi and 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 O B-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 O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos no , that should be all i need . thank you ! goodbye . eos 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 good day . eos O O O O O O O O O O O O O general-bye +bos i 'm going to cambridge from london liverpool street . i need to leave on tuesday . eos 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+Day O O O N/A +bos i am more than happy to help , do you have a time in mind ? eos 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 a train from london liverpool street to cambridge for tuesday and i need to get there by 12:30. 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 B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive N/A +bos i have 3 trains i can book for you . which departure time do you prefer 05:39 , 07:39 or 09:39 ? eos O O O O B-Train-OfferBook+Choice O O O O O O O O O O O O O O B-Train-Select+Leave I-Train-Select+Leave O O Train-Inform +bos i want the 9:39 if it makes it there by 12:30. eos O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos yes , the 9:39 arrives by 11:07. can i book this train for you today ? eos O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos that 's okay . can you tell me about a hotel though ? it 's the express by holiday inn cambridge . 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 N/A +bos i have the express by holiday inn cambridge located at 15-17 norman way , coldhams business park . the phone number is 01223866800. 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 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 N/A +bos okay can i book that for 2 people for 5 nights from 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 absolutely ! i 've got you booked under reference number qf965o6o . 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 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 great - have a wonderful day ! eos O O O O O O O O general-welcome,general-bye +bos i am looking for a place to stay . the hotel should include free parking 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 O O O B-Hotel-Inform+Stars O N/A +bos do you have a part of town you would prefer ? eos O O O O O O O O O O O O Hotel-Request+Area +bos no , i do n't . i just need free parking and 4 stars . eos 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 the allenbell ? it 's got 4 stars and free parking . eos O O O O O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars O O O O O O Hotel-Inform+Parking +bos that sounds good . give me it 's details regarding type of gursthouse , price range , area and address 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,Hotel-Request+Price,Hotel-Request+Addr +bos allenbell is a cheap guesthouse on the east side of town . its address is 517a coldham lane . do you need any additional information ? eos O B-Hotel-Inform+Name O O 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 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 , could you tell me about your museums ? eos O O O O O O O O B-Attraction-Inform+Type O O N/A +bos we have many fine museums in town . my favorite is the cafe jello gallery in the west . it 's free to get in ! eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O B-Attraction-Inform+Fee O O O O O O O N/A +bos could you give me the postcode and phone number . eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number for cafe jello gallery is 01223312112 , the postcode is cb30af . 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 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 is all i need , thank you ! eos O 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 hi i am looking for places to go in the center of town . eos O O O O O O O O O O O O O O O general-greet +bos sure , we have a lot of attractions available . what would you like to do ? 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 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 i do n't see a match . do you have any other preferences ? eos O O O O O O O O O O O O O O O Attraction-NoOffer +bos how about we try nightclubs ? eos O O O O O B-Attraction-Inform+Type O N/A +bos how about ballare ? i 've heard great things . eos O O O B-Attraction-Recommend+Name O O O O O O O general-greet +bos ballare sounds great . is there a entrance fee ? eos O B-Attraction-Inform+Name O O O O O O O O O Attraction-Request+Fee +bos the entrance fee is 5 pounds . what else can i 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 general-reqmore +bos i also need a train for thursday running from norwich to cambridge , and i 'd like to arrive by 10:30. can you help with that ? eos O O O O O O O B-Train-Inform+Day 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 O O N/A +bos there a 4 trains that would work . they run every hour starting at 05:16. when would you like to depart ? 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 O O O O O O O O Train-Request+Leave +bos i want to arrive by 10:30 for norwich to cambridge i need the train id and departure time please eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O Train-Request+TrainID,Train-Request+Leave +bos the tr9905 will bet you there by 09:35 and it leaves at 08:16 , anything else today ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Leave O O O O O general-reqmore +bos no , 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 wonderful day ! eos O O O O O O general-bye +bos thanks . you too . eos 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 hello ! i 'm looking for some entertainment in the centre please ! eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there is a movie theatre , a concert hall , nightclubs , and museums . what would you like ? eos 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 Attraction-Request+Type +bos could you please provide me with some information on an attraction that is in he type of 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 there are 11 museums listed in the centre area . cambridge contemporary art and castle galleries are two that are listed . would you like more information on one of these ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area 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 what is the entrance fee for the contemporary art museum ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Fee +bos the entrance fee is free . eos O O O O O B-Attraction-Inform+Fee O N/A +bos free is the best price ! i 'll probably be hungry after the museum . are there any moderately priced italian restaurants around ? eos 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 O O N/A +bos pizza express is a moderately priced restaurant in the centre of town . would you like more information on it or to are you interested in booking a table ? 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 O O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos could you book a table for me ? i need a reservation for 3 people at 11:30 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 N/A +bos it has been booked , your reference number is qfn3a3e9 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great ! i 'll need a taxi that will take me from the museum to the restaurant by 11:30. can you book one for me ? 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 N/A +bos its booked ! its a red volvo eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car N/A +bos can i please have the contact number for the taxi company ? eos O O O O O O O O O O O O O Taxi-Inform +bos of course . the contact number is 07172397913. can i help with anything else ? eos O O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos thank you for your assistance . eos O O O O O O O general-thank +bos thank you using cambridge towninfo centre today ! 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 'm looking for a place to stay in the north maybe a guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Type O O N/A +bos we got 11. do you have any rating preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O Hotel-Request+Stars +bos i would like a guesthouse with free parking and 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 archway house is in the north and has a 4 star rating eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O N/A +bos do they have internet ? eos O O O O O O Hotel-Request+Internet +bos yes , they have internet . eos O O O O O O O Hotel-Inform+Internet +bos thanks you . may i please have their phone number ? eos O O O O O O O O O O O O Hotel-Request+Phone +bos their number is 01223575314. is there anything else i can do for you ? eos O O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , i also need information about trains departing from cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos there are lots of trains . do you have times you would like to travel ? 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 i would prefer it be the earliest train you can book . eos O O O O O O O O O O O O O Train-Inform +bos the first train leaves at 5:00. eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave N/A +bos that will be fine can you assist me in booking that ? eos O O O O O O 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 Train-OfferBook +bos the train should leave on friday and go to stansted airport . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos okay and what time would you like to travel ? eos O O O O O O O O O O O Train-Request+Leave +bos i just need to arrive by 13:00 eos O O O O O O O B-Train-Inform+Arrive N/A +bos train # tr6616 departs cambridge at 11:40 and arrives at stansted airport at 12:08. the travel time is 28 minutes and costs 10.10 pounds . 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+Dest I-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 N/A +bos thanks for the info . that 's all i need . eos O 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,general-reqmore +bos i need a train to cambridge from norwich on sunday , please . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos sure , when would you like to leave ? eos O O O O O O O O O O Train-Request+Leave +bos i need to arrive by 14:30 , is there anything for that time ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos tr5225 arrives at 13:35 if that would work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O N/A +bos yes perfect . what is the departure time on that train so i am not late . eos O O O O O O O O O O O O O O O O O O Train-Request+Leave +bos sorry it leaves at 09:16 and arrives at 10:35. eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos wait , i thought it arrived at 13:35 , no ? eos O O O O O O O O O O O O N/A +bos yes you are correct train tr5225 arrives at 13:35. eos O O O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive N/A +bos can you verify the departure time for that train again please ? eos O O O O O O O O O O O O O Train-Request+Leave +bos the departure time is 12:16 pm eos O O O O O B-Train-Inform+Leave I-Train-Inform+Leave N/A +bos thank you . i am also looking for a place to go in town . i 'd like it to be located in the centre and be a mutliple sports 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O N/A +bos unfortunately there are no such venues . can i help you with anything else ? eos O O O O O O O O O O O O O O O O general-reqmore +bos are there any theatres to go to in the centre of town ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos i have 4 options here . i suggest adc theatre at park street . is there anything else i could help you with ? eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O O O general-reqmore +bos yes can i get the address and fee and number for the theatre ? eos O O O O O O O O O O O O O O O Attraction-Request+Addr +bos it 's located on park street , postcode cb58as and their phone number is 01223300085. unfortunately , their entrance fee is not available . eos 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos thank you . you have bee very helpful . have a nice day . eos 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 am planning a trip to cambridge eos O O O O O O O O N/A +bos sure , what can i help you with ? eos O O O O O O O O O O general-reqmore +bos i need a train to peterborough from cambridge on friday and would like to arrive by 20:00. eos 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 O B-Train-Inform+Arrive N/A +bos tr5124 arrives at 19:56 , would that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O N/A +bos what is the price of the ticket ? eos O O O O O O O O O Train-Request+Price +bos tickets are 16.50 pounds . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 thanks ! i 'm also looking for a place to eat . what 's the best italian joint on the north side ? 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 O O O O N/A +bos there is one italian restaurant in the north . it is da vinci pizzeria . do you want me to book a reservation 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 O O O O O O O O O O O Booking-Inform +bos yes , i 'd like a table for two at 17:00 on the same day as the train . eos 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 table is booked , reference # o359o1he . 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 , that 's all i needed . thanks 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 general-thank +bos your welcome ! have a great day too ! eos O O O O O O O O O O general-welcome,general-bye +bos i want to book a train . list all tuesday departures to cambridge . eos 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 over 200 departures to cambridge on tuesday , do you have a specific departure place or time ? eos O 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 my departure point is kings lynn and i need to arrive at cambridge by 13:45 eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O B-Train-Inform+Arrive N/A +bos tr2616 departs at 09:11 would that work ? how many tickets would you like to purchase ? 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 O O O O O O Train-Request+People +bos yes please book that for one person and give me 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 , the total fee is 9.8 gbp payable at the station .reference number is : tt953cjr . 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 B-Train-OfferBooked+Ref 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 what are would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos meh does n't really matter . just moderately priced ... eos O O O O O O O O O O O N/A +bos i also have many pricing options and amenity options . could you give me some direction ? 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 general-reqmore +bos i need to find a train out of king 's lynn that will arrive by 17:45. eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos can you please provide me with destination of the train so i can better assist you ? eos O O O O O O O O O O O O O O O O O O Train-Request+Dest +bos cambridge , and it will be on sunday . eos O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O N/A +bos i have train tr6003 leaving cambridge at 5:11 and arriving at 5:58 on sunday . eos O 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+Day O N/A +bos that sounds great . can you book me 4 tickets on that train 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 31.36 gbp payable at the station .reference number is : 8k88du7k . 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 awesome ! i also need help finding a place to stay in the south . not driving so do n't need parking . 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 O N/A +bos i have 4 options available . do you have a preference of guesthouse or hotel and price range ? 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 O O Hotel-Request+Price +bos i would like a hotel and my only preference , besides being in the south , is i would like it to have a 3 star rating please . eos 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 O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos the lensfield hotel meets your criteria . would you like me to book it ? 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 Booking-Inform +bos yes please , 4 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 okay , i will get 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 O Booking-Inform,general-reqmore +bos could you please provide me with the reference number ? eos O O O O O O O O O O O N/A +bos the reference number is gethuntl . what else can i do for you ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O N/A +bos there is nothing more for me . thanks for your help , adios ! eos O O O O O O O O O O O O O O O general-thank +bos okay , adios amigo ! glad i could help ! eos O O O O O O O O O O O general-welcome,general-bye +bos i want to go to a particular attraction called great saint mary 's church . 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 sure ! great saint mary 's church is in the centre . what information do you need ? 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+Type O 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 postcode for that church is cb23pq . would you like their phone number ? eos O O O O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos no thank you . i also need a train that should leave on thursday and should go to cambridge . eos O 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 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 ely . eos O O O O O O B-Train-Inform+Depart O N/A +bos great , do you know your departure or arrival time ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need to arrive by 15:15 eos O O O O O O B-Train-Inform+Arrive N/A +bos i have train tr4068 leaving at 5:35 and arriving at 5:52. 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 i want to confirm that i will arrive by 15:15 ? you stated , leaving at 5:35 and arriving at 5:52 ? 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 N/A +bos i think the tr4992 train will work better . it leave ely at 13:35 and arrives at cambridge at 13:52 on thursday . would that one work ? eos O O O O B-Train-Inform+Id O O O O O 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 O O O O O O N/A +bos yes , i 'm not booking my seat just yet . all i needed was the train id , and you have given me that . 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 Train-Request+TrainID +bos you are welcome , any other questions today ? eos O O O O O O O O O O general-welcome,general-reqmore +bos that 's all i need , thank you ! eos O O O O O O O O O O general-thank +bos i hope you enjoy your time here ! eos O O O O O O O O O general-bye +bos i need a taxi to take me to yippee noodle bar by 9:45 eos 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 absolutely , where will the taxi be picking you up from today ? eos O O O O O O O O O O O O O O Taxi-Request+Depart +bos the rajmahal please eos O O B-Taxi-Inform+Depart O N/A +bos all right , a blue skoda will come for you . should you need to contact them , the number is 07714291108. eos 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 O O O B-Taxi-Inform+Phone O O O N/A +bos thank you ! goodbye ! eos O O O O O O general-bye +bos thank you for the calling the cambridge towninfo centre we are glad to help , have a pleasant 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 would like to find a college to visit . eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos is there a specific area you would like to visit ? eos O O O O O O O O O O O O Attraction-Request+Area +bos no , just cambridge in general . i 'd also like to know any entrance fees , please . 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 most of the colleges in town have free entrance fees . i 'd recommend christ 's college on saint andrew 's street in the centre . it has free admission . eos O B-Attraction-Inform+Choice O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 O O O O O O O O O O N/A +bos cool , i also need a train ticket leaving london liverpool st and i am going to cambirdge eos O O O O O O O O O O O O O O O O O O O Train-Inform +bos okay what day will you be traveling and when 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+Day +bos i will be traveling on wednesday after 15:30. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos i have one leaving at 15:39 will this work ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Leave O O O O N/A +bos yeah that will be fine can you book this please ? eos O O O O O O O O O O O O N/A +bos you will need to pay 16.6 gbp at the station but the booking was successful , your reference number is rwdskr05 . 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 O O B-Train-OfferBooked+Ref O O N/A +bos can you let me know that train id so i can find it ? eos O O O O O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr7978 . can i help with anything else ? eos O O O O O B-Train-Inform+Id 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 you are welcome , enjoy your stay in cambridge . 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 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 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 O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr 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 you 're all booked . reference number is if53lr3m . 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 O general-reqmore +bos no that would be all . eos O O O O O O O N/A +bos thank you . good bye . eos O O O O O O O general-bye +bos i 'm looking for a cheap restaurant . can you help me ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos there are 22 cheap restaurants . what part of town are you interested in ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area +bos i 'd like a place in the centre , please . eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are 15 cheap restaurants in the centre area . what type of food are you interested in ? 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 could you get me the phone number and postcode of one close to a museum ? looking for place to go after meal in same area ? 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 O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the golden house chinese restaurant phone number is 01842753771 and the postcode is cb21eg , is there anything else i can assist you with ? eos 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+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos i am looking for an expensive restaurant that serves thai food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos i have to options for thai food in the expensive price range , bangkok city and sala thong . 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos is there anything else ? eos O O O O O O N/A +bos those are the only results for expensive thai food . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos may i have the address and postcode for sala thong , then ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address of sala thong is 35 newnham road newnham and the postcode is c.b 3 , 9 e.y . 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 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 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 yes , i need some help and information pertaining to a particular restaurant . the name of the restaurant is sitar tandoori . i 'd like some information on the place if you can help . 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 O O O O O O O O O O O O O O O O N/A +bos oh yes , the sitar tandoori is great indian restaurant on our east side of town . do you need me to make a reservation for you ? eos 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 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 Booking-Inform +bos yes , could you book a table for 6 on friday at 11: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 O N/A +bos i am sorry , i am unable to make a reservation for 6 at that time . would you like me to try and find another restaurant ? 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 O general-reqmore +bos that 's unfortunate . yes , is there something else in the same area ? eos O O O O O O O O O O O O O O O O N/A +bos i have a few more , moderate or expensive , which do you prefer i book ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O O O O O Booking-Inform +bos if you could find one in the same price range that would be best . 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 pipasha restaurant , reference number is zo0089us eos 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 that is all i need . eos 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 i am looking for a restaurant in the south part of town that is moderately priced . 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 N/A +bos there is the pizza hut cherry hinton which serves italian food and the restaurant alimentum which serves modern european food . which would you like ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Restaurant-Select +bos is there any korean food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos yes , little seoul is an expensive korean restaurant in the centre of town . 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos no , i need something moderate priced in the south . is there one that serves modern european food ? eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos restaurant alimentum in modern european moderately priced in the south . would you like for me to book it ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos no but i would like their phone number , address 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 alimentum is located at 152-154 hills road , postcode cb28pb , and their phone number is 01223413000. is there any other way i could be of assistance ? 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 B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos i am also looking for a place to go . can you recommend a theatre ? eos O O O O O O O O O O O O O O O O O N/A +bos what area ? eos O O O O Attraction-Request+Area +bos area does n't really matter . are there a lot of theatre options in town ? eos O O O O O O O O O O O O O O O O O N/A +bos cambridge arts theater located at 6 saint edwards passage eos 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 N/A +bos that sounds great ! could you please give me the phone number ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos the number is 01223503333. eos O O O O B-Attraction-Inform+Phone N/A +bos i think that 's it . thank you ! eos O O O O O O O O O O general-thank +bos im glad to have satisfied you in every way possible for me to given the context of this interaction eos O O O O O O O O O O O O O O O O O O O O general-greet +bos great , thank you for the 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 +bos i was just robbed . please give me emergency contact information eos O O O O O O O O O O O O N/A +bos you can reach parkside police station at 01223358966. eos O O O O O O O O O N/A +bos i 'm not comfortable standing around on the street . can you 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 Police-Request+Post,Police-Request+Addr +bos sure , parkside , cambridge , post code is cb11jg . 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 N/A +bos no , that is all . thank you . eos 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 need to book a taxi to come to express by holiday inn cambridge to take me to the oak bistro . 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos okay , 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 07:30. eos O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! booked car type : blue audicontact number : 07384266453 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 was just the victim of a robbery and i need to contact the police please ! eos 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 . 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 yes it is , could 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 their phone number is 01223358966. eos O O O O O O N/A +bos i also need their postcode and address . eos O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos parkside police stationtelephone : 01223358966address : parkside , cambridgepostcode : cb11jg there eos O O O O O O O O O O O O O N/A +bos great , thanks . i 'm all set 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 could you tell me where to find the nearest police station and give the telephone number ? eos O O O O O O O O O O O O O O O O O O Police-Request+Phone +bos the nearest police station is parkside police station . it is located in parkside , cambridge , 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 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 quite 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 , you 've been quite helpful . thank you . eos O O O O O O O O O O O O general-thank +bos you are quite welcome . i 'm glad to have helped . eos O O O O O O O O O O O O O general-bye +bos i 'm looking for a train going to cambridge please . eos O O O O O O O O B-Train-Inform+Dest O O O N/A +bos the train id is tr5219 and it leaves london kings on friday eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day N/A +bos does that depart from broxbourne station ? eos O O O O O B-Train-Inform+Depart O O N/A +bos sorry . i need to narrow down the 133 trains from broxbourne to cambridge . first , what day do you want to leave ? eos O O O O O O O O O B-Train-Inform+Choice 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 Train-Request+Day +bos i want to leave on sunday eos O O O O O O B-Train-Inform+Day N/A +bos is there a certain time of day you would like to travel ? eos O O O O O O O O O O O O O O Train-Request+Leave +bos i would prefer to leave after 13:45 please eos O O O O O O O O O N/A +bos alright , i have train tr4813 that leaves sunday at 14:32 from broxbourne . will this work better for you ? eos O O O O O B-Train-Inform+Id O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O B-Train-Inform+Depart O O O O O O O O O Train-Select +bos yes as long as it is going to cambridge that sounds fine . i 'll need the price also please . 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 O Train-Request+Price +bos the price is 14.32 pounds per person . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos thank you , i will buy a ticket for 14.32 pounds for train tr4813 leaving sunday at 14:32. eos O O O O O O O O O B-Train-Inform+People O O O O O B-Train-Inform+Day O O O N/A +bos your booking was successful , the total fee is 14.32 gbp payable at the station.your reference number is 4yat8pvp . 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 thank you so much , have a wonderful day . eos O O O O O O O O O O O general-thank +bos thanks for inquiring with us . have a nice day eos O O O O O O O O O O O general-greet +bos i will do so ... and you too . eos O O O O O O O O O O N/A +bos i 'm glad i could help you . goodbye . eos O O O O O O O O O O O general-bye +bos i am looking for a train from norwich on monday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos i found 19 trains that match your request . where is your destination ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Dest +bos the train should leave after 17:00 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 how about tr7514 that leaves at 17:16 on monday ? eos O O O B-Train-Select+Id I-Train-Select+Id O O B-Train-Select+Leave O B-Train-Select+Day O N/A +bos that would be perfect . could you book it for 6 people 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 i 've booked 6 tickets , the fee is 105.6 and the reference number is 4reiium5 . eos O O O O O O O O B-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O O N/A +bos thank you for your help . eos 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-reqmore +bos no that is all . thanks , goodbye . 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 hi , i 'm looking for information on a particular restaurant called galleria . eos O O O O O O O O O O O B-Restaurant-Inform+Name O O O N/A +bos galleria serves european food in the moderate price range . it is located in the centre of town . would like to book a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 Booking-Inform +bos yes , please . i 'd like the reservation to be at 18:30 for 5 people on sunday . eos O O O O O O O O O O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People 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 : enoalfav . 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 . have a great day . eos O O O O O O O O O O O O O general-thank +bos great day and thanks for inquiring with us eos O O O O O O O O O general-greet +bos i would also like to find a museum . eos O O O O O O O O B-Attraction-Inform+Type O N/A +bos which area would you like the museum to be ? eos O O O O O O O O O O O Attraction-Request+Area +bos how about you just choose the one you like best and give me the postcode , entrance fee , and area information 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 Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Fee +bos byard art is a museum in the south . it is free to enter and the postcode is cb21sj . anything more today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Post O O O O O O general-reqmore +bos please arrange for a taxi to pick me up from byard art and take me to galleria by 18:30. provide car type and contact number too . eos O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O O O Taxi-Request+Car +bos booking completed ! booked car type : red lexuscontact number : 07555424165 eos O O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O B-Taxi-Inform+Car O O N/A +bos great thank you so much for all the help ! eos O O O O O O O O O O O general-thank +bos is there anything i can do for you ? eos O O O O O O O O O O general-reqmore +bos that 's all i needed . thanks for all your help . eos O O O O O O O O O O O O O general-thank +bos ok great . have a good day . eos O O O O O O O O O general-greet +bos i am looking for a museum to go to in cambridge . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos you 're in luck ! cambridge has a great number of museums . did you have an area in mind ? eos O O O O B-Attraction-Inform+Area 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,general-greet +bos perhaps the center of town . can you provide me with information regarding the entrance fee and a 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 Attraction-Request+Phone,Attraction-Request+Fee +bos the broughton house gallery is located in the centre is free to enter and the phone number is 01223314960. 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 O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos yes , i need help finding a place to eat . i would like it to be 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 N/A +bos cambridge is full of expensive restaurants ? what is your favorite cuisine ? eos O B-Restaurant-Inform+Area O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Restaurant-Request+Food +bos i would prefer a restaurant that serves creative 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 N/A +bos i did not find any expensive restaurants that serve creative food in the centre of town . would you like a different type of food , area , or price range ? eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price 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 O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area +bos how about an expensive restaurant in the centre that serves turkish 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 i'am sorry there are no restaurants creative food can i find you something else instead ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O general-reqmore +bos yes , can you try to see if there might be one that serves turkish food in the center of town ? 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 the meze bar restaurant matches your criteria . would you like me to make a reservation ? 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 Booking-Inform +bos yes please , i need a table for 8 people at 13:45 on sunday . may i have the reference number for the booking ? 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 Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes . reference number is : azhhem1u . 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 i 'm looking to get a taxi to atke me 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 Restaurant-Inform,Taxi-Inform +bos we can definitely help with that . do you need the taxi to the museum or to the restaurant , 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 O O O O O O Taxi-Request+Leave,Taxi-Request+Dest,general-greet +bos i need the taxi from the museum to the restaurant , arriving by my reservation at 13:45. 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 i booked you a grey audi and their phone number is 07676489243 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 that 's perfect , thank you for your help . eos O O O O O O O O O O O general-thank +bos thank you , and have a nice day ! eos O O O O O O O O O O general-welcome,general-bye +bos i was told i need to do something at the parkside police station . can you give me some info 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 Police-Inform +bos sure , their phone number is 01223358966 , and they are in parkside , cambridge eos O O O O O O O O O O O O O O O O N/A +bos do you also have the police station postcode ? eos O O O O O O O O O O Police-Inform +bos the post code for the police station is cb11jg . eos O O O O O O O O O O O N/A +bos that is all i need . thanks , good bye . eos O O O O O O O O O O O O general-bye +bos have a wonderful day ! eos 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 there is addenbrookes hospital , located on hills rd , 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 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 good day eos O O O O O general-greet +bos i need a taxi to take me to cineworld cinema by 9:15 eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos i 'd be happy to help with your booking , first i 'll need to know where you would like 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 Taxi-Request+Depart +bos i want to be picked up from the golden curry eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos alright , a blue skoda has been booked . the contact number is 07727382876. do you need any additional help today ? eos 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 O O O O O O O O O O general-reqmore +bos no , that 's everything ! thanks a ton ! 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 hi , i 'm looking for a place to go see architecture in the centre of town . eos 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 there are 4 churches and an old schools . all are free except for great saint mary 's church which has an entrance fee of 2 pounds . which do you prefer ? eos O 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 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+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O Attraction-Select +bos just give me the information for the first one that is free in the centre , like 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 O O Attraction-Request+Post,Attraction-Request+Phone +bos holy trinity church , phone number is 01223355397 , postcode is cb23nz . is there anything else you need ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos i actually would like to find a place to stay that is in the centre of town also . eos 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 we have 5 potential options available to you . is there a particular lodging type or price range you are interested in the most ? 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 no particular pricerange , but i want it to be a type of hotel . it does n't need to include internet . 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 N/A +bos i think citycroomz would work well . would you like more information ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O general-reqmore +bos no , thank you . that will be all . have a great day ! eos O O O O O O O O O O O O O O O O general-thank +bos my pleasure to be of service . have a wonderful visit to cambridge . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos i want a place for dinner and serves a mexican food , where can i find it ? please first pick for me a taxi to that place should be to the north . 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 B-Restaurant-Inform+Area O O O O O N/A +bos unfortunately , i was unable to find a mexican restaurant in the north . is there anything else i can help you with ? 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 O O O O O O general-reqmore +bos how about a chinese restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos the hotpot sounds like a good idea . need a reservation ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos yes , please . 6 people at 11:30 on sunday . 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 i 'm so sorry , but i was n't able to make that reservation for you . may i try on another day or at 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 O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos yes , let 's shoot for the same thing but on wednesday instead , okay ? eos O O O O O O O O O O B-Restaurant-Inform+Day O O O O O O N/A +bos i was able to get you that reservation on wednesday . the table will be reserved for 15 minutes prior to your arrival . eos O O O O O O O O O O B-Booking-Book+Day O O O O O O O O O O O O O O N/A +bos may i have the reference number please ? eos O O O O O O O O O Restaurant-Request+Ref +bos absolutely , the reference number is w92c2z47 . 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 that was all . thanks eos O O O O O O general-thank +bos did you say you also needed a taxi to the restaurant ? eos O O O O O O O O O O O O O N/A +bos no , i do n't need that anymore . 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 you as well . thanks for calling . goodbye . eos O O O O O O O O O O O general-bye +bos i 'm wanting indian food , is there a restaurant that serves that near the centre of town ? eos 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 how about kohinoor a cheap restaurant in the centre located at 74 mill road ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr N/A +bos thank you . i 'd like to book a table for 6 people for wednesday at 18:15. also can you provide a reference number to confirm . 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 O O O O O O O Restaurant-Request+Ref +bos you are booked at kohinoor . reference number is zmzlmlr9 . 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 reference number zmzlmlr9 , got it , thank you . eos 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 , that was all . 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 need a taxi at cambridge museum of technology to go to the museum of classical archaeology . eos 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 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 get there ? eos O O O O O O O O O Taxi-Request+Arrive +bos i need to leave after 09:45. eos O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! booked car type blue audi contact number 07885719005 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 that 's super . thank you for your help . goodbye . eos O O O O O O O O O O O O O general-bye +bos have a lovely trip ! contact us again if you need further help . 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 need some details about a police station , i think it 's called parkside station . eos O O O O O O O O O O O O O O O O O O Police-Inform +bos it 's address is parkside , cambridge with postcode cb11jgi eos O O O O O O O O O O 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 you 're welcome , have a lovely day . eos O O O O O O O O O O general-welcome +bos get me a taxi to hughes hall please eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos when will you be leaving ? eos O O O O O O O Taxi-Request+Leave +bos i 'd like to leave after 15:15. eos O O O O O O B-Taxi-Inform+Leave 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 arbury lodge guesthouse . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos i have a red audi with contact number 07384817213 booked for you . eos 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 great , thanks so much ! bye ! eos 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 am looking for an attraction to try out in the west part of town , what is available ? 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 i have 13 attractions on the west and i can assist you make a choice if i know your interest and budget ? 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 O Attraction-Request+Type,Attraction-Request+Price +bos you can just choose one for me-i have no preference , i 'll just need to know 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 O Attraction-Request+Fee +bos you might enjoy the museum of classical archaelogy . it has free admission . 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+Fee O O O N/A +bos sounds great . thank you ! also , can you give me some information on a restaurant called kohinoor ? 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 N/A +bos the kohinoor serves indian cuisine . it is located in the town centre and has reasonably priced food . 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+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A +bos does reasonably mean cheap ? eos O O O O B-Restaurant-Inform+Price O N/A +bos yes , reasonable means adforable eos O O O O B-Restaurant-Inform+Price O N/A +bos no , what i meant was is it the cheap , moderate , or expensive price range specifically ? 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 it is cheap . if you would like i could search for another more expensive indian restaurant for you . eos O O O B-Restaurant-Inform+Price O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Food O O O O N/A +bos no thanks , kohinoor sounds fine . thanks for the research . goodbye . eos O O O B-Restaurant-Inform+Name O O O O O O O O O O O N/A +bos it 's my pleasure . have a nice day . eos O O O O O O O O O O O general-greet +bos a moderately priced restaurant in the north part of town ? eos O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A +bos would you like chinese or indian food ? eos O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i do n't care . give me the phone number and postcode . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos golden wok serves chinese food , their phone number is 01223 350688 and their postcode is c.b 4 , 3 h.l . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food 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 N/A +bos thank you eos O O O general-thank +bos you 're welcome . eos O O O O O general-welcome +bos are there any good restaurants to go to near the college ? eos O O O O O O O O O O O O O Restaurant-Inform +bos sure , i can help you with that . is there a particular type of food you were 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 +bos no . actually , just find me an attraction in the category of college . eos O O O O O O O O O O O O B-Attraction-Inform+Type 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 Attraction-Request+Area +bos i would like the something in the centre . eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos emmanuel college is located at saint andrew 's street and has free entrance . would you like their phone number ? 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 B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos yes can you please send me that . eos O O O O O O O O O N/A +bos their phone number is 01223334200. eos O O O O O B-Attraction-Inform+Phone N/A +bos great . i would also like to find a polynesian restaurant in the centre area . 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 i 'm sorry , but there are no polynesian restaurants in our system.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 is there any restaurant with european food instead ? eos O O O O O O O O O O Restaurant-Inform +bos yes there is one in the east i will recommend it to you . eos O O O O O O O O O O O O O O O N/A +bos can you find a place to dine for me ? eos O O O O O O O O O O O N/A +bos there are many wonderful places to dine in cambridge . what type of cuisine and price range would you prefer ? 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 Restaurant-Request+Food,Restaurant-Request+Price +bos i would like to eat catalam food that is expensive and located 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 O O N/A +bos i 'm sorry , it does n't appear there is any catalan food in cambridge . would you like to try something else ? eos O O O O O 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 O N/A +bos how about one that serves italian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 4 expensive italian places in city centre . may i recommend caffe uno ? i could make a reservation for you , if you like . eos O O O O B-Restaurant-Inform+Choice B-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 O O O O Booking-Inform +bos yes please , close to the city center sounds good . eos O O O O O O O O O O O O N/A +bos okay that is close it city centre , can i make a booking for you ? eos 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 Booking-Inform +bos not now but you get 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 caffe uno is located at 32 bridge street city centre . their phone number is 01223448620. 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 B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos i would like some information on attractions in town that would be 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 we have 44 attractions in the centre of town . do you have a type in mind ? 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 Attraction-Request+Type +bos perhaps a boating attraction . is there one in the centre of town ? eos 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 are two , however both do not have admission fees pubicaly available . do you have one in particular in mind or shall i randomly choose one ? 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 O O O O O O O general-reqmore +bos no , either one will work . could you get me their phone number ? eos O O 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 O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos nope . that 's all . thanks a bunch . goodbye . eos O O O O O O O O O O O O O general-bye +bos i am happy i was of help . gooday eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for some information please . what can you tell me about clare hall ? 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 N/A +bos clare hall is on herschel road and has free admission . 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 O O N/A +bos in what part of the city is clare hall , and what is the address ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos it 's in the west , it 's address is herschel road postcode cb39al . eos O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O N/A +bos thanks , i 'm also looking for a train to cambridge form stevenage , is there anything ? eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O N/A +bos i have 70 trains departing stevenage and arriving in cambridge . is there a particular date and time you would like to book ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O O O O O O O O O O Train-Request+Leave +bos yes , on thursday , arriving by around 17:45. eos O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O N/A +bos how about the tr1596 train ? it leaves stevenage at 15:54 and arrives in cambridge at 16:43. eos 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 O N/A +bos can you tell me how long a ride that is ? i always mess up the math when it crosses the 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 N/A +bos the duration of that ride would be 49 minutes eos O O O O O O O O O B-Train-Inform+Time N/A +bos thank you for your help , i think i have gotten all of the information i need 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 you are very welcome . i hope you have a fantastic day ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i need to find a museum to go to . eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos in what area would you like ? eos O O O O O O O O Attraction-Request+Area +bos can you find one in the centre area ? eos O O O O O O O B-Attraction-Inform+Area O O N/A +bos the broughton house gallery is a museum in the centre of town . it has free admission . would you like the address ? eos O O B-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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O general-reqmore +bos yes . i would also like the postcode as well . eos O O O O O O O O O O O O Attraction-Request+Post +bos they are located at 98 king street , postcode is cb11ln . 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 N/A +bos thank you . i also need information about trains departing from stevenage on wednesday . eos O 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 seven trains leaving stevenage and arriving in cambridge on wednesday . do you have a specific time you want to leave or arrive ? eos 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+Day 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 at cambridge by 08:15. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos ok , how many tickets do you need to purchase ? eos O O O O O O O O O O O O Train-Request+People +bos i would just like to know the departure and travel time of a train that will arrive by 8: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 Train-Request+Duration +bos the train will depart at 5:54 and have a travel time of 49 minutes . would you like me to book this for you ? eos 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 O O O O O O O O O Train-OfferBook +bos yes please , thank you . eos O O O O O O O general-thank +bos your booking was successful . the reference number is 9t2oow0c . is there anything else that 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 thank you . that is all . eos 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 need a restaurant to dine at in cambridge on my upcoming trip . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos there are lots to choose from . what type of cuisine 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 Restaurant-Request+Food +bos i do n't care . it needs to be on the south side and moderately priced . eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A +bos there are 2 options , pizza hut cherry hinton which serves italian and restaurant alimentum which serves modern european . can i book you for those ? 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 O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Booking-Inform +bos yes please . i also need a hotel with at least 3 stars and free parking . eos O O B-Hotel-Inform+Parking O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos there is no hotel in south side , do you want me to try different area ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O Hotel-Request+Area +bos how about a guesthouse in south side instead ? eos O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Area O O O N/A +bos i 'm sorry , there is no guest house that meets those criteria , either . would you like to try a different rating , or a different area ? 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 O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area +bos sure , what about in the city centre ? eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos i am not finding a guesthouse that meets your criteria . might a hotel work ? eos 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 N/A +bos is there not one in the same area as the restaurant ? eos O O O O O O O O O O O O O Restaurant-Inform +bos there are 2 , the alexander bed and breakfast 4 star or the el shaddai 0 star . both are in the cheap range and in the centre . 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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O N/A +bos okay . can you try booking the el shaddai for me fo saturday for 2 people for 3 nights . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A +bos the booking was successful . your reference number is s8lzab9p . is there anything else i can help 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 general-reqmore +bos no that would be everything , thank you ! eos O O O O O O O O O O general-thank +bos okay ! glad i could help . enjoy your stay . eos O O O O O O O O O O O O general-welcome +bos thank you , i will . eos O O O O O O O general-thank +bos good bye , thank you . eos O O O O O O O general-bye +bos yes can you book me a 3 star hotel that offers free parking ? eos O O B-Hotel-Inform+Parking O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos there are 5 3-star hotels with free parking . are you looking for one in a particular area or price range ? 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,Hotel-Request+Price,Hotel-Inform+Parking +bos i am looking for one in the west , price really does n't matter . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos ok i have the hobsons house on 96 barton road . would you like me to book you a reservation ? eos O O O O O B-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 O O O O O O O O Booking-Inform +bos yes , that works . may i have the address ? eos O O O O O O O O O O O O N/A +bos i need some more information . how many people ? what day would you like to book ? 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 O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos there will be two people . i want to book on june 18th . we will be staying 7 days . eos 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 their address is 96 barton road . just to avoid confusion , what day of the week does the date you selected for check in fall on so i can reserve your room ? 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 O O O O O O O O O O Booking-Request+Day +bos 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 . eos O O O O 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 it is a guesthouse . can i help you with anything else today ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O general-reqmore +bos i need a restaurant in the same area as the hotel that serves international 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 i 'm sorry , i do n't have any restaurants in that area serving international food . do you have a different food choice i could check for you ? 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 O O O Restaurant-Request+Food +bos thai food will work if you can find that . eos O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos the sala thong restaurant meets that criteria . would you like to book a table or need any other information ? 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 O Booking-Inform,general-reqmore +bos i need to leave the restaurant by 04:45 so can you book it for earlier than 04:00 , i will also need a taxi to commute . 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 O O O O O O N/A +bos i can help with that . how many would you like to make the reservation for and what day ? 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 +bos i do n't need to book a table , but i do need a taxi to leave the restaurant by 04:45 and go to the hotel . 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 i was able to book that taxi for you . be looking for a blue tesla . should you need to reach them directly , their phone number is 07623362802. 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 O B-Taxi-Inform+Phone O O O O O O general-reqmore +bos yes , can i have the address and postcode 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+Addr +bos the address is 35 newnham road newnham and postcode is cb39ey . 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 O O B-Restaurant-Inform+Post 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 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 can you help me find a college located in the centre . i seemed to have misplaced the information on it . 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 N/A +bos there are sveral colleges in the centre . do you remember the name ? eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O Attraction-Request+Name +bos i do not . could i have the addresses for all of them and the entrance fees ? 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 i would recommend downing college on regent street . it has free admission . there are a number of others , but that is the one i would suggest . 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 B-Attraction-Recommend+Fee O 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 N/A +bos that sounds fantastic . could i get the address ? eos O O O O O O O O O O O Attraction-Request+Addr +bos address , post code first is cb21dq regent street . may i help you with any thing else ? eos O O O O O O B-Attraction-Inform+Post B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore +bos yes , i am also looking for a train that leaves stansted airport on friday and arrives in cambridge by 21:00. eos O 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 O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos there are 15 trains that match those requirements . is there any time 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 Train-Request+Leave +bos i 'll take whatever the last train is that will get me there before 21:00. if you can just give me the train id please . thanks . 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 O O O O O Train-Request+TrainID +bos sure , that would be train tr5097 and it arrives at 20:52. eos O O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O N/A +bos great ! thank you so much 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 do for you ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos no thanks . that will be all . goodbye . eos O O O O O O O O O O O general-bye +bos it 's been a pleasure . goodbye . eos O O O O O O O O O general-welcome,general-bye +bos i need assistance finding information for a hotel called lovell lodge . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos sure , i can help you . it is a hotel located in the north and has a moderate price range . it has 2 stars and offers free internet and parking . eos O O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos what 's the hotels postcode ? eos O O O O O O O Hotel-Request+Post +bos it has a postcode of : cb41sr . eos O O O O O O B-Hotel-Inform+Post O O N/A +bos i also need a place to eat in the centre and has a moderate price . eos O 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 sure , is there a certain type of food you 're looking for ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food +bos nothing specific , as long as the price is moderate and it is in the centre of town . i will only need a table for 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 N/A +bos what about the cotto ? it 's british food . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food O O O O N/A +bos yes , that is fine . for one saturday , 13:45 eos O O O O O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O O N/A +bos i 'm sorry i was unable to book that , shall we try another restaurant ? eos O O O O O O O O O O O O O O O O O Booking-NoBook +bos go ahead and book it if 12:45 works ? eos O O O O O O O B-Restaurant-Inform+Time O O N/A +bos that was a success . would you like the reference number ? eos O O O O O O O O O O O O O Booking-Book +bos yes , a reference number will be good . eos O O O O O O O O O O Restaurant-Request+Ref +bos it 's ama9mvkj . 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 Restaurant-Inform +bos no , thank you , that 's everything i need . eos O O O O O O O O O O O O general-thank +bos have a good day . 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 thanks ! you too ! eos O O O O O O general-thank +bos thank you , feel free to contact us for any help . eos O O O O O O O O O O O O O general-welcome,general-bye +bos hi there ! i 'm looking for a moderate place to stay that has four stars . can you help me ? 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 N/A +bos i 'm sorry i do n't find any four star hotels . eos O O O O O O O B-Hotel-NoOffer+Stars O B-Hotel-NoOffer+Type O O O N/A +bos can you check if there are any in the east ? eos O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos unfortunately there are no 4 star hotels in the east . would you like to try a different 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 O O O O O O O O O O Hotel-Request+Area +bos no i waill call back thank you and goodbye eos O O O O O O O O O O general-bye +bos it was a pleasure to assist you . have a good day . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos could you try a moderate price place,4 stars in the east . a guesthouse is fine also . eos O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i have three options . would you perhaps like to book at the carolina ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O N/A +bos sure , that sounds great . can you book me a room for thursday for 4 people , 2 nights please ? eos 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 O N/A +bos everything is all set , your reference number is p7xqvc1n if you have any further questions . is that all ? 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 general-reqmore +bos i 'm also looking for a place my friend recommended to eat . the peking restaurant ? can you find it for me ? 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 O O O O O O O N/A +bos sure ! it is in the south area and the address is 10 homerton street city centre . eos O O O O O O 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 general-greet +bos i am also looking for a restaurant called peking restaurant where is it found ? and what is their food type ? 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 O O Restaurant-Request+Food +bos peking restaurant is a chinese restaurant in 10 homerton street city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 I-Restaurant-Inform+Addr N/A +bos what area is the restaurant in ? eos 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 thank you ! that will be all . goodbye ! eos O O O O O O O O O O O general-bye +bos no , thank you for visiting the city of cambridge ! eos O O O O O O O O O O O O general-welcome +bos i want to find a place to dine located in the north and moderately priced . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O N/A +bos we have two options for you to choose from , would you prefer chinese or indian cuisine ? eos O 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 N/A +bos it does n't matter , please send me an address and postcode for one of them . 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 golden wok chinese , cb43hlm , 191 histon road chesterton . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Post O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A +bos thanks . can you also help me find 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 O N/A +bos autumn house is located on 710 newmarket road . would you like me to make a reservation 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 O O O Booking-Inform +bos no , just the phone number , thanks ! eos O O O O O O O O O O Hotel-Request+Phone +bos their phone number is 01223575122. is there anything else i could help 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 i am looking for a hotel called autumn house , do you happen to have their phone number please ? 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 Hotel-Request+Phone +bos their phone number is 01223575122 eos O O O O O B-Hotel-Inform+Phone N/A +bos excellent . that 's all i need , thanks ! eos O O 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 i am looking for hotel with 3 star and free parking in cambridge . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos great , there are five such places . did you have an area of 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 Hotel-Request+Area +bos i did n't . are any of them in the moderate price range ? eos O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i have 3 guesthouses available . the bridge guest house is in the south . the hamilton lodge is in the north . and the hobson house is in the west . 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 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 N/A +bos i need one with free parking and free wifi . eos O O O O O O O O O O O N/A +bos all the places mentioned have free wifi and free parking . eos O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos can you book one of them for 8 people , starting from thursday for 3 nights ? eos 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 i was n't able to book a guest house with that criteria . would you like to try a hotel ? 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 O O O Booking-NoBook,Hotel-Request+Type +bos how about 2 nights ? and needs to start on thursday ? eos O O O O B-Hotel-Inform+Stay O O O O O O B-Hotel-Inform+Day O N/A +bos i have successfully booked your guesthouse at the hamilton lodge for two nights for 8 people , reference number 1tvic54f . is there anything else i can help you with ? eos O O O O O O B-Hotel-Inform+Type O 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 O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos yes , i 'm sure we 'll be hungry so could you help me find an appropriate dining establishment in the north ? same price range as our hotel , please . 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 O O O O O O O O N/A +bos i have located 2 restaurants in the area the golden wok and the nirala . do either of these suit your taste ? would you like me to reserve you a table ? eos O O O O O B-Restaurant-Inform+Choice O O B-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 O O O O O O O O O Booking-Inform,Restaurant-Select +bos yes the golden wok sounds great . can i have the postcode please ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Restaurant-Request+Post +bos sure . their postcode is cb43hl . 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 O general-reqmore +bos yes , can you book me a taxi from the hamilton lodge to the golden wok ? i want to leave the lodge at 08:00. 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 O O O O O O O B-Taxi-Inform+Leave O O N/A +bos booking successful . your taxi will be a yellow ford . contact number 07565903051. 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 B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos thank you , that should be fine . eos O O O O O O O O O general-thank +bos you 're welcome . have a beautiful day . eos O O O O O O O O O O general-welcome,general-bye +bos hello . i need a place to stay in cambridge , in the centre that is 4 stars . 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 N/A +bos would the university arms hotel work for you ? they 're located on regent st , downtown . 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+Addr I-Hotel-Inform+Addr O O N/A +bos as long as it has wifi.can you book it for me ? eos O O O O O O O O O O O O O N/A +bos it does have free wi-fi . i would be happy to book it for you . when will you check in , how many nights and how many 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 O O O O O O O Booking-Request+Day,Booking-Request+People,Booking-Request+Stay,Booking-Inform,Hotel-Inform+Internet +bos i would like to check in on monday and stay till thursday . just me and my wife . 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 will you be leaving on thursday or will you be staying at the hotel thursday evening ? eos 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 leaving on thursday . can you book 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 Hotel-Request+Ref +bos i was unable to book , do you want to add a day ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay +bos are you sure you ca n't find me a hotel in the centre area , 4 stars , free wifi with availability for 2 people for three nights starting on monday ? eos 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 B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O O Restaurant-Request+Area +bos i apologize . i was able to book the university arms hotel starting on monday for 3 nights for you and your wife . the reference number is a4fze39m . eos 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+Day O O B-Booking-Book+Stay O O B-Booking-Book+People I-Booking-Book+People I-Booking-Book+People I-Booking-Book+People O O O B-Booking-Book+Ref O O O N/A +bos thanks ! i 'd also like a vietnamese restaurant . a cheap one , though . eos O 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 the thanh binh is a cheap vietnamese restaurant in the west , and it is located in 17 magdalene street city centre cb30af . 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 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 may i have their phone number please ? eos O O O O O O O O O Restaurant-Request+Phone +bos their phone number is 01223362456. can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos no that 's all the information i need for now . thank you very much , have a nice evening . 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 general-bye +bos thank you . good bye . eos O O O O O O O general-bye +bos i 'm looking for a restaurant called royal spice . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos royal spice is an indian restaurant on victoria avenue chesterton on the north side . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Area O O N/A +bos may i have the phone number and price range of the restaurant ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price +bos sure ! the phone number is : 01733553355 and it is in the cheap price range . eos O O O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos great i am also looking for a hotel called 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 worth house is a cheap guesthouse located in the north . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area N/A +bos perfect can you book that for 1 person for 5 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 i was able to successfully book you , the reference number is exqr8kqt , can i help 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 yes please , i will need a taxi to take me to the restaurant . i 'd like to leave the hotel say around 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 O N/A +bos the taxi is booked it will be a blue toyota the contract number is 07069493389. do you need 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 general-reqmore +bos no , thanks , that should take care of everything . eos O O O O O O O O O O O O general-thank +bos my pleasure , enjoy your stay in cambridge . eos O O O O O O O O O O general-welcome,general-bye +bos thank you for your services . eos 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 an italian restaurant in the west part 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 okay i have found 2 restaurants . one is in the moderate price range and one is in the cheap price range . 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos i want the cheap one please eos O O O O B-Restaurant-Inform+Price O O N/A +bos la margherita fits the bill . great place . can i make a reservation 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 O Booking-Inform +bos yes , please . i 'd like it for 3 people at 6:45pm on saturday . eos O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O O O N/A +bos that booking was successful . your reference number is 3lwl9xaa . eos O O O O O O O O O B-Booking-Book+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 happy to be of help , and i hope you enjoy your meal ! eos O O O O O O O O O O O O O O O general-welcome +bos can you help me find a restaurant by the name of bangkok city ? 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 certainly , bangkok city is a thai restaurant in the centre area in the expensive price range . would you like their address ? eos 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+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O O general-reqmore +bos no thank you . i would like to book a reservation for wednesday at 5:45 pm . eos O O O O O O O O O O O O B-Restaurant-Inform+Day O O O O O N/A +bos and how many people will the reservation be for ? eos O O O O O O O O O O O Booking-Request+People +bos there are 6 of us . eos O O O O B-Restaurant-Inform+People O O N/A +bos unfortunately , the restaurant is booked . would you like to try another restaurant ? eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes . something in the same area and same pricerange , please . eos O O O O O O O O O O O O O O N/A +bos i can book reservations for a thai in the centre area that meets your needs eos O O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O Booking-Inform +bos yes please that would be great . we love thai . eos O O O O O O O O O O O O N/A +bos i am so sorry , but i was not able to book this . would you like 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 O Booking-NoBook,general-reqmore +bos yes please try to book a different thai restaurant . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos great news . i was able to book the sala thong and your reference number is vmhj6y3i . eos 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+Day O O N/A +bos thanks so much . that is awesome ! have a good 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 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 . eos O O O O O O O O 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 'm certain we can help with that . do you have a price range , part of town or what kind of food you 'll want 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 O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price,general-greet +bos actually , is there a place in town that offers nice architecture to see ? eos O O O O O O O O O O O O O O O O N/A +bos there is a moderate priced asian restaurant in the centre called yippee noodle bar that 's around beautiful places . would you like to try that ? eos O O O O B-Restaurant-Recommend+Price O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area 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 i want a place that has latin food . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i 'm very sorry i am finding no results for restaurants serving latin food . is there another type of cuisine you 'd be interested in ? 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 vietnamese food in the west then ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos i have the thanh binh restaurant located at 17 magdalene street city centre . would you like reservations ? eos O 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 O O O O O Booking-Inform +bos yes , i would like to reserve a table for a party of 8 at 16:00 on friday . i 've also got another question when you 're done with that . thank you . 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 O O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : q4nhojrd . what was the other question ? 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 you must be a mind reader , my question was the reference number ! thank you eos O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +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 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 eos O O O O O O O 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 what place will you be leaving from ? eos O O O O O O O O O Taxi-Request+Depart +bos i will be leaving from the restaurant . eos O O O O O O O O O Restaurant-Inform +bos well , you did n't suggest any attractions , you see . what would you suggest , then i can schedule my cab after 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 my apologies ! my wife loves architecture and insisted i find a place , glad i did n't forget . any area 's fine , but what about the same as the restaurant ? 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 O O O O O O O O O Attraction-Request+Area +bos is there a price range would you like ? eos O O O O O O O O O O Attraction-Request+Price +bos i 'd like a place to go to in the category of architecture , preferably free . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos all saints church is free and lcoated on jesus lane . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos that sounds fine , can you get me a taxi from there to the restaurant . i 'll need to arrive by 16:00 for my reservation . 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 N/A +bos your taxi has been booked . you will be picked up in a white volvo . the contact number is 07266032951. may 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 general-reqmore +bos thank you so much . that 's all i will need today . 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,general-bye +bos i 'm in the mood for swedish food , but i want something in the centre of town . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos i 'm sorry , there are no swedish restaurants in the area . do you have another cuisine you would like to try ? eos 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 Restaurant-Request+Food +bos what about chinese ? eos O O O B-Restaurant-Inform+Food O N/A +bos i have 10 chinese restaurants in the centre area . what price range would you like ? 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 Restaurant-Request+Price +bos could you recommend one ? eos O O O O O O N/A +bos charlie chan is amazing and cheap ! would you like me to book it for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price O O O O O O O O O O O Booking-Inform +bos yes please ! i 'd like a table for 5 on monday at 15: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 your booking was successful and the reference number is u4uc246k . is there anything else i can help 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 general-reqmore +bos that 's 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 meal ! eos O O O O O O 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 i have 70 trains travelling that route . to narrow it down , what day would you like to leave and what time would you like to depart/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 O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos sure , i would like to go on saturday , and arrive by 20:20. as close to that time as i can arrive . 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 O O O O N/A +bos i have a 19:17 from london that arrives at 20:08. would that work for you ? eos O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O O O O N/A +bos yes , let me have 7 tickets , please . 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 132.16 gbp payable at the station . reference number is : qmd5p3eg . 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 no , that 's all i need . thanks . 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-bye +bos would i be able to get a train from cambridge to london king 's cross ? eos O O O O O O O O O O B-Train-Inform+Depart 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 O general-welcome,Train-Request+Day +bos i need to leave after 21:15 on saturday eos O O O O O O O O B-Train-Inform+Day N/A +bos tr0925 leaves cambridge at 21:00 and arrives in cambridge at 21:51. the price is 18.88 pounds . would you like me to book it 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 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 2 tickets and provide me 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 your reference number is vyr91inx . is there anything else i can help you with ? eos O O O O O B-Train-Inform+Ref O O O O O O O O O O O general-reqmore +bos i 'm also looking for a place to stay in the north . i 'd like it to have a rating of 4 stars . 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 B-Hotel-Inform+Stars O O O O N/A +bos i have 8 different guesthouses in the north . do you have a preference on price ? 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 O O O O O Hotel-Request+Price +bos no preference on price and it does n't have to include parking . eos O O B-Hotel-Inform+Parking O O O O O O O O O O O N/A +bos i have the acorn guest house located at 154 chesterton road . 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos that works i think . eos O O O O O O N/A +bos would you like to book a reservation at this time ? eos O O O O O O O O O O O O Booking-Inform +bos yes , i need it for 2 people , staying 3 nights , starting wednesday 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 your hotel has been booked ! eos O O O O O O O Booking-Book +bos i need a hotel to stay in for the same group of people just for 1 night though , and a reference number too please 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 O O O O N/A +bos sure , i adjusted that for you , your booking was successful and the ref number is rp2pzdyv . 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 , thank you ! eos 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 +bos have a great day too eos O O O O O O N/A +bos thanks for using our service . eos O O O O O O O general-bye +bos hi there . i 'm hoping you can help me . i am looking to try molecular gastronomy food . might there be a restaurant like this in the centre of town ? 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 B-Restaurant-Inform+Area O O O O O O O N/A +bos sorry but there are n't any molecular gastronomy restaurants in any part of town . would you like to try something else ? eos 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 I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O N/A +bos yes how about gastropubs or international in the moderate price range . eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O N/A +bos we have the cow pizza kitchen and bar located in the center of town in the moderate price range . should book you in ? 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 I-Restaurant-Inform+Name 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 Booking-Inform +bos is that a gastropub ? eos O O O O O O N/A +bos yes indeed . i can make a reservation if you 'd like . eos O O O O O O O O O O O O O O Booking-Inform +bos what is their address ? eos O O O O O O Restaurant-Request+Addr +bos they 're located on corn exchange street , cb23qf . can i help with anything else today ? eos 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 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 thank you ! goodbye . eos O O O O O O general-welcome,general-bye +bos i 'm on a tight budget so i need to find a cheap restaurant that serves chinese 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 sure , do you prefer the south part of town or do you want to stay in the centre ? eos 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 it does n't matter . eos O O O O O O N/A +bos the rice house is a great cheap chinese restaurant located in the centre of town . would you like me to book you a table there ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O 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 O Booking-Inform +bos yes . can you reserve one for 4 people at 16: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 O N/A +bos i 'm sorry my reservation system is not working today . here is their phone number and address . 01223367755 at 88 mill road city centre . postcode is cb12bd . enjoy your meal ! eos O O O O O O O O O O O O O O O O O B-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 B-Restaurant-Inform+Post O O O O O O O O O Booking-NoBook +bos i 'm looking for information on a hotel called hamilton lodge . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos sure thing , here is the address 156 chesterton road eos O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos thanks ! can you book a room for 5 people please ? we 'll be arriving on monday and staying 5 nights . 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 N/A +bos i have that room booked for you . the reference number is rnc1kzbt . 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 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 enjoy your stay ! eos O O O O O general-bye +bos my car will be in the shop so i will need to take a train to work in cambridge that day . i need to arrive 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+Dest O O O O O O O O B-Train-Inform+Arrive N/A +bos i 'd be happy to help . what day of the week will you be travelling ? 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 'll be leaving on tuesday . eos O O O O O B-Train-Inform+Day O O N/A +bos okay and where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart +bos i will leave from bishops stortford . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos train tr8192 leaves that day at 05:29 and arrives at 06:07. would you like me to book anything for you ? eos 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 how much is the price for that ? eos O O O O O O O O O Train-Request+Price +bos it costs 10.10 pounds.. eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos ok. can you also recommend an expensive european restaurant ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos do you have a specific area you 'd like it to be in or would you like me to make a 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 Restaurant-Request+Area +bos you can pick for me . eos O O O O O O O N/A +bos how about michaelhouse cafe in the centre area of town ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O N/A +bos can i have address please thank you eos O O O O O O O O general-thank +bos the address is st. michael 's church trinity 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 I-Restaurant-Inform+Addr N/A +bos that sounds perfect . can you book a table for me for the same day my train arrives ? 7 people at 17:30. 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 O B-Restaurant-Inform+Time N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : 02mgql1a . 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 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 you are welcome . eos 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 my pleasure , there is something for everyone , we have over 40 attractions in that area ? what kind of activity do you have in mind ? 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 Attraction-Request+Type +bos shopping and maybe a mini mall and i need address , postcode , and attraction type eos 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 i do n't have any info on shopping sites but i do have info on museums , architecture , cinema and the like . 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 N/A +bos where would you recommend ? eos O O O O O O N/A +bos i would recommend cambridge university botanic gardens , located on bateman street , postcode cb21jf . it does cost 4 pounds to enter . phone is 01223336265. eos 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 O B-Attraction-Recommend+Post O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Phone O O N/A +bos sounds good , thanks ! i 'm also looking for information about a restaurant called eraina . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O O N/A +bos yes eraina serves european food and is located in the center and is expensive . eos O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O N/A +bos can you book me a table please ? eos O O O O O O O O O N/A +bos i can assist you with that . how many guests are in your party and what date and time 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 Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos book it for 14:30 on wednesday for 5 people eos O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People N/A +bos your booking was successful . your reference number is infn2j8m . 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 general-reqmore +bos thank you that is all i need . 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 need a place to stay , preferably 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 sure , is there a particular part of town you prefer ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos still deciding that part but would definitely need the expensive price range . eos O O O O O O O O O O B-Hotel-Inform+Price O O O Restaurant-Request+Price +bos it looks like there are no expensive guesthouses with free wi-fi . are there any other place you would be interested in ? eos O 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 Hotel-NoOffer+Internet,general-reqmore +bos can you find any expensive hotels then ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos there are 5 hotels that match your request . to help you further i will need to know what part of town you want to be 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 +bos 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 ? eos O O O O O 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 huntingdon marriott hotel is a 4 star hotel that would fit all your needs . it does have free parking . it is located in the west . would you like me to book you 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+Stars 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 O Booking-Inform,Hotel-Inform+Parking +bos not at the moment . i need info on a place to dine , in the centre area that serves italian 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 O N/A +bos okay . well , italian restaurants are pretty popular in that area as there are many to choose from . do you care about the price range ? eos O 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 O O O O O O O O Restaurant-Request+Price +bos no . recommend and give me the price range , 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+Price +bos okay , sure . there 's a great restaurant called pizza express located at regent street city centre . they are moderately priced and their phone number is 01223324033. eos 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 O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Phone O O N/A +bos thank you goodbye eos O O O O general-bye +bos enjoy your stay in cambridge eos O O O O O O general-greet +bos i am planning a trip and need help finding a place to stay . eos O O O O O O O O O O O O O O O N/A +bos are you looking to stay in a guesthouse or hotel ? what are of town do you prefer ? 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+Type +bos i was thinking 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 N/A +bos do you have a price preference ? i have both cheap and moderately priced guesthouses available . eos O O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O Hotel-Request+Price +bos i can afford an expensive place , but if there are no rooms a cheap hotel will do as well . 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 N/A +bos allenbell is a nice place , cheap . there was n't anything expensive . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price O O O O B-Hotel-NoOffer+Price O O O N/A +bos that is fine . book for 8 people and 5 nights from friday 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 booking was successful.reference number is : bly0kycw . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos no , that 's it . thank you for all your help . 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 wait ! i forgot something . can you also tell me about a place called saint john 's college ? 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 O O O N/A +bos of course . what would you like to know ? eos O O O O O O O O O O O general-reqmore +bos what area is it located ? eos O O O O O O O Attraction-Request+Area +bos st. john 's college is located in the centre area . do you need additional information ? 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 O O O general-reqmore +bos no . but i do need a taxi from the hotel to the college . eos O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos i can do that . do you have a departure time or arrival time for your trip ? 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 yes , of course , how could i forget ? ! i 'd like to leave the hotel by 16:45. are you able to book for that time ? 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 O N/A +bos here are the details , booking completed ! booked car type : black volkswagencontact number : 07300200666 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 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 are welcome eos O O O O general-welcome +bos okay , well , again , i really appreciate all the help you gave me . eos O O O O O O O O O O O O O O O O O N/A +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,general-bye +bos i need a train on thursday . find me one that leaves after 14:00 eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O N/A +bos where are you going and coming from ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i 'll be leaving cambridge and arriving at 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 may i suggest tr7759 leaving cambridge at 15:29 and arriving at bishops stortford at 16:07 on thursday . 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 O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos that sounds like a winner . book it please for 1 person . eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos alright , the booking was successful , the total fee is 10.1 gbp payable at the station . your reference number is : pr07ip3c . anything else i can get 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 'm looking for information about pizza express fen ditton 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 yes they are a moderately priced italian place in the centre of town , would you care for more information or a booking ? eos O 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 O O O O O O O O O O Booking-Inform,general-reqmore +bos could i get more information , including the address , postcode , and area ? eos 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 the address is jesus lane fen ditton . postal code cb58ba . and it is located in the centre of town . 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 O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos can you reserve it for me ? eos O O O O O O O O N/A +bos i can . can you tell me the day , time , and number of people ? eos 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 that will be all for now . 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 thank you ! please contact if anymore assistance is required . eos O O O O O O O O O O O O general-bye +bos please recommend some worthwhile places to visit in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are some great museums , colleges and churches for you to visit . 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 N/A +bos great , i would like to get some phone numbers for those places in the centre . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos i have hughes hall , 01223334898 , with free entrance . the broughton house gallery at 01223314960 , also free . i do n't seem to have any churches . can i help you 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 O O O O O O O O O O O O O O N/A +bos yes i need a train going to birmingham new street leaving after 18:15. 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+Leave N/A +bos where will you be departing from , and on what day ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i 'll be departing from cambridge on wednesday . eos O O O O O O O B-Train-Inform+Day O O N/A +bos there are five trains leaving on weds . do you want me to pick one to book ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Day O O O O O O O O O O O Train-OfferBook +bos sure , and make me a booking for 7 people . eos O O O O O O O O O B-Train-Inform+People 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 Train-OfferBook +bos ok , that would be great . can i get the reference number please ? eos O O O O O O O O O O O O O O O O Train-Request+Ref +bos tr9236 leaves cambridge on wednesday on 19:01 and arrives at birmingham new street at 21:44. i have booked 7 tickets . your reference number is : 2bgy3zrw . eos O O O B-Train-OfferBooked+Depart O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you . that 's all i need 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 general-thank +bos have a wonderful visit . 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 d you know of any restaurants nearby that serve french cuisine ? i do n't mind paying a little extra for quality food and service , any recommendations are welcome . 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 N/A +bos i have two restaurants that fit your criteria , restaurant two two and cote . which can i book for you ? 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 O O O O O O O O Booking-Inform +bos are those both in the moderate price range ? eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos no , those are both in the expensive price range . are either of those acceptable ? 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 i require a moderately priced french restaurant 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 am sorry . there are no restaurants which meet that criteria in the centre of town . would you like me to search for other options ? eos O O O 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 O O N/A +bos how about one that serves chinese food ? could i get their phone number and post code as well ? 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos it looks like there are three : jinling noodle bar ( 01223566188 , postcode cb23pp ) , lan hong house ( 01223350420 , postcode cb12lf ) , and shanghai family restaurant ( 01223301761 , postcode cb11dg ) eos O O O O O O O O O O O O O O O O O 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 'm also looking for a hotel in the same price range . can you help me find one ? 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 N/A +bos there are 18 moderately priced hotels with vacancies . do you have any other criteria for choosing a hotel ? 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 N/A +bos i would like it to be a hotel and in the same area as the restaurant . i do n't need free parking . 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 N/A +bos cityroomz is a hotel in town centre and moderately priced . it also offers internet . would you like me to make a reservation for you ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O B-Hotel-Inform+Area I-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 Booking-Inform,Hotel-Inform+Internet +bos can i just get the address , and star rating of the hotel ? eos O O O O O O O O O O O O B-Hotel-Inform+Type O O Hotel-Request+Addr +bos of course , the address is sleeperz hotel , station road , it has a zero star rating , does this fit your needs ? eos O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Stars O O O O O O O O O O O O N/A +bos yes , thank you so much . eos O O O O O O O O general-thank +bos you 're welcome . may 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 is all for today . have a nice day . eos O O O O O O O O O O O O O O N/A +bos thank you . you as well . eos O O O O O O O O general-welcome,general-bye +bos hello , i 'm looking for an attraction that is in the type of multiple sports and is located 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 O N/A +bos i 'm sorry . there is no multiple sports attraction in the center of town . eos 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 O N/A +bos no problem , are there any college places ? eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos christ 's college is in the centre , as are many other college 's in fact . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O N/A +bos please pick one , and tell me the entrance fee and post code . eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos emmanuel college is free to visit and the postal code is cb23ap . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Post O N/A +bos i also need a moderate place to stay , with free parking . eos 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 centre area two are guesthouses and two are hotels . do you have a type preference or price range ? eos O O O O B-Hotel-Inform+Choice O O O O B-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 O Hotel-Request+Type,Hotel-Request+Price +bos i am looking for a moderately priced hotel , that has a 4 star rating . eos O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i 'm afraid we do n't have any like that in the center . there 's a cheap 4-star guesthouse and an expensive 4-star hotel . would either of those work for you ? eos O O O O O O O O O O O B-Hotel-NoOffer+Area O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars I-Hotel-Inform+Stars O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Select,general-reqmore +bos does it have free wifi at least ? eos O O O O O O O O O N/A +bos they both have free wifi and parking . 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 Booking-Inform,Hotel-Inform+Internet +bos book it ! need 3 people for 5 nights starting friday . thank you . eos O O O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A +bos i booked 3 nights for 5 people at university arms hotel beginning friday . they are located at regent street and the phone number is 01223351241. eos O O O O B-Booking-Book+Stay O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Ref O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone N/A +bos awesome ! thanks for your help ! eos O O O O O O O O N/A +bos you are quite welcome . will you need a taxi to the hotel ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos yes please . i want to leave the attraction no later than 22:45. eos O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos booking completed ! look for a black toyota at 22:45. contact number : 07067597569 eos 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 thanks for your help . that 's all i need . eos O O O O O O O O O O O O general-thank +bos you 're welcome , let me know if i can help again . eos O O O O O O O O O O O O O O general-welcome +bos bye , take care eos O O O O O general-bye +bos goodbye ! have a great stay in cambridge ! eos O O O O O O O O O O general-bye +bos i would like to try saigon city . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos great choice . when can i make the reservation for ? eos O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos 5 people on a wednesday at 19:45. eos O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos you got it . here is your reference number : p9d58c0o . eos O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thank you for help . that 's everything i needed . 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 i am looking for a place to stay . the hotel should be in the cheap price range 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+Price O O O O O O O O B-Hotel-Inform+Stars N/A +bos there are five hotels that meet your requirements . is there a certain part of town you are looking 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 O Hotel-Request+Area +bos no , not really . although , i 'd like it to be a guesthouse with 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 N/A +bos how about the leverton house ? it 's at 732-734 new market road . it 's in the east part of town . can i book this for you ? eos 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 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 that sounds good . i would like to book that for 4 people and 4 nights starting from saturday . 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 O N/A +bos booking was successful . your reference number is : 7aar2tyb . eos O O O O O O O O B-Booking-Book+Ref O O O N/A +bos i appreciate your help . i need to travel by train to stevenage and leave after 10:15. what is available , please ? 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 O N/A +bos we have plenty after 10:15 , what day of the week ? eos O O O B-Train-Inform+Choice O B-Train-Inform+Leave O O O O O O O Train-Request+Day +bos great , i 'm looking to travel on sunday . eos O O O O O O O B-Train-Inform+Day O O O N/A +bos i am showing 7 options here . do you want tickets on one of them ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-OfferBook +bos yeah , book the earliest one for 4 people and send me the 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 alright , your tickets are booked and your reference is bfcump2s . anything else today ? eos O 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 need today , thank you . eos O O O O O O O O O O O general-thank +bos we 're 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 find me a turkish restaurant in the centre please eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos sure i have 3. meze bar and restaurant , anatolia and efes restaurant . meze is expensive but the other two are moderately priced . 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 B-Restaurant-Inform+Choice I-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 N/A +bos i want something nice . so let 's go with the meze bar . 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 O Restaurant-Request+Addr +bos sure , the address is 196 mill road . postcode is cb13nf . eos O 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 alright , do any trains leave london liverpool street after 14:45 ? 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 N/A +bos yes , there are trains every two hours from liverpool street station . do you have a day you prefer to travel ? eos O O O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave 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 Train-Request+Day +bos i would like to leave on a monday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos are you traveling to cambridge and do you want me to book a ticket ? eos O O O O O B-Train-OfferBook+Dest O O O O O O O O O O N/A +bos can you please give me the train id and travel time ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos well the train id for the 15:30 from liverpool street is tr9802 . 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+Id O N/A +bos that is all for now , thank you . goodbye eos O O O O O O O O O O O general-bye +bos thanks 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 general-bye +bos i am excited to see some local attractions . can you help me with a particular one ? eos O O O O O O O O O O O O O O O O O O O Attraction-Inform +bos sure . were you looking for a particular area of town to visit ? eos O O O O O O O O O O O O O O O Attraction-Request+Area +bos actually , a friend was telling me about this great gallery in town . it was called the saint barnabas press gallery . can you tell me about it ? 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 N/A +bos it is located at the belfast yard , coldham 's road in the east of the town . here 's the phone number 01223902116 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+Area I-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 N/A +bos i am also looking for a place to stay at . any recommendations ? eos O O O O O O O O O O O O O O O N/A +bos would you like to stay in the east part of town , near the gallery ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos no , i 'd like a 3 star guesthouse in the south . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos we have one guesthouse in the south . bridge guest house on 151 hills road . would you like to reserve a room ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area 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 O O O O O O Booking-Inform +bos can you let me know the price range of the guesthouse ? eos O O O O O O O O O O O O O Hotel-Request+Price +bos certainly ! the price range is moderate . their phone number is 01223247942. would you like me to book a room for you ? eos O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O Booking-Inform +bos no thanks . i will book later on my own . thanks for all the 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 enjoy your stay in cambridge ! eos O O O O O O O general-bye +bos i need to find a moderately priced place to dine in the centre please . eos O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O Train-Request+Price +bos okay , i can help you with that . we have several great moderately priced restaurants . what type of food would you like ? eos O O O O O O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Restaurant-Request+Food +bos do you have any lebanese restaurants ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos we have ali baba which is lebanese eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food N/A +bos okay . could you book that for 3 people for sunday at 15:00. 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 booking was successful . the table will be reserved for 15 minutes.reference number is : r73u0esj . 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 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-bye . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a train that goes to cambridge on saturday eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos would you like to leave or arrive by a certain time ? eos 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 21:30. eos 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 broxbourne . eos O O O O O O B-Train-Inform+Depart O N/A +bos we have 3 options that meet your criteria . all depart within an hour of each other starting at 21:32. would you like me to book one of them for you ? eos O 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 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 Train-OfferBook +bos yes , whichever train has seats available for 7 people . eos O O O O O O O O O B-Train-Inform+People O O N/A +bos your booking was successful , the total fee is 100.24 gbp payable at the station . the train departs at 21:32. your reference # is uzfw2taq . is there 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 B-Train-Inform+Leave O O O B-Train-Inform+Ref 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 okay , have a good day then eos O O O O O O O O general-bye +bos i 'm looking for a place to stay in cambridge , moderate price for a hotel . eos O O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Type O O O N/A +bos are there any amenities that you are looking for ? parking ? internet ? eos O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos i 'd like free parking . eos 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 do n't really have a preference for area . but i would like it to be a hotel rather than a guesthouse . and i would love 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 O O O O O O O N/A +bos we have ashley hotel and lovell lodge , shall i book you for one of the two ? 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 Booking-Inform,Hotel-Select +bos i need it for 7 people . 5 nights starting sunday . eos 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 which of the 2 hotels should i book for you ? eos O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O Booking-Inform +bos how about the ashley hotel ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos booking was successful . reference number is l1s8jnac . do you need 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 i am also looking for a train departing from stansted airport going to cambridge on sunday . i need to leave after 19:30. 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 B-Train-Inform+Day O O O O O O B-Train-Inform+Leave N/A +bos tr2021 is leaving at 20:24 would that work 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 hello , i am looking for a restaurant in the east that serves indian 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 there are 4 results . is a moderate or expensive price range better ? eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O N/A +bos how about the moderate price range . eos O O O O B-Restaurant-Inform+Price O O O N/A +bos there are 2 restaurants that meet your criteria - curry prince and rajmahal eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Inform+Name N/A +bos can i get the address and postcode for rajmahal please ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos certainly ! the address is 7 barnwell road fen ditton and the post code is , cb58rg . can i assist with a reservation ? 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 B-Restaurant-Inform+Post O O O O O O O O O O Booking-Inform,general-greet +bos no , but i am also looking for a train . the train should go to cambridge and should arrive by 12:30. eos O O O O O O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O N/A +bos where will you be departing form and 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,Train-Request+Depart +bos i am leaving on tuesday from birmingham new street . eos 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 tr4373 will arrive at 12:23. would you like a ticket ? eos 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 do need a ticket . eos O O O O O O O O O N/A +bos okay , i have your ticket booked ! i have your reference number . g033hrd0 . you can pay 75.09 gbp at the station . anything else i can help you with ? 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 O O O O O O general-reqmore +bos can you please tell what time the train leaves and the total travel time ? eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos is leaves the station at 09:40 and will get you there by 12:23 and the total travel time is 163 minutes eos 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 O B-Train-Inform+Time N/A +bos great . thanks for all your help . 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 i am looking for a train leaving from cambridge . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos i can certainly help you with that . where are you traveling to and do you have a certain departure 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 O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest,general-greet +bos i need to leave for leicester on sunday after 11:45. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos train tr7678 would work for you , 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 no . could you just tell 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 sure train tr7678 leaves at 12:21 and arrives at 14:06. that is a total time of 105 minutes . the cost is 30.24 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos thanks ! i 'm looking for places in the south that are parks eos O O O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Type O O N/A +bos there are 2 parks in the south . would you like me to recommend one for you ? 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 general-reqmore +bos yes , please . i 'll need their phone number and address please . eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos the wandlebury county park 's phone number is 01223243830 and the address is wandlebury ring , gog magog hills , babraham eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Phone O O O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O N/A +bos what is the postcode , please ? eos O O O O O O O O Attraction-Request+Post +bos the postcode for sheep 's green and lammas land park fen causeway is cb22ad . wandlebury country park is cb223ae . is there anything else i can assist you with ? 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+Post I-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore +bos no , i think that covers it . thanks so much for 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 glad i could be of help . have a great 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 attraction in the east of town . eos O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos sure , i can help you with that . there are plenty of attracts to the east . is there a specific type of attraction you are interested in ? eos O O O O O O O O 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,general-greet +bos i 'm not sure right now . what are the entrance fees like ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos there is cambridge artworks . the entry is also free . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Fee O O N/A +bos i also need a train on sunday . eos O 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 i am going to bishops stortford from cambridge . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos at what time will you be traveling ? there are 10 different trains on that day . eos O O O O O O O O O O O B-Train-Inform+Choice O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i 'd like to arrive in bishops stortford by 15:00. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos i have the tr2402 which you will arrive at 14:07. how many tickets 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 none today . can you just give me a price for that ? eos O O O O O O O O O O O O O O Train-Request+Price +bos it will be 8.08 a ticket . eos O O O O B-Train-Inform+Ticket O O O N/A +bos okay can you book that please ? eos O O O O O O O O N/A +bos sure , how many tickets would you like ? eos O O O O O O O O O O Train-Request+People +bos i would like 3 tickets please . eos 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 : nlgc8adu . 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 no , thank you . that is all . eos O O O O O O O O O O general-thank +bos okay , i hope you have a wonderful time in cambridge . bye ! eos O O O O O O O O O O O O O O O general-bye +bos i need a train for stansted airport and i need to arrive by 19:30 please . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O 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 will travel in sunday . eos O O O O O O O N/A +bos okay . where will you be leaving from please ? eos O O O O O O O O O O O Train-Request+Depart +bos i want to leave from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos ok the tr5009 arrives at 19:08. eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive N/A +bos yes can you book that for me please ? eos O O O O O O O O O O N/A +bos certainly , how many tickets do you need ? eos O O O O O O O O O O Train-Request+People +bos i just need one ticket please . i need the train price as well . eos O O O O O O O O O O O O O O O O Train-Request+Price +bos there is no longer a tr5009 but have booked you for the next best . the price is 8.08 gbp eos O O O O O O B-Train-NoOffer+Id I-Train-NoOffer+Id O O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O N/A +bos actually , can you tell me the travel time for that ? eos O O O O O O O O O O O O O Train-Request+Duration +bos i apologize , tr5009 is available . it is a 28 minute train ride , leaving cambridge at 18:40 , arriving at stansted airport by 19:08. your reference number is 090mn9hi . eos O 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 B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O B-Train-Inform+Ref O O O O O N/A +bos i appreciate your help . i am also interested in looking at a college while i am in cambridge . could you help me ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O B-Train-Inform+Depart O O O O O O O N/A +bos we have many to choose from , is there a certain area you 'd like to be 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 O O Attraction-Request+Area +bos no particular area , would you choose one for me ? eos O O O O O O O O O O O O N/A +bos pembroke college will blow your mind , free adminssion located at trumpington street , postal cb21rf , phone 01223338100. are there any other questions today ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Fee O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Post O B-Attraction-Recommend+Phone O 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 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 i am traveling to peterborough and need to get there by 08:00. eos O O O O O B-Train-Inform+Dest O O O O O O O N/A +bos you have several options . if traveling by train , where would you like to depart ? 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 +bos i want to leave from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos i would recommend tr2016 which leaves cambridge at 7:06 and arrives at 7:56. 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+Arrive N/A +bos can you please book the train for 4 people on saturday . please provide the reference number when booked . thank you ! eos 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 O O O O Train-Request+Ref +bos i 'm sorry , i stated the id number incorrectly . the train id is tr9362 . all other information is accurate . should i still book ? 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 O O O O O O O O Train-OfferBook +bos yes , please . a total of 4 tickets are needed . thanks . eos O O O O O O O B-Train-Inform+People O O O O O O O N/A +bos booking was successful ! your reference number is 12jcwp2t . 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 i am looking for ballare . i need the area , attraction type and entrance fee eos O O O O O B-Attraction-Inform+Name O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee,Attraction-Request+Type +bos ballare is a nightclub in the center of town . there is a 5 pound entrance fee . eos O B-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 O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos thank you . eos 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 want to find places to go in town , specifically college attractions . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are multiple colleges to visit . would you like a list of them and locations ? 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 general-reqmore +bos what would your best recommendation be for one ? eos O O O O O O O O O O N/A +bos i would recommend 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 that sounds good . may i have 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 adress and phone number please eos O O O O O O O N/A +bos i am looking for a museum in the east 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 cambridge artworks is a museum in the east . would you like further information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos yes please give me the phone number . eos O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223902168. 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 how much is the entrance fee ? eos 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 sounds great ! i 'm also looking for a train to birmingham new street . are there any that leave after noon 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 O O O O O B-Train-Inform+Day O O O O N/A +bos okay , and where will you be departing from ? eos O O O O O O O O O O O Train-Request+Depart +bos from cambridge please eos O O B-Train-Inform+Depart O N/A +bos tr4137 leaves at 12:01 on saturday . would you like me to book you seats ? 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 O Train-OfferBook +bos yes , please book it for two people . i need the reference number as well . eos O O O O O O O O O O O O O O O O O O Train-Request+Ref +bos ok , the booking was successful , the total fee is 120.16 gbp at the station , and the reference number is i4dekfl7 . 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 N/A +bos thanks a lot have a good day . eos O O O O O O O O O general-thank +bos likewise ! you 're most welcome ! eos O O O O O O O O general-welcome,general-bye +bos hello , i need to take a train to stansted airport , arriving by 20:30. eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Arrive O O N/A +bos the tr7213 gets you there at 06:08. need a ticket ? eos O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O Train-OfferBook +bos maybe . i need to leave cambridge on friday . will that train work ? eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O N/A +bos i recommend tr1110 . it will arrive in cambridge at 20:08 on friday . i can book passage for you if you let me know how many tickets you need . eos O O O B-Train-Inform+Id O O 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 O O O O O O O O Train-Request+People,Train-OfferBook +bos what is the cost per ticket ? eos O O O O O O O O N/A +bos the price for that ticket is 10.10 pounds . would you like me to book it 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 Train-OfferBook +bos no . are there any swimming pools on the east side of town ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos yes there is the abbey pool and astroturf pitch would you like their address ? 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 O N/A +bos yes . may i have the address and postcode for the abbey pool please ? 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 Attraction-Request+Post +bos yes , of course . they are located at pool way , whitehill road , off newmarket road . their postcode is cb58nt . is there anything else i can do for today ? eos 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 O O B-Attraction-Inform+Post O O 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 for your help . eos O O O O O O O O O O O O O O O general-thank +bos i am happy to help you with the booking , enjoy . eos O O O O O O O O O O O O O Booking-Inform +bos thanks ! i appreciate your help . bye . eos O O O O O O O O O O general-bye +bos it 's my pleasure . 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-welcome,general-bye +bos hey ! trying to locate a train that goes to broxbourne and would leave right after 17:45. 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 N/A +bos i can help with that ! what day would you like to depart ? eos 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 tuesday please . eos O O O O O O O B-Train-Inform+Day O O N/A +bos the tr5484 leaves at 18:01 and arrives by 19:01. will that work 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 N/A +bos yes , i need 2 tickets . eos O O O O O B-Train-Inform+People O O N/A +bos you 're all set . the fee will be 35.79 gbp and you can pay at the station . your reference number is hz0i8vml . do you need 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 O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos yes i also need information on downing college . eos O O O O O O O O O O N/A +bos noone in the center appears to b open . you would be more than pleased with jesus college which is and is beautiful . eos O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area 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 N/A +bos i 'm really interested in downing college . can you tell me the area , address , and fee for that one ? 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 O O O O O O Attraction-Request+Area,Attraction-Request+Addr +bos downing college is located in the centre , located on regent street . the postcode is cb21dq . the entrance fee is free . is there anything else i can help you with ? eos 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+Addr I-Attraction-Inform+Addr O 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 O O O general-reqmore +bos no that will be all . thanks . good bye . eos O O O O O O O O O O O O general-bye +bos thanks for using our services today . glad i was able to 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 general-welcome,general-bye +bos i need a restaurant in cambridge that serves spanish food and is cheap . eos O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O N/A +bos la raza is a cheap restaurant in cambridge that serves spanish food . would you like to a book there ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform +bos yes , please book that . that is all i need . eos O O O O O O O O O O O O O N/A +bos for what day and time , and for how many people ? eos O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos for 6 people at 14:15 on saturday . can i get the reference number as well ? 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 Restaurant-Request+Ref +bos your reference number is : x5lrugfw . can i help you with 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 thank you , that is all . 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 can you also find me a cheap 4 star hotel with free parking and wifi ? eos O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O N/A +bos there are 7 guesthouses and 1 hotel that matches your needs . do you have an area 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 O Hotel-Request+Area +bos i would like the hotel please . eos O O O O O O O O Hotel-Inform +bos sure , the hotel is the cambridge belfry , how many guests , days and starting when can i book this for you . eos 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Stay +bos i need the address and postcode of the hotel . eos O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos the cambridge belfry is located at back lane , cambourne , cb236bw . can i help you with anything else today ? eos O 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 O O O O O O O O O O O O general-reqmore +bos you certainly can . i will need a taxi to take me to my reservation at the restaurant , 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 O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos i 've booked a taxi for you . it 's a blue volvo and the contact number is 0758643360. 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 great . thank you . that 's all i need . eos 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 +bos i 'll be visiting cambridge soon and would like some information on hughes hall . eos 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 it is a college located in the centre of town . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos can you give me the area , address , 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+Fee,Attraction-Request+Addr +bos it is located in wollaston road , cb12ew . entry is free and is in the centre . eos O O O O O O B-Attraction-Inform+Addr B-Attraction-Inform+Post O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Area O O O N/A +bos perfect ! i am also looking for a train to kings lynn leaving after 10:00 eos 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 N/A +bos i have 98 trains to kings lynn leaving after 10:00. do you have a more specific time frame ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Leave O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i 'm leaving on a tuesday eos O O O O O B-Train-Inform+Day O N/A +bos tr7548 leaves for kings lynn at 10:11 and arrives by 10:58. will that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A +bos yes . can you book 7 tickets 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 68.6 gbp payable at the station .reference number is : rwvc9xy8 . 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 ! eos 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 . thanks for all your help . bye ! eos O O O O O O O O O O O general-bye +bos thank you for using this service goodbye eos O O O O O O O O general-bye +bos i just want a place to go with a swimming pool . eos O O O O O O O O O O O O O N/A +bos i found swimmingpools in the areas of east , north and centre . which would you prefer ? eos O O O B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O Attraction-Select +bos you pick the area as i do n't have a preference . eos O O O O O O O O O O O O O N/A +bos parkside pools is a great place located in the centre , would you like more information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos yes please . get me the address eos O O O O O O O O Attraction-Request+Addr +bos parkside pools is located at gonville place . is there anything else you would like to know ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 need a train , on thursday . arriving by 2145. eos O O O O O O B-Train-Inform+Day 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 am departing from stevenage on thursday . eos O O O O O B-Train-Inform+Depart O O O N/A +bos the tr9547 gets into cambridge from stevenage at 20:43. will that work ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Arrive O O O O Train-Select +bos yes , i just needed info for now . 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 have a great day ! eos O O O O O O general-bye +bos i 'm looking for a cheap place to dine . i want it to be on the west side of town . eos 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 O O O O N/A +bos there are two cheap restaurants on the west side , one italian and one vietnamese . do you have a preference ? eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 Restaurant-Select +bos shucks . no polish ? eos O O O B-Restaurant-Inform+Food O O N/A +bos no , sorry we have no cheap polish restaurants in the west of town , would you like me to look in a different area or price range ? 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 I-Restaurant-NoOffer+Area O O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area,general-reqmore +bos i suppose italian might suffice . do you have any listings for cheap italian restaurants on the west side ? eos O O O B-Restaurant-Inform+Food 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 i do have la margherita that meets your requests . would you like me to book a table for you ? 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 O Booking-Inform +bos no , but could you please give me the address and the phone number ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos certainly . la margherita is located at 15 magdalene street city centre and their phone number is 01223315232. is there anything else i can help you with today ? 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 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 awesome . have a good rest of your day ! eos O O O O O O O O O O O general-bye,general-greet +bos i am looking for an expensive italian restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there is an expensive italian restaurant named frankie and bennys at cambridge leisure park clifton way cherry hinton . would you like to go there or choose another ? 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+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 Restaurant-Select +bos great yeah that sounds great can you book a table for 5 people at 11:30 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 N/A +bos unfortunately there are no tables available , please try another day or time slot . eos 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 10:30 on sunday ? and may i have a reference number ? eos O O O B-Restaurant-Inform+Time O O O O O O O O O O O Restaurant-Request+Ref +bos i was able to book a table for 5 at 10:30 on sunday . your reference number is mbc9e6al . 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 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 O O general-reqmore +bos no , that is all . thank 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 you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye +bos hi . i 'm looking for a hungarian restaurant in cambridge that is moderately priced . can you help me ? eos O O O O O O B-Restaurant-Inform+Food O 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 no hungarian restaurants in cambridge . can i find a different type of restaurant for you ? eos O O 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 O O O N/A +bos hmm , well maybe british food if you have anything . eos O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos i have found several british restaurants . do you have any other criteria ? 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 general-reqmore +bos no can you recommend one ? eos O O O O O O O N/A +bos if you ask me , the oak bistro is the place to go . they are in the centre of town and are moderately priced but the food is delicious . eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Food O O O N/A +bos that sounds great . can you reserve us a table ? we 're a party of 3 and would like to eat at 16:15 on wednesday . 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 B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A +bos i 'm not able to make a reservation 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 Booking-NoBook,Booking-Request+Time +bos how about 15:15. also im looking for a train that should arrive by 10:00 and depart from kings lynn . eos O O O B-Restaurant-Inform+Time O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos i was able to successfully reserve your table for 15:15. your reference number is ta9u3qqc . for the train , what day would you be traveling ? 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 O Train-Request+Day +bos i am traveling on wednesday , the same as for the restaurant . eos O O O O O B-Restaurant-Inform+Day O O O O O O O O N/A +bos i have train tr1612 that arrives in cambridge at 09:58. would you like for me to make you a reservation ? how many seats will you need ? eos O O 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 O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos i need 3 seats same for the restaurant as well . eos O O O O O O O O O O O O Restaurant-Inform +bos ok great , can you please confirm the desired destination ? eos O O O O O O O O O O O O Train-Request+Dest +bos i need to go to cambridge . eos O O O O O O B-Train-Inform+Dest O N/A +bos there are 5 trains that match your request , would you like me to book one of them ? 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-OfferBook +bos any of those would be fine . thank you . for 3 people and can i have 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 N/A +bos sorry for the misinformation , i must have typo 'd . the tr8044 leaves kings lynn 09:11 , arrives cambridge 09:58. i 've booked you 3 seats , total 29.4gbp , payable at the station . ref # wyq30htp . 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 B-Train-Inform+Arrive O O O O B-Train-OfferBooked+People 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 ok , thanks , that 's what i needed . eos O 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 no , i think that 's all . thanks 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 is there any hotel in the area with 4 stars and i can get for cheap price . eos 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 Restaurant-Request+Price +bos i found the cambridge belfry , a 4 star cheap hotel . would you like to book ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O Booking-Inform +bos i would just like to know first if this place includes free parking ? eos O O O O O O O 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 ok , can i have their phone number ? oh , and they have free wifi , right ? 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+Internet +bos yes , they do offer free wifi . the number is 01954714600 eos O O O O O O O O O O B-Hotel-Inform+Phone O O Hotel-Inform+Internet +bos i 'm also looking for a restaurant in the east that serves indian food . eos 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 four restaurants that match your search . what price range 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+Price +bos the price range does n't matter . can you give me a few names to choose from ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Price +bos the choices are curry prince , pipasha restaurant , rajmahal , and sitar tandoori . would you like to book a table at one of these ? 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 O O O Booking-Inform +bos i do n't need a table , but can i get the address , postcode and price range for curry prince ? 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+Price,Restaurant-Request+Addr +bos yes sure . the curry prince 's telephone number is 01223566388. and their address and postcode are 451 newmarket road fen ditton cb58jj . eos O O 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 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 price range for the curry prince ? eos O O O O O O O O O O O Restaurant-Request+Price +bos the price range is moderate . eos O O O O O B-Restaurant-Inform+Price O N/A +bos thanks ! now , can i get a taxi from the cambridge belfry to the curry prince ? i need to leave the hotel by 4:00. eos 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 O O O O O O O O O O O N/A +bos i was able to book that taxi for you . you will be riding in a blue audi . their number is 07768403851. can i help you with something else ? 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos that was everything i needed , thanks for everything and please take care ! eos O O O O O O O O O O O O O O O general-thank +bos happy to be of service , and thanks 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 O general-welcome,general-bye +bos i 'm looking for a place to dine on the south side of town . please find a place that 's in the expensive price range . 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 B-Restaurant-Inform+Price O O O O O O N/A +bos i found five expensive restaurants on the south side of town . would you prefer chinese , indian , italian or mexican ? 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 I-Restaurant-Inform+Area O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos do you have a favorite you could recommend ? i will need the phone and postcode and food type also 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+Food +bos if you ask me , the chiquito restaurant bar serves the best mexican food around . their postcode is cb17dy . you can reach them at 01223400170. can i help with anything else ? eos 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+Food O O O O O B-Restaurant-Recommend+Post O O O O O B-Restaurant-Recommend+Phone O 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 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 looking for a place to eat in the east that is expensive . eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos sure , we have british , chinese , gastropubs , and indian restaurants . would you like to book a table at one of them . eos 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 O O O O O O Booking-Inform +bos how about an expensive british place ? i 'd like a reservation for wednesday . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Day O O N/A +bos okay , i have the grafton hotel restaurant . what time would you like me to book your reservation ? 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 Booking-Request+Day,Booking-Request+Time,Booking-Inform +bos i would like a table at 14:00 on wednesday for 5 people . eos O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O N/A +bos unfortunately they did not have that day and time available . would you like to try for another date 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 O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos do they have an opening at 13:00 on wednesday for 5 people ? eos O O O O O O O B-Restaurant-Inform+Time O O O O O O N/A +bos yes , i 've made your reservation . the reference number is 96ih1qyg . 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 O general-reqmore +bos that 's all , thanks . goodbye . eos 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 yes i am looking for information on a restaurant called bangkok city . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos that is an expensive thai restaurant . do you want me to book a reservation ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O Booking-Inform +bos yes , 5 people , friday at 14:15. eos O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos sorry , there are no tables available for your party then . perhaps another 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+Day,Booking-Request+Time +bos oh no . can you get us in at 13:15 then ? eos O O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos yes , that time is available , and i 've reserved your table . the reference number is wi602i6m . 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 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 awesome . enjoy your stay ! eos O O O O O O O general-bye +bos i would like to find a restaurant named tandoori palace . do you know of that restaurant ? 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 N/A +bos i do . it 's a very nice indian restaurant on the west side . 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 O O N/A +bos can you give me the postcode for it please ? eos O O O O O O O O O O O Restaurant-Request+Post +bos the postcode is cb43le . 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 that will be all , thanks . goodbye ! eos O O O O O O O O O O general-bye +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 is there a moderate restaurant 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 certainly , we have 21. do you have a cuisine type or a price range ? eos O 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 yes , i 'd like a moderately priced restaurant . eos O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos cotto is a moderately priced restaurant in the centre of town . it serves british food . eos O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Food O O O N/A +bos please give me their address and postcode . eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the cotto is located at 183 east road city centre and their postcode is cb11bg . would you like me to make a reservation for you ? 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 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 . you have helped me tremendously and i have everything i need to know . thanks 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 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 'm looking for a british restaurant on the west side . 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 3 restaurants that meet your criteria . is there a particular price range you are wanting to stick with ? there are two expensive ones and one moderate priced 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 N/A +bos could you recommend one of the expensive ones ? eos O O O O O O O B-Restaurant-Inform+Price O O N/A +bos graffiti is on the west side of town , serves a wonderful british menu and falls in the expensive price range . would you like to reserve a table ? eos O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Food 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 . i need a booking for thursday at 17:00 for 8 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 O N/A +bos booking was successful . can i get you anything else , then ? eos O O O O O O O O O O O O O O Booking-Book,general-reqmore +bos yes i need the reference number please . eos O O O O O O O O O Restaurant-Request+Ref +bos the reference number is zf7xhmyx . eos O O O O O B-Booking-Book+Ref O N/A +bos excellent . that is everything ! eos 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-welcome,general-bye +bos what fancy restaurants are there on the east side of town ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos not sure about fancy , but if you are looking for expensive we have grafton hotel restaurant , yu garden , royal standard , pipasha restaurant , and sitar tandoori . eos 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 O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A +bos do any of them serve chinese food ? that 's what i 'm in the mood for . 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 yes ! yu garden is a wonderful chinese restaurant that will meet your needs . would you like a table there , or perhaps just the address ? eos O O O B-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 O O O O O O O O O O O general-welcome,Booking-Inform +bos yes , the address , postcode and phone number would help . eos 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 . the post code is cb58pa and the phone number is 01223248882. 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 I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone 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 , 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 no , 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 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 a cheap place to dine , preferably in the centre of town . eos O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos sure , are you interested in chinese food ? eos O O O O O O B-Restaurant-Select+Food O O O N/A +bos yes , what restaurants are there ? eos O O O O O O O O Restaurant-Inform +bos there is the charlie chan , rice house and golden house . would you like to book a table at one of these ? 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 O Booking-Inform +bos charlie chan sounds good . thank you ! eos O O O O O O O O O general-thank +bos what day and time , and for how many people , would you like to book ? eos 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 'd like to book 4 people at 14:15 on friday . 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 all right , i 've booked that for you . your reference number is iyq8fy20 . 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 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 thank you , have a great time . eos O O O O O O O O O general-bye +bos please find me a good cinema to go eos O O O O O O B-Attraction-Inform+Type O O N/A +bos what about vue cinema ? it 's located in the centre . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O N/A +bos can i have the postcode and phone number ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure . the postcode is cb11ps and the phone number is 08712240240. eos O O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O N/A +bos i 'm also looking for a place to stay in . can you find me a 4 star place ? 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 we have 21 hotels and guesthouses ranked 4 stars . do you have a particular area of the city you 'd like to stay in ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos i would like something in the west . it does n't need to have internet . eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A +bos there are 3 hotels in the west . two are cheap and one is expensive . do you have a price preference ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Request+Price +bos let 's go with the cheap one . eos O O O O O B-Hotel-Inform+Price O O O N/A +bos there are 2. would you like to stay in a guesthouse , or in a 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 O N/A +bos a hotel would be perfect ! eos O O O O O O O Hotel-Inform +bos ok. so that is the cambridge belfry . should i make a reservation 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 Booking-Inform +bos what is the price range ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name Hotel-Request+Price +bos the cambridge belfry is in the cheap range , with 4 star rating has internet and parking . should i book a room for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , that would be wonderful . eos O O O O O O O O N/A +bos how many people should i book for ? eos O O O O O O O O O Booking-Request+People +bos one person , please . eos O O O O O O N/A +bos for how many days and starting when do i book ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos for 1 day eos 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 what days are available ? eos O O O O O O N/A +bos they have a very flexible schedule . please give me a day of the week and i will look 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-Request+Day +bos i do n't actually need to book a room right now , can you just give me the price range that 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 O Hotel-Request+Price +bos as i mentioned before , the cambridge belfry is in the cheap range . will there be anything else for you today ? eos O O O O 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 general-reqmore +bos no . i believe that is all . thank you for your assistance . eos O O O O O O O O O O O O O O O general-thank +bos thank you for allowing me to assist you . feel free to call back for more information . 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 help me find a good steakhouse ? ideally i would like it to be moderately priced , not too fancy or cheap . 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 O N/A +bos i do n't have a moderately priced steakhouse . would you like to try a different kind of food ? eos O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O O O O O O O O O O O O O Restaurant-Request+Food +bos no , i 'd like steak . maybe try in the west ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are no matches found would you like me to look up a different area ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos can you find me one that serves indian food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos meghna is a moderately priced indian restaurant , it is located in the west . would you like me to reserve a table for you ? 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 B-Restaurant-Recommend+Area O O O O O O O O O O O O O Booking-Inform +bos yes please , book a table for 8 people at 17:45 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 O N/A +bos your reference number is on7eum19 . is there anything else i can do for you ? eos 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 not sure , let me check and see if my husband has any other questions . eos O O O O O O O O O O O O O O O O O O O N/A +bos just let me know ! eos O O O O O O general-reqmore +bos i 'm also looking for a place to stay . eos O O O O O O O O O O O N/A +bos what area and when are you planning your stay ? eos O O O O O O O O O O O Booking-Request+Day,Hotel-Request+Area +bos west . and on monday eos O B-Hotel-Inform+Area O O O O N/A +bos there are 4 places in the west . do you want to book ? if so , please give me the number of people and days that you will be staying . 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 O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Inform +bos okay , i need to make sure it 's in the moderate price range and that it 's a guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Type O O O O N/A +bos hobsons house fits your requirements nicely . want to book it ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform +bos no thanks . i just need to see if they have free wifi and what their phone number is . 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+Internet +bos yes , they do have free internet and their phone number is 01223301906. is there anything else i can assist you with today ? eos 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 O Hotel-Inform+Internet,general-reqmore +bos i would also like to book a taxi that will arrive at the restaurant by 17:45 on monday from the hotel eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O B-Restaurant-Inform+Day O O O N/A +bos you are all set . is there anything else i can do for you ? booked car type : yellow fordcontact number : 07359918327 eos 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+Car general-reqmore +bos thank you so much for your help . that 's all i need . 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 general-bye +bos i want to find a nice , 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 N/A +bos i have 33 to choose from . what is your prefered type of food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Food +bos i want a place that serves astropub eos O O O O O O O O N/A +bos backstreet bistro is my favorite . they 're located at 2 sturton street city centre , cb12qa . 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 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 O Booking-Inform +bos yes , for 2 people at 11:45 on wednesday 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 . the table will be reserved for 15 minutes . reference number is : wv7cr016 . 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 'm also looking for a hotel with free wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos what area of town are you looking to stay 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 Hotel-Request+Price,Hotel-Request+Area +bos i want a hotel close to backstreet bistro . not too expensive . eos O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos cityroomz is the only moderately priced hotel in the centre of town with free wifi . can i 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes book room for 2 starting wednesday for 5 nights and get me reference number . eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O O N/A +bos unfortunately , i am unable to book at this time . would you like the number ? 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 retry , only starting on wednesday ? eos O O O O O O O O O O N/A +bos the booking system is not working at this time . eos O O O O O O O O O O O Booking-NoBook +bos are there any expensive hotels in that area ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O N/A +bos the booking system is back up , so i went ahead and completed the reservation for you at cityroomz as requested . your reference number is orte2f27 . anything else ? eos 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 O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos great , thank you . i 'm good to go now . bye ! eos O O O O O O O O O O O O O O O general-bye +bos i 'm glad we could help . 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 information in cambridge eos O O O O O O O O N/A +bos i can help you find train info . what day are you traveling ? eos O O O O O O O O O O O O O O O Train-Request+Day,general-greet +bos sunday after 14:00 eos O B-Train-Inform+Day O B-Train-Inform+Leave N/A +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 will 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 N/A +bos tr1036 leaves at 14:36. 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 yes that sounds perfect . can you book it for 4 people please ? eos 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 56.32 gbp payable at the station .reference number is : ua5q42c3 . can i get you 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 am also looking for a guesthouse that is expensive and incldes free parking . eos 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 sorry , i could n't find any matching guest houses . eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O N/A +bos okay , how about a moderate price range then ? eos O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are 12 in the moderate range . is there an area of the city you would prefer to stay ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price 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 to me . eos O O O O O O O O O N/A +bos what star rating would you like the guesthouse to be ? eos O O O O O O O O O O O O Hotel-Request+Stars +bos at least a 3 star . eos O O O O O O O N/A +bos i can suggest 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 ok , can we book that for the same group of people ? eos O O O O O O O O O O O O O O N/A +bos sure , when would you be arriving ? eos O O O O O O O O O Booking-Request+Day +bos i will want it from tuesday . eos O O O O O O O O N/A +bos and for how many days ? eos O O O O O O O Booking-Request+Stay +bos i need it for 5 nights . eos O O O O O O B-Hotel-Inform+Stay O N/A +bos bridge guest house has been booked for 4 people for 5 nights starting tuesday . your reference number is : yi8bzf07 . can i assist you with anything else today ? eos O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+People 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 O O O O O O general-reqmore +bos no that 's everything ! thanks for your help , bye ! eos O O O O O O O O O O O O O general-bye +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,general-greet +bos what have you got on the west side , in the way of places to stay offering 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 O O N/A +bos i have two guesthouses and two hotels . any preference ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O Hotel-Select,general-reqmore +bos that does n't matter to me but i do want to make sure i stay somewhere 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 N/A +bos i would recommend the cambridge belfry hotel . it is 4 stars and has excellent ratings . would you like more information ? 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+Stars O O O O O O O O O O O Hotel-Request+Area +bos yes , could you tell me the postcode and the price range ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price +bos the cambridge belfry post code is cb236bw and it is fairly cheap compared to other hotels in the area . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O N/A +bos that would be fine . i also need a train that leaves after 21:30 on wednesday . eos 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 'd be happy to help . where are you traveling to ? eos O O O O O O O O O O O O O O Train-Request+Dest,general-reqmore +bos i will go to london 's kings crossing from cambridge . eos 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 i have only found 1 train from cambridge to london kings cross on wednesday . it leaves at 23:00. will that work ? eos O O O O O O B-Train-Inform+Choice 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 O O O B-Train-Inform+Leave O O O O general-reqmore +bos hello , can you recommend any theatres 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 really love the cambridge corn exchange located on wheeler street . i do n't have admission information , but you can call them at 01223357851. 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 O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O O N/A +bos you do n't have what it costs to get in ? i need the entrance fee if you would please 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 O Attraction-Request+Fee +bos i 'm sorry we do not have the entrance fee , only the phone number which is 01223357851. 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 O O O O O B-Attraction-Inform+Phone O O N/A +bos i also need a place to stay with free parking but internet is n't needed . eos O O O O O O O O O O O O O O O O O N/A +bos i have about 29 choices . is there a certain price range or area you prefer ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos thank you ! i do n't care about the price range , but i would like to stay in the east part 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 O O N/A +bos i like the carolina bed and breakfast . can i get you information on it ? 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 general-reqmore +bos sorry , my wife just said that we wo n't stay in a hotel with any less than 4 stars , do you have something that meets that criteria ? 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 N/A +bos i do n't have any 4 star hotels , but i do have several 4 star guesthouses . carolina bed and breakfast is a 4 star guesthouse . eos O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type 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 N/A +bos is it in the east part of town eos O O O O O O O O O N/A +bos yes , it is located on the east part of town . would you like to book a room ? 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 Booking-Inform +bos yes for 7 for 5 nights starting saturday , and i need the reference number too please eos 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 O Hotel-Request+Ref +bos ok. i was to take care of that for you . your reference number is guraze8g . 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 excellent , thank you for your help today ! that will be all . eos O O 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 ! eos O O O O O O O O O O O O general-welcome,general-bye +bos can you book a train for me ? i need to leave after 16:00 on sunday . 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 we can help you look up for a specific schedule if you can supply to us your departure point and destination 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 Train-Request+Depart,Train-Request+Dest +bos i am leaving from leicester 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 that gives us about 8 different options . the earliest train leaves at 16:09 and will put you in cambridge by 17:54. would that interest you ? eos O O O O O O B-Train-Inform+Choice O O O O 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 general-reqmore +bos yes , it interests me a great deal . book it for 8 please and get 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 O O N/A +bos booking was successful , the total fee is 241.92 gbp payable at the station .reference number is : bzx66ova . can i further assist you 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 general-reqmore +bos i am also looking for a room . free parking and wifi . eos O O O O O O O O O O O O O O N/A +bos which area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos it does n't matter . i would like it to be in the expensive range . eos 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 five . do you have a star rating preference ? eos O O O O O O O O O O O O O Hotel-Request+Stars +bos no , no star rating preference . whichever hotel you recommend . eos O O O O O O O O O O O O O Hotel-Inform +bos well there are many to choose from . are you sure we could n't narrow it down by area ? 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 Hotel-Request+Area +bos i am looking for an expensive restaurant that serves british food eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A +bos okay ! i have found 6. what area of town would you like to dine in ? eos O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area +bos i am looking for an upscale , expensive one in the centre of town , please . eos 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 3 in the centre . i recommend the cambridge chop house , would you like me to reserve a table there for you ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area 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 Booking-Inform +bos that would be great . please make it for monday . eos O O O O O O O O O O O O N/A +bos what time would you like the table for ? and how many in your party ? eos O O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos 8 people at 11:45. i need the reference number please . also , i need a hotel with wifi in the same price range as the restaurant . eos 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 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 : zxibgevs . 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 'm also looking for an upscale , expensive hotel in the area as well . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos how many stars are you looking for ? eos O O O O O O O O O Hotel-Request+Stars +bos it absolutely must be a 3-star hotel eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type N/A +bos the lensfield hotel would meet your needs . it 's located at 53-57 lensfield rd . 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 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 yes , for 8 staying 5 nights starting monday , provide reference number . also , book a taxi from hotel to arrive at restaurant by 11:45. i will need contact number and car type . eos 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 O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O O O O O Taxi-Request+Car +bos your hotel booking was successful . reference number is : 1y395k30 . as for the taxi , be expecting a white lexus . their contact number is 07735778206 should you need it . eos O O O O O O O O O O B-Booking-Book+Ref 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 N/A +bos thank you for your help , that is all i need for today . goodbye eos O O O O O O O O O O O O O O O O general-bye +bos okay you are welcome . eos O O O O O O general-welcome +bos i 'm feeling adventurous and would love to get recommendations about places to visit 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 N/A +bos there 's a lot to do in the south . there 's a cinema , entertainment , museum , nightclub , park , and theatre . what sounds good to you ? 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 I-Attraction-Inform+Type O O O O O O O O O O O O O O general-reqmore +bos maybe we can do a picnic in the park . can you tell me about what 's available ? 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 how about wandlebury country park that is located in the south park of town ? it is also free . eos O O O B-Attraction-Inform+Name I-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 B-Attraction-Inform+Fee O O N/A +bos that sounds great , thank you . i 'm also looking on information on trains arriving from cambridge by 15:15. eos 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 N/A +bos okay and what day 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 travel to london kings cross on friday . 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 your best bet would be the tr3685 which leaves cambridge on friday at 13:00 and gets to london kings cross at 13:51. eos O O O O O O 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 I-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos perfect . thank you for your help today . eos O O O O O O O O O O general-thank +bos my pleasure . can i help you with something else ? eos 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 you 're welcome . i hope you 'll have a wonderful and adventurous picnic . goodbye eos O O O O O O O O O O O O O O O O O general-welcome +bos hello . i 'd like a train to ely please . eos O O O O O O O O B-Train-Inform+Dest O O O N/A +bos i can do that . when and where will you be catching the train ? 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 will be departing from cambridge on wednesday . i would like to leave after 21:00. eos O 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 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 no i do n't have a specific time to arrive . eos O O O O O O O O O O O O N/A +bos tr8533 will leave cambridge at 21:50. would you like a ticket on that train ? eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos no thank you but i do need the arrival time and train id . eos 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 tr8533 . is there anything else i can help 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 can you also help me find a 2 star hotel to stay at ? 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 yes i have 3 choices in the north and east from moderately to expensively priced . eos 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 O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos i am looking for a guesthouse to stay at with free wifi please . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos what area of town would you like to stay and what is your price range ? 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 preference on the area or price range , but the hotel should have 4 stars . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O Attraction-Request+Area +bos we have lots of 4 star rated options . were you looking to stay within a certain price range and i can help you find the perfect fit ? eos 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+Price +bos i do n't care about the price range , either , as long as it is a 4 star guesthouse 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 a and b guest house eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos that sounds nice . could you book that for me for friday ? eos O O O O O O O O O O O O O O N/A +bos no problem . will it be just you ? eos O O O O O O O O O O Booking-Request+People +bos no it will be for 2 people for 5 nights . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O N/A +bos i was able to successfully book you for your stay . your reference number is jwm813sd . 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 general-reqmore +bos yes , can you give me some information on the wandlebury country park 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 O N/A +bos yes ! wandlebury country park is located in south and the entrance fee is free . is there anything else you want to know ? 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 O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos yes i need the phone number as well . eos O O O O O O O O O O Attraction-Request+Phone +bos certainly . the phone number is 01223243830. eos O O O O O O O B-Attraction-Inform+Phone N/A +bos thank you for your help . that 's all 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 for contacting cambridge towninfo centre . have a great trip ! eos O O O O O O O O O O O O O O general-bye +bos hello , i 'm looking for a cheap place to stay with 4 stars . eos 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 hi , i have many place to choose from . is there a specific area of town you are 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 O O O Hotel-Request+Area +bos i would like a guesthouse type with free wifi please . also the area and address please . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Addr +bos i found the leverton house which meets your requirements . it is in the east at 732-734 newmarket road . do you need a reservation ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O Booking-Inform +bos no , i 'll wait on that for now . thanks 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 O O O O O general-bye +bos glad to have been of assistance . 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 'm looking for a train . the train should go to cambridge and should leave on tuesday 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 N/A +bos we have over 200 trains , do you have a departure site or time ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i 'm departing from norwich and need to arrive by 12:15. eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O N/A +bos there are many options available . is there a certain 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 O O Train-Request+Leave +bos no just tell me the price of the trip please eos O O O O O O O O O O O Train-Request+Price +bos the price of the train would be 17.60 pounds . anything else you need ? eos O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O general-reqmore +bos that 'll be all , thanks so much for your assistance ! 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,general-bye +bos i want to make a booking at the alexander 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 N/A +bos ok. how many nights would you like to book ? eos O O O O O O O O O O O Booking-Request+Stay +bos 4 nights please . eos O O O O O N/A +bos what are the dates you are staying ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos i will be staying four nights starting on friday . eos O O O O O O O O O B-Hotel-Inform+Day O N/A +bos how many people will be staying ? eos O O O O O O O O Booking-Request+People +bos 4 people will be staying for 4 nights starting from friday . eos O O B-Hotel-Inform+People O O O O O O O O O O N/A +bos ok. your booking was successful and the reference number is td8tu8io . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos thanks very much ! eos 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 . i 'm looking for a place 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 there are loads of attractions in the centre of town . do you have a specific type in mind ? 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 O O O Attraction-Request+Type +bos no , just architecture . i would also like the phone number and postcode please . eos O O O B-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos may i suggest all saints church ? the post code is cb58bs . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Post O O N/A +bos that sounds great ! can you give me the phone number as well ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number for all saints church is 01223452587. eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-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 enjoy your visit to cambridge , and have a great 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 cambridge that is expensive and includes 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 N/A +bos i have 5 places that match your request . do you want to stay in a particular 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 O O O Hotel-Request+Area +bos i would prefer to stay in the western area of town . what would you have 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 N/A +bos there is one expensive hotel in the west . it is called the huntingdown marriot and is 4 stars . how does that sound ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Area 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 N/A +bos that sounds great . could you reserve it for me . i will have 4 people and would like to reserve 4 nights beginning sunday . 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 O O O B-Hotel-Inform+Day O O N/A +bos i 'm sorry , but i am unable to book within those parameters . would you like to book on a different 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 O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos could you try one night instead ? eos O O O O O O O O N/A +bos booking was successful . reference number is : x0wchymc . 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 are there anythings to do in the area around the hotel ? eos O O O O O O O O O O O O O Hotel-Inform +bos yes , would you like to know the addresses to the night clubs ? eos O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos yes please . and the fee to get in . eos O O O O O O O O O O O N/A +bos certainly . i 'll need to know which nightclub you 're interested in before giving you the entrance fee , however . 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 Attraction-Request+Name +bos any night club is fine as long as it 's 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 N/A +bos most nightclubs are in the center , one is in the south , we have none in the west . would another area work ? eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 B-Attraction-NoOffer+Area O O O O O O O O Attraction-Request+Area +bos i was really hoping for something in the west , what other attractions are available in the west area ? eos 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 how about the lynne strover gallery ? it 's at 23 high street and it 's free . 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee O O O O N/A +bos could i also have their postcode please ? eos O O O O O O O O O Attraction-Request+Post +bos lynne stover gallery has a postcode of cb30aq . can i help with anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos i think that is all i need for now . 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 no problem . glad to help . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a place to dine . the restaurant should be in the centre and should serve mediterranean food . eos 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 N/A +bos the gardenia restaurant is a great choice . it is not expensive , and meets your other criteria . the address is 2 rose crescent city centre eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 N/A +bos sounds great ! can you help me book a reservation for 4 people on sunday ? eos O O O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O N/A +bos what time would you like the reservation to be for ? eos O O O O O O O O O O O O Booking-Request+Time +bos 16:15 , please , thank you . eos O B-Restaurant-Inform+Time O O O O O O N/A +bos you are booked , with ref # wbb6xxrp . anything else for you today ? eos O O O O O O O B-Booking-Book+Ref 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 '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 can you help me book a train on sunday ? eos O O O O O O O O O B-Train-Inform+Day O N/A +bos where is the destination ? eos O O O O O O Train-Request+Dest +bos i want to go to ely . eos O O O O O O B-Train-Inform+Dest O N/A +bos there are a number of trains leaving cambridge for ely on sundays . do you have a departure time in mind ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Depart I-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 +bos i need it to leave after 08:15 please . eos O O O O O O O B-Train-Inform+Leave O O N/A +bos can i book for you ? eos O O O O O O O Train-OfferBook +bos yes please book just one ticket for me . eos O O O O O O O O O O N/A +bos tr1159 leaves at 9:50 and the fee of 3.52 pounds is payable at the station . is there anything else i can assist you with ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 O O O O O O general-reqmore +bos yes , what is the reference number for the reservation ? eos O O O O O O O O O O O O Train-Request+Ref +bos the reference # is t27b8duj . is there anything else i can help with today ? eos 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 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 O general-thank +bos happy to be of help , and i hope you 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 , i 'm looking for a hotel , a 0 star hotel is fine as long as it includes free wifi . 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 i have 1 hotel and a 2 guesthouses available . do you have a preference on the area or if it is a hotel or guesthouse ? 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 O O O O O O O Hotel-Request+Area +bos i would prefer a hotel that is in the centre of town and moderately priced if that helps narrow it down . eos O O 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 O O N/A +bos cityroomz meets that description . would you like to book it ? eos O B-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform +bos may i please have the address and postcode for cityroomz ? eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos certainly , the address for cityroomz is sleeperz hotel , station road postcode cb12tz . is there anything else i can help you with ? 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 are there any nearby museums ? eos O O O O O B-Attraction-Inform+Type O N/A +bos the cambridge contemporary art museum is nearby . 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 N/A +bos great . could you please tell me the entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos there is no entrance fee . eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos wonderful ! 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 im glad to have satisfied you eos O O O O O O O general-welcome +bos thanks again . that 's all i needed . eos 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 i am looking for a five star hotel with free wifi . eos O O O O O O O O O O O O O N/A +bos i am sorry there are no matches . would you like to try a 3 or 4 star hotel ? 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 O O Hotel-NoOffer +bos i could actually do a guesthouse with a star rating of 0. eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars N/A +bos i have two , does the area matter to you ? eos O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Area +bos no , area does n't matter . eos O O O O O O O O N/A +bos okay i have found the el shaddai which meets your requirements . would you like me to book that for you ? 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 O O O O Booking-Inform +bos yes i need it booked 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 i have you booked at the el shaddai , the reference number is k8j1t9n4 . 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 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 to be of assistance . enjoy your visit . eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a train leaving peterborough arriving by 8:30 eos O O O O O O O O B-Train-Inform+Depart O O O N/A +bos there are 35 trains do you have a destination and day ? eos O O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Dest,Train-Request+Day +bos yes , i 'm headed to cambridge on wednesday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A +bos tr8935 leaves at 7:19 and will arrive at 8:09. would you like me to book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos can you also tell me the travel time ? eos O O O O O O O O O O Train-Request+Duration +bos duration for this particular trip is 50 minutes . eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos 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 . eos O O O O O O O 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-bye +bos i 'd like a train to london liverpool street that leaves after 10:00. 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 O N/A +bos ok , let me see what i can find . eos O O O O O O O O O O O Train-Inform +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 tr1750 leaves at 11:59 would that work for you ? eos O B-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O O O O N/A +bos yes . can you book it for 5 people and can i have 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 O Train-Request+Ref +bos of course . the reference number is 8w9ic5mu and the total is 83 gbp . can i help with anything else ? 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 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 ! thanks for using our service . eos O O O O O O O O O general-bye +bos i am looking for a train departing from stevenage . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos stevenage , on tuesday . eos O B-Train-Inform+Depart O O O O N/A +bos what time are you looking to depart ? eos O O O O O O O O O Train-Request+Leave +bos i am leaving at 20:30. eos O O O O O B-Train-Inform+Leave N/A +bos okay , i have two trains that might work . tr9084 departs at 21:54 and tr3606 leaves at 23:54. both have a duration of 49 minutes and cost 12.80 pounds . anything else today ? eos O O O O O B-Train-Inform+Choice 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 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 general-reqmore +bos let 's go with tr9084 , please . eos O O O O O O O O O N/A +bos okay i have booked that for you and your reference number is 6grn0msa . 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 general-reqmore +bos no that is all thank you very much . eos 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 yes , thank you very much . eos O O O O O O O O general-thank +bos you 're quite welcome . goodbye ! eos O O O O O O O O general-bye +bos hi , i am looking for a train to cambridge that will be departing from leicaster on sunday after 17:45. eos O O O O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos there are 6 trains leaving for cambridge from leicester on sunday after 17:45. are you looking to arrive at a specific time ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O O O O O Train-Request+Arrive +bos no , it does n't matter . eos O O O O O O O O N/A +bos the earliest departing leicester is tr9320 , which will depart at 18:09 and arrive at 19:54. would you like to book a ticket for this train ? eos O O O O B-Train-Inform+Depart 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 Train-OfferBook +bos yes . also , please find me a cheap hotel with a star of 4. eos O O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O N/A +bos how many people do you want to book for your train ? i have found 8 hotels that meet your criteria . do you have a preference on location ? eos O 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 O O O O O O O O Train-Request+People,Hotel-Request+Area +bos the train ticket is for 1 person . the hotel is in the east . eos O O O O O O O B-Train-Inform+People O O O O O B-Hotel-Inform+Area O O N/A +bos i booked you on tr9320 . your total will be 30.24 gbp payable at the station . there are three hotels that meet your needs , would you like to book one ? 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 B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O O O Booking-Inform +bos yes i would . if you could also send me the address and type of hotel , i would appreciate 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 Hotel-Request+Type,Hotel-Request+Addr +bos the allenbell is a guesthouse located at 517a coldham lane . how many days would you like me to book your stay for ? eos O O B-Hotel-Inform+Name O O 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 Booking-Request+Stay +bos actually , i just need the address and hotel type , 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 Hotel-Request+Type,Hotel-Request+Addr +bos ok , 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 nope , 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 okay great . thank you for calling today . eos O O O O O O O O O O general-bye +bos on my trip to cambridge , i am looking for a hotel named arbury lodge guesthouse , can you find that for me please . 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 O O O O O O O O O O N/A +bos arbury lodge guesthouse is in the north at address 82 arbury road and postcode cb42je . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O N/A +bos great can you please book me for that hotel for 2 people 3 nights starting this saturday . eos 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 N/A +bos of course , the booking was successful . your reference number is 5oferhdv . 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 am also looking for a train departing from kings lynn after 11:30. eos O 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 certainly . and you wanted to ride that train into cambridge , am i correct ? would that be on saturday , 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+Dest,Train-Request+Day,general-greet +bos yes , on saturday and arriving in cambridge . please book three adult tickets . eos O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O O O O O O O N/A +bos okay , your booking was successful . i booked 3 tickets on train tr6454 , leaving at 13:11. the reference number is c3fg89ha . eos O O O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref 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 okay . i am glad i could be of assistance today . eos O O O O O O O O O O O O O general-welcome,general-greet +bos i am looking for a train leaving on saturday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos what time would you like the train for ? eos O O O O O O O O O O Train-Request+Leave +bos i would like to leave after 12:00. eos O O O O O O O B-Train-Inform+Leave N/A +bos we can certainly arrange that . can you tell me where you will be leaving 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 Train-Request+Dest,Train-Request+Depart +bos i 'll be leaving 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 O N/A +bos booking was successful , the total fee is 60.08 gbp payable at the station . reference number is : 9lzng2v4 . 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 can you tell me when the train arrives and how long the journey will be ? eos O O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos gladly . the train arrives at 12:44 and the trip will take 163 minutes . is there anything else i may assist you with today ? eos O 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 O O O O O O O O O general-reqmore +bos yes how much is the ticket ? eos O O O O O O O O N/A +bos it 's 60.08 gbp , payable at the station . may i help with anything else ? eos O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O O N/A +bos that 's everything i needed thanks . bye . eos 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 a train from leicester sometime after 9:30. eos O O O O O O B-Train-Inform+Depart O O O N/A +bos i can assist you with that . what day would you like to leave ? eos O O O O O O O O O O O O O O O O Train-Request+Day +bos i need to be in cambridge on monday please . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos very well . the earliest train is tr0032 , which leaves at 10:09. is that alright ? eos 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 could you give me the arrival time and price on that please ? eos O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos tr0032 arrives at 11:54 and costs 37.80 pounds . may i book that for you ? 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 Train-OfferBook +bos yes , that would be terrific . eos O O O O O O O O N/A +bos great , i have booked your ticket , your reference number is : i6nj8fub . may 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 O general-reqmore +bos okay thank you for everything . eos O O O O O O O general-thank +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 'm looking for a train departing from stansted airport . i 'd like it to arrive at the destination by 9:15. 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 O O N/A +bos sure ! it looks like we have four morning trains daily the are early enough for you . what day are you planning to travel ? eos O 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 Train-Request+Day +bos i need to leave on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos we only have trains going to cambridge then , is that your destination ? eos O O O O O O O O O O O O O O O Train-Request+Dest +bos yes , i want to go to cambridge . can you make a booking for 7 people and give me the reference number ? eos O O O O O O 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 Train-Request+Ref +bos i have train tr9084 that leaves the airport at 08:24 and gets to cambridge at 08:52. would that train work for you ? eos O O O O B-Train-Inform+Id I-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 yes , that 's great can i get 7 tickets please ? eos O O O O O O O O B-Train-Inform+People O O O O N/A +bos alright , your 7 tickets for the tr9084 train has been purchased for 70.7 gbp . the reference number is cvjznb86 . is there anything else i can do for you ? eos O O O O B-Train-OfferBooked+People 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos i think that 's all i needed . thanks . have a good night ! 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 , goodbye . eos O O O O O O O O O O general-bye +bos hi , i am looking for a train . can you help me , please ? eos O O O O O O O O O O O O O O O O O Train-Inform +bos where do you need to go ? eos O O O O O O O O Train-Request+Dest +bos i need to go to bringham new street by 17:30 eos O O O O O O O O O O O N/A +bos ok , what day are you traveling , and do you need to leave or 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 Train-Request+Leave,Train-Request+Day,Train-Request+Arrive +bos i am traveling on sunday and need to arrive by 17:30 coming from cambridge eos O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart N/A +bos i have 10 routes that might work for you , leaving hourly from 05:01 to 14:01. i 'd recommend tr6908 which arrives at 16:44. would you like to book ? 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 O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos please give me their travel time and price of tr6908 . eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos sure , the travel time is 163 minutes , and the price is 60.08 pounds . may i help 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+Ticket I-Train-Inform+Ticket O O O O O O O O O O general-reqmore +bos no , you have been great . goodbye . eos O O O O O O O O O O general-bye +bos okay glad i could help . please call again . eos O O O O O O O O O O O general-bye +bos yes , i need a train for tuesday . eos O O O O O O O B-Train-Inform+Day O O N/A +bos what time of day would you like to travel , and to where ? eos O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i 'm departing from norwich on tuesday and need to arrive in cambridge by 09:15. eos O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos train tr0339 leaves norwich at 07:16 and arrives in cambridge at 08:35. would you like me to book this train ? 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 Train-OfferBook +bos yes how long is the travel time ? eos O O O O O O O O O Train-Request+Duration +bos travel time will be 79 minutes total . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time N/A +bos great ! this information 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 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 would be in cambridge and i need to find a train that will be leaving from peterborough this sunday , can you help me find one ? eos O O O O O B-Train-Inform+Dest 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 O O O O N/A +bos am i correct that you are travelling from peterborough to cambridge on sunday ? there are plenty of options for that trip . do you have any preferences on departure and arrival times ? eos O O O O O O O O O B-Train-Select+Depart O B-Train-Select+Dest O B-Train-Select+Day 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+Arrive,Train-Request+Leave +bos yes it has to leave on sunday after 19:15. eos O O O O O O O O O B-Train-Inform+Leave N/A +bos on sunday , train tr3922 leaves peterborough at 19:19 and arrives in cambridge at 20:09 and is 13.20 pounds . would you like me to book this for you ? 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 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 general-reqmore +bos yes , can you please book 4 tickets for me and provide me with the reference number , please . 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 N/A +bos certainly , your reference number is ge1dnn0f . is there anything else i can do for you today ? eos 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 also need some accomodations . got anything with free wifi ? eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O N/A +bos i have 32 results of lodging with free wifi . could you be more specific on what area you 'd like to stay in , or what type such as hotel or guesthouse ? 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 B-Hotel-Select+Type I-Hotel-Select+Type O O O Hotel-Request+Area,Hotel-Inform+Internet +bos certainly ! i 'd like an expensive 4-star hotel , please . no guesthouses . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O N/A +bos you have your choice of the huntingdon marriott or the university arms . eos O O O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name N/A +bos i 'll take the huntingdon marriott . will you please book a room for 2 nights starting on sunday for four 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 O O O N/A +bos i 've booked your stay at the huntingdon marriott for 4 people . eos O O O O O O O B-Booking-Book+Stay I-Booking-Book+Stay O O B-Booking-Book+People O O N/A +bos great . all i need is the reference number for that reservation . eos O O O O O O O O O O O O O O Hotel-Request+Ref +bos no problem . your reference number for your room is z1a3js0n . is there anything else i can help you with today ? eos O O O O O O O O O O B-Hotel-Inform+Ref O O O O O 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 O O general-thank +bos alright , have a nice day ! eos O O O O O O O O general-bye +bos are there any trains going to cambridge from kings cross ? eos O O O O O O O B-Train-Inform+Dest O O O O N/A +bos there are several . what is your departure day and time ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos my departure day is monday at 15:45. eos O O O O O B-Train-Inform+Day O O N/A +bos the closest train i have leaves at 15:17 and arrives at 16:08. would you like me to book this 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 . can i get the travel time and departure time first ? eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos train tr9114 leaves at 15:17 and is a trip duration of 51 minutes . do you want me to book it ? eos O O B-Train-Inform+Id 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 O O O Train-OfferBook +bos 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 ? eos O O O O O O O O O O O O O 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 i have train tr3194 that departs at 13:17 and arrives at 14:08. would that train be better 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 N/A +bos yes , that would work better . 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 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 wonderful , thanks . i am also looking for a place to stay in the north . i 'd like free wifi as well . 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 N/A +bos of course ! i have a dozen hotels that meet your needs . what type of place are you looking for ? a certain price range or star rating , perhaps ? 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 O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Stars,Hotel-Request+Price +bos yes , i am looking for a 4 star hotel that includes free parking and wifi . eos O B-Hotel-Inform+Internet O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos the acorn guest house meets this criteria . should we book something ? 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 Booking-Inform +bos could 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 phone is 01223353888 and the address is 154 chesterton road . eos 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 N/A +bos okay great . that is all i need now . eos O O O O O O O O O O O N/A +bos thank you and have a great trip ! eos O O O O O O O O O general-bye +bos i am looking for a train that goes to cambridge and arrives at the destination after 13: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+Leave N/A +bos i will be happy to find one for you . 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 i will be traveling on saturday and want to leave from peterborough . eos O O O O O O B-Train-Inform+Day O O O O O O O N/A +bos i have a 13:17 or a 15:17 ? would those departure times work for you ? eos O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O N/A +bos no i need an earlier train . eos O O O O O O O O Train-Inform +bos i 'm afraid that 's all we 've got . eos O O O O O O O O O O O Train-NoOffer +bos i 'm sorry i may have confused you . i would want to go from petersborough to cambridge on saturday and arrive by 13:00 , so anything that will get me there before 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 O O O O O O O N/A +bos sure , when would you like to depart ? eos O O O O O O O O O O Train-Request+Leave +bos it does n't matter . i just need to get to cambridge before 13:00. i will need 5 seats please . eos 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 the tr5538 departs peterborough at 11:48 and arrives in cambridge at 12:38 with a duration of 50 minutes . the cost is 13.20 pounds . would you like to book a ticket on this train , or should we look at some other times ? 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 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 O O O O O O O O O O O Train-OfferBook +bos that sounds perfect , can you book that for 5 people for me , please ? eos O O O O O O O O O O B-Train-Inform+People O O O O O O N/A +bos booked ! you pay 66 gbp at the station . reference number : z66eg4l8 . eos 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 N/A +bos you 've been very helpful . thank you . goodbye . eos O O O O O O O O O O O O general-bye +bos have a good trip . 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 hi ! can you give me some information on the bangkok city restaurant ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos of course ! it 's an expensive thai restaurant in the centre at 24 green street city centre cb23jx . their phone is 01223354382. may i help with anything else ? eos O 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 O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos no that was all . thank you very much . eos O O O O O O O O O O O general-thank +bos ok , goodbye ! eos O O O O O general-bye +bos i 'm also looking for museums to see in the west . eos O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O N/A +bos oh , certainly . we have seven , including the museum of classical archaeology , and the cambridge and county folk museum . 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 I-Attraction-Inform+Name O O O O N/A +bos can i have the postcode , address and entrance fee for each ? eos O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos the museum of classical archaeology is free at sidgwick avenue with postcode cb39da . the cambridge and county folk museum is at 2-3 castle street , postcode cb30aq and cost 3.50 pounds . 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 B-Attraction-Inform+Addr I-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 N/A +bos i 'm looking for a taxi as well to commute between the two places . eos O O O O O O O O O O O O O O O O Taxi-Inform +bos so , you need something from the restaurant to the museum then ? what time are you wanting to leave or be there 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 Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive +bos i want to leave the museum by 03:15 , please . eos O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O N/A +bos 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 ? eos O O O O O O O O O O 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 would like to leave the folk museum at 3:15 and head over to the restaurant , yes . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos great . a black ford will be waiting for you outside of the folk museum at 3:15. the driver 's phone number is 07642790462. do you need anything else ? eos 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 B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos no thanks , that will be all for me . goodbye . eos O O O O O O O O O O O O O general-bye +bos thank you and have fun at the museum and restaurant ! eos O O O O O O O O O O O O general-bye +bos can you find me a moderately priced hotel ? eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A +bos sure , there are 3 moderately priced hotels . would you prefer to stay in the north or centre ? 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 B-Hotel-Select+Area I-Hotel-Select+Area O O N/A +bos i do n't mind which area but i need free parking and somewhere with 2 stars if possible . eos 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 there are two hotels with free parking and a 2-star rating . eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Stars O O Hotel-Inform+Parking +bos could you find out if either is available for 4 people for 4 nights starting on tuesday ? i have no preference which one you pick . 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 N/A +bos i have booked you at the ashley hotel in the north area . your reference number is 970je5zn . do you need any additional information about this location or any additional help today ? eos O O O 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 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 , that is all . thanks . 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 O general-bye +bos i am looking for a restaurant called 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 it is located at 40428 king 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 can i make a reservation for 5 people at 16:0 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 reference number is : n7em67os . do you need anything else ? eos O O O O O B-Restaurant-Inform+Ref O O O O O O O general-reqmore +bos thanks and yes please . i also need a place to stay . eos O O O O O O O O O O O O O O general-thank +bos which area would you prefer to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos i would prefer to stay in the north . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos would you like a hotel or a guesthouse , and do you have a price preference ? eos O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O Hotel-Request+Price +bos a guesthouse would be nice , i am trying to stay in the affordable but not cheap range . do you have anything that is 3 or 4 star ? 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 B-Hotel-Inform+Stars O O O O O N/A +bos hamilton lodge is a 3-star guesthouse in the north part of town . it is moderately-priced . would you like to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O 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 B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform +bos yes . i need to book it for 5 people for 2 nights starting on tuesday . 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 congratulations , i 've booked your group a room , the reference number is nce0r10k . eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos great ! that is all i needed . eos O O O O O O O O O N/A +bos if you need any more help , call us 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 general-welcome,general-bye +bos i want to book a train that departs from cambridge and arrives in peterborough by 21:45. eos O O O O 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 not a problem . what day will that be for ? eos O O O O O O O O O O O O Train-Request+Day +bos i would like to travel on saturday. , cambridge to bishops stortford . eos 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 i have about 8 trains going that route . the last train for that route arrives at 20:07. it leaves at 19:29. would this arrival time work 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 B-Train-Inform+Arrive O O O B-Train-Inform+Leave O O O O O O O O O N/A +bos yes , please book this for 4 people , please 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 Train-Request+Ref +bos ok. tr 4673 is booked for 4 people . the reference number is by93go28 . eos O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos okay great . thank you very much . 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 i would like to book a restaurant for 4 people after i arrive . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos i am sorry , i have no details for restaurants at your bishops stortford destination . 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 general-reqmore +bos no thank you . eos O O O O O general-thank +bos are you sure ? if you know which area , ( east , west , centre , etc ... ) , or what type of food you 're looking for , i would be happy to find you 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 O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area,general-reqmore +bos no , that 's all . thanks ! 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-bye +bos i 'm looking to find out some information about a restaurant called travellers rest . 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 i can help with that , what sort of information do you need ? eos O O O O O O O O O O O O O O O general-reqmore +bos i would like to book a table on thursday for 6 people at 13: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 N/A +bos booking was successful . reference number is : 9upu6tfe . 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 general-reqmore +bos i would also like to find a place to stay near the town centre that has a star rate of 0 that has free wifi in the moderate price range . 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 B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Price O O O N/A +bos cityroomz has everything you are looking for in accommodation . would you like me to go ahead and book that for you ? eos 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 Booking-Inform +bos yes , please . can i get a reservation for the same group of people on the same day ? we 'll be staying 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 B-Hotel-Inform+Stay O O O O O N/A +bos i 've made you a reservation at cityroomz for 6 people starting thursday night . your reference number is ldyhl4pr . can i help with anything else ? eos O O O O O O O B-Booking-Book+Name O O B-Booking-Book+People 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 from the restaurant to the hotel . 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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos when are you wanting to arrive ? eos O O O O O O O O Taxi-Request+Arrive +bos i 'm sorry , i need that taxi to take me from the hotel to the restaurant . i need to arrive at 13:30 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 booking was successful , and it will be a red toyota . contact number is 07791600015. is there anything else i can assist you with ? 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 O O O O O O O O general-reqmore +bos thank you ! that 's all i needed help with today . goodbye ! eos 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 would like to find an expensive hotel to stay in during my visit . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos 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 Hotel-Request+Area +bos the area does not matter . but will for sure want it to be an actual hotel . eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos i have the in the huntington marriott hotel city center that is rated 4 stars and include free parking and free wifi . would you like me to check availabiltiy ? 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 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 yes , please book it if possible . eos O O O O O O O O O N/A +bos what day would you like to leave eos O O O O O O O O Booking-Request+Day +bos i do n't want to leave . i want to stay for 3 nights starting on tuesday . there will be 6 of us . 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 O O B-Hotel-Inform+People O O O O O N/A +bos and you never have to leave if you do n't want to . i have booked a reservation at huntingdon marriott hotel and the reference number is eqnky1zc . anything else ? eos 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 I-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos yes , are there any moderately priced northern european restaurant , if no northern european , modern european will do . eos O O O O O B-Hotel-Inform+Price 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 there are 3 restaurants matching your query . do you prefer the south or the centre ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A +bos i would like the restaurant in the same area , cambridge , please . eos O O O O O O O O O O O O O O O Restaurant-Request+Area +bos and would you prefer the south of cambridge or the centre of cambridge ? eos O O 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 N/A +bos i 'm not picky with the area . i just want it to be moderately priced . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O Restaurant-Request+Area +bos i 'm sorry , there are no moderately priced hotels in this area . would you like to try another ? eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O N/A +bos i was looking for a restaurant . i already have a hotel reservation eos O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos there are a couple in the centre area and one in the south area . 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 O O O O O O O Restaurant-Request+Area +bos i would like one that serves northern european food , if possible . eos O O O O O O O O O O O O O O N/A +bos we have quite a few choices for you today , how about de luca cucina and bar , you can a few drinks while your there ! eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-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 N/A +bos thats sounds great . can i get the area and address ? eos O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr +bos the area is the centre . the address is 83 regent street . is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Area 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 'll need a taxi that leaves the restaurant by 22:00. eos O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos will you be going back to the hotel or somewhere else ? eos O O O O O O O O O O O O O Taxi-Request+Dest +bos the hotel i guess . eos O O O O O O N/A +bos great . i was able to book your car with no issues . they will be driving a black tesla and you will be able to contact them at 07224648595. 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 B-Taxi-Inform+Phone O O N/A +bos great i believe that covers everything . goodbye . eos O O O O O O O O O O general-bye +bos thanks for contacting us today . have a great day and trip . goodbye . eos 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 place to stay with a 4 star rating in the east part of town . eos O O O 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 N/A +bos there are a few choices . are there any other requirements you are 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 N/A +bos i want it to be a guesthouse , have free parking . eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i would reccomend the allenbell . will this work for you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O N/A +bos can you book it for 5 night for 7 starting on friday ? i also need free parking eos O O O O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+Day O O O O O O N/A +bos booking was successful.reference number is : mtzoyghk eos O O O O O O O B-Booking-Book+Ref N/A +bos i would also like to find some swedish food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , there are no swedish restaurants in the city . do you have another cuisine in mind ? eos 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 Restaurant-Request+Food +bos okay , how about indian food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 22 indian restaurants , do you have an area or price range you are interested in ? 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+Area,Restaurant-Request+Price +bos can you find me something in the east part of town ? price range does n't matter . eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O N/A +bos i would suggest curry prince . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos sound great ! can i book a table for 7 at 17:00 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 N/A +bos i have made that reservation for you on friday . the table will be reserved for 15 minutes and your reference number is lziiko5q . eos O O O O O O O O O B-Booking-Book+Day 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 for all of your help you 've been great ! eos O O O O O O 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 nope , that 's all i needed today . thank you , goodbye ! eos O 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 general-welcome,general-bye +bos can you help me locate a place to eat tonight ? eos O O O O O O O O O O O O N/A +bos what price range and in what area ? eos O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos i am looking for something expensive in the west please . eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O N/A +bos your cuisine options are : british , european , indian , and thai . eos 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 'm sorry , make that the centre of town . a thai restaurant would be fine . eos O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos i found bangkok city . would you like me to book a table ? 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 yes i would like a table for 4 people at 16: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 reference number is : fjvatjee . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i am looking for an expensive place in the centre area with free wifi ? eos O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O N/A +bos i have two options . the gonville hotel which has three stars , and the university arms hotel which has four stars . would you like to make a booking ? eos O O O O B-Hotel-Inform+Choice I-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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform +bos no thank you . what is the university arms hotel 's postcode ? eos 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 +bos its postcode is cb21ad . is that all ? eos O O O O B-Hotel-Inform+Post O O O O O general-reqmore +bos what type of hotel is the university arms ? eos O O O O O O O O O O Hotel-Request+Type +bos it 's a 4 star hotel . in the centre and expensive as you requested . eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O N/A +bos i would like to book a taxi that can commute to both places , it would need to arrive by the booked time . please provide contact 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 O O O O O O Taxi-Request+Car,Hotel-Request+Type +bos so , to clarify , you want a taxi from the university arms to bangkok city at 16:00 , correct ? 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+Depart +bos yes , thank you . eos O O O O O O N/A +bos done ! you 'll be picked up in a yellow tesla , and the contact number is 07044662222. 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-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 coming into town and want to try local restaurants and am looking for a hotel called bridge guest house . do you know where this place is at ? eos O O O O O O O O O O O O O O O O O O B-Restaurant-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 it is located in 151 hills road . anything else ? eos O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O N/A +bos yes i would like to book it for 6 people for 3 nights staring from thursday and would like a reference number after doing so . 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 have booked the hotel for you . the reference number is s770n2f9 . what kinds of restaurants are you hoping to try ? 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 Restaurant-Request+Food +bos i would like chinese food please ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i found several all over town . i can narrow the options down based on what part of town you prefer . eos 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 O O O O O O O O O O Restaurant-Request+Area +bos i would like to be in the centre eos O O O O O O O O B-Restaurant-Inform+Area N/A +bos i have 10 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 a cheap place please . eos O O B-Restaurant-Inform+Price O O O N/A +bos how about charlie chan ? sounds lovely . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O N/A +bos that sounds good to me . i want you to book it for me eos O O O O O O O O O O O O O O O N/A +bos okay . i need to know the day , time , and number of people you would like to book a 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Time +bos i need the reservation for 6 people at 14:00 please . eos O O O O O O O O O O O O N/A +bos what day would you like the restaurant for please ? eos O O O O O O O O O O O Booking-Request+Day +bos book at table for 6 at 14:00 on thursday , please . eos 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 have made your reservation for 6 people at 14:00 on thursday for charlie chan . your reference number is 3qudnyhj . is there anything else i may assist you with ? 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-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 yes i need a taxi leaving the hotel for the restaurant a little before 14:00. eos O O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos okay . i 've booked a taxi for you . it 'll be a yellow lexus and the contact number is 07801886354 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 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 ! enjoy your visit ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i need a place to stay in cambridge that is a 2 star hotel with or without free parking . 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 N/A +bos there are a few options . will you be staying in the north or the east ? 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+Area I-Hotel-Select+Area O N/A +bos i do n't really have a preference for location , but i want someplace with free wifi and would like it 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 B-Hotel-Inform+Price O O O O O N/A +bos express by holiday inn cambridge is an expensive , 2 star hotel with free wifi and free parking . would you like me to book a room for you ? eos 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 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , that would be great . 2 nights for 1 person . eos O O O O O O O O O O O O O O N/A +bos what day will you begin your stay ? eos O O O O O O O O O Booking-Request+Day +bos staying for two nights beginning on friday . eos O O O O O O O O O N/A +bos express by holiday inn is a nice place , do you want me to book it for you 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 O O O O O N/A +bos i would just like the phone number please . eos O O O O O O O O O O Hotel-Request+Phone +bos the phone number is 01223866800. can i help you with anything else today ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos i also need a place to dine in the centre area . can you recommend an expensive restaurant that serves indian food ? eos 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 B-Restaurant-Inform+Food O O O N/A +bos there are 6 expensive indian restaurants in the centre . i recommend curry garden . would you like to book a table ? 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 I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos no , can you just get me 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is 106 regent street city centre , the post code is cb21dp and the phone number is 01223302330. 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 N/A +bos thank you for all the information . wonderful service . goodbye . eos O O O O O O O O O O O O O general-bye +bos you are quite welcome , 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 am looking for a place to stay eos O O O O O O O O O N/A +bos there are are lots of options . is there a particular side 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 Hotel-Request+Area +bos i 'm looking for something moderately priced in the west . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O N/A +bos hobsons house is exactly what you 're looking for . 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 O O Booking-Inform +bos are they 4 star rated by chance ? eos O O O O B-Hotel-Inform+Stars O O O O N/A +bos i am sorry i have no listings for any with 4 stars . eos O O O O O O O O O O O O B-Hotel-NoOffer+Stars O N/A +bos that 's okay . can you look for one that is expensive ? eos O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos the huntingdon marriot hotel is great ! eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos sounds good . can you book for wednesday for 1 person , 4 nights ? 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 the booking was successful , your reference number is n7l47l69 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i also need a restaurant that serves venetian food , 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 'm sorry , i ca n't find any restaurants matching your request . would you like to try for a different type of cuisine 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 O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos ok , then please try italian restaurants . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have the caffee uno located in the centre . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O N/A +bos great ! i would like a reservation for wednesday . eos O O O O O O O O O O O N/A +bos certainly , at what time ? 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 Booking-Request+People,Booking-Request+Time +bos the same group of people discussed at 18:15 the same day . eos O O O O O O O O B-Restaurant-Inform+Time O O O O N/A +bos table for 1 at caffe uno is confirmed for wednesday at 18:15. they will hold your table until 15 minutes after your reservation time . your confirmation number is a3l9kq34 . eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos awesome . now please book me a taxi to the restaurant . just please make sure i get their 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 Restaurant-Inform,Taxi-Inform +bos in order to book a taxi i need the travel time , departure location and the arrival location . 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,Taxi-Request+Dest +bos i will be leaving the restaurant . eos O O O O O O O O N/A +bos please to book a taxi i need departure location , arival location and travel time . please provide 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 Taxi-Request+Depart,Taxi-Request+Dest +bos yes , i will be leaving from the hotel . i will need to arrive at the restaurant by 18:15 on wednesday . eos O O O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O B-Restaurant-Inform+Day O O O N/A +bos your taxi has been booked . it will be a white volvo and their contact number is 07236170295. 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+Dest +bos thank you so much for all your help . 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 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 some information about cambridge . can you help me find a guesthouse to stay in ? money is no object ! 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 N/A +bos i 'd be happy to help with your request . to help narrow 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 Hotel-Request+Area +bos thanks for asking . an expensive guesthouse in the west would be best for me . eos 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 i am sorry . there a no guesthouses available that meet your criteria . do you want me to try a different location or 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 O O O O O O O O O O O O N/A +bos moderate price range eos O B-Hotel-Inform+Price O O N/A +bos i have one place . would you like me to book it ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Booking-Inform +bos no i can book it myself . eos 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 i 'm sorry , i 've changed my mind . can you please make the reservation at the guesthouse for 6 people and 3 nights starting on monday . 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 N/A +bos i 'll be happy to book the guesthouse for you . that will be hobson 's house located on 96 barton road . is there anything else i can help you with ? 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 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,general-reqmore +bos i 'm also looking for a restaurant in the same area . eos O O O O O O O O O O O O O Restaurant-Inform +bos i booked the guesthouse for you and your reference number is 9jau8ior . as for the restaurant , do you have a preference of cuisine or price range ? 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 O O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos thank you ! i would like to go to an indian restaurant , please . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos are you looking for a particular price range or area ? i 'm showing six indian places in the west near your hotel , but they are all expensive . 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos why do n't you pick one and reserve 6 people 3 nights starting monday please eos 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 would you like the reservation on monday or starting monday ? eos O O O O O O O O O O O O Booking-Request+Day +bos let 's review . i am looking for an indian restaurant in the west with a moderate price range . once chosen , the restaurant booking is for monday . eos O O 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 O O O O O O O B-Restaurant-Inform+Day O O O O O N/A +bos ok great.the meghna will fit your needs . how many people and what day ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos 6 people please on monday at 18:45. thanks ! eos O O B-Restaurant-Inform+People O 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 : xsnid0qw . 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 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 very much . eos O O O O O O O O O O general-thank +bos great ! thank you for call the cambridge towninfo centre . eos O O O O O O O O O O O O general-welcome,general-bye +bos i need some info on 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 certainly . it is a well loved moderate 4 star guesthouse located at 154 chesteron road . what specifically would you like to know ? eos O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 O general-greet,general-reqmore +bos i 'd like to book it for 7 people for 5 nights . we 'll be arriving 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 O B-Hotel-Inform+Day O O O N/A +bos your booking was successful and the reference number is qlc8bcai . 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 . i think i am all set . eos 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 oh , actually i 'm looking for a great place to dine also . 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 N/A +bos sure , is there a certain area and price range you are interested in ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos a moderate price range in the center , maybe one that serves international food . eos O O B-Restaurant-Inform+Price O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos both the varsity restaurant and bloomsbury restaurant meet your needs . both are popular . 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 N/A +bos can you tell me the address for the varsity ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O Restaurant-Request+Addr +bos yes , its address is 35 saint andrews 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 N/A +bos i want a taxi to the varsity . it should depart my hotel by 19:15. please give me car type and contact info . 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 Taxi-Request+Car +bos sure , what hotel are you staying at ? eos O O O O O O O O O O Hotel-Request+Name +bos i am staying at the acorn guest house . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos booked car type : grey teslacontact number : 07216227516 is there anything else i can assist you with ? eos 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 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 for using our services . eos O O O O O O O O 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 i am here to help , should i run a search or do you already have a place 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+Name +bos yes , i would like somewhere that serves mediterranean cuisine and is located in the centre . eos O O 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 okay , there are a few options . what is your price range ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Price +bos i do n't have a particular price range in mind but would prefer something in the mid to low 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 +bos the gardenia is cheap , can i book you or provide some info ? eos O O B-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform,general-reqmore +bos what is the phone number and postcode for the gardenia ? i also need help finding a train leaving from norwich on wednesday . 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 O B-Train-Inform+Day O O Restaurant-Request+Post,Restaurant-Request+Phone +bos 01223356354. is there anything else ? eos O B-Restaurant-Inform+Post O O O O O general-reqmore +bos i just need the reference number , please . eos O O O O O O O O O O Train-Request+Ref +bos 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 . eos O O O O O 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 what is the post code and price range for that place to eat ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Price +bos cb23ll , it is in the cheap range . eos O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos thanks , and i 'll need 2 tickets on a train . i 'll be heading from norwich to cambridge on friday , and i need to arrive by 09:00. eos O O O O O O B-Train-Inform+People 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 O O O O N/A +bos booking was successful , the total fee is 35.2 gbp payable at the station .reference number is : t2n33cqb . 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 would you like to make a reservation for the restaurant ? eos O O O O O O O O O O O O Restaurant-Inform +bos 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 ? eos O O O O O O O O O O O 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 '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 glad i could be of help . 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 a chinese restaurant . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are many chinese restaurants do you have a price range or an area you 'd like to eat at ? 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+Price +bos i would like the expensive price range . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos we have 9 expensive chinese restaurants across town . do you prefer a specific area of town ? 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 Restaurant-Request+Area +bos i do n't have a preference , just give me the phone number of the one you would recommend . 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 i like the good luck chinese food takeaway . the phone is 01223244149. what else can i do for you ? 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 O O O B-Restaurant-Recommend+Phone O O O O O O O O general-reqmore +bos i need to catch a train to london kings cross . i need to get there by 09:15. can you find me one ? 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 O O B-Train-Inform+Arrive O O O O O O O N/A +bos i will need your departure location and day of travel to complete the request . eos O O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart +bos okay , i will be leaving from ely . eos O O 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 'm sorry , i meant i 'm leaving from cambridge to london kings cross on sunday . 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 N/A +bos i have updated the search , what day will you need that ? eos O O O O O O O O O O O O O O Train-Request+Day +bos sunday , please . i just said that . eos O B-Train-Inform+Day O O O O O O O O N/A +bos tr7423 leaves at 5:00 and arrives at 5:51. would that work ? 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 Train-OfferBook +bos that will be perfect ! could you book me 1 seat please ? eos O O O O O O O O O O B-Train-Inform+People O O O N/A +bos okay , you are booked on that train . your reference number is nnz8e0n7 . can i do anything else for you today ? 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 general-reqmore +bos thats all for today ! thanks so much ! 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 +bos hello ! i am about to go to cambridge and i would like some information about local restaurants . i also need to see if i can book a train to cambridge that gets there before 15:45. 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 O O O O O O O B-Train-Inform+Arrive O N/A +bos we have many options for restaurants . what food type are you interested in eating today ? eos 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 italian please . eos O O O O B-Restaurant-Inform+Food O O N/A +bos what area of town do you prefer ? eos O O O O O O O O O Restaurant-Request+Area +bos it does n't matter the part of town . eos O O O O O O O O O O N/A +bos help me narrow down the choices by giving me the price range eos O O O O O O O O O O O O O Restaurant-Request+Price +bos actually , let 's look for the train first , please . i 'll be traveling from london kings cross to cambridge on tuesday and i 'd like to arrive by 15:45. 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 B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O O O O O N/A +bos the tr3456 from london kings cross on tuesday departs at 13:17 and arrives at 14:08. shall i book that 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+Day O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos i do n't need to book just yet . but could you help me located a new zealand restaurant ? 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 unfortunately , we no longer have any new zealand restaurants in the city . can i search for something else for you ? 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 I-Restaurant-NoOffer+Area O O O O O O O O O O N/A +bos i 's sorry , but could you give me the actual train travel time between the two cities ? i 'm not good at math . eos O O O 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 it takes 51minutes . eos O O O B-Train-Inform+Time O N/A +bos thanks , could you also recommend could you help you help me find a place with japanese 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 wagamama is an expensive japanese restaurant in the centre of town . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos okay please book a table for five people on tuesday at 18:00 and give me the reference number 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 Restaurant-Request+Ref +bos i am unable to book it at this time . eos O O O O O O O O O O O Booking-NoBook +bos is there another japanese restaurant in the center of town ? eos O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos there are no other japenese restaurants in that area . eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O N/A +bos could you try to book that again for 5 people at 18:00 on tuesday ? 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 great news , the booking system is back up and i made your reservation ! the ref . # is etul1r4o . anything else i can do ? 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 thank you very much . that is all for today . eos 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 i am looking for a restaurant in the center with a cheap price range eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O Train-Request+Price +bos i have found 15 restaurants in that area within the cheap price range . do you want a certain type of food ? eos O O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O Restaurant-Request+Food +bos i would like the phone number of a cheap restaurant in the centre 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 Restaurant-Request+Phone +bos the two choices are chinese and asian oriental , which one would you like ? eos O O O B-Restaurant-Select+Choice O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O O N/A +bos please recommend a restaurant . i really do not care about the food type . thank you . eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food +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 i would need the phone number and food type . eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food +bos rice house is a chinese restaurant and their phone number is 01223367755. is there anything else i can assist you with today ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O 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 also need help biking a train . eos O O O O O O O O O O O Train-Inform +bos alright , could you provide me with your departure and destination locations ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'll be departing from cambridge and should leave on friday . eos O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O O N/A +bos and where will you be going ? eos O O O O O O O O Train-Request+Dest +bos i am going to london liverpool street . i 'd like to leave after 12:15. 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+Leave N/A +bos tr4187 is the first departure after 12:15 , leaving at 13:59. would you like to book passage ? eos 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 please just tell me the ticket price and travel time eos O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos the travel time is 88 minutes , and tickets are 16.60 pounds 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 N/A +bos and what time will it arrive ? eos O O O O O O O O Train-Request+Arrive +bos it will arrive at 15:27. anything else for you today ? eos O O O O O B-Train-Inform+Arrive 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 am coming to cambridge and can not wait to eat at some of your loal restaurants . can you help me find a train out after dinner ? 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 O O O O O O O O N/A +bos i certainly can . what are your departing and arriving stations ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i will be departing from ely and arriving in cambridge . eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest 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 Train-Request+Leave,Train-Request+Arrive +bos i would like to leaver after 9:30. eos O O O O O O O O N/A +bos then train number tr3976 should be ok. can i book ? eos O O O O B-Train-Inform+Id O O O O O O O Train-OfferBook +bos yes , it will be for 4 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos sure the cost of the journey is 17.60 pounds and you confirmation number is x9oy1ucu . eos 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 could you book it for four then ? eos O O O O O O O O O N/A +bos absolutely . your reference number is x9oy1ucu , and that comes to 17.6 gbp , payable at the station . is there anything else i can help you with today ? eos O O O O O O B-Train-Inform+Ref 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 O O O O general-reqmore +bos yes please , i 'm also looking for an asian oriental restaurant within the cheap range . can you find one for me ? eos 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 O O O O O O O N/A +bos i have two entries here , both in the centre . i recomend dojo noodle bar . do you want me to book ? eos O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Area 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 actually just provide me with the address for that location eos O O O O O O O O O O O Restaurant-Request+Addr +bos for dojo noodle bar , address is 40210 millers yard city centre , postal cb21rq , can i assist 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 O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +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 it was my please . if i can help with anything else just let me know . have a great 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 general-welcome,general-bye +bos i 'm coming to town from ely and want to book a train . eos O O O O O O O B-Train-Inform+Depart O O O O O O O N/A +bos there are plenty of options , what date and time will you need this service ? eos 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 arrive at cambridge by 10:45. eos O O O O O O O B-Train-Inform+Arrive N/A +bos there are 21 possible trains with the tr2704 arriving closest to your desired time at 09:52. would you like to book a seat ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Id O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , please book a seat . eos O O O O O O O O N/A +bos ok , it 'll be 4.40 pounds per ticket . how many tickets do you want ? 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-Request+People +bos i need to make a booking for 8 people . eos O O O O O O O O O B-Train-Inform+People O N/A +bos here is the information-booking was successful , the total fee is 35.2 gbp payable at the station .reference number is : lwixne3t . 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 B-Train-OfferBooked+Ref O O N/A +bos i also need a restaurant . eos O O O O O O O Restaurant-Inform +bos well do you have a preference for food type , price range or location ? eos 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 a cheap one in the south part of town . eos O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos there is a chinese place and a portuguese place . do you have a preference between the two ? 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 O O Restaurant-Select +bos the chinese restaurant will be find . i 'd like to book a table for 8 people at 16:30 on friday . eos O O B-Restaurant-Inform+Food 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 at the lucky star chinese restaurant has been confirmed your table will be reserved for 15 minutes , reference number 3nxt0dhf . may i assist you with anything else ? 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 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 thanks for using our service today ! eos O O O O O O O O general-bye +bos i need a moderately priced restaurant in the south of cambridge eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O Train-Request+Price +bos i have two restaurants in the south . they serve italian or modern european . would you like information on either of those ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area 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 Restaurant-Select +bos no , i was hoping to eat some south african food . eos O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Food 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 general-reqmore +bos sorry , not sure i follow . can you recommend a south african food restaurant ? thanks . eos 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 unfortunately there are no restaurants that serve south african food but i can look for other types of cuisines if you want . 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 O O O O O O O O O Restaurant-Request+Food +bos modern european will be fine . can you reserve a table at one please ? eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O N/A +bos yes , i will book you a table now . eos O O O O O O O O O O O Booking-Inform +bos thank you . i need it for 4 people at 12: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 i was able to book a table for two at restaurant alimentum located in the south your reference number is 70k7t35n . is there anything else i can help with ? eos O O O O O O O O O O B-Booking-Book+People B-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 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 for contacting us and have a nice day . eos O O O O O O O O O O O O general-bye +bos could you tell me about the golden wok ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos yes . the golden wok is on the north side of town and in the moderate price range . would you like a reservation or their telephone number ? eos 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform,general-reqmore +bos can you make the reservation ? eos O O O O O O O N/A +bos how many people will be dining and 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 +bos 6 people . on friday at 12:45 eos 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 : mrojj8s1 . 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 looking for a train . the train should arrive by 09:00 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 N/A +bos where would you like the train to go ? eos O O O O O O O O O O Train-Request+Dest +bos i am headed into peterborough on saturday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos the tr7413 train leaves at 8:06 and arrives by 8:56. would you like me to book that for you , or get an earlier train ? eos 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 O O O O general-reqmore,Train-OfferBook +bos that is fine . i need 6 tickets please . eos O O O O O O O B-Train-Inform+People O O O N/A +bos sorry , i made a mistake , the train id is actually tr2077 . i did get that booked for you though . the total fee is 79.19 gbp payable at the station . eos O O O O O O O O O O O B-Train-Inform+Id 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 N/A +bos book me 6 tickets . eos O O O O B-Train-Inform+People O N/A +bos i am sorry , what day ? eos O O O O O O O O Train-Request+Day +bos book for saturday please . eos O O O O O O N/A +bos ok i will book it now . eos O O O O O O O O N/A +bos thanks . i will need the reference number , please . eos O O O O O O O O O O O O general-thank +bos your reservations are complete . your reference number is : ey5923az . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you good bye . 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-welcome +bos i need a place to stay eos O O O O O O O N/A +bos i would love to help . which part of town ? eos O O O O O O O O O O O O Hotel-Request+Area +bos our family lives in the east , so how about close by . eos O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos sure , we have 6 guesthouses and 1 hotel . what is your price range ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Hotel-Request+Price +bos price does not matter . but i need a 1 star eos O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i do n't have any 1 star hotels in the east . eos 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 N/A +bos how about a 4 star with free wifi ? eos O O O O O B-Hotel-Inform+Stars O O O O N/A +bos allenbell is a 4 start guesthouse on the east in the cheap price range with free wifi and parking . eos O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos what is the phone number for allenbell ? what are some places to go in town close 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 Hotel-Request+Phone +bos the phone number for allenbell is 01223210353 eos O O O O O O B-Hotel-Inform+Name O N/A +bos i 'd like some suggestions on places to go in the same area as the guesthouse . i need the address , postcode , 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 O O O O O O O O Attraction-Request+Post,Attraction-Request+Type,Attraction-Request+Addr +bos there are two museums nearby , would you like more details about them ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O general-reqmore +bos yes i would like more information on both museums . eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos saint barnabas press gallery is located in the belfast yard , coldham 's road , cb13ew and gallery at twelve a high street is at fulbourn , cb15dh 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr O O O N/A +bos that is all i need . thanks . 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 O general-bye +bos i would like to find some place to go in town where i can look at architecture . can you help ? 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 O O N/A +bos there are five architecture attractions , all located in the center of town . there are four churches and one school . eos O O O O O O O O O O B-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 O O N/A +bos awesome , tell me more about the church closest to me right now and get me 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 Attraction-Request+Phone +bos all saints church is located at jesus lane and has free entrance . their phone number is 01223452587. can i be of any further assistance ? 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 O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O O O O O O O N/A +bos ya i am also looking for a hotel to stay . would prefer one that does n't have wifi if possible . 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 unfortunately , all the hotels in town have internet available . is there a particular price range your 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 Hotel-Request+Price,Hotel-Inform+Internet +bos wifi will be fine then . just something cheap and basic will be good . do you know of such a place ? 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 O O O N/A +bos how about the cambridge belfry located at back lane cambourne ? 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 N/A +bos i appreciate you finding wifi for me ! eos O O O O O O O O O N/A +bos did you need me to book a room at the cambridge belfry for you ? eos O O O O O O O O O O O O O O O O Booking-Inform +bos yes , please . i need a reservation for saturday , 4 nights and 2 people . eos 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 : 3u32c59a . 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 N/A +bos no that 's great , thanks for your help . eos 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-greet +bos yes , thank you ! eos O O O O O O general-thank +bos great . 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 general-bye +bos i want to find 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 alexander bed and breakfast is available , would you like to try that ? 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 N/A +bos does it have free parking ? eos O O O O O O O N/A +bos and free wifi , interested ? eos O O O O O O O Hotel-Inform+Internet +bos yes can you book me a room and send me a reference number ? eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos sure , what nights were you wanting to stay ? eos O O O O O O O O O O O Booking-Request+Stay +bos i was hoping to stay for 4 nights starting tuesday . eos O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos how many rooms do you need ? eos O O O O O O O O Booking-Request+People +bos two rooms , and the reference number after booking . also wanting an entertainment attraction in the centre . if nothing is available , then a park would be fine . 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 B-Attraction-Inform+Type O O O O O O O O Hotel-Request+Ref +bos where would you like the hotel to be located in town ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos i 've already picked the alexander bed and breakfast . i need a reservation for 4 people , 4 nights , starting on tuesday . 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 B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O O N/A +bos i have made that reservation and your reference number is 28d4y8j7 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you i also am looking for a place to go in the centre of town that is entertainment . eos 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 N/A +bos i 'm sorry , but we do n't have any entertainment style attractions in the center . would you like to check a different area ? eos O O O 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 O O Attraction-Request+Area +bos do you have any parks instead ? eos O O O O O B-Attraction-Inform+Type O O N/A +bos cambridge university botanic gardens located at bateman street and entrance fee is 4 pounds . is there anything else i can assist you with ? eos 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 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 can you arrange a taxi to get me from the alexander b & b to the botanic gardens ? i want to leave the alexander 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 O O N/A +bos i have booked you a taxi . the contact number is 07054308445 and it will be a blue lexus . is there anything else i can help you with ? eos O O 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 thank you that is all i needed . 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 in the cambridge area is the autumn house hotel ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos the autumn house is in the east . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O N/A +bos thank you . can you give me the phone number ? eos O O O O O O O O O O O O Hotel-Request+Phone +bos yes , absolutely ! it is 01223575122. eos O O O O O B-Hotel-Inform+Phone O O general-greet +bos i am also looking to go out on a boat in the centre of town . do you have any recommendations ? eos 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 , you can choose from either scudamores punting co of the cambridge punter eos O O O O O O O O O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name N/A +bos you pick one that you think best . please give me the 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 +bos cb41as , cambridge punter . 07807718591 eos O B-Attraction-Recommend+Post B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Phone 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 general-bye +bos have a nice day . good bye ! eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a museum 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 i will recommend primavera museum . their entrance fee is free and you can reach them on 01223357708 eos O O O O B-Attraction-Recommend+Name B-Attraction-Recommend+Type O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O B-Attraction-Recommend+Phone N/A +bos what is their address ? eos O O O O O O Attraction-Request+Addr +bos the address is 10 king s parade . do you need directions ? 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 N/A +bos just the postcode would help and i also will need a place to stay . eos O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb21s . where in town were you looking to stay ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O Hotel-Request+Area +bos i would like to stay in the centre are there any expensive hotels ? eos O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos university arms hotel , 4 star rating located on regent street . phone number is 01223351241. would you like a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars 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 Booking-Inform +bos no thank you i just wanted to get that information . eos 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 does that hotel have free parking ? eos O O O O O O O O Hotel-Request+Parking +bos yes it does . do you need anything else ? eos O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos do they have free wifi ? eos O O O O O O O N/A +bos yes they do ! eos O O O O O Hotel-Inform+Internet +bos thanks for the help . 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 excellent . enjoy your trip ! eos O O O O O O O general-welcome,general-bye +bos hi , i am traveling to cambridge and could use some help for sure . i am so excited to see some local tourist 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 O Attraction-Inform +bos we have 79 attractions to choose from , anything specific that you would like to tell us to help narrow it down ? 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 i 'm looking for a hotel called cityroomz . eos O O O O O O O B-Hotel-Inform+Name O O N/A +bos cityroomz is a 0-star hotel in the center of town . its address is sleeperz hotel , station road . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O N/A +bos can you please book a room for 4 people for 2 nights starting on wednesday ? 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.reference number is : wguyagn2 anything else i can help ? eos O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O general-reqmore +bos thanks . i am also looking for places to go in town . perhaps an attraction in the city 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 i have the all saints church located at jesus lane and it 's free entrance . eos 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 B-Attraction-Recommend+Fee O O O N/A +bos that sounds perfect . thanks ! 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 thanks . that 's all i need . goodbye . eos 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 do you have a train leaving on sunday ? eos O O O O O O O O B-Train-Inform+Day O N/A +bos thre are many . where and when would you like to travel ? eos O O O B-Train-Inform+Choice 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 bishops stratford and arrive by 8:15 in the evening , could you tell me the train options ? eos O O O 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 O N/A +bos do you want to arrive by 08:15 ( morning ) or 20:15 ( evening ) ? eos O O O O O O O O O O B-Train-Select+Arrive I-Train-Select+Arrive O O O O O N/A +bos arrival by 20:15 in the evening . eos O O O B-Train-Inform+Arrive O O O O N/A +bos i have a train leaving cambridge and arriving at bishops stortford by 20:07 will that train work ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O N/A +bos yes . i 'm a big museum fan so now please find me a museum to visit 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 N/A +bos certainly ! but first , did you want to secure passage on the tr6072 , departing at 19:29 and arriving at 20:07 ? eos O O O O O O O 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 N/A +bos yes that would be great . i am also looking for a museum to visit . could you provide the 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 O O O Attraction-Request+Phone,Attraction-Request+Fee +bos how many tickets do you need for the train ? eos O O O O O O O O O O O Train-Request+People +bos just one ticket is fine . now can you tell me about the museum ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos okay i 've booked your train . reference : ovnr0iht . and , i have lots of museums in the centre . do you need free admissoin ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O B-Attraction-Inform+Choice I-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 Attraction-Request+Price +bos pick any and it does not matter . please give me the fee cost and phone number once booked . 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 i suggest castle galleries . it has a free entrance fee and the contact number is 01223307402. 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 O O B-Attraction-Recommend+Phone 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 today ? eos 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 well thank you for contacting the cambridge towninfo centre and have a wonderful day ! eos O O O O O O O O O O O O O O O O general-bye +bos a friend of mine mentioned this attraction called the place . can you give me some information about it ? 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 N/A +bos yes , it is a nightclub in the south . would you like the phone number ? 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 N/A +bos yes . phone number and address eos O O O O O O O Attraction-Request+Addr +bos the place is located at 22 sidney street , postcode cb23hg , and their phone number is 01223324600. can i help you with anything else today ? eos 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 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 am also looking for a place to stay in the east in the expensive price range . eos 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 one listing for express by holiday inn cambridge , is that okay for you ? 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 I-Hotel-Inform+Name O O O O O O O N/A +bos that works fine . eos O O O O O N/A +bos alright . they 're at 01223866800 at the property is on 15-17 norman way , coldhams business park . would you like a reservation ? eos O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone 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 Booking-Inform +bos what 's the star rating ? i want to stay at a 4 star place . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos the express by holiday inn cambridge is only 2 stars . unfortunately , there are no 4 star places to stay in the east in the expensive 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 I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O O O O O O B-Hotel-NoOffer+Stars O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O B-Hotel-NoOffer+Price O O O O N/A +bos let 's try for moderate price range , four stars please . eos O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos i have three moderate price , 4 star guesthouses in the east . may i suggest warkworth house ? it 's located at warkworth terrace . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O B-Hotel-Inform+Stars 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 O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O N/A +bos does the guesthouse have internet ? eos O O O O O O O Hotel-Request+Internet +bos yes it does have internet . eos O O O O O O O Hotel-Inform+Internet +bos okay . that is all i needed to know . thanks . eos O O O O O O O O O O O O O general-thank +bos before i let you go , is a booking needed , or are there any other services like a taxi that 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 O O O O Booking-Inform,general-reqmore +bos no thank you i do not need anything else today . eos O O O O O O O O O O O O general-thank +bos ok , great . please call again if there is anything else we can assist you 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 O O O O O O O O general-welcome,general-bye +bos hello . i 'm interested in architecture , is there any interesting buildings in the city centre ? eos 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 all saints church and great saint mary 's church are both great options . 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 N/A +bos can i get the postcode , phone number , and entrance fee for 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos it 's on jesus lane , cb58bs . their phone number is 01223452587. the church is free to enter . can i help with anything else ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore +bos i would need a hotel also . eos O O O O O O O O Hotel-Inform +bos i can certainly help with that ! what area of town interests you , 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 Hotel-Request+Price,Hotel-Request+Area +bos i do n't have a particular area or price range , but i would like it to be a guesthouse with 4 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 the acorn is in the north , it is moderately priced . would you like me to book it for you ? eos O O B-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 O O O O Booking-Inform +bos does that guesthouse have free parking and internet ? eos O O O O O O O O O O N/A +bos it does , would you like a reservation ? eos O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , please book for 4 people , for 4 nights , starting from tuesday . i 'd like to get the reference number , please ? eos 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 Hotel-Request+Ref +bos booking was a success ! confirmation is ifnjyw3x . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you , that is all for now . you have been wonderful . eos O O O O O O O O O O O O O O O general-thank +bos have a nice stay . goodbye . eos O O O O O O O O general-bye +bos i need help finding a train leaving cambridge after 20:45. eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos many trains leave cambridge around 20:45 , what is the destination ? eos O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Leave O O O O O O Train-Request+Dest +bos i need to get to london liverpool street . eos 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 options for you , and the price and exact departure time varies by day of the week . do you have a day preference ? 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 O Train-Request+Day +bos i would like to leave on thursday eos O O O O O O O B-Train-Inform+Day N/A +bos train tr3695 leaves 21:59 and arrives on 23:27. would you like to book it ? eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +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-bye +bos hi , i 'm looking for a train going to stevenage that leaves after 10:30 please . 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 N/A +bos where are you leaving 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 the tr3043 leaves at 11:21 if that works for you . eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O N/A +bos that sounds like it might work , but what is its arrival time if i may ask ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos tr3043 arrives in stevenage at 12:10. eos O B-Train-Inform+Id O O O O B-Train-Inform+Arrive N/A +bos i would also like to explore the local architecture while in town . can you suggest a place to visit ? 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 what about all saints church ? its lovely eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos that sounds great ! 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 phone is 01223452587 postcode is cb58bs and address is jesus lane eos O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos great , thanks ! that 'll be all i need . bye ! eos O O O O O O O O O O O O O O general-bye +bos enjoy your time eos O O O O general-bye +bos can you help me find an attraction named hughes hall ? thanks . 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 's located in the center of town , address is : wollaston road . eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O N/A +bos okay and may i have the information on the entrance fee ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos there 's no fee to enter hughes hall . is there any more information i can get for you ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 am looking for a train . the train should depart from peterborough and should go to cambridge eos 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 N/A +bos sure , when would you like to travel ? eos O O O O O O O O O O Train-Request+Day +bos tomorrow morning , please . eos O O O O O O N/A +bos okay , and what time would you like the ticket for ? eos O O O O O O O O O O O O O Train-Request+Leave +bos i need to leave friday morning , and get to cambridge by 11:15. eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A +bos tr2105 arrives by 11:09. will this one work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O N/A +bos that one is perfect . what is its travel time ? eos O 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 I-Train-Inform+Time N/A +bos thank you . that is all i need . eos O O O O O O O O O O general-thank +bos enjoy your travels ! let us know if we can be of any further 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 need a train that leaves at 18:45 and goes to cambridge . eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O N/A +bos sure . 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 Train-Request+Depart,Train-Request+Day +bos i 'm leaving from broxburne on friday . eos O O O O O O B-Train-Inform+Day O O N/A +bos there is a train leaving at 19:12. eos O O O O O O O B-Train-Inform+Leave N/A +bos great , can i get 2 tickets on that train ? eos O O O O O O B-Train-Inform+People O O O O O N/A +bos i have made those reservations . your reference number is f2a9ac1k . 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 O general-reqmore +bos yes i am looking for a place to go maybe a theatre . eos O O O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos sure there are a few . would you like it to be in a specific area of town ? 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 Attraction-Request+Area +bos it does n't matter . you make a suggestion and provide the entrance fee , phone number , and area 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+Fee +bos adc is in the centre , 01223300085. the entrance fee is not available at the time . is there anything else ? eos O O B-Attraction-Inform+Name 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 general-reqmore +bos yes , what area is this located in ? i may give them a call today and ask about 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 Attraction-Request+Area,Attraction-Request+Fee +bos it is located in the centre . is there anything else i can help you with ? 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 no , that will be all today . thank you . eos O O O O O O O O O O O O general-thank +bos thanks for using cambridge towninfo . 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 train ? i 'll be traveling on wednesday . eos O O O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos what is your departure point and what time would you like to depart ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos oh , of course . sorry . i 'm leaving out of leicester and going into cambridge . 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 is there a specific time you want to leave or arrive by ? i have 2,828 trains to pick from . i need to narrow this down . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Arrive +bos i want to arrive by 16:15. eos O O O O O O B-Train-Inform+Arrive N/A +bos that narrowed it down to 10 options . what time would like to leave ? eos O O O O O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Leave +bos i do n't have a preference on leaving time . eos O O O O O O O O O O O N/A +bos how many tickets ? eos O O O O O Train-Request+People +bos i need one . departure time , travel time and train id ? also , i need a college in the west . i need the phone number and postcode to 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 Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave,Attraction-Request+Post,Attraction-Request+Phone +bos let 's get the train booked first . train tr1903 departs leicester at 05:09 and arrives in cambridge at 06:54. shall i book this for you ? eos O O 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-OfferBook +bos 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 . eos O O O O O O 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 i have several options would you like the info ? eos O O O B-Attraction-Inform+Choice O O O O O O O general-reqmore +bos yes please give me the information on the top search . eos O O O O O O O O O O O O N/A +bos the top search is churchill college it is on the west side phone number is 01223336233 and post code is cb30ds do you need anything else ? 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 O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post 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 it was my pleasure . goodbye . eos O O O O O O O O general-welcome,general-bye +bos i am looking for a train to go to london kings cross . eos 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 there are several available option to travel to kings cross today . what time would you like to travel ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O Train-Request+Leave +bos i need to travel after 9am eos O O O O O O O N/A +bos there are 56 trains . how does the tr2000 train that leaves at 9 am sound ? eos O O O O B-Train-Inform+Choice O O O B-Train-OfferBook+Id O O O O O B-Train-OfferBook+Leave I-Train-OfferBook+Leave O O N/A +bos that will be ok. thank you for your help eos 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 that 's on wednesday , right ? eos O O O B-Train-Inform+Day O O O O N/A +bos no , that 's on friday , actually . on wednesday , i have tr6583 departing cambridge at 9:00 , going to london king 's cross . will that work for you ? eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-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 O O O O O O O Train-OfferBook +bos okay very good . what 's the train id on that please ? eos O O O O O O O O O O O O O O Train-Request+TrainID +bos tr6583 , would you like for me to get you tickets ? eos O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook +bos yes please book that train for me . eos O O O O O O O O O Train-Inform +bos sure , will you be traveling alone ? eos O O O O O O O O O Train-Request+People +bos yes it 's just going to be me . eos O O O O O O O O O O N/A +bos i 've booked you a ticket . the fee is 23.6 gbp , payable at the station . the reference number is 3xi4v3c1 . 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 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 . thank you . eos O O O O O O O O O O general-thank +bos thanks for your service eos O O O O O general-bye +bos have a nice day . eos O O O O O O N/A +bos have a great day . let me know if you need any other help . eos O O O O O O O O O O O O O O O O general-bye +bos i will . thanks again ! eos O O O O O O O general-thank +bos you 're welcome . please call us again if you need anything else . eos O O O O O O O O O O O O O O O general-bye +bos what 's the address of leverton house ? eos O O O O O O O O O N/A +bos 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 . eos O O O O O O 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 am looking for information about leverton hotel eos O O O O O O O O Hotel-Inform +bos leverton house is a guesthouse on the east side . it is a cheap 4 star hotel that has free parking and wifi . eos 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+Price O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i could also want to go to a place in town and this should be in 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 there are 4 museums on the east side of town . three are free to the public and has a 5 pound entrance fee . would you like me to recommend one ? eos O O O O B-Attraction-Inform+Choice I-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+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price O O O O O O O O general-reqmore +bos what 's the one with the 5 pound entrance fee ? eos O O O O O O O O O O O O N/A +bos it is cambridge museum of technology eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos okay , can you book a taxi to get me there ? eos O O O O O O O O O O O O O Taxi-Inform +bos okay , first let me know which day you want to leave and time . eos O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos i want to go to a museum please . eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos there are many in cambridge . could we narrow it down by choosing a specific area of town to search 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 Attraction-Request+Area +bos area does not matter can you recommend one ? eos O O O O O O O O O O N/A +bos how about people 's portraits exhibition at girton college in west ? eos 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 O N/A +bos that sounds good , can i have the phone number please ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223338901. 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 leaving after 18:15 and should leave on tuesday . eos O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O N/A +bos sure , i can help you with that . what is your place of departure ? 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 leaving bishops stortford going to cambridge , i need 6 tickets and the conf . # too please eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O O O B-Train-Inform+People O O O O O O O O N/A +bos okay , i have booked you on tr9286 leaving tuesday at 19:29 and arriving 20:07. your reference number is cgu6uo45 . eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Arrive 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 general-thank +bos you are welcome , enjoy yourself . eos O O O O O O O O general-welcome +bos wow , i think you are going to really enjoy yourself . the people portraits exhibit is an amazing experience . i would love to hear how you enjoyed 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 N/A +bos 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 . eos O O O O O O O O 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 moderate priced restaurant eos O O O O O O B-Restaurant-Inform+Price O O N/A +bos we have 31 matches , do you have a food type preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food +bos no , but i 'd like it to be in the centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos we have 21 moderately priced restaurants in the center , with cuisines ranging from asian oriental to gastropub . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos asian oriental sounds good . can you reserve a table for 1 for me ? i 'd like to eat at 11:45 on sunday . eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Inform+People O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos you are good to go ! your reference number is hqgn4wtq . 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 general-reqmore +bos i also need a train from broxbourne to cambridge . needs to arrive by 8:00. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O N/A +bos i have train tr1480 that leaves broxbourne at 05:32 and will get you into cambridge at around 06:32. would that work for you ? 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 O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos that would be just fine . eos 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 +bos just one will be fine . eos O O O O O O O N/A +bos booking was successful , the total fee is 14.32 gbp payable at the station . reference number is : p5kb6wjx . 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 that is it for today . thanks for helping 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 i am looking for a very nice thai restaurant in cambridge . eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i have 2 thai restaurants in cambridge , both are very expensive . i have one in west and the other in the centre , do either of them sound good ? eos O O 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 O O O O B-Restaurant-Inform+Area O O O O O O O O O O general-reqmore +bos please book a table for 15:45 on thursday . i would like the thai restaurant in west cambridge . eos O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos how many people would you like a table booked for at sala thong ? eos O O O O O O O O O O O O O O O Booking-Request+People +bos 7 people please . eos O O B-Restaurant-Inform+People O O N/A +bos your reservation is booked . the reference number is l84lj43r . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i also need to leave via train from cambridge after 9:15 on sunday , 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+Day O O O O O O 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 'll be heading to broxbourne . eos O O O O O B-Train-Inform+Dest O O N/A +bos alright , i see 14 trains here . would you care for a booking ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O O Train-OfferBook +bos i would like it booked and need the reference number . eos O O O O O O O O O O O O N/A +bos would train id tr9580 leaving at 10:01 and arriving at 11:01 work for you ? would you like tickets for the same party of 7 ? 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 I-Train-Inform+Arrive O O O O O O O O O O O O O O Train-Request+People,general-reqmore +bos yes , there are 7 of us who will be going . eos O O O O O B-Train-Inform+People O O O O O O O N/A +bos i have you booked for 7 on that train , the reference number is pp68mylf . eos O O O O O O O B-Train-OfferBooked+People 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 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 i want a train that is leaving from broxbourne . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos there is a train leaving from broxbourne to cambridge on friday at 5:32 and will arrive there at 6:32. eos 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+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive N/A +bos that would work well with our schedule . thank you ! eos O O O O O O O O O O O O general-thank +bos you 're welcome . is there anything else you need help with ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore +bos no thats it thankl you eos O O O O O O general-thank +bos did you need the train number or price today ? eos O O O O O O O O O O O general-reqmore +bos yes can i please get that ? eos O O O O O O O O N/A +bos i am sorry . do you want info or to book the train ? the cost is 17.90 per ticket . eos O O O O O O O O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O general-reqmore,Train-OfferBook +bos i do n't need to book at the moment . however , i was also interested in finding a restaurant for friday . 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 what type of food would like to eat ? eos O O O O O O O O O O Restaurant-Request+Food +bos i do n't really care about cuisine , but i would like something expensive in the center of town . what 's your favorite high-end place ? eos 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 O N/A +bos i would suggest loch fyne . they serve the most amazing selection of seafood in the entire city . it 's definitely an experience . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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-greet +bos that sounds perfect . could you book a table for 8 people at 19:30 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 N/A +bos ok , your table will be reserved for 15 minutes . reference number is 56ahcple . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos awesome . thanks for your help 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 hi , i am traveling to cambridge and am interested in local restaurants . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos we have over 110 restaurants to choose from . can you tell me what your pricerange and/or style of food might be to narrow it down ? 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 O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i am looking for a train . eos O O O O O O O O Train-Inform +bos they are so many . if you can tell us were you are going and day we can help 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+Dest,Train-Request+Day +bos i need to go to kings lynn on thursday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos when do you need to be in kings lynn on thursday ? i have 19 trains with a variety of departure times that may work for you . eos O O O O O O O O O O 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 a 5:00 pm departure time thank you eos O O O O O O O O O O general-thank +bos there is no 5:00 train from cambridge to kings lynn on thursday , but there is tr7239 that leaves at 5:11. would that work ? eos O O O O B-Train-NoOffer+Leave O O B-Train-NoOffer+Depart O B-Train-NoOffer+Dest I-Train-NoOffer+Dest O B-Train-NoOffer+Day O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O Train-Select +bos yes , can i have the train id and travel time , please ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos tr7239 departs from cambridge at 5:11 on thursday and arrives at kings lynn by 5:58. the duration of travel is 47 minutes . do you need assistance booking it ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 I-Train-Inform+Dest O 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 Train-OfferBook +bos no need to book it , but i would like to find a gastropub restaurant in the east please . 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 O N/A +bos the royal standard is located in that area . would you like me to reserve a table 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 O O O O O Booking-Inform +bos yes please , could you book a table for 7 at 11:15 on thursday . 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 . the table will be reserved for 15 minutes . your reference number is : 1dx9h02o . do you need any further assistance 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 general-reqmore +bos that is all i need today . eos O O O O O O O O N/A +bos have a nice day , goodbye ! eos O O O O O O O O general-bye +bos hello , i 'd like some information on a train going to kings lynn . eos 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 certainly . where will you be leaving from and on what day ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i 'm coming from cambridge and would like to arrive at kings lynn by 8 p.m. monday . eos O O O O B-Train-Inform+Depart O O O O O O O O O O O B-Train-Inform+Day O O N/A +bos tr7803 will leave at 18:11 and arrive 47 minutes later at 18:58. the trip will cost 9.80 pounds . would you like to book this train ? 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 I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook +bos yes , please . thank you so much ! eos O O O O O O O O O O general-thank +bos how many seats will you need ? eos O O O O O O O O Train-Request+People +bos none right now but could you just tell me 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 tr7803 will leave at 18:11 and arrive 47 minutes later at 18:58. the trip will cost 9.80 pounds . 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 I-Train-Inform+Ticket O N/A +bos thanks . i am also looking for a restaurant in the centre that serves african food . eos O O O 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 found bedouin matching your request . would you like to book a table there ? eos 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 is it in the moderate price range ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O Train-Request+Price +bos no it is in an expensive price range . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos okay let 's look for a moderately priced international restaurant , book me a table anywhere for 8 people at 14:45 on monday . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food 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 Train-Request+Price +bos i am sorry but there are no moderate price international restaurant available . would you like to try another food or price range ? eos O O O O O O O O B-Restaurant-NoOffer+Price 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,Restaurant-Request+Price +bos okay , then let 's go back to my first choice , african cuisine . you mentioned the bedouin , earlier . is it in the city centre ? eos 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+Area O O O O O O O N/A +bos it is located in the centre and is expensive . eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price O N/A +bos yes , i would like to book please . eos O O O O O O O O O O N/A +bos i reserved a table for eight people at the bedouin on monday at 14:45. reference number is lgunvwou . hold time will be for 15 minutes . is there anything else ? eos O 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore +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-welcome,general-bye +bos i would like to make a reservation at the shanghai family restaurant in cambridge 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 N/A +bos how many people would you like to make a reservation for , and what day and time were you 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 Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos i would like to get the phone number and area please eos O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Phone +bos the phone number is 01223301761. how many people would you like to make a reservation for , and what day and time were you looking at ? 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 O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos no reservation necessary , just let me know what area of town its in and i 'll do the rest . 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 +bos the shanghai family restaurant is located in the centre . 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 O B-Restaurant-Inform+Area O O O O O O O O O O O O general-reqmore +bos i would like for you to find a train that leaves on wednesday after 16:45. eos O O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos okay , let me look that up for you . do you have a destination or a departure site ? 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,general-greet +bos i 'm going to cambridge from leicester . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos the tr1745 leaves cambridge at 17:21 and gets into leicester by 19:06. will 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+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 , that will work . for 4 people , please . eos O O O O O O O B-Train-Inform+People O O O O O N/A +bos reference number is : y9awf9yj . will you need anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos do you think you can find me a great italian food place . i want something really fancy . it 's for an anniversary dinner . 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 N/A +bos there are 5 in town . did you have a certain part of town you want to dine in ? i have some in the centre and south . 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 B-Restaurant-Select+Area I-Restaurant-Select+Area O O Restaurant-Request+Area +bos out of the 5 , how many are expensive ? i would like an expensive restaurant location does n't matter to much . 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 N/A +bos they are all expensive . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice N/A +bos how about an italian joint ? eos O O O O O O O N/A +bos ok i suggest clowns cafe it is expensive and located in the centre . they serve italian food . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos perfect , what is their phone # eos O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223355711. would you like me to book reservations for that ? eos O O O O O B-Restaurant-Inform+Phone 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 do for you today ? eos O O O O 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 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 hello ! i need to find a train leaving wednesday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos there are 2,828 trains scheduled to travel on wednesday . where are you planning on departing from and where is your destination ? 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 O O O Train-Request+Depart,Train-Request+Dest +bos i need to go to cambridge from bishops stortford on wednesday and arrive by 09:15. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos i have found two different options that fit your request . would you like to leave at 05:29 and arrive by 06:07 or leave at 07:29 and arrive by 08:07 ? 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 B-Train-Select+Leave I-Train-Select+Leave I-Train-Select+Leave O B-Train-Select+Arrive I-Train-Select+Arrive O N/A +bos i need one that can fit three people . i need three tickets . eos O O O O O O O O O O O O O O O N/A +bos i can book for 3 people for either of those trains . is there one of the times you prefer ? eos O O O O O O B-Train-OfferBook+People O O O O O O O O O O O O O O O Train-Request+Leave +bos i prefer to arrive by 08:07. can you suggest a cheap greek restaurant ? i 'd like a reservation for 3 people at 10:00. please provide reference numbers . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O B-Train-Inform+People O O O O O O O O N/A +bos yes i will book it for you and provide a reference number eos O O O O O O O O O O O O O Train-OfferBook +bos thank you . once you provide me with the reference number that is all i need . eos O O O O O O O O O O O O O O O O O O general-thank +bos i 'm sorry , but we do n't have any greek restaurants in town . would you like to try 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 i also like asian oriental . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i have 5 restaurants that are asian oriental , do you have an area preference ? 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 Restaurant-Request+Area +bos i would like to be in the centre of town . eos O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are 3 in the town centre . would you like cheap or moderately priced food ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos cheap price sounds good to me . eos O B-Restaurant-Inform+Price O O O O O O N/A +bos i booked it for wednesday . your reservation number is eqhamtob , is there anything else ? eos O O O O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos that 's all i need for now . thanks for the help . eos O O O O O O O O O O O O O O general-thank +bos you are most welcome , contact us if you need more assistance . eos O O O O O O O O O O O O O O general-welcome +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 bunch of restaurants for you ! do you have a certain price range or food type 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 O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i would like it on the expensive price range please . eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i found some quite nice choices for you . 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 he restaurant should be in the expensive price range and should serve polynesian food.if there is no such restaurant , how about one that serves indian food . eos 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 B-Restaurant-Inform+Food O O O N/A +bos i do n't have any polynesian , but i do have 14 indian . what area of town would you like ? eos O O O O O B-Restaurant-NoOffer+Food O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Area +bos please get phone number and area.i am also looking for a train . the train should depart from cambridge and should leave after 09:30 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 O B-Train-Inform+Leave O Restaurant-Request+Area,Restaurant-Request+Phone +bos i have indian restaurants in all areas . do you have a preference of which one ? lets do this and then we can work on 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 Restaurant-Inform,Restaurant-Request+Area,general-reqmore +bos can you please recommend one and provide me with their phone number and area they 're located ? 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+Phone +bos which side of town do you prefer ? eos O O O O O O O O O Restaurant-Request+Area +bos the north part of town is fine . i need the phone number and area for the place after you find it . eos 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 Restaurant-Request+Area,Restaurant-Request+Phone +bos i am sorry but there are no indian restaurants in the north . would you like another area ? eos 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 Restaurant-Request+Area +bos my area is flexible . what is available for an expensive indian restaurant . it can be in any area . eos 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 O Restaurant-Request+Area +bos i have the cocum located in the west at 71 castle street city centre . would you like reservations ? eos O O O 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 I-Restaurant-Inform+Addr O O O O O Booking-Inform +bos no thank you but i do need a train . eos O O O O O O O O O O O Train-Inform +bos okay ! from where to where ? eos O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i will be leaving from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos i have found many trains leaving from cambridge . can i please get a departure and arrival time , 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 Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive +bos depart from cambridge at 9:00 and arrive london liverpool street on sunday for 6 people eos O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+People N/A +bos there are no trains leaving at 9:00. would you be interested in the one leaving at 7:59 or 9:59 ? eos O O O O O O O B-Train-NoOffer+Leave O O O O O O O O O O O O B-Train-Select+Arrive N/A +bos i just need to depart after 9:30. eos O O O O O O O O N/A +bos i can book the tr0995 which leaves cambridge at 09:59. shall i book it for six people ? eos O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Depart O B-Train-OfferBook+Leave O O O O O O O O N/A +bos yes , that would be wonderful . eos O O O O O O O O N/A +bos the total fee is 79.67 , reference number is : z51sw54y . eos O O O O O B-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O N/A +bos that 's all i need today . have a great day eos O O O O O O O O O O O O N/A +bos have a safe trip . eos O O O O O O general-bye +bos can you find the a & b guesthouse ? eos O O O O O O O O O O N/A +bos the a and b guest house is located in the east part of the city . would you like me to make a booking for you ? 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 B-Hotel-Inform+Area O O O O O O O O O O O O O O O O Booking-Inform +bos yes i would like to make a booking for 5 people and 5 nights starting from monday . eos 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 ok , i have made a booking for 5 people for 5 nights starting monday at a and b guest house . eos O O O O O O O O O B-Booking-Book+Stay O O O O B-Booking-Book+Day O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O N/A +bos i need a four star room , free wifi too , eos O O O O O O O O O O O O N/A +bos there are 21 hotels that meet that criteria . what area of the city would you like 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 Hotel-Request+Area +bos any area is fine . however , i do require free parking and in a cheap 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 O O O N/A +bos the autumn house would be perfect for you . it is a 4 star guesthouse on the east end of town . 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 O O O O O O O O B-Hotel-Recommend+Stars 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 I-Hotel-Recommend+Area O O O O O O O O O O O O Booking-Inform +bos yes , i would like a reservation for 7 people for 3 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 O O O O N/A +bos booking was unsuccessful . want to try another option ? eos O O O O O O O O O O O Booking-NoBook +bos okay , how about a different place to stay that 's cheap ? eos O O O O O O O O O O O O O O N/A +bos i booked the alexander bed and breakfast for you . your reference number is tq7xk6mp for your arrival on sunday . is there anything else i can help you with today ? 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 O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O B-Booking-Book+Day O O 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 general-thank +bos would you like for me to book reservations for restaurants and museums ? eos O O O O O O O O O O O O O O Booking-Inform +bos i am planning to visit cambridge and would like a train leaving on thursday . eos 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 no problem . which station will you be departing from ? eos O O O O O O O O O O O O Train-Request+Depart +bos stansted airport . also , if i could arrive by 11:00 that would be great . eos O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos train tr0031 departs stansted airport for cambridge at 09:24 and arrives at 09:52. would this be ok ? 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+Leave O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos sounds great ! can i get tickets for 3 people ? eos O O O O O O O O O O B-Train-Inform+People O N/A +bos i 've booked you 3 tickets . your total is 30.29 pounds and the reference number is 51m2vn7d . eos 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 B-Train-OfferBooked+Ref O O O N/A +bos great . i am also looking for colleges to visit in the west . 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 there are 5 colleges there . churchill college , clare college , clare hall , magdalene college and queens ' college eos O 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 O O O O N/A +bos can i get more information on the first one ? eos O O O O O O O O O O O N/A +bos churchill college is on storey 's way , their postcode is cb30ds and phone number is 01223336233. it 's free to get in . is there anything else you 'd like to know ? eos 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 B-Attraction-Inform+Phone O B-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O general-reqmore +bos no , that is all that i needed . thank you 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 general-bye +bos you 're so 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 hotel in the center of town with a star of 0. eos O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos i have 2 with 0 stars . one is cheap the other is moderately priced . do you have a preference ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O Hotel-Request+Price +bos i would like the moderately priced hotel . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A +bos how about cityroomz ? they have free internet . eos O O O B-Hotel-Select+Name O O O O O O Hotel-Inform+Internet +bos yes , address and phone number please ? eos O O O O O O O O O N/A +bos the address is sleeperz hotel , station road cb12tz and the phone number is 01223304050. 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 B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore +bos i would like to book that for 2 nights from friday for 2 people . eos 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 i 'm sorry , that is n't available . would you like me to try the other one , el shaddai ? eos 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 O O Booking-NoBook +bos yes as long as it 's in the same price range . eos O O O O O O O O O O O O O N/A +bos i was able to book el shaddai for 2 , for two nights starting friday . your reference number is x7wha1xl . 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 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 O N/A +bos no , that 's fine . thank you for your help . eos O O O O O O O O O O O O O general-thank +bos the address of hotel el shaddai is 41 warkworth street cb11eg and the phone number is 01223327978. eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone N/A +bos have a nice day . eos O O O O O O N/A +bos have a nice stay at the el shaddai . thank you for contacting us and have a great day . 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 general-bye +bos can you find me a train from stansted airport ? eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos there are plenty of options . where will you be arriving and do you have a time preference ? 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+Leave,Train-Request+Dest +bos i do n't care when i arrive , but i need to leave after 10:00. eos O O O O O O O O O O O O O B-Train-Inform+Leave O O N/A +bos not a problem . any day in particular ? eos O O O O O O O O O O Train-Request+Day +bos yes . wednesday please . eos O O B-Train-Inform+Day O O O N/A +bos tr0467 leaves the airport at 10:24. would you like tickets for that train ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes , for five please . eos O O O O O O O N/A +bos i have successfully make a booking for 5 on that train . eos O O O O O O O O O B-Train-OfferBooked+People O O O N/A +bos can i have the reference number please ? i 'm also looking for some places to go , maybe a college in the west . 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 B-Attraction-Inform+Area O O O Train-Request+Ref +bos queen 's college is an excellent choice . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O N/A +bos sounds great . can i get their postcode please ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode for queen 's college is cb39et . and the reference number for your train ( booked earlier ) is wmuc700a . eos 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 B-Train-Inform+Ref O O O O O N/A +bos perfect , thanks so much for 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 no that is everything . have a good day . eos O O O O O O O O O O O N/A +bos alright , thanks for contacting cambridge towninfo centre ! have a good 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 a mexican 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 chiquito restaurant bar is located in the south part of town is in the expensive price range . would you like additional information ? 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 O O B-Restaurant-Inform+Price O O O O O O O O O general-reqmore +bos what is the phone number and price range eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price +bos chiquito restaurant bar is expensive . their phone number is 01223 400170. 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+Price 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 i would like the address please . eos O O O O O O O O Restaurant-Request+Addr +bos the address is 2g cambridge leisure park cherry hinton road 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 I-Restaurant-Inform+Addr N/A +bos ok thank you . that 's all for today then . eos O O O O O O O O O O O O general-thank +bos thank you and good bye . eos O O O O O O O general-bye +bos i 'm looking for an english restaurant that 's moderately priced.. eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A +bos there are no restaurants matching your request . may i help you find a different restaurant ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos okay , then i 'm looking for a restaurant with chinese food that 's moderately priced . 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 N/A +bos i have four restaurants matching your request , would you like to hear them all or narrow your request ? 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 general-reqmore +bos i want a moderately priced restaurant in the north part of town . what is the address ? eos 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 Restaurant-Request+Addr +bos the nirala is a great moderately priced indian restaurant in the north part of town . they are located at 191 histon road chesterton . is there anything else i can do for you today ? eos O 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 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 thank you , goodbye . 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 want a restaurant on the west end of town . eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos ok. are you looking for any particular type of food ? 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 O N/A +bos are you looking for a particular price range ? eos O O O O O O O O O O Restaurant-Request+Price +bos a moderately priced restaurant would be good . eos O O B-Restaurant-Inform+Price O O O O O O N/A +bos do you have a cuisine preference ? eos O O O O O O O O Restaurant-Request+Food +bos no preference eos O O O N/A +bos how about prezzo ? they serve moderately priced italian food on the west side of town . eos O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Inform+Price I-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 N/A +bos can i please have their address and phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos prezzo 's address is 21 - 24 northampton road , their phone number is 01799 521260. eos 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 O 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 O general-bye +bos hi , i want a moderately priced restaurant . eos O O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are several restaurants in the moderate price range . do you have a preference for the type of food or part of town ? eos 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 O O O Restaurant-Request+Area,Restaurant-Request+Food +bos located in the east side eos O O O O B-Restaurant-Inform+Area O N/A +bos there is a moderate priced indian restaurant located on the east side , would you like that address ? eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O general-reqmore +bos yes please , could i have the address , phone number , and postcode of the venue ? 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 curry prince 's address is 451 newmarket road fen ditton , their postcode is c.b 5 , 8 j.j. their phone number is 01223 566388 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+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 . eos O O O O general-thank +bos you 're welcome . anything else i can help you find ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos that 's it , thanks . good bye . eos O O O O O 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 can i get a korean restaurant in the town centre ? eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A +bos little seoul is located in the town centre eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos can you tell me the address , phone number , and postcode of little seoul , 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 sure , little seoul is located at 108 regent street city centre . its phone number is 01223 308681 and the postcode is cb21dp . is there anything 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 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 O general-bye +bos thank you , goodbye . eos O O O O O O general-bye +bos i am looking for a restaurant in the south 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 i have two restaurants that meet your requirements . do you have a cuisine preference ? 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 i would like italian food . eos O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Food +bos i 'm sorry , there are no restaurants matching your request . 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 Restaurant-NoOffer,general-reqmore +bos i do n't care . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos nandos is cheap restaurant in the south part of town serving portuguese food . would you like their phone number ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O O O O O O O general-reqmore +bos yes , also i will need their address . eos O O O O O O O O O O Restaurant-Request+Addr +bos their address is cambridge leisure park clifton way . would you also like the phone number ? 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 general-reqmore +bos yes , please give me their number . eos O O O O O O O O O N/A +bos the phone number for nandos is 01223 327908. is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos no , thanks . i 'll head to nandos now . goodbye . eos 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 want a restaurant with corsica food please . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos what is the area you would like ? eos O O O O O O O O O Restaurant-Request+Area +bos west side of town . eos O B-Restaurant-Inform+Area O O O O N/A +bos there are no matching restaurants . would you like me to perform another search ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos how about italian food instead and could i have the phone number if you find a restaurant eos O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Request+Phone +bos prezzo is a moderately priced italian restaurant in the west side of town . the phone number is 01799 521260. eos O B-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 I-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 thank you , goodbye . eos 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 a place to stay that is a guesthouse located in the center of town . 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 alexander bed and breakfast is a 4-star hotel located in the center of town . 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Booking-Inform,Hotel-Select +bos the hotel should have a star of 0 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 how about el shaddai . it 's a gueshouse and located in the centre . they have free internet and parking . 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , four people for four nights , starting sunday , please . eos O O O O O O O O B-Hotel-Inform+Day O O O O O N/A +bos that booking was unsuccessful unfortunately , want to give another day a try ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos can you try another hotel in the same price range ? eos O O O O O O O O O O O O Hotel-Inform +bos ive located a guesthouse that meets your criteria expect that it is on the north side , city centre north b and b would you like me to try and book that ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Area I-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 O O O O Booking-Inform +bos yes please do try that . eos O O O O O O O N/A +bos i have made a reservation for you at city centre north b and b for 4 nights for 4 people starting on sunday . your reference number is t1x3a0do . 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 I-Booking-Book+Name O O B-Booking-Book+People O O O O O B-Booking-Book+Day O O O O B-Hotel-Inform+Ref O O N/A +bos thank you . can you give me the address and the phone number ? eos O O O O O O O O O O O O O O O general-thank +bos sure . it is located at 328a histon road , post code cb43ht . the phone number is 01223312843. can i be of further 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 N/A +bos no . i think that is all i need . thanks for your help ! eos O O O O O O O O O O O O O O O O general-thank +bos wonderful ! 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 need a train to norwich on sunday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos the tr3370 will take you to norwich . do you need a ticket ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Dest O O O O O O O Train-OfferBook +bos yes if it leave after 19:30. thanks eos O O O O O O O O general-thank +bos i am sorry that os not leaving at the correct time but i have train tr9083 leaving at 19:55. eos 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+Leave N/A +bos cool , thanks dude eos O O O O O general-thank +bos do you want tickets ? eos O O O O O O Train-OfferBook +bos no , i do n't need to book now . on the other hand , i 'm looking for something to do in the centre of city . 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 O O O O N/A +bos well i have many things to do such as architecture visits or museums or theaters . anything sound intriguing to you ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O Attraction-Select +bos yes i would like to go to a college . eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos there are 13 to choose from . might i suggest the pembroke college . they have free entrance and are located on trumpington street . eos O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A +bos can i have the postcode ? eos O O O O O O O Attraction-Request+Post +bos the post code is cb21rf . can i help with anything else today ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos yes , can i also get the phone number for pembroke college ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Phone +bos the number is 01223338100. eos O O O O B-Attraction-Inform+Phone 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 you 're 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 general-welcome,general-bye +bos hello , i am looking for a moderately priced restaurant that serves gastropub food . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos the cow pizza kitchen and bar serves gastropub food and is 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 I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos may i please have the phone number ? eos O O O O O O O O O Restaurant-Request+Phone +bos 01223 308871 will that be all ? eos O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O N/A +bos thank you that 's all 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 restaurnt in the west end that is n't too high priced . 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 saint johns chop house ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos where is saint johns chop house ? eos O O O O O O O O N/A +bos it is at 21 - 24 northampton street 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 is this in the west part of town and can i get the phone number ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos saint johns chop house is in west part of town . the phone number is 01223 353110. 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 O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos what type of food do they serve ? and to clarify , this is moderately priced , correct ? 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 saint johns chop house is a british restaurant in the west which is moderately priced . eos O B-Restaurant-Inform+Name I-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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 +bos i need train tickets going to broxbourne leaving on monday please . eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O O N/A +bos where will you be going ? eos O O O O O O O Train-Request+Dest +bos i will be traveling to broxbourne on monday from cambridge and need to leave after 8:00 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 have a train that leaves at 8:01 and one that leaves at 9:01. both are 17.90 gbp . which do you prefer ? eos O O O O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Ticket O O O O O Train-Select +bos let 's go with the one leaving at 08:01. can you book that for five people 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 ok. i have booked 5 tickets from cambridge to broxbourne on tr5517 departing at 8:01 monday . the total is 89.5 gbp and is payable at the station . eos O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Leave B-Train-OfferBooked+Day O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O general-greet +bos can i get the reference number ? eos O O O O O O O O Train-Request+Ref +bos of course , your reference number is hlgv5ni4 . eos O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos excellent . i 'm also look for a particular attraction called great saint mary 's church . 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 N/A +bos there is a great saint mary 's church in the centre of the city on market square . it is 2 pounds to visit for the fee . is there anything else ? 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 I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area 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 O O general-reqmore +bos what is the address and postcode ? eos O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the address is market square and the postcode is cb23pq . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Post O N/A +bos that is all i need for now . eos O O O O O O O O O N/A +bos okay . glad i could be of help . eos O O O O O O O O O O general-bye,general-greet +bos could you give me the address of the parkside police station ? eos O O O O O O O O O O O O O Police-Inform +bos the phone number is 01223358966. can i help you find anything else ? eos O O O O O O O O O O O O O O N/A +bos i also need the address for the parkside police station , please . eos O O O O O O O O O O O O O O Police-Inform +bos the address is parkside , cambridge . eos O O O O O O O O N/A +bos thanks for your help eos 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 want a reservation that has cheap price and should be in the east eos O O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area N/A +bos we have 3 with your specification eos O O O O B-Hotel-Inform+Choice O O N/A +bos oh , i also need it to have free parking and i want a guest house . eos O O O O O O O O O O O O O O O O O O N/A +bos how about allenbell ? it looks great . eos O O O B-Hotel-Recommend+Name O O O O O N/A +bos sure , please book it for 1 person for 5 nights starting on thursday . 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 booking was unsuccessful . perhaps another day or shorter stay ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos how about starting on friday ? eos O O O O O B-Hotel-Inform+Day O N/A +bos booking was successful for friday . reference number is : vrx491js . eos O O O O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O 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 thank you goodbye eos 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 addenbrookes hospital is located at 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 O N/A +bos no thanks , i am all set . eos 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 O general-bye +bos i need a cheap place to stay in the centre eos O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area N/A +bos sure , we have two guesthouses that fit , the 4 star alexander bed and breakfast and the unrated el shaddai . would you like to book a room at one ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars 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,Hotel-Select +bos do either of those include free parking ? eos O O O O O O O O O N/A +bos yes , they both include free parking . eos O O O B-Hotel-Inform+Choice O O O O O Hotel-Inform+Parking +bos then book one , does n't matter which . eight people , two nights , starting wednesday . eos O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O N/A +bos i was able to book a reservation at el shaddai . reference number is : ahyotiab . is there anything else you need ? 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 general-reqmore +bos no , that is all . thanks so much . bye . eos O O O O O O O O O O O O O general-bye +bos thank you for calling . have a great day . eos O O O O O O O O O O O general-bye +bos i am looking for a attraction to see in cambridge located in the centre eos O O O O O O O O O O O O O O B-Attraction-Inform+Area N/A +bos all saints church has some lovely architecture . does that suit your needs ? eos O O O O O O O B-Attraction-Recommend+Type O O O O O O O N/A +bos it might . can you please tell me the entrance fee , address , and phone number of 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 O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos address is jesus lane , entry fee is free , and the phone number is 01223452587. eos 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 O O O O N/A +bos i also need a train to ely . eos O O O O O O O B-Train-Inform+Dest O N/A +bos there are quite a few . can you tell me what day and time you 'd like to travel 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 O O O O O O Train-Request+Leave,Train-Request+Day +bos i need to travel sunday after 11:00 from cambridge . eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O B-Train-Inform+Depart O N/A +bos i have train tr1159 that departs at 11:50 and will arrive by 12:07. 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+Arrive O O O O O O N/A +bos yes , it would . can you tell me what the travel time is ? eos O O O O O O O O O O O O O O O O Train-Request+Duration +bos the trip will be 17 minutes long . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos thank you can you please book it and send the reference number . eos O O O O O O O O O O O O O O general-thank +bos yes how many ticket do you need ? eos O O O O O O O O O Train-Request+People +bos i do n't need to book at this time actually . that 's 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 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 train . the train should go to cambridge and should arrive by 11:45 eos O O 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 okay , where are you departing from ? eos O O O O O O O O O Train-Request+Depart +bos i want to leave 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 okay , what day of the week are you looking for the train ? eos O O O O O O O O O O O O O O O Train-Request+Day +bos i will depart on wednesday . eos O O 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 : fkdue0oj . 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 wait , this is for 3 people . are there enough available seats ? eos O O O O O O O O O O O O O O O N/A +bos it looks as though they have only booked you for one ticket , i 'm sorry . eos O O O O O O O O O O O O O O O O O O N/A +bos could you redo booking for 3 people please . eos O O O O O O O B-Train-Inform+People O O N/A +bos okay , the booking has been revised to reflect three guests . my apologies for that . eos O O O O O O O O O O O O O O O O O O Train-OfferBooked +bos can i get the new reference number ? eos O O O O O O O O O Train-Request+Ref +bos of course ! you 're new reference number is zf8qfw7e . can i help you 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 O O general-reqmore +bos no- i think you have answered all my questions ! thank you ! eos O O O O O O O O O O O O O O general-thank +bos you are welcome . enjoy your stay in cambridge . good bye . eos O O O O O O O O O O O O O O general-bye +bos i am planning to visit cambridge and i will need a place to stay . eos O O O O O O O O O O O O O O O O N/A +bos i have many listing fitting that description , can you narrow down the specifications a bit ? eos 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+Parking,Hotel-Request+Price,Hotel-Request+Type,Hotel-Request+Internet +bos the hotel i am looking for is called allenbell . eos O O O O O O O O O B-Hotel-Inform+Name O N/A +bos allenbell is found in east region and in the price range of cheap and has a rating of 4 stars . eos O B-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 N/A +bos that works great . can you book it for 3 people for 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 it has been booked reference number pieh7mfg eos O O O O O O O B-Booking-Book+Ref N/A +bos thank you . i appreciate that . can you also help me find a train into norwich ? 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 where are you leaving 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 B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos there are 19 trains available on tuesday . did you have a departure or arrival time in mind ? 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+Arrive,Train-Request+Leave +bos yes , actually . i 'd prefer to leave sometime after 12:45 , please . eos O O O O O O O O O B-Train-Inform+Leave O O O O O O N/A +bos for how many people ? eos O O O O O O Train-OfferBook +bos for 3 people , please . and can i get a reference number please ? eos O O O B-Train-Inform+People O O O O O O O O O O O O N/A +bos tr1659 departs at 14:36 on tuesday . i have three seats booked for you . your reference number is bcp0y15d and you will pay at the station . eos O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O O B-Train-OfferBooked+People 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 N/A +bos how much will it cost me ? eos O O O O O O O O N/A +bos the cost is 17.60 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 we 're happy to be of service . thanks for using the cambridge towninfo centre ! eos 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 please . a hotel would be great . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos there are 9 hotels available . is there a certain area of the city you would like 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 Hotel-Request+Area +bos no , but i 'm looking for a place with a 5 start rating and it should also 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 my records do not show any 5 star hotels with free parking , however the huntingdon marriott hotel is a 4 star hotel with free parking . would that be okay ? 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 O B-Hotel-Inform+Stars O O O O O O O O O O O Hotel-NoOffer,Hotel-Inform+Parking,general-reqmore +bos the huntingdon marriott would be perfect . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos perfect ! can you tell me how many nights , people and what day you 'll be arriving ? eos 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 6 people and 2 nights starting from saturday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O N/A +bos i could not get a room for you there . i was able to get one at gonville hotel . your reference number is a4ij54q . is there anything else ? eos 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 O O B-Booking-Book+Ref O O O O O O O O Booking-NoBook,general-reqmore +bos okay thank you for all your help . eos O O O O O O O O O general-thank +bos enjoy your stay eos O O O O general-bye +bos i need a train that is departing from cambridge and should leave on sunday . eos O O O O O O O O O B-Train-Inform+Depart 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 will be going to ely and i would like it to arrive by 11:45. eos O O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive N/A +bos train tr2475 leaves at 07:50 and arrives by 08:07 on sunday . would you like to book this now ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O Train-OfferBook +bos could i have the price for that train please ? eos O O O O O O O O O O O Train-Request+Price +bos they are 3.52 pounds each eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos yes could you book that for me ? eos O O O O O O O O O N/A +bos yes , i can book that for you . can i confirm that this is for one person , or do you need more than one 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 O O O O Train-Request+People,Train-OfferBook +bos please . i am also looking for a museum in the east please . eos O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos in the east we have four museums cambridge artworks , cambridge museum of technology , gallery at twelve a high street and saint barnabas press gallery . eos O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 N/A +bos could you tell me the entrance fee and address for the cambridge museum of technology ? 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 Attraction-Request+Fee +bos the entrance fee for cambridge museum of technology is 5 pounds . shall i get tickets for you if so how many ? 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+Fee I-Attraction-Inform+Fee O O O O O O O O O O O Booking-Request+People,Booking-Inform +bos that wo n't be necessary . can you tell me the postcode for the museum ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb58ld . 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 will be all . eos O O O O O O O O O O general-thank +bos alright then . have a wonderful day . goodbye . eos O 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 we have many places to choose from . do you have a specific price range or area you want 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 Hotel-Request+Area,Hotel-Request+Price +bos no , but i would like a guesthouse . eos O O O O O O O B-Hotel-Inform+Type O O N/A +bos we have 21 of those , would you like to narrow your choices down by 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 Hotel-Request+Area,Hotel-Request+Price +bos can you give me the address of the one you recommend ? eos O O O O O O O O O O O O O Hotel-Request+Addr +bos i recommend the arbury lodge guesthouse on the northside . its in the moderate price range and its located at 82 arbury road . will that be all today ? 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 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 O O O O general-reqmore +bos does it have free wifi ? eos O O O O O O O N/A +bos yes , they do offer free wifi and parking . would you like reservations ? eos 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 need a reservation just yet , but can you give me 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 absolutely , the address is 82 arbury road , cb42je . may i help with 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 O O O O general-reqmore +bos no , that is everything , thank you for your help . 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 'm looking for a place to go that 's in the centre and deals with architecture . i think it would be really neat ! eos O O O 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 O O O O O N/A +bos there are lots of areas of interest , is there a price point 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 O O O O Attraction-Request+Price +bos i am looking for a moderate or cheap place in the centre . eos O O O O O O O O O O O O O O N/A +bos there are 5 architecture attractions in the city centre . 4 of these are free to get in , and one has an entry fee . my personal favorite is the holy trinity church . 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 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A +bos sounds like a plan . what 's the address for the church ? eos O O O O O O O O O O O O O O Attraction-Request+Addr +bos the address is market street postcode cb23nz . is there anything else you need help with ? 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 general-reqmore +bos i need a train , leaving after 9:00 , going to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos there are many train options . where are you departing and what time would you like to leave at ? 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 Train-Request+Leave,Train-Request+Depart +bos i 'm departing from leicester on wednesday . please book it for 3 people . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O B-Train-Inform+People O O O N/A +bos great . tr8659 leaves at 10:09 and arrives at 11:54. you reference number is fu909tv0 and the total is 113.4gbp eos O 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+Ref I-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket O general-greet +bos thank you very much . eos 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 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-welcome,general-bye +bos i have been robbed and need to know how i can get help . eos O O O O O O O O O O O O O O O N/A +bos the police station in parkside can help . their telephone is 01223358966 with their postcode being cb11jg . eos O O O O O O O O O O O O O O O O O O O N/A +bos perfect , i will give them a call , and see if they can tell me what i should do next . 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 is there anything else i can help you with ? eos O O O O O O O O O O O general-reqmore +bos hi , i want to find some water and go boating somewhere around town . what do you have listed ? 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 N/A +bos i have some great choices for you . there are two places in the centre of town , one in the north and one in east . do you have a specific location ? eos 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 O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Area +bos i think maybe the north for this trip . eos O O O O O B-Attraction-Inform+Area O O O O N/A +bos the riverboat georgina is in the north of town . it 's located at cambridge passenger cruisers , jubilee house . may i help you with anything else ? eos O O B-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 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 have a wonderful time in cambridge ! eos O O O O O O O O general-bye +bos i need a taxi to arrive at the hotspot by 05:15. i need to leave from the junction . i also need the contact number and car type . eos O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O Taxi-Request+Car +bos a grey audi will pick you up , and the contact number is 07899518276. 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 that will be all thanks . eos O O O O O O O O general-thank +bos thank you , let us know if we can help anymore . eos O O 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 05:45 and should depart from the missing sock . 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 I-Taxi-Inform+Depart O N/A +bos what is the destination you are trying to get to ? eos O O O O O O O O O O O O Taxi-Request+Dest +bos i would like to go to great saint mary 's church . 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 O N/A +bos i booked you a black bmw at with a contact number of 07939407760. 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+Phone O O O O O general-reqmore +bos no that was it . thank you very much ! eos O O O O O O O O O O O general-thank +bos i 'm glad we could help . please contact us anytime . good bye . eos O O O O O O O O O O O O O O O O general-bye +bos i am planning a trip to cambridge and would like a place to go in the centre area . 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 do you have a particular attraction type in mind ? there are colleges , cinemas , museums , nightclubs and more . do any of those interest you ? 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 O O O O O O O O O O O O Attraction-Request+Type,Attraction-Select +bos i think a nightclub would be interesting . do you have a favorite ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos i would recommend the soul tree nightclub in the centre of town . eos 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 I-Attraction-Recommend+Area O N/A +bos okay , great . do you have a phone number for the nightclub ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223477900. 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 'm thinking about grabbing a bite to eat . can you tell me about a moderately priced restaurant in the centre of town ? 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 O O N/A +bos sure what type of cuisine are you looking for ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i think indian food sounds good , please provide me with their phone number . eos O O O B-Restaurant-Inform+Food O O O O O O O O O O O O N/A +bos it looks like there are n't any moderately priced indian places in the centre . can i check another section of town , perhaps ? 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 O B-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Area +bos same area is fine , any type of place will work , ill 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 N/A +bos there is none 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 Restaurant-NoOffer +bos sure , any kind of food that is moderately priced and in the same area would be great . 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 sorry it took so long for me to figure out what you meant . i 'd recommend the yippee noodle bar , 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 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 Booking-Inform,general-greet +bos i just want their phone number please eos O O O O O O O O Restaurant-Request+Phone +bos their number is 01223518111. eos O O O O B-Restaurant-Inform+Phone N/A +bos thank you , can you help me book a taxi from the restaurant at 18:45 ? eos O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos sure , what will your destination be ? eos O O O O O O O O O Taxi-Request+Dest +bos i need to go to the soul tree nightclub . eos O O B-Attraction-Inform+Name O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos your booking is completed , a blue toyota will be picking you up . eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O N/A +bos what is the contact number ? eos O O O O O O O N/A +bos i apologize , the contact number is 07415118557 , can i help with anything else ? eos 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 , have a great weekend . eos O O O O O O O O O O O O O general-thank +bos you too ! enjoy your time with us here in cambridge ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos can you find a restaurant called panahar ? eos O O O O O O O B-Restaurant-Inform+Name O N/A +bos i found it , what info would you like ? eos O O O O O O O O O O O Restaurant-Inform,general-greet +bos i would like a reservation for 1 person on sunday at 15:00. 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 booking was successful . the table will be reserved for 15 minutes.reference number is : d78p3bkq . 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 want a place to go in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos i think you should go to the great saint mary 's church , would you like any info on them ? 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 O O O O O O O O O O N/A +bos i would like 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 the entrance fee is 2 pounds . the phone number is 01223350914. is there anything else i can help you with today ? 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 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 Attraction-Request+Type +bos architecture , anything else for you today ? eos O B-Attraction-Inform+Type O O O O O O O N/A +bos that 's it ! thaaaanks ! eos O O O O O O O N/A +bos alright , have a great time . good bye . eos 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 N/A +bos alright , how can i help you today ? eos O O O O O O O O O O general-reqmore +bos i am looking for a restaurant that serves afghan food in the centre . 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 no afghan restaurants in the centre of town . 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 O N/A +bos what about an international restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos may i recommend the bloomsbury restaurant in the moderate price range . eos O O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O N/A +bos what 's the postcode for that place ? eos O O O O O O O O O Restaurant-Request+Post +bos cb23dt . what else may i help with ? eos O B-Restaurant-Inform+Post O O O O O O O O general-reqmore +bos i am looking for a train that will depart from cambridge and will arrive 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 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 friday after 08:30. eos O O O O O O O O O N/A +bos train id tr4187 leaves 13:59 and will cost 16:60 pounds . can i book for you ? eos O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos no , thanks ! but how long is the ride ? eos O O O O O O O O O O O O general-thank +bos the train ride is 88 minutes long . eos O O 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 good day . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm headed to broxbourne and need a train that leaves after 15:00 eos O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Leave 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 leaving cambridge . eos O O O O O B-Train-Inform+Depart O N/A +bos on what day will you be leaving ? eos O O O O O O O O O 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 okay , the tr8522 leaves at 15:01 and arrives at 16:01 and is 14.32 pounds per ticket . eos O O O B-Train-Inform+Id 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 N/A +bos great ! can you book 2 tickets on that train , please ? eos O O O O O O B-Train-Inform+People O O O O O O O N/A +bos okay . your booking was successful ! your reference number is crj5bqkh . your total fee is 28.64 gbp which you can pay at the station . 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 N/A +bos thanks ! i 'm also looking for a restaurant named 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 efes is a turkish restaurant in the city centre . it 's in the moderate price range and the phone is 01223500005. would you like me ot make a booking for you ? 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 B-Restaurant-Inform+Price 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 that 's okay . i have 2 tickets on tr8522 that leaves out of cambridge at 15:01 for 28.64 gbp reference number crj5bqkh . 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 Train-Request+Ref +bos great . do you need anything else ? eos 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 have a great day then . eos O O O O O O O general-bye +bos i 'm interested in finding a train that leaves after 09:15 on monday eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day 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 'm leaving from broxbourne and would like to go to cambridge . eos O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O O N/A +bos may i recommend the 9:32 train from broxbourne to cambridge on monday ? eos O O O O O B-Train-Select+Leave O O B-Train-Select+Depart I-Train-Select+Depart B-Train-Select+Dest I-Train-Select+Dest B-Train-Select+Day O N/A +bos sure . thank you . i would like to book that train for 7 people . please give 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 O Train-Request+Ref +bos your reference number is lmj7aq90 . 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 i also want a place to go in the centre eos O O O O O O O O O O B-Attraction-Inform+Area N/A +bos i can help you with a variety of attractions in the centre , was there anything in particular you wanted to see or do ? eos O O O 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 O Attraction-Request+Type +bos no , can you recommend something ? eos O O O O O O O O N/A +bos the cambridge contemporary art museum is very nice and free ! 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 O O N/A +bos what is their address ? eos O O O O O O Attraction-Request+Addr +bos 6 trinity street . is there anything else ? eos O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 you 're welome , have a great time in cambridge . 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 expensive guesthouse . eos O O O O O O B-Hotel-Inform+Type O O N/A +bos would you settle for a moderately priced 4 star ? eos O O O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Stars O N/A +bos are there any expensive guesthouses in any area ? i just need it to have free parking . 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 i 'm afraid not . would you prefer a cheaper one , or perhaps a hotel ? eos O O O O O O O O B-Hotel-Select+Price O O O O B-Hotel-Select+Type O O O O Hotel-NoOffer +bos sure , i 'll go with a cheap one . eos O O O O O O B-Hotel-Inform+Price O O O O N/A +bos alexander bed and breakfast is available , would you like to book it ? 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 O N/A +bos no , i do n't need to book at the moment , but i would like the address . eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos certainly ! their address is 56 saint barnabas road . is there anything more i can help you with ? 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 general-reqmore +bos i also need a train arriving by 17:45 on sunday . eos O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos how about tr7423 ? it leaves at 0500 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos sorry the train should arrive in leicester by 17:45 and depart from cambridge on sunday . 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 B-Train-Inform+Day O N/A +bos how silly of me to recommend an early morning train when you need to be there in the afternoon , i apologize tr9992 , arrives by 17:06 , interested in tickets ? 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 O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos could you please let me know when that departs and what the total travel time is ? eos O O O O O O O O O O O O O O O O O O Train-Request+Duration +bos let me check into that for you . eos O O O O O O O O O Train-OfferBook +bos thank you , please . eos O O O O O O general-thank +bos that departs at 15:21 and the total travel time is 105 minutes . eos O O O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you very much for your help today ! 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 nope , that 's it thanks ! eos 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 feel like dancing so please find me a nightclub in the centre eos O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area N/A +bos yes i can ! there are 5 , but i like soul tree nightclub . what else can i help you with ? eos O O O 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 general-greet,general-reqmore +bos could you tell me their entrance fee ? eos O O O O O O O O O Attraction-Request+Fee +bos the admission fee is 4 pounds per person . is there anything else i can help with ? 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 O O O O O O general-reqmore +bos yes , i 'm also looking for a train . i need to arrive by 18:00. i 'm heading to london liverpool street . eos O O O O O O O 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 O O O O N/A +bos i have many trains for that time and destination . what day do you want to travel , and where are you departing from ? 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 O O Train-Request+Depart,Train-Request+Day +bos i am departing from cambridge on monday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos the tr3602 train arrives at london liverpool street at 17:27. can i book it for you ? eos O O B-Train-Inform+Id 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 Train-OfferBook +bos you 've already given me the train id . i just need the departure time . eos 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 leaves at 15:59. eos O O O O O B-Train-Inform+Leave N/A +bos great , thank you ! that 's all i need . eos 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-welcome,general-bye +bos are there any expensive portuguese restaurants in cambridge ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry , no there are n't any of those . eos O O O O O O O O O O O O O Restaurant-NoOffer +bos oh no , not even in the west part of town ? eos O O O O O O O O O O O O O N/A +bos cambridge does have two portuguese restaurants , but they 're both cheap and they 're not in the west . eos O O O O O B-Restaurant-Inform+Food 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 N/A +bos i really need something in the west . could you try indian food instead ? eos 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 i have 5 expensive restaurants in the west side of town . if i may , might i suggest the rice boat . they are located at 37 newnham road , newnham . eos O O O O B-Restaurant-Inform+Choice I-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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O N/A +bos the rice boat would be lovely . i 'll need a table on friday at 19:00. it should be for 4 people . i 'll also need a reference number , please ? eos 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 B-Restaurant-Inform+People O O O O O O O O O O O O O N/A +bos yes i got that for you and your reference number is ujwym7zy . eos 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 a hotel in the same area with zero stars . eos O O O O O O O B-Hotel-Inform+Type 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 O Hotel-NoOffer +bos are you sure ? a 0 star hotel in the west side of time . please check again . 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 no hotels or guesthouse in the west , can i try an alternate search ? eos O O O O B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area O O O O O O O O N/A +bos could you try looking for a guesthouse in the 4 star range ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos ok i have the finches bed and breakfast for 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 N/A +bos okay , great . i 'll need to book for friday , 2 nights , and 4 people , please ? eos 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 O O O N/A +bos done ! your reference number is 1fpc2twb . 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-greet,general-reqmore +bos no , that 's all i need for today . thanks ! eos O O 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 i need a place to go and should be a museum eos O O O O O O O O O O O B-Attraction-Inform+Type N/A +bos okay ! there are several museums in cambridge . what part of town would you like to visit ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O O O O O Attraction-Request+Area,general-greet +bos how about ones in the centre , what 's available ? eos O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos there 's 11 different museums in the centre . would you like a recommendation ? 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 general-reqmore +bos yes , and if you can tell me it 's entrance fee , that 'd be great . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos the entrance fee is free . is there anything else eos O O O O O B-Attraction-Inform+Fee O O O O O general-reqmore +bos could you give me the name of the museum ? eos O O O O O O O O O O O N/A +bos my favorite free museum is the broughton house gallery at 98 king street . eos O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Type 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 can i have the info of this place thank you eos O O O O O O O O O O O general-thank +bos what would you like to know ? eos O O O O O O O O general-reqmore +bos oh thank you for the name of the museum and what part of the area is this museum in ? i 'd also like information about the lensfield 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Request+Area,Attraction-Request+Area +bos the museum is in the center part of time . the lensfield hotel is in the south , it 's expensive , three stars and has free wifi and parking . eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos does the museum have an entrance fee ? eos O O O O O O O O O Attraction-Request+Fee +bos no it does not have an entrance fee 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 N/A +bos i need a taxi after the attraction you get 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 i can certainly book that for you . what time 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 Taxi-Request+Leave +bos i would like to leave the museum by 16:45 eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos yor taxi is a blue lexus . the contact number is 07703215621 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 . that is all for today . eos O O O O O O O O O O O O general-thank +bos great ! have a fun trip ! eos O O O O O O O O general-bye +bos i 'm looking for a place to stay in the north maybe a guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Type O O N/A +bos you 're in luck ! i have 11 guesthouses in the north , would you mind sharing your price range and any other preferences you may have ? eos O O O 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 O O O O O O Hotel-Request+Stars,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet,general-greet +bos i 'd like a place rated 4 stars , that offers free wifi . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos that narrows the selection a little . do you need parking ? eos O O O O O O O O O O O O O Hotel-Request+Parking,general-greet +bos no i just need free internet . i also need the price range , address , and postcode of the one you find . 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 Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Addr +bos the avalon is a guesthouse in the moderate price range and is located at 62 gilbert road , their post code is cb43pd . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Type I-Hotel-Recommend+Type 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 O O O B-Hotel-Recommend+Post O O N/A +bos i also need a train to birmingham new street . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos sure , i can help you with that . when 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+Leave,general-greet +bos friday , i am taking a half day at work to get an early weekend so after 14:00 please . eos O B-Train-Inform+Day O O O O O O O O O O O O O O O B-Train-Inform+Leave O O O N/A +bos there is a 14:01 or if that 's too close to 14:00 there is a 15:01 as well . 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 N/A +bos pick one please , just please give me the travel time , 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-Request+Duration,Train-Request+Arrive +bos i would suggest the tr2519 which would depart at 15:01 and arrive at 17:44. this price is 75.10 pounds . would you like to book this train ? eos O O O O O B-Train-Inform+Day I-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 O Train-OfferBook +bos yes for one please . eos O O O O O O N/A +bos i will work on this and be right back with you . eos O O O O O O O O O O O O O Train-OfferBook +bos ok. were you able to book it ? eos O O O O O O O O O N/A +bos how many tickets do you want ? eos O O O O O O O O Train-Request+People +bos for one please . eos 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 : 3d1ah8pm . 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 what was to total travel time for that train booking ? eos O O O O O O O O O O O O Train-Request+Duration +bos a total of 163 minutes eos O O O O O B-Train-Inform+Time N/A +bos that is all for today thanks eos O O O O O O O general-thank +bos thanks you so much eos O O O O O general-welcome +bos you are welcome abd have a great day eos O O O O O O O O O N/A +bos great day to you too eos O O O O O O general-bye +bos thanks you a lot eos O O O O O general-thank +bos please call again if we can further assist you . goodbye . eos O O O O O O O O O O O O O general-bye,general-reqmore +bos hi , i need a tax to queens ' college please . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O N/A +bos what is your departure site ? eos O O O O O O O Taxi-Request+Depart +bos i 'm departing from the oak bistro . eos O O O O O B-Taxi-Inform+Depart I-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 would like to leave after 17:00. eos O O O O O O O B-Taxi-Inform+Leave N/A +bos i have the taxi ready for you eos O O O O O O O O Taxi-Inform +bos i need a train from bishops stortford to cambridge that will arrive by 12:30. eos 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 N/A +bos i have found 7 trains that will get you to cambridge by 12:07. what day would you like me to book ? eos O O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O Train-Request+Day +bos i need it for saturday . eos O O O O O B-Train-Inform+Day O N/A +bos when would you like to leave at ? eos O O O O O O O O O Train-Request+Leave +bos i just need to get there by 12:30 so that train would be good . what time do i depart ? 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 N/A +bos i have train tr6163 that leaves at 5:29 and arrive 6:07. would you like me to make reservations ? 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 O Train-OfferBook +bos no thanks , i just wanted to know the information . i do need a moderately priced hotel , with free parking . eos O O 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 O O O N/A +bos how about bridge 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 can i get more information ? eos O O O O O O O N/A +bos it is a moderately priced guesthouse on the south side , a 3 star . would you like to book it ? eos O 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 I-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform +bos i 'd rather have a hotel . are there any available ? eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos how about the ashley hotel in the north . it also has internet . eos 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 Hotel-Recommend+Internet +bos no thank you that will be all eos O O O O O O O O general-thank +bos great . thanks for using our service ! eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a moderate priced place to stay with free wifi . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O Train-Request+Price +bos what day will you be arriving at the hotel and how long are you 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 am not sure what day , i am just researching now . i would like to have a 4 star hotel . are there any options ? 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 N/A +bos i have about 11 guesthouses that are available . do you have a preference as far as 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 O Hotel-Request+Area +bos i do not have a preference on area . eos O O O O O O O O O O N/A +bos i can suggest the avalon located in the north it is moderately priced with 4 stars . 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+Area I-Hotel-Recommend+Area O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O O O O O Booking-Inform +bos does it have wifi ? eos O O O O O O N/A +bos it does have wifi ! will you need parking as well ? eos O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Inform+Internet +bos nope , that is n't important . can you book it for 1 person for 3 nights starting on thursday please ? 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 N/A +bos okay , i 've booked you at the avalon . your reference number is zg7g439m . can i further assist you ? 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 general-reqmore +bos yes , i need a train to peterbourough on sunday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos there are several trains to peterborough on sunday . where are you departing from and do you have a time in mind ? eos 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 O O Train-Request+Leave,Train-Request+Depart,Train-Request+Arrive +bos i am leaving after 16:45 , can i also get the price for the tickets ? eos O O O O O B-Train-Inform+Leave O O O O O O O O O O O Train-Request+Price +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 cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos okay ! would you like to take the train that leaves at 17:06 ? eos O O O O O O O O O O O O B-Train-Select+Leave O O N/A +bos i want one that will leave at 16:45 as i said earlier eos O O O O O O O O B-Train-Inform+Leave O O O O N/A +bos there is not one that leaves at 16:45. eos O O O O O O O O B-Train-NoOffer+Leave N/A +bos it does n't need to leave at 16:45 , but after . sorry about that . eos O O O O O O O O O O O O O O O O O N/A +bos tr5473 leaves cambridge at 17:06 and arrives in peterborough at 17:56. 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+Dest O B-Train-Inform+Arrive O O O O O O Train-Select +bos that sounds like it might work , could you just forward me the price of that one please ? 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 that train ride will cost 13.20 pounds . shall i book it for you ? eos 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 that will be all today , thank you ! eos 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 . goodbye . eos 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 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 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 general-reqmore +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 O O O O Hotel-Request+Type +bos i would love if it were a 2 star place . and a hotel if i can . eos O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Type O O O O O N/A +bos there are 2 hotels located in north . may i suggest the ashley hotel ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos perfect , i need to book it for 5 people , 5 nights starting from monday . if that fails try thursday and i will need the reference number please . 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 O O O O O O O O O O O O O Hotel-Request+Ref +bos your reservation for 5 at ashley hotel this monday for 6 days 5 nights was successful . your reference number is : zcpi0ypm . anything else i can assist you with today ? eos O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name O 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 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 i hope you have a great stay . goodbye . eos O O O O O O O O O O O general-bye +bos i want a hotel that does n't include internet , but it needs to be a place to stay in the east . 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 N/A +bos i do n't have any options specific to the east . may i consider any other areas of town ? eos O O O O O O O O O B-Hotel-NoOffer+Area O O O O O O O O O O O Hotel-Request+Area +bos 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 . eos O O O O O O O O O O O O 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 gives us about 6 options to choose from . all are in the east and all offer both free parking and free internet . what price range do you prefer ? eos O O 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 O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos it does n't matter . i 'd like 4 stars though . eos O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos ok what about the allenbell ? it 's priced cheap . eos O O O O O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O O O N/A +bos sure . what is the hotel type and address please ? eos 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 it 's located at 517a coldham lane . would you like me to book you a room there ? eos O O B-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 O O O O O O O O O O O O O Booking-Inform +bos no thank you . i also need a train that arrives by 19:45 and departs from cambridge . eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O O N/A +bos what day and time will you be departing ? what is your destination ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day,Train-Request+Leave +bos i will be departing on thursday in the afternoon and heading to ely . eos O O O O O O O O O O O O O O O N/A +bos okay would you like me to book this for you ? eos O O O O O O O O O O O O Train-OfferBook +bos i 'm sorry , i am actually leaving on wednesday and going to london liverpool street . eos O O O O O O O O B-Train-Inform+Day O O O O O O O O O N/A +bos tr1549 leaves wednesday at 17:50 arriving in ely at 18:07. would you like me to book it for you ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O 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 travel time is 17 minutes and it 's 4.40 pounds . do you need anything else ? eos 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 general-reqmore +bos what is the price of the train ? eos O O O O O O O O O Train-Request+Price +bos the price is 4.40 pounds per ticket . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos have a nice day . eos O O O O O O N/A +bos thank you , let me know if i can assist with that booking . eos O O O O O O O O O O O O O O O general-bye +bos yes , can you help me with my hotel plans ? eos O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos 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 ? eos O O O O O O O O O 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 want to stay in cambridge and i need a cheap hotel . eos O O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos i have about 10 options of cheaper rooms . most are guesthouses and 1 is a hotel . do you prefer one over the other ? eos 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 B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O Hotel-Select +bos i prefer a hotel . preferably one with free parking . eos O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos is there a particular side of town you prefer ? eos O O O O O O O O O O O Hotel-Request+Area +bos i would like to be in the center . eos O O O O O O O O O O N/A +bos the hotel is located in the west . would you like a guesthouse instead ? eos O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O B-Hotel-Select+Type O O O N/A +bos after rethinking some things , i actually would like an expensive hotel in the centre . i 'd still like free parking as well . are any available ? eos 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 O O O O O O O O N/A +bos i have two . would you prefer 3 or four stars ? eos O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Select+Stars I-Hotel-Select+Stars O O N/A +bos either is fine . eos O O O O O N/A +bos ok , i will book you in the university arms hotel . how many people are staying in the hotel and for how many nights ? eos 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 O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos do they have internet and what is there address ? eos O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Addr +bos yes , they have free wifi . would you like to book a room now ? eos O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos no , do n't worry about booking the room , just please give me the address for the hotel . 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 Hotel-Request+Addr +bos the address is regent street , cb21ad . what else can i do for you ? eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O general-reqmore +bos i also need a train . it should leave monday from broxbourne and arrive in cambridge by 10:45 eos O O 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 O N/A +bos the tr 0559 is your best match , it gets you there at 10:32 , interested ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O B-Train-Inform+Arrive O O O O N/A +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 , your reference number is 50dorsny . eos O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you for your assistance . 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 'm looking for a place to stay in cambridge , moderate price for a hotel . eos O O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Type O O O N/A +bos are there any amenities that you are looking for ? parking ? internet ? eos O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos i 'd like free parking . eos 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 do n't really have a preference for area . but i would like it to be a hotel rather than a guesthouse . and i would love 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 O O O O O O O N/A +bos we have ashley hotel and lovell lodge , shall i book you for one of the two ? eos 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 O O Booking-Inform +bos i need it for 7 people . 5 nights starting sunday . eos 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 which of the 2 hotels should i book for you ? eos O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O N/A +bos how about the ashley hotel ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos booking was successful . reference number is l1s8jnac . do you need 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 i am also looking for a train departing from stansted airport going to cambridge on sunday . i need to leave after 19:30. 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 B-Train-Inform+Day O O O O O O B-Train-Inform+Leave N/A +bos tr2021 is leaving at 20:24 would that work for you ? eos 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 , please make a booking for my group . we 'll all be traveling together . eos 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 56.56 gbp payable at the station .reference number is : eziaxwcq . 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 is all i needed today . eos O O O O O O O O O O general-thank +bos great ! i 'm glad i could be of help . have a good 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 cheap place to stay . eos O O O O O O B-Hotel-Inform+Price O O O O N/A +bos we have ten cheap options , any preferences . eos O O O O B-Hotel-Inform+Choice O O O O O N/A +bos we will need free parking . do any of the options have 4 stars ? eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos allenbell matches your requirements , would that work for you ? eos O B-Hotel-Recommend+Name O O O O O O O O O O N/A +bos i need the hotel type , address and to know if they have wifi . eos O O O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Type,Hotel-Request+Addr +bos allenbell is a guesthouse , located at 517a coldham lane . yes , they do have wifi . eos O B-Hotel-Inform+Name O O 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 Hotel-Inform+Internet +bos i 'm also looking for a particular attraction . it 's called trinity college eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos trinity colleges phone number is 01223338400. they are on trinity street with postcode cb21tq . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O N/A +bos thank you so much for the phone number . good bye . eos O O O O O O O O O O O O O Attraction-Request+Phone +bos you 're welcome . have a nice day . eos O O O O O O O O O O general-bye +bos hi , i 'd like to find out more about any luxury hotels that have at least a 3-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 O N/A +bos i have found 2 luxury hotels that both have 3 star ratings . the gonville and the lensfield hotel are both available to book . eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Stars 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 hotel should be expensive and does not need to have free parking . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Parking O O O O O N/A +bos both the gonville and lensfield are expensive . both also do have free parking . do either one of those sound suitable ? eos O O O O O B-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 O Hotel-Inform+Parking,general-reqmore +bos the first one sounds ok to me . eos O O O O O O O O O N/A +bos i can go ahead and book it for you . eos O O O O O O O O O O O Booking-Inform +bos yes please make a booking for 1 people and 5 nights starting from 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 N/A +bos i made a reservation for you at the gonville hotel for 5 nights starting saturday . your reference is pux8nrce . 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 O B-Booking-Book+Stay 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 no thank you . that was all i needed . eos O 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 i am looking for a place to stay . eos O O O O O O O O O O N/A +bos sure . do you have a preference as to location , price , or amenities ? eos 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,Hotel-Request+Internet +bos i would like free parking and wifi for sure . preferably on the west side with 4 stars , too . eos O O 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 N/A +bos i 'd suggest finches bed and breakfast . it 's a guesthouse in the west area with free internet and parking . 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+Type O O B-Hotel-Recommend+Area O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos that sounds wonderful . could you reserve our rooms ? we 'll be a party of 8 , and we 'd like to arrive on sunday . i think we 'll be staying 4 nights . 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 B-Hotel-Inform+Stay O O O O O O O O N/A +bos i have booked finches bed & breakfast for you starting sunday for 4 nights for 8 people . your reference number is h7whfpqt . is there anything i may assist with ? eos O O 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 B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos thank you , yes , i 'd like to also find a nice park to visit while i 'm in town . can you see if there is one near my hotel ? 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 O O O O O O O O O O O O N/A +bos unfortunately , i could not find a park in the west . can i try a different area ? 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 Attraction-Request+Area +bos no , but can you try to find a museum in the west please ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos sure , i 'd like to suggest the cafe jello gallery . is that everything ? eos 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 general-reqmore +bos may i please get their address and phone number ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the cafe jello gallery is at cafe jello gallery , 13 magdalene street and their phone number is 01223312112. what else can i do for you ? 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 O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos no , you 've been so helpful . thank you so much ! have a great night . 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 as well . eos O O O O O O O O O O O O general-welcome +bos can you give me information on an attraction called ballare ? eos O O O O O O O O O O B-Attraction-Inform+Name O N/A +bos the ballare is located in heidelberg gardens , lion yard postcode cb23na , phone number is 01223364222. the entrance fee is 5 pounds . 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 B-Attraction-Inform+Post 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 thanks . i 'm also looking for somewhere to stay in the north . it should be in the moderate price range and has a star of 2 as well . eos 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 O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos would you want to try the lovell lodge , which is in the moderate price range and in the north . 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+Price O O O O O B-Hotel-Inform+Area O O N/A +bos let 's do that . please reserve it for 6 people and 5 nights starting from 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 O N/A +bos the booking goes through and the reference number is ty5hfly1 . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos can you help me to book a taxi from the hotel to the ballare . i want to leave by 17:30. 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 N/A +bos a black bmw is picking you up . here is the contact number 07595412433 in case you need to call them . is that everything ? 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 O O O general-reqmore +bos that 's all . thank you so much for the 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 ! eos O O O O O O O O O O general-welcome,general-bye +bos find me a train to kings lynn that arrives by 20: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 the tr3112 arrives at 05:58. will that work ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O general-reqmore +bos is it on saturday ? eos O O O O B-Train-Inform+Day O N/A +bos i 'd suggest tr7604 , it departs at 19:11 on saturday and arrives by 19:58. would you like a ticket ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes , i definitely would . can i please have the confirmation number as well ? eos O O O O O O O O O O O O O O O O O N/A +bos how many people will be traveling ? eos O O O O O O O O Train-Request+People +bos no , that 's ok. no need to book it , but can you tell me 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 the price per ticket on the tr7604 is 7.84 pounds . can i assist you further today ? eos O O 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 general-reqmore +bos i want to book a room at the el shaddai for 4 people 4 nights starting tuesday eos O 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 N/A +bos booking was successful.reference number is : 9dolsr1s . anything else today ? eos O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos thank you . eos O O O O general-thank +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 hotel to stay at with a 4 star rating but also in the cheaper price range ? thanks . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i have 8 options for you . what area 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+Area +bos what places are in the south ? eos O O O O O O B-Hotel-Inform+Area O N/A +bos there is rosa 's bed and breakfast in the south that has free parking and 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 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 O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes for one person for 4 nights starting friday please . eos O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos i booked you a room at rosa 's bed and breakfast for 4 nights starting friday . your reference is v0huxeuz . 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 I-Booking-Book+Name O O B-Booking-Book+Stay O B-Booking-Book+Day 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 do . eos O O O O O O O O O O general-thank +bos well , 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 hi there . i 'm on a really tight budget but need to find me a cheap room to stay . 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 N/A +bos we have several cheap htels and guesthouses available . do you have a particular location in mind ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Area +bos not really . it does need to be a hotel and parking is n't really an issue with us . eos O O B-Hotel-Inform+Parking 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 one in the cheap range , shall i book it ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Price O O O O O O O Booking-Inform +bos does it have a star of 0. that is very important to me ? eos O O O O O O O O O O O O O O O N/A +bos unfortunately , it 's 4 stars . would you like to try a different hotel type ? eos O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Hotel-Request+Type +bos what about one that is 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 found 3 hotels , do you have a preference for the area of centre or north ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O N/A +bos no area preference . any of them are fine . can you book one for me starting thursday ? 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 yes , of course . for how many nights and how many people ? eos 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 three people and we need it for 3 nights . can i get the reference number for that once it is booked ? eos O 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 O O Hotel-Request+Ref +bos i 've booked you at the ashley hotel , and your reference number is 9zkdnrmv . 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 N/A +bos i also want to book a taxi leaving the hotel by 20.15.get 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 Taxi-Request+Car +bos where will you be taking the taxi to ? eos O O O O O O O O O O Taxi-Request+Dest +bos i 'm sorry i did not mention i am looking for an entertainment attraction in the south of town . 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 O N/A +bos i can help you find something ! how about nusha or tenpin ? they are in the south and are entertainment facilities . eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Type O O N/A +bos what type of entertainment are they ? can you give me phone numbers , please ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos they are parks . phone number for nusha is 01223902158 and for tenpin is 08715501010. eos O O O B-Attraction-Inform+Type O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone I-Attraction-Inform+Phone N/A +bos i 'd also like a taxi to go between the two , and i 'd like to leave the hotel by 20:15 if possible . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave O O O O O O N/A +bos i 'm sorry , which park would you like to go to ? eos O O O O O O O O O O O O O O Taxi-Request+Dest +bos i think tenpin should work nicely , thanks . eos O O O B-Taxi-Inform+Dest O O O O O O N/A +bos i was able to book that taxi for you . be looking for a red lexus . if you need to reach them , please contact 07275581182. anything else i can help with ? 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 B-Taxi-Inform+Phone O O O O O O O O O O N/A +bos wonderful ! nope , that 's it . thanks so much 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 're welcome ! have a great day in cambridge ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'm viviting cambridge and would really love to do something while i am here on a boat . are there any attractions like that ? 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 O O O O O O N/A +bos there are four boat attractions to choose from . i recommend the riverboat georgina in the north . would you like more information about it ? eos O O O O B-Attraction-Inform+Type O 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 O O O O general-reqmore +bos i would love more information , thanks ! eos O O O O O O O O O N/A +bos well , the phone number is 01223902091 and the postcode is cb43ax . 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 thanks . i 'll also need a place to stay on my visit . could you find me a 3 star hotel nearby ? 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 do you have a price range in mind ? eos O O O O O O O O O O Hotel-Request+Price +bos no , i do not have a price range . any price range will do . eos O O O O O O O O O O O O O O O O O N/A +bos there are two hotels fitting your requirements . do you have a regional preference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos yes , i do . north , please. , and i would like a guest house . 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 okay , the alpha-milton guest house and hamilton lodge are both in the north , and both have a moderate price . do you have a preference ? 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 B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O O O O O O O Hotel-Select +bos either will do . please book it for 2 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 booking at thw hamilton lodge was successful . your reference number is 3zvbkbhn . 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 general-reqmore +bos no that is all , thank you . good bye . 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 do you have any places to stay in the west that include free parking ? eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos yes , we have four , two guesthouses and two hotels . do you have a preference ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O Hotel-Select +bos are any of those in the cheap price range with free wifi as well ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos i have two options , a guest house and a hotel . which do you prefer . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O Hotel-Select +bos i would like the hotel for one person for 4 nights starting on friday eos O O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A +bos i 'm sorry , but they have no vacancy at that time . would you like to try a shorter stay , 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos yes , let 's try for just one night please . eos O O O O O O O O O O O O N/A +bos i have successfully booked you a room at the cambridge belfry for friday . your reference number is de3b03b6 . is there anything else i can do for you ? eos O O 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 O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos yeah , could i find someplace in the same area of town to go to do something ? eos O O O O O O O O O O O O O O O O O O O N/A +bos magdalene college would be nice for you eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A +bos i will be in cambridge and am looking for some places to go in the centre while i visit . 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 i 'd be happy to help you pick one ! there are over 40 attractions in city centre ; what type of activity are you interested in ? eos 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 O O O O Attraction-Request+Type +bos i do n't really care . can you suggest something ? eos O O O O O O O O O O O O N/A +bos how about a museum ? or we have some terrific colleges you could visit . there 's always the theatre as well . eos 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 O O O N/A +bos how about a theatre ? can you give me the post code and phone number for one , please ? 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 Attraction-Request+Post,Attraction-Request+Phone +bos the cambridge arts theatre is located at 6 saint edward 's passage in postcode cb23pj . their phone number is 01223503333. 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 B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O N/A +bos thank you ! can you help me find a hotel to stay in ? i need it to have free wifi . 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 just about every lodging in town has internet ( it 's 2017 , after all ! ) . do you have a certain area or price range in mind ? eos 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 O O O O O Hotel-Request+Price,Hotel-Inform+Internet +bos it needs to be in the same area as theatre and have free parking . i do n't care about 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 N/A +bos okay its address is located at 6 saint edward 's passage and its postal code is cb23pj . eos 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 B-Hotel-Inform+Post O O N/A +bos can you book it for me ? just for one person starting on wednesday for 5 nights . eos 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 N/A +bos i 'm sorry , none of the hotels in the centre are free on those dates . would you like to try a different 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 O O O O O Booking-NoBook,Booking-Request+Stay +bos can you try for just 2 nights then ? eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos your booking at the alexander bed and breakfast was successful , the reference number is l60goseu . 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 B-Booking-Book+Ref O O N/A +bos can i please book a taxi to get to the hotel ? eos O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos sure . what time would you like to be picked up from cambridge arts theatre ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos i 'd actually like to be picked up from alexander bed and breakfast by 15:30. 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 N/A +bos i have booked a black bmw to pick you up . the contact number is 07334398349. 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 that 's all for today . 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 general-bye +bos are there any hotel rooms left ? eos O O O O O O O O Hotel-Inform +bos the list is so broad . can you specify the price range ? eos O O O O O O O O O O O O O O Hotel-Request+Price +bos i 'm looking for a 4 star guesthouse with free parking and wifi- anything in that range ? eos 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 there are 16 hotels that match that description . do you have a preference for location or 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 O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i want it to be a guesthouse specifically . eos O O O O O O O B-Hotel-Inform+Type O O N/A +bos yes , we have 16 guesthouses that meet your needs . if area and price do n't matter , i recommend the acorn guest house in the north . 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 B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O N/A +bos great ! can you give me their phone number , area and address , please ? eos 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+Addr +bos sure , it is in the north . the address is 154 chesterton road and their phone number is 01223353888. eos O O O O 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 B-Hotel-Inform+Phone O O N/A +bos i am also looking for a particular attraction . eos O O O O O O O O O O Attraction-Inform +bos i can help you with that ! what is the name of the 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 Attraction-Request+Name,general-greet +bos i 'm looking for clare college . i 'd like to get the postcode , please . eos 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+Post +bos sure ! the postcode is cb21tl . eos O O O O O B-Attraction-Inform+Post O O general-greet +bos last thing i need is a taxi from clare college to the hotel , and i need to leave by 16:30. eos 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 B-Taxi-Inform+Leave O N/A +bos i have booked that taxi and your contact number is 0707064481 please look for a black ford . eos 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 N/A +bos thanks so much you have been very helpful ! eos O O O O O O O O O O general-thank +bos welcome amd i am happy i helped you . 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 'm looking for some entertainment for later . eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are five entertainment attractions in town , two in the east , two in the south , and one in the west . is there a particular area of town that you prefer ? eos O O O O B-Attraction-Inform+Type 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 O O O O O O Attraction-Select +bos yes , i 'd like to stay in the south part of town please . 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 two options : nushua and tenpin . both are located at cambridge leisure park on clifton way . would you like the phone number for either of 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 N/A +bos yes . please tell me the one you like best and then how much that place 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 O N/A +bos i would recommend the nusha . i do not know what the entrance fee is . you may call 01223902158 to check . do you need anything else ? eos O O O O O B-Attraction-Recommend+Name 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 O O O O O O O O O O O general-reqmore +bos i also need a hotel in the centre in the moderate price range with free parking . 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 N/A +bos i do n't have any that match your criteria , i 'm sorry . eos O O O O O O O O O O O O O O O Hotel-NoOffer +bos can you try looking in the south then ? eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are two results , they are both gueshouses.there 's aylesbray lodge guest house , 4 stars , and bridge guest house , 3 stars . can i book one for you ? eos O O O O O 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 I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos yeah could you please book one of those for me ? eos O O O O O O O O O O O O N/A +bos when would you like to book the room and for how many nights and people ? eos 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 need a hotel for people for 3 nights starting friday . eos 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 will be staying ? eos O O O O O O O O Booking-Request+People +bos it will be 4 people and 3 nights starting from friday . 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 for the aylesbray lodge guest house has been confirmed . your reference number is 8go1q7pm . can i help with anything else ? 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+Ref 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 welcome and thanks for using our services eos 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 too , enjoy your stay in cambridge . eos O O O O O O O O O O general-bye +bos hi , i 'm looking for a guesthouse hotel with free parking . can you help me with this ? 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 of course ! what area are you looking for ? eos O O O O O O O O O O O Hotel-Request+Area +bos guesthouse please , with parking available and free wifi , i 'm tired of paying extra for 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 they are many . do you have a place you prefer ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Name +bos i do not . can you suggest ? eos O O O O O O O O O N/A +bos acorn guest house is a nice place do you want more info ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O N/A +bos that will work . can you please give me the phone number , area and postcode ? eos 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 thing ! they are 01223353888 , north , and cb41da . will that be all for today ? eos O O O O O B-Hotel-Inform+Phone B-Hotel-Inform+Area O B-Hotel-Inform+Post O O O O O O O O O O O general-welcome,general-reqmore +bos do you have any places to go in the east area ? eos O O O O O O O O O O B-Attraction-Inform+Area O O Hotel-Request+Area +bos there are 10 attractions in the east . do you have a preference for type ? if not , i recommend cambridge artworks 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O Attraction-Request+Type +bos cambridge artworks sounds nice . can you tell me their phone number , address , and type ? 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 O Attraction-Request+Phone,Attraction-Request+Type,Attraction-Request+Addr +bos yes , the phone number is 01223902168. their address is 5 greens road and the type is a museum . can i help you find anything else ? 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 O O O B-Attraction-Inform+Type O O O O O O O O O O general-reqmore +bos yes , please book a taxi for me . i want to leave at 19:30 from my hotel and go to cambridge artworks . please give me the car type and contact info eos O O O O O O O O O O O O O B-Taxi-Inform+Leave 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 O Taxi-Request+Car,Attraction-Request+Type +bos alright , a grey bmw is booked for you . the contact number is 07975649403. can i assist you further ? 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 general-reqmore +bos no , that was all i needed . thanks for your help . eos 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 what kind of entertainment is located in town in the south area of cambridge ? eos 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 nusha is entertainment in the south part of town . eos O B-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos sounds interesting . what is the entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos it is actually free . you can call them at 01223902158. eos O O O O B-Attraction-Inform+Price O O O O O O B-Attraction-Inform+Phone N/A +bos that sounds great . what 's the postcode ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb17dy . do you need any more information ? eos O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos i also need the phone number for the avalon hotel . eos O O O O O O O O O B-Hotel-Inform+Name B-Hotel-Inform+Type O Hotel-Request+Phone +bos unfortunately my system is not showing the number would you like the number to another hotel ? eos O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone I-Hotel-Inform+Phone I-Hotel-Inform+Phone I-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos i have a name of a hotel that i 'm looking to book . eos 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 looking for ? eos O O O O O O O O O O O O O Hotel-Request+Name +bos the gonville . have you heard of it ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A +bos oh yes ! the gonville is an expensive 3 star in centre of town . would you like to book there ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O B-Hotel-Inform+Stars 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 yes , that would be great . eos O O O O O O O O N/A +bos i 'll be happy to book that for you . first , can you tell me how many guests will be staying and how long you will be 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 Booking-Request+Stay,Booking-Request+People,Booking-Inform +bos i need it for 2 people for 4 nights staring on monday 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 have your reservation for 2 at the gonville hotel for 4 nights , starting monday . can i help with anything else ? 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 B-Booking-Book+Day O O O O O O O O O general-reqmore +bos thanks , what 's the reference number ? eos O O O O O O O O O Hotel-Request+Ref +bos your reference number is yogciqvz . eos O O O O O B-Booking-Book+Ref O N/A +bos i also am looking for places to go and would like to find a museum to visit . 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 the broughton house gallery is a great museum located in the same area as the gonville hotel . does that sound of interest to 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 O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O N/A +bos yes it does . may i please get the museum 's phone number ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos of course , it 's 01223314960 anything else today ? eos O O O O B-Attraction-Inform+Phone O O O O O O general-reqmore +bos no , that 's it for today . 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 . please contact us if you need help with anything else . 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 0 star hotel to stay at that includes free parking . do you know of any ? eos 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 N/A +bos i 'm sorry , there is n't anything that matches those requirements . 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 Hotel-NoOffer,general-reqmore +bos i need a hotel with free wifi . eos O O O O O O O O O N/A +bos i do n't have anything with that criteria . can we 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 can you look again and search all areas . eos O O O O O O O O O O Attraction-Request+Area +bos i did find a 0 star guesthouse with those requirements . does that interest you ? or would you like me to find a hotel with a different rating perhaps ? eos 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 O Hotel-Request+Stars,general-reqmore +bos can you find another one please ? eos O O O O O O O O N/A +bos there are 2 with 0 star ratings , would you prefer to be in the north area or centre ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O N/A +bos honestly it does n't matter to me , either area will do just fine . just make sure the hotel offers 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 O O Attraction-Request+Area +bos may i suggest , city centre north b and b ? 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 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 , please . can you book a room for monday for 2 people , 4 nights please ? 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 O N/A +bos sv6ezz21 is your reference number for that booking . is there anything else i can do ? eos O B-Booking-Book+Ref O O O O O O O O O O O O O O O O general-reqmore +bos i 'd like to go to the theatre as well . can you help me find one ? 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 sure , i can help you with that . there is 5 theatres in the city . 4 are in the the centre and 1 in the south . do you have a preference ? 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 O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Area +bos you can pick one but please give me the entrance fee , area and address of what you pick . 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+Fee,Attraction-Request+Addr +bos the address of adc theatre is park street and the fee is not known . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos in what area is the adc theatre ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Area +bos it 's located in the centre . is there anything else i can help you with ? eos 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 general-reqmore +bos please give me the entrance fee area and address eos O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee,Attraction-Request+Addr +bos i am sorry , there is no entrance fee listed . they are located on park street . is there anymore information you need ? eos 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 have a great time . eos O O O O O O general-bye +bos hi ! what can you tell me about the lensfield 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 lensfield is an expensive hotel in the south . eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos ok great , could you book a room for me ? i need it for 2 nights and there are 6 in my party . 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 O O N/A +bos yes . what day will you be arriving ? eos O O O O O O O O O O Booking-Request+Day +bos i would like to book starting thursday . 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 N/A +bos yes , please . i 'm ready to write it down . eos O O O O O O O O O O O O O N/A +bos booking was successful.reference number is : q1lrym78 . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos yes , i was also hoping to find a museum to visit while i 'm in town . 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 there is the byard art museum and its free admission eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos i am looking for a moderately priced hotel with free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos do you have a preference on area ? eos O O O O O O O O O Hotel-Request+Area +bos no , but i would like a 4-star guesthouse . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos we have 9 options , including home from home guesthouse in the north . shall i book it for you ? 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 O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform +bos that sounds good . yes , please book it for 2 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 of course , how many people will there be ? eos O O O O O O O O O O O Booking-Request+People +bos 3 people only . eos O O B-Hotel-Inform+People O O N/A +bos booking was successful.reference number is : cm5sepyo . 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 that is all . thank you 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 i 'd like to find out if there 's a particular attraction in cambridge called kambar eos O O O O O O O O O O O O O O B-Attraction-Inform+Name O O N/A +bos yes , kambar is a nightclub in the centre of town . can i give you some information on it ? eos O O B-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 O O O O O O O O O N/A +bos yes please , can i get 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 sure the address is 1 wheeler street , postcode is cb23qb and the phone number is 01223842725. eos 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 B-Attraction-Inform+Phone O O N/A +bos i am also looking for a really pricey guesthouse . eos O O O O O O O O O B-Hotel-Inform+Type O N/A +bos i 'm sorry , i do n't know of any expensive guest houses . can i look for something else for you ? 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 N/A +bos hmm . do you have any guest houses in the east with 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 yes , there are a few of them . what price ranger would you like ? 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+Price +bos i 'd like a cheap one if that 's fine . eos O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos i recommend allenbell . it has 4 stars and is in your price range . may i book it for you ? eos O O O B-Hotel-Recommend+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 yes , that would be great . i 'll need it to start on tuesday and go for 5 nights . it will be 2 people . eos 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 B-Hotel-Inform+People O O O O O N/A +bos i have made your reservation for the allenbell for 2 people for 5 nights starting on tuesday . your reference number is pyy0cnux . is there anything else i may assist you with ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name 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 no thanks . that takes care of all i needed . goodbye . eos O O O O O O O O O O O O O O general-bye +bos thank you for calling . i hope you enjoy your stay . goodbye . eos 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 fun attraction in the center of town . eos O O O O O O O O O O O O O O O O Attraction-Inform +bos i have two nightclubs and a cinema . would either of these venues interest you ? 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 O O Attraction-Select +bos how about the cinema ? could you tell me their name , as well as their phone number 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 Attraction-Request+Phone,Attraction-Request+Fee +bos the vue cinema is located at the grafton centre on east road . their phone number is 08712240240 and there is no entrance fee listed . 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 I-Attraction-Inform+Fee O O N/A +bos thank you very much . i am also interested in a hotel named `` bridge guest house . '' can you please provide me with a bit of information regarding this hotel ? 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 N/A +bos bridge guesthouse is moderately prices with 3 stars , wifi and parkign are included . would you like more info on them ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos can you just go ahead and book that for me ? eos O O O O O O O O O O O O N/A +bos i sure can , what day are you wanting to check in ? eos O O O O O O O O O O O O O O Booking-Request+Day +bos i want to go on sunday . 7 people and 5 nights . thank you . eos O O O O O O B-Hotel-Inform+Day 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 : lveiji1a . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you , have a great day . eos O O O O O O O O O general-thank +bos i hope i have been of help to you . eos O O O O O O O O O O O general-bye +bos you have . thanks again . good-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 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 O O O O O Train-OfferBook +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 O 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 Train-OfferBook +bos i am looking for a hotel in the expensive price range . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A +bos there are 5 expensive hotels available . did you have a preference as to area of the hotel ? 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 Hotel-Request+Area +bos no , it does n't matter . i would like a 4 star hotel with free parking though . eos 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 two , one in the west and one the centre 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 could you reserve the one in the centre of town for 3 nights starting monday ? there will be 3 of us . eos 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 O O N/A +bos unfortunately , i was n't able to book you for the day and time you wanted . would another day or time be alright ? eos O O 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 okay , could you try the other one , please ? eos O O O O O O O O O O O O N/A +bos i could n't book that one either . would you like to change your criteria ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+People,Booking-Request+Time,Booking-Request+Stay,Booking-Request+Day +bos i would actually like to book it for 8 people , not 3. eos O O O O O O O O O O B-Hotel-Inform+People O O O N/A +bos sure no problem . so the hotel is huntingdon marriott hotel and your reference number for the booking is 34baq2wk . is there anything else i can help ? 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 general-reqmore +bos that 's great . i 'm all set , thank you ! eos O O O O O O O O O O O O O general-thank +bos you 're welcome . glad to help ! bye bye ! eos O O O O O O O O O O O O general-bye +bos i would like to find a very expensive indian restaurant , can you help me ? eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O N/A +bos certainly ! cambridge boasts 14 such establishments . would you prefer a specific area of town ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Area +bos no i need to find an indian restaurant , anywhere in cambridge that is expensive please . i need the area located , address and postcode please . eos 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 O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Addr +bos curry garden is located in the centre at 106 regent street city centre . it 's phone number is 01223302330 and the postcode is cb21dp . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O 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 O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O O N/A +bos thanks , i also need the location of kirkwood house . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos sure , its located on 172 chesterton road and the number is 01223306283 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+Phone O N/A +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes they do . eos O O O O O Hotel-Inform+Parking +bos what is the star of the hotel ? eos O O O O O O O O O Hotel-Inform +bos the hotel is four stars . eos O O O O B-Hotel-Inform+Stars O O N/A +bos can you help me find a train departing from cambridge going to stevenage ? eos O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos sure , what day will you be travelling ? eos O O O O O O O O O O Train-Request+Day +bos i will be travelling on monday and need to arrive by 18:45. eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A +bos tr0254 arrives 18:10. want to book ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Arrive O O O O Train-OfferBook +bos could you tell me the cost of the train ticket ? eos O O O O O O O O O O O O Train-Inform +bos the cost is 12.80 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos great thanks . so what time do i need to be at the cambridge station ? eos O O O O O O O O O O O O O O O O O general-thank +bos you need to be at the cambridge station at 17:21. eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos thank you very much . could you help me get a guesthouse as well ? eos O O O O O O O O O O O O B-Hotel-Inform+Type 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 Hotel-Request+Area,Hotel-Request+Price +bos one in the west , would be best . eos 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 would like something in the moderate price range . eos O O O O O O O B-Hotel-Inform+Price O O O Train-Request+Price +bos sure when are you planning your stay so i can book the room for you eos O O O O O O O O O O O O O O O O Booking-Request+Day +bos i do not need it to be booked . can i just get the postcode and whether it has internet ? 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,Hotel-Request+Internet +bos sure . hobsons house is a guest house in the west with moderate pricing and internet . do you need any additional information ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O O O O O O O O O Hotel-Inform+Internet,general-greet,general-reqmore +bos yes , does the guesthouse have a star rating of 3 ? eos O O O O O O O O O O O O O N/A +bos yes , hobsons house does have a 3 star rating . it is located at 96 barton road and their phone number is 01223304906. do you need anything else today ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars 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 O O O O O O O general-reqmore +bos just one other thing . can you clarify the travel time for the train ? i need to make sure i am prepared . tr0254 i believe . eos O O O O O 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 travel time for the train is as follows ; departure 17:21 arrival 18:10 eos O O O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Arrive O O N/A +bos there are trains that run out of broxbourne , right ? eos O O O O O O O O B-Train-Inform+Depart O O O N/A +bos indeed , do you know what day you 're traveling ? eos O O O O O O O O O O O O Train-Request+Day +bos i need to get to cambridge on sunday , and i need to get there around 10:00. eos 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 tr3111 will arrive at 09:32. want to book ? eos O B-Train-OfferBook+Id O O O B-Train-OfferBook+Arrive O O O O N/A +bos yes , i need a booking 3 people and the reference number . eos 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 42.96 gbp payable at the station . reference number is : jy9bzkav . 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 a place to stay in the south with a 4 star rating . eos O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O N/A +bos i have two options for you . both offer free parking and wifi and are 4 star rated . there is aylesbray lodge and rosa 's bed and breakfast . which would you prefer ? eos O O O O O O O O O O O O O O O O B-Hotel-Select+Stars 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 O O O O O O O Hotel-Select+Parking,Hotel-Select+Internet +bos are either of those in the moderate price range ? eos O O O O O O O O O O O N/A +bos yes , aylesbray lodge guest house is in the moderate price range . can 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 O O B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform +bos please book it for 3 people for 2 nights 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 N/A +bos booking was successful.reference number is : l4wmnv6q . eos O O O O O O O B-Booking-Book+Ref O N/A +bos great , thank you so much for your help ! that should be all for now ! eos O O O 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-bye +bos i want to book a taxi . the taxi should arrive by 23:00 and should go to holy trinity church . eos O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos where do you need to be picked up ? eos O O O O O O O O O O Taxi-Request+Depart +bos i will be departing from rajmahal . eos O O O O O O B-Taxi-Inform+Depart O N/A +bos ok , i have a car for you : a yellow honda with the contact number 07123496116 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 B-Taxi-Inform+Phone O O N/A +bos thanks very much for you time 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 O general-bye +bos i am looking for information in cambridge . eos O O O O O O O O O N/A +bos are you looking for a place to stay , to eat , or a attraction to visit ? 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 go to a museum the area does n't matter . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O Attraction-Request+Area +bos we have many museums in cambridge . would you prefer one with a free entrance fee ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O B-Attraction-Select+Fee O O O O N/A +bos which is your favorite , and what area is it in ? eos O O O O O O O O O O O O O Attraction-Request+Area +bos i like byard art . it 's located in the south . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area O O O N/A +bos sounds good . i am also looking for 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 i 'd be happy to help you with that . can you tell me where you 're leaving from and your preferred travel times ? eos O O 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 'll be going to cambridge from stansted airport . i 'd like to arrive by 09:30. 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 N/A +bos the first train leaves at 5:24. eos O O B-Train-Inform+Choice O O O B-Train-Inform+Leave N/A +bos ok , that will work out . can i have the train id # please ? thanks so much 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 the train id is tr9892 . eos O O O O O B-Train-Inform+Id O N/A +bos i think that should be it for today . thank you so much for all of your help , you 've been very kind ! eos O O 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 your welcome , enjoy your stay in cambridge . eos O O O O O O O O O O general-welcome +bos what attractions can you recommend in the centre ? eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos we have lovely architecture . all saints church and holy trinity are quite nice eos 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 O N/A +bos i love architecture . can you please provide the phone number and postcode for holy trinity ? 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 i can . the phone number is 01223355397. the postcode is cb23nz . would you like more information ? eos O 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 general-reqmore +bos i need some quick information on trains from cambridge to bishops stortford . what can you tell me ? 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 O O N/A +bos trains go from cambridge to bishops stortford every 2 hours at 29 past the hour . what day will you be traveling , and at what time of day ? eos 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 O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i will need to go on monday but i ca n't leave until after 09:30. eos 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 the first train out after 09:30 is tr7928 , leaving at 11:29. eos O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O N/A +bos that is the arrival time and total travel time for tr7928 . eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive +bos it arrives at 12:07 and only a 38 minute ride eos O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos that will work perfect can you book that for me please ? eos O O O O O O O O O O O O O N/A +bos how many people will be travelling ? eos O O O O O O O O Train-Request+People +bos just myself . please book me that train please . eos O O O O O O O O O O O N/A +bos your reservation for 1 person on the tr7928 train was successful . your reference number is : ki1ilfp7 . is there anything else i can help you with today ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id 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 , that is all . thank you . eos O O O O O O O O O O general-thank +bos thank you and welcome to cambridge eos O O O O O O O general-welcome +bos thanks too and goodbye eos O O O O O general-bye +bos enjoy your stay eos O O O O general-bye +bos can you find a place in town that serves polynesian food ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos sorry , i could n't find any of that food type . eos O O O O O O O O O O O O O Restaurant-NoOffer +bos well , how about some other kind of food , in the cheap price range . i think i 'd like to stick to the north . 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 B-Restaurant-Inform+Area O O O O N/A +bos there is da vinci pizzeria , an italian food place , and also royal spice , an indian food place . eos 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+Food I-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O N/A +bos how about the italian place , can you make a reservation ? eos O O O O O O O O O O O O O N/A +bos i can definitely make a reservation . what day are you looking to book it ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform,general-greet +bos saturday at 13:00 please . i need a table for 8. eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O B-Restaurant-Inform+People N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 93yhu8bn . 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 nope , that is everything . thanks ! eos O O O O O O O O O general-thank +bos i am glad i can help you . have a wonderful day and thank you for using our services ! 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 are there are jamaican 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 regretfully , no . is there another cuisine you would enjoy ? eos O O O O O O O O O O O O O Restaurant-NoOffer +bos oh no . i had my heart set on jamaican . can you please verify ? i 'll have to think a minute on another 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 N/A +bos i am unable to find any jamacian restaurants in town . eos O O O O O O O B-Restaurant-NoOffer+Food O O O O N/A +bos well bummer . how about a restaurant that serves indian food instead ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are plenty of those to choose from . do you have a 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 Restaurant-Request+Price +bos i need expensive , please . eos O O O B-Restaurant-Inform+Price O O O N/A +bos there are 6 expensive indian restaurants in the city . may i recommend curry king ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos which ever you think is the best , please give me the address . eos O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos i would suggest curry king . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos thanks , what is their address ? eos O O O O O O O O Restaurant-Request+Addr +bos their address is 5 jordans yard 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos great ! i am also looking for a train going to broxbourne 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 okay ! from cambridge ? eos O O O B-Train-OfferBook+Depart O O N/A +bos yes , i am departing from cambridge . thanks ! eos O O O O O O B-Train-Inform+Depart O O O O N/A +bos there are several trains available . do you have a preference on departure or arrival times ? 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+Arrive +bos yes , i need to make sure i leave by 17:00. eos O O O O O O O O O O O O N/A +bos i recommend tr2125 that leaves at 09:01 and arrives at 10:01 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos 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 ? eos O O O O O 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 60 minutes . would you like me to book a ticket ? eos O 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 that is all i need , thank you eos 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 no thanks . you 've been very helpful . goodbye . eos O O O O O O O O O O O O general-bye +bos thank you for calling . it was nice speaking with you ! have a nice day ! eos 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 train leaving after 12:15 departing from cambridge ? eos O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O N/A +bos where are you heading , and on what day ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos kings lynn on friday eos O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day N/A +bos tr8494 leaves at 13:11. want to book ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O Train-OfferBook +bos yes , can i book it for 4 people . eos O O O O O O O O B-Train-Inform+People O O N/A +bos okay , i 've booked 4 tickets . your reference number is fbz6z3nh . can i help with anything else ? eos 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 O general-reqmore +bos yes . i am also looking for a hotel that has free wifi and a 4 star rating . eos O B-Hotel-Inform+Internet O O O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i see three options available . two are expensive and one is cheap . what is your price preference ? eos 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 Hotel-Select +bos i would prefer the cheap one please . eos O O O O O O O O O N/A +bos the cambridge belfry is a cheap hotel . would you like me to make you 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 O O O O O O O O O O O Booking-Inform +bos yes , i would like a reservation . eos O O O O O O O O O N/A +bos what are your arrival details please ? eos O O O O O O O O Booking-Request+Day +bos i would like it for 4 nights starting monday for 4 people . eos O O O O O O O B-Hotel-Inform+People O O O O O O N/A +bos you are booked for 4 nights for 4 people starting on friday at the cambridge belfry . your reference number is fkv26slf . may i help you with anything else ? eos O O O O O O B-Booking-Book+People O O O O O B-Booking-Book+Day I-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 general-reqmore +bos i do n't think so but before i let you go , i just want to be sure , the cambridge belfry is a guest house , 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 N/A +bos it is a hotel not guest house . eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O N/A +bos sorry , i want to stay in a guesthouse . eos O O O O O O O O B-Hotel-Inform+Type O O N/A +bos ok , we have many options for guesthouse in the cheap price range , including wifi . is there an area you 'd like to stay in ? 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 I-Hotel-Inform+Price 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 have a preference , but i would like it to 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 booking was successful.reference number is : fkv26slf eos O O O O O O O B-Booking-Book+Ref N/A +bos that is all for today and thanks for helping eos O O O O O O O O O O general-thank +bos thanks and welcome anytime eos O O O O O general-welcome +bos i appreciate everything . have a great day . bye . eos O O O O O O O O O O O O general-bye +bos welcome anytime you need us eos O O O O O O general-welcome +bos what are the really hot attractions i should visit 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 . what kind of attraction would you like to visit ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Type +bos it does n't matter but i will need the postcode . eos O O O O O O O O O O O O Attraction-Request+Post +bos all saints church is in the centre of town and the postcode is cb58bs 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 B-Attraction-Inform+Post N/A +bos i also need a trian eos O O O O O O N/A +bos where are you headed to and what time ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Leave +bos i 'm heading to cambridge and should arrive by 09:15. eos O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O N/A +bos ok , what day will this be and where from ? eos O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart +bos depart from bishops stortford and leave on tuesday . eos O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Day O N/A +bos train tr3058 leaves at 7:29 on tuesday and arrives at cambridge by 8:07. the price is 10.10 pounds , would you like me to book this for you ? eos O O B-Train-Inform+Id O 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook +bos no thanks , i just needed the information . 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 that 's it ! thanks for your help ! eos O O O O O O O O O O O general-thank +bos you are quite welcome , thank you for using our services ! 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 yes , thank you . i want to find an expensive restaurant in the centre part of town . 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 O O N/A +bos ok , what type of food are you looking for ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i 'm looking for creative food in the expensive range in the centre . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos i 'm sorry there are no matches . would you like for me to search for 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos i have 6 different restaurants that serve indian food . i have heard fabulous things about the curry king , would you like more information on the restaurant or book a table ? 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 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-reqmore +bos could you book a party of 5 for 16:30 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 your table is reserved under reference # iqgaylk4 . 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 i also need a train . eos O O O O O O O Train-Inform +bos sure , i can assist you with that . where will you be travelling to ? eos O O O O O O O O O O O O O O O O O Train-Request+Dest,general-greet +bos i 'll be going from london liverpool street to cambridge and need a train that will arrive by 12:30. 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 O O O O O O B-Train-Inform+Arrive O N/A +bos okay , i just need the day you 'll be traveling and i 'll find the right train 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 Train-Request+Day +bos i need to depart on friday . eos O O O O O O B-Train-Inform+Day O N/A +bos i have several options . is there a certain time you need to leave 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 Train-Request+Leave +bos i 'm not sure what time i need to leave , but i do need to arrive by 12:30. 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 great , the tr0637 will fit your needs . how many tickets will you need ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O O Train-Request+People +bos could you tell me how long the trip is ? eos O O O O O O O O O O O N/A +bos tr0637 departs cambridge at 09:39 on friday and arrives at 11:07. the trip is approximately 88 minutes , barring any delays . there are few tickets left , would you like to book ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O B-Train-Inform+Day I-Train-Inform+Day 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 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 absolutely ! is there anything else i can help you with ? eos O O O O O O O O O O O O O general-greet,general-reqmore +bos thank you for the information . i have all i need . 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 i 'm trying to find a 4-star hotel that 's moderately priced please eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O B-Hotel-Inform+Price O O O O N/A +bos do you have a certain area you would like ? eos O O O O O O O O O O O Hotel-Request+Area +bos no . but it should also have free wifi . eos O O O O O O O O O O O N/A +bos i was not able to find any hotels matching that requirement , is there something else you would like to try ? 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 general-reqmore +bos you do n't have any moderately priced 4 stars with wifi ? eos O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O N/A +bos we do have guesthouses available . is that okay ? eos O O O O B-Hotel-Inform+Type O O O O O O general-reqmore +bos yes if you can find a place for 5 people eos O O O O O O O O O O O N/A +bos i can help ! for how many days starting when ? eos O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos 2 nights , starting on wednesday please eos O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A +bos the acorn guest house booking was successful.reference number is : mz8cpfek 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 N/A +bos great ! thank you . i need to find a restaurant called rice boat . 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 what would you like to know about it ? eos 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 they serve indian food . do you need any other information , or help making a booking ? eos O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos not at this time . eos O O O O O O N/A +bos alright , well if there 's nothing else i can do for you today , enjoy your 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 general-bye +bos what is the closest police station to my current location ? eos O O O O O O O O O O O O Police-Inform +bos closest police station is in parkside , cambridge , cb11jg eos 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 you 're welcome . have a great day ! eos O O O O O O O O O O general-greet +bos i need a tax arriving by 17:00. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos sure ! where are you going ? eos O O O O O O O O Taxi-Request+Dest +bos i am going to visit queens ' college eos O O O O O O O O O N/A +bos what is your departure site ? eos O O O O O O O Taxi-Request+Depart +bos i 'm departing from ask . eos O O O O B-Taxi-Inform+Depart O O N/A +bos i have a black honda for you with contact number 07810177049. eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone N/A +bos wonderful . thank you . eos O O O O O O general-thank +bos can i assist you with anything else ? eos O O O O O O O O O general-reqmore +bos no , i am all set . goodbye . eos 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 injured and are looking for a hospital nearby it should have the children 's surgical and medicine 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 O O N/A +bos here is the information for addenbrookes hospitaltelephone:01223245151address : hills rd , cambridgepostcode : cb20qq specifically , children 's surgical and medicine:01223217250 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 thank you very much . eos O O O O O O general-thank +bos i am glad i could help . have a nice day . eos O O O O O O O O O O O O O general-greet +bos please find me a taxi ? i 'm at the el shaddai and i need to arrive by 21:15. 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+Arrive O O N/A +bos okay . i will need your destination first . eos O O O O O O O O O O Taxi-Request+Dest +bos i 'm going to cocum . eos O O O O B-Taxi-Inform+Dest O O N/A +bos i have a white bmv with a contact number of 07785490051. eos 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 will be fine , thank you very much . eos O O O O O O O O O O O general-thank +bos what else can i do for you today ? eos O O O O O O O O O O general-reqmore +bos i am finished . thank you . eos 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 i 'm in need of a place to stay for the night , i 'd like it to be in the centre of town and have at least 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+Area O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos there are two . one is cheap , one is expensive . which do you prefer ? eos O O O O O O O O O O O O O O O O O O N/A +bos either as long as it includes free parking and internet is optional . eos O O O O O O O O O O O O O O N/A +bos both alexander bed and breakfast and university arms hotel offer those amenities . would you like more information on either of these options ? eos O O O O O O O B-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 general-reqmore +bos do either of those have free wifi ? eos O O O O O O O O O N/A +bos yes . both have wifi connection eos O O B-Hotel-Inform+Choice O O O O Hotel-Inform+Internet +bos thanks ! what 's the phone number ? eos O O O O O O O O O Hotel-Request+Phone +bos alexander bed and breakfast can be reached by phone at 01223525725. do you want university arms phone also ? 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 B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos sure . please give me that one as well . eos O O O O O O O O O O O N/A +bos ok. that phone number is 01223351241. would you like me to book you a reservation ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform +bos no thank you ! i will give them a call . eos 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 , i appreciate all your help ! eos O 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-greet +bos hello , i 've been robbed , my valuables were stolen . eos O O O O O O O O O O O O O general-greet +bos i am sorry to hear that . you can contact the nearest police station at parkside via the following phone 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 i will also need their address . eos O O O O O O O O Police-Request+Addr +bos the police station is located in parkside cambridge the postal code is cb11jg . what else could i 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 that is all thank you eos O O O O O O general-thank +bos thank you for using the help desk and have a great day . eos O O O O O O O O O O O O O O general-greet +bos i am looking for a train . i need to leave cambridge and i would like to arrive by 09:45. eos 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+Arrive O N/A +bos could you tell me your intended destination please ? eos O O O O O O O O O O Train-Request+Dest +bos i need to get to the stansted airport on thursday . 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 i have four different trains that would get you to stansted airport by 9:45 on thursday . what time would you like to leave ? eos 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 B-Train-Inform+Day O O O O O O O O O Train-Request+Leave +bos it does n't matter what time i leave , just so i arrive by 09:45. eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O Train-Request+Leave +bos how about tr7966 ? it leaves at 05:40 ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O N/A +bos sure . can i just get the travel time and departure time please eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos train tr2547 arrives at stansted airport thursday at 8:08. travel time is 28 minutes , and you would leave at 7:40. can i book it for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Arrive O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos no that wo n't be necessary . thank you for the information . eos O O O O O O O O O O O O O O general-thank +bos you 're welcome . please let us know if there is anything else we can help with . eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos i am going to the east part of cambridge and want to see a good attraction . eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O O N/A +bos we have several , are you looking for anything specific ? eos O O O B-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Type +bos nothing specific as i am looking for recommendations . eos O O O O O O O O O O N/A +bos how about the funky fun house ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos no , do you have any other suggestions ? eos O O O O O O O O O O N/A +bos there is the camboats , and the museum of technology ! 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 camboats sounds interesting . what type is it and where is it located ? eos O B-Attraction-Inform+Name O O O O O O O O O O O O O Attraction-Request+Type +bos camboats is a boat attraction . it is located in the east . the address is the plough , green end , fen ditton , . is there anything else i can help with ? eos O B-Attraction-Inform+Name O O O O 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 O O O O O O O O O O O O general-reqmore +bos i wanta restaurant in the east that serves gastropub food . eos O O O O O O B-Attraction-Inform+Area O O B-Restaurant-Inform+Food O O N/A +bos royal standard is in the east and serves gastropub food , does that meet your needs ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O O Restaurant-Select +bos yes that would be great . could you book that for me ? eos O O O O O O O O O O O O O O N/A +bos yes when would you like to go and what party size will you have ? eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos i actually do n't need a booking . can i have the phone number and address instead ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos phone number-01223247877 you are welcome eos O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O general-welcome +bos i still need the address , and after that we need to talk about a taxi . eos 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 royal standard is 290 mill road city centre . is there any more information regarding the restaurant ? 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 general-reqmore +bos no i just need a taxi from camboats at 11:30 to go to the restaurant . eos O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O O N/A +bos you 're all set ! you will be traveling in a grey bmw and their contact number is 07991243906 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 I-Taxi-Inform+Phone O O O O O O O O N/A +bos thank you so much . that 's all i need today . eos O O O O O O O O O O O O O general-thank +bos enjoy your stay . glad i could help . eos O O O O O O O O O O general-bye,general-greet +bos l am looking for a restaurant . the restaurant should serve gastropub food and should be in the center . 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 alright , we have three restaurants available . did you want it to be expensive or moderately priced ? eos O 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 O N/A +bos it is a special occasion so i am hoping for an expensive place . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos okay , there 's the backstreet bistro and the slug and lettuce . i recommend backstreet bistro . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 N/A +bos what is the address and post code for the one you say is best ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos backstreet bistro is located at 2 sturton street city centre , cb12qa 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 N/A +bos thanks so much , i do n't need anything more today eos O O O O O O O O O O O O general-thank +bos you are very welcome , thank you as well . have a great day , and let me know if you need any more 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 general-welcome,general-bye,general-reqmore +bos i 'm so hungry ! can you find me a really great modern european restaurant ? money is no object ! 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 N/A +bos darrys cookhouse and wine shop looks good , would you like to book there ? eos 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 Booking-Inform +bos i am a little tight on money , do you know the price range ? eos O O O O O O O O O O O O O O O O N/A +bos it is the expensive price range . eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos that 's fine . i 'd like to know if it 's in the centre of town . if so , i need a table for 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 N/A +bos yes , it 's in the centre of town . what time would you like to book the table for on sunday ? 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 B-Booking-Inform+Day O O O Booking-Request+Time +bos can you book a table for 1 at 11:00 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 N/A +bos i have made those reservations your reference is xzoj853x . eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you so much ! i 'm also looking for parks to see . 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 O N/A +bos yes i have several . where would you like it to be ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Area +bos i am not particular but could i have an address for a popular one ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos sure thing , the address is fen causeway eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos you have been a great help . 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 day ! eos O O O O O O general-bye +bos i need to book a taxi from kings college to pizza express fen ditton sometime after 17:15. i need the car type and contact number please . 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 B-Taxi-Inform+Leave O O O O O O O O O O Taxi-Request+Car +bos okay , i have successfully booked the taxi for you . it is a grey lexus and the contact number is 07607911761. 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 thank you ! that will be all ! eos O O O O O O O O O general-thank +bos it was a pleasure to assist you ! goodbye ! eos O O O O O O O O O O O general-bye +bos i would like to visit some parks while i am in town . can you please suggest me some to visit ? 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 sure , is there a certain part of town you 'd like to be on ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos i would like to find a park anywhere . i need the fees , 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 Attraction-Request+Post +bos which 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 i am not particular . but i also need information on a restaurant called the gardenia . 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 N/A +bos i have the wandlebury country park on the south side of town . it is free , the phone number is 01223243830 and post code is cb223ae . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O N/A +bos thank you , can you also look up the gardenia for me ? it is a restaurant i have wanted to try . 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 O O O N/A +bos the gardenia is a mediterranean restaurant at the centre of town . the park i gave you the information for is not in the same 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O N/A +bos that 's okay . could you book a table for me there for two people . i 'd like it to be on sunday at 15: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 B-Restaurant-Inform+Time O O O O N/A +bos i have your booking for 2 people , sunday at 15:45. your reference number is 0ng9xlaq . eos 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 N/A +bos thank you . i also need a taxi to pick me up from the wandlebury country park to make it to 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 +bos where will the taxi be picking you up from ? eos O O O O O O O O O O O Taxi-Request+Depart +bos the taxi will be picking me up from the wandlebury country park and i need to be at the restaurant by the time of my booking . 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 O O O O O O O O O O N/A +bos okay the taxi has been reserved and will be a white honda . the phone number is 07229832090. 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 N/A +bos thanks so much sorry i have been such a pain . you need a raise ! eos O O O O O O O O O O O O O O O O O general-thank +bos no problem at all happy to assist . eos O O O O O O O O O general-welcome +bos i really have got to go . its late . thanks 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 're welcome ! have a wonderful day . eos O O O O O O O O O O general-welcome,general-bye +bos can you give me information about the yu garden ? it 's a restaurant my sister recommended . 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 N/A +bos sure ! yu garden serves chinese food on the eastside . it 's prices range toward the expensive side . would you like more information ? eos 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 O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A +bos i would like to book a table for saturday eos O O O O O O O O O B-Restaurant-Inform+Day N/A +bos what time would you like this reservation ? eos O O O O O O O O O Booking-Request+Time +bos i would like a reservation for 14:30 for 5 people please . can i have the reference number ? eos O O O O O O O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People 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 : 9xfobdbf . 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 i also get a phone number ? eos O O O O O O O O O N/A +bos the phone number is 01223248882. eos O O O O O B-Restaurant-Inform+Phone N/A +bos great . i am also looking for places in the centre of town where i can do boating . any suggestions ? 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 O O O O N/A +bos yes , there 's the scudamores punting co and the cambridge punter . 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 could i have the post code and address for both places ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos scadamores punting co is located at granta place , mil lane and the postcode is cb21rs . is there anything else i can assist you with ? eos 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 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 i need . eos O O O O O O O O O N/A +bos awesome . have a great trip ! eos O O O O O O O O general-welcome,general-bye +bos i would like to find a restaurant called rice house . do you know where it is ? 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 N/A +bos yes ! the rice house is located at 88 mill road , city centre . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O general-greet +bos could you please book me a table for 3 people at 14:30 on tuesday ? 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 certainly ! you 're all set . your reference number is k7koy3a5 and they 'll hold your table for 15 minutes . can i help you with anything else ? 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 general-greet,general-reqmore +bos thank you , yes i 'm also looking for a museum in town . can you recommend 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 sure , i would recommend cambridge contemporary art museum located in the centre . would you like a reservation ? 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 O O O O O O O O Booking-Inform +bos i just want the phone number actually eos O O O O O O O O Attraction-Request+Phone +bos okay , you can call them at 01223324222 eos O O O O O O O B-Attraction-Inform+Phone O N/A +bos thanks , that was the last thing i needed from you ! have a good day ! eos O O O O O O O O O O O O O O O O O O general-thank +bos alright , you have a wonderful time then , bye ! eos O O O O O O O O O O O O general-bye +bos hi there . i am looking to visit a great cinema in town . can you recommend 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 N/A +bos there are two , one in the south and one in centre . do you have a location preference ? eos 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 Attraction-Request+Area,Attraction-Select +bos any place if fine . please give me the 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 cineworld cinema 00872208000. i 'm sorry but the entrance fee is not listed . is there anything else i can help you with today ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone 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 O O general-reqmore +bos yes please . can you provide info about a restaurant called prezzo . what kind of food , price range , and what area if you can find it . thanks . 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 O O N/A +bos they serve italian food , are located in the west , and have a moderate price range . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O N/A +bos sounds good . please make a reservation for 3 people at 19: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 O O N/A +bos booking was successful . the table will be reserved for 15 minutes . your reference number is : h0y7r1no . 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 O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos no that 's it ! thanks 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 can you help me find a place to dine ? eos O O O O O O O O O O O N/A +bos is there a specific area of town you would like ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos i 'd like an indian restaurant in the west . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos ok , there are six . they are all expensive except for one . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O N/A +bos i am looking for something in the moderate price range , please . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos i would recommend the meghna for you . should i make a booking for you ? eos O O O O O B-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform +bos yes , please . can you book me a table for 5 people at 12:45 on wednesday ? thanks 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 : 4o6wbud1 . 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 N/A +bos i am also looking for somewhere 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 N/A +bos what sort of attraction would you like ? eos O O O O O O O O O Attraction-Request+Type +bos whatever is popular , i just need the attraction type on postcode of whatever you pick eos O O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type +bos churchhill college is in west and its a college the post code is cb30ds eos O B-Attraction-Inform+Name B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Inform+Post N/A +bos okay great , thank you . eos 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 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-bye +bos i am looking for something entertaining in town later and i 've got some things in mind . eos O O O O O O O O O O O O O O O O O O O N/A +bos what are your ideas ? what area of town and what type of attraction ? eos O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos i 'm looking for a theatre in the centre . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos there are four theatres in centre : adc theatre , cambridge arts theatre , mumford theatre and the cambridge corn exchange . would you be interested in any of these ? eos O O O B-Attraction-Inform+Choice 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 N/A +bos cambridge arts sounds good , can i get the phone number ? is there any entrance fee ? and then a nice expensive dinner in the same area please . 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 O O O B-Restaurant-Inform+Price O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos cambridge arts theatre phone is 0122350333 , no entrance fee information is available . there are 33 restaurants in your price range , do you have a food type preference ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 I-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos yes , i like there to be cuban food . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i am sorry but there are no cuban restaurants available . would like another type of food ? eos O O O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O Restaurant-Request+Food +bos hmm , i 'll try japanese instead . eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos we have wagamama located in 36 saint andrews street . can i book for you ? 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 O O O O O O Booking-Inform +bos no thank you i just need the postcode . eos O O O O O O O O O O Restaurant-Request+Post +bos the post code is cb23ar . is there anything else i can help with ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos can you book me a taxi that will pick me up from cambridge arts theatre at 07:15 and take me to wagamama ? eos 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+Leave O O O O B-Taxi-Inform+Dest N/A +bos booking completed ! booked car type : grey volkswagencontact number : 07275251696can 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 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 thank you for using our system today ! eos O O O O O O O O O general-bye +bos i 'm looking for a place to go in the centre of town that is a boat . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type O O N/A +bos i found the scudamores punting co and the cambridge punter . which would you prefer ? 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 O O O Attraction-Select +bos i like the cambridge punter better . can you give the phone number and postcode for them ? thanks 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 Attraction-Request+Post,Attraction-Request+Phone +bos gladly . the postcode is cb41as and their phone number is 07807718591 eos O O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O N/A +bos thank you . i would also like a restaurant in the same area as cambridge punter . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos sure , i can help you with that . was there a 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 Restaurant-Request+Food +bos i would like an italian restaurant that is expensive . i would like to book the restaurant for two people at 11:45 on monday . may i have the reference number also ? 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 O 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 have 5 restaurants available , 4 in the centre and one in the south . what area would you prefer ? eos 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 Restaurant-Select +bos like i told you before , i would also like a restaurant in the same area as cambridge punter . 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 so , i have booked your restaurant for caffe uno on monday for 2 people at 11:45. the reference number is 98hqg1yv eos O O O 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 B-Booking-Inform+Time O O O O B-Booking-Inform+Ref O N/A +bos thanks a lot . i appreciate it . that 's 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 thanks for reaching out to our service ! eos O O O O O O O O O general-bye +bos i 'm looking for a family friendly restaurant that is reasonably price and located in the center of town near attractions , hotels and easy access to transportation such as buses and taxis . eos O O O O O O O O O O O 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,Attraction-Inform,Hotel-Inform +bos ok , to be clear , which price range do you prefer -- cheap , moderate or expensive ? eos O O O O O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O N/A +bos i am looking for a moderately priced restaurant eos O O O O O O B-Restaurant-Inform+Price O O N/A +bos do you prefer a specific type of food ? eos O O O O O O O O O O Restaurant-Request+Food +bos i prefer chinese food eos O O O B-Restaurant-Inform+Food O N/A +bos great , i have three options for you to choose from ! eos O O O O B-Restaurant-Inform+Choice O O O O O O O O N/A +bos oh , i have no idea . can you just reserve tell me your favorite one ? i 'll need a postcode 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 Restaurant-Request+Post +bos jinling noodle bar , postcode cb23pp . is there any more info i can give you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos i would like to visit a college in the same area as the noodle bar , can you find me one ? 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 N/A +bos there are 13 colleges in the centre of town . most are free , but some do charge an entrance fee . any preference ? eos O O O O B-Attraction-Inform+Choice 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O Attraction-Select +bos how about choosing a famous one and give me 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 corpus christi is popular this time of year . the address is at king 's parade . the post code cb21rh and the entree fee is 2 pounds . 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 O B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos great , thanks ! also , will you please book me a taxi from the attraction to the restaurant , leaving the attraction at 05: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 O N/A +bos i was able to book a taxi it will be a red volvo and the contact number is 07754509492. is there anything else i can 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos no , that 's it . thank you very much . eos O O 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 general-greet +bos thanks again . that was all i needed . eos 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,general-bye +bos i 'm looking for an expensive restaurant . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos okay and what type of food would you like to eat ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos i want portuguese food . eos O O O B-Restaurant-Inform+Food O O N/A +bos i can look that up for you . what area should the restaurant be in ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos in the east please . eos O O O B-Restaurant-Inform+Area O O N/A +bos i do n't see any restaurants matching that criteria . do you have another preference ? 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 indian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos i would suggest sitar tandoori . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos great ! can i get their address please ? eos O O O O O O O O O O Restaurant-Request+Addr +bos it is at 3 high street cherry hinton 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 N/A +bos thank you . i am also looking for a museum to visit near the restaurant . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos the cambridge artworks meets your criteria and has a free entrance fee . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Fee O O O N/A +bos great , would you happen to know there address along with postcode ? do you have there phone 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 Restaurant-Request+Addr,Attraction-Request+Post,Attraction-Request+Phone +bos cambridge artworks is located at 5 greens road , postcode cb13ef , phone number 01223902168 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 B-Attraction-Inform+Post O O B-Attraction-Inform+Phone O N/A +bos thank you , that will be all for me today ! bye ! eos 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 we need to work off some energy - can you find us a multiple sports place in town ? closer to the city centre would be best . 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 O O N/A +bos unfortunately there were no matches for that criteria . eos O O O O O O O O O O Attraction-NoOffer +bos ok , how about a swimming pool in the centre of town ? eos O O O O O O O O O O O O O O N/A +bos parkside pools is located at gonville place , postcode cb11ly . the phone number is 01223446100. eos 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 N/A +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos i am actually unsure of that , sorry . eos O O O O B-Attraction-Inform+Fee O O O O O N/A +bos also looking for chinese restaurant in the cheap price range . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A +bos charlie chan is pretty good . in the town centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos yes that would be great ! thank you . can i get some information on it ? eos O O O O O O O O O O O O O O O O O O general-thank +bos sure charlie chan 's address is regent street city centre and their telephone number is 01223361763. 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 O O O O O B-Restaurant-Inform+Phone O N/A +bos great . can you book me a table for 5 people at 20:00 on saturday ? 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 have you booked at charlie chan on saturday at 20:00 for 5 people . your reference number is 9z58hwe1 . they hold the table for 15 minutes . 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 O O O O O O O O O O O O O O O N/A +bos great thank you so much ! that 's all i needed ! bye ! eos O O O O O O O O O O O O O O O general-bye +bos wonderful , glad to be of assistance to you . bye ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos hello . i really need to find a cheap place to stay in the east . is there anything like that ? eos 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 N/A +bos i 've found three , all of them are guesthouses and all of them have free internet and parking . would you like me to give your their information ? eos 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 O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos sure , that sounds great . eos O O O O O O O N/A +bos okay i will give you the information i have on them . eos O O O O O O O O O O O O O general-reqmore +bos can you book it for 8 people for 4 nights starting on thursday ? 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 ok i have you booked at the allenbell for 4 nights for 8 people . your reference number 7sn0baat . do you need anything else ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Stay O O B-Booking-Book+People O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos i would like an indian restaurant in the same price range as the hotel please . eos 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 four cheap indian places , three in city centre , and one on the north end . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A +bos whichever one is fine , surprise me ! eos O O O O O O O O O N/A +bos i would recommend royal spice in the north end . would you like me to make a reservation there 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 O O O O O O O O O O O O O Booking-Inform +bos yes i need it booked for the same group of people at 12:45 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 that booking was successful . the reference number is kay2s45o . 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 would like a reserve a taxi to commute between the allenbell and royal spice . i really want to be on time for our dinner reservation . eos O O O O 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 O O O O O O O O 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 'd like the arrival time to be 12:45 , please . eos O O O O O O O O B-Taxi-Inform+Arrive O O O O N/A +bos i have that booked for you , contact number 07340953955. do you need anyhting else ? eos O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O N/A +bos i need the car type please . eos O O O O O O O O Taxi-Request+Car +bos yes it is a grey skoda . can i assist you further ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O general-reqmore +bos no that is all , bye . eos O O O O O O O O general-bye +bos you 're welcome . enjoy your trip ! eos O O O O O O O O O general-welcome +bos hello . i 'm going out for an expensive dinner and need to find a restaurant . i 'd like somewhere in the north , and i 'm willing to pay quite a bit of money . 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+Area O O O O O O O O O O O O O O O O O N/A +bos i 'd be happy to help you with that . i have 5 expensive restaurants in the north . did you have a type of cuisine in mind ? eos O O 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 O O O O O O O O O Restaurant-Request+Food,general-greet +bos yes , romanian please . eos O O B-Restaurant-Inform+Food O O O N/A +bos there are no options for romanian , can i try something else for you ? eos O O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O N/A +bos i guess try european . eos O O O O B-Restaurant-Inform+Food O N/A +bos the city stop restaurant is a european restaurant in the expensive price range . eos O 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+Price O O O N/A +bos is it in the north ? if so , can you reserve us a table for 3 on friday at 17:45 please ? eos O O O O O B-Restaurant-Inform+Area 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 i am sorry but the restaurant will be unable to reserve a table for 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 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 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos booking was successful . the table will be reserved for 15 minutes . the reference number is : 0pk0tw8f 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 'm also looking for a place to stay that offers both internet and 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 29 places in cambridge which offer both , any other preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O N/A +bos hmm , yes . someplace expensive . eos O O O O B-Hotel-Inform+Price O O O N/A +bos i can recommend the university arms hotel in the centre of the city . 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 I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O N/A +bos great , can you make a reservation for three people for the three nights starting friday please ? 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 i 'm sorry , i could n't book that for you , would you like to try another 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+Day +bos no , i need it to be friday . can we try it for a one night stay instead ? 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 alright ! i was able to book your room for 1 night at the university arms hotel for 3 people . your reference number is f13028xh . can i help with anything else ? eos O O O 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 B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos i 'm going to need a taxi as well from the hotel to the restaurant that arrives at 16:45. could i get the contact number and car type for that ? eos 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 O O O O Taxi-Request+Car +bos sure ! the contact number is 07648846859 and the car is a black audi . is there anything else you need help with ? eos 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 O general-reqmore +bos no , you have been most helpful . have a nice day . eos O O O O O O O O O O O O O O N/A +bos thanks , have a nice day as well . eos O O O O O O O O O O general-bye +bos can you help me book a 1 star hotel that has free parking please ? eos 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 i am sorry there are no 1 star hotels in any area , can i get a price range and area please ? 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 O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos let me think about that . what are some good local restaurants ? eos O O O O O O O O O O O O O O Restaurant-Inform +bos there are over 100 restaurants in the city . do you have a certain type of food in mind ? 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 Restaurant-Request+Food +bos no , i do n't . surprise me ! eos O O O O O O O O O O N/A +bos sure ! bedouin is african food located in the centre . would that do ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos let me think about that . can you help me book a 4 star hotel ? 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 i found 4 star hotel , do you want me to make reservation ? eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform +bos do they have internet access and can you tell me their price range and postcode ? eos 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+Internet +bos yes , the university arms hotel has internet access . it is expensive , and its postcode is cb21ad . would you like to book it ? 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+Price O O O O B-Hotel-Inform+Post O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos no , that 's ok. i am also looking for a restaurant that serves indian food in the cheap price range . eos 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 Hotel-Request+Price +bos may i recommend the gandhi in the centre ? it fits your criteria . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area O O O O O O N/A +bos that sounds good . can you book me a table for 5 at 12 on thursday ? eos O O O O O O O O O O O O B-Restaurant-Inform+People O O O O O N/A +bos i 'm sorry , they do n't have tables available . 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 O O Booking-Request+Time,Booking-Request+Day +bos is there another restaurant in the area ? eos O O O O O O O O O N/A +bos kohinoor is in the centre and serves indian food . would you like me to make a reservation ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O O O O O Booking-Inform +bos yes . i 'd like to reserve a table for 5 on thursday at 12:00. eos O O O O O O O O O O O O O O O O N/A +bos i 'm sorry they are booked would you like to try another time ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos are you sure there is n't an indian restaurant available on thursday at 12:00 in the centre ? would you double check that for me again ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A +bos i was able to book kohinoor , reference number is t8tbnx3r . eos O O O O O O B-Booking-Book+Name O O O B-Booking-Book+Ref O O N/A +bos i would like to get a taxi between the hotel and the restaurant . eos 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 me to schedule the taxi for ? eos O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos arrival by the booked time at the restaurant . eos O O O O O O O O O O N/A +bos ok your all set ! a yellow bmw will be picking you up a few minutes before your reservation at the restaurant . contact number is 07785034458. 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 O O O O O O O O B-Taxi-Inform+Phone 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 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 information on restaurant . is there any cheap chinese restaurant ? eos O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos charlie chan is a cheap chinese restaurant located in the centre area 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 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-Book +bos is that the only one you have in the centre area that is cheap . is it good ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O Restaurant-Request+Area +bos there is also the rice house downtown . they 're located at 88 mill road city centre . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos give me phone number for the first one , please eos O O O O O O O O O O O Taxi-Request+Phone +bos certainly . the phone number for charlie chan is 01223361763. is there something else i can help you with today ? eos 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 O O O O general-reqmore +bos can you book me a room in the home from home guesthouse ? 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 i can , what day would you like to go , how many nights would you like to stay , and how large will your party 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 O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day +bos 5 people and 3 nights starting from thursday . eos 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 that for you . your reference number is 724pgt2e . is there anything else i can assist 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 N/A +bos would it be possible to get a taxi to commute from the hotel 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,Hotel-Inform +bos yes but i need to know what time to you want to leave or 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 Taxi-Request+Arrive,Taxi-Request+Leave +bos actually , i need to leave charlie chan by 11:15 and go to home from home . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos i have booked your taxi . the car type is a white bmw and the contact number is 07135401790. 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 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 may i help you with anything else today ? eos 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 very welcome . if you need anything else , just let me know . thank 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 +bos im looking for a guesthouse with free wifi eos O O O O O B-Hotel-Inform+Type O O O N/A +bos i have found several possibilities for you . do you have any 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 O O Hotel-Request+Area +bos in the south would be better . eos O O O B-Hotel-Inform+Area O O O O N/A +bos i have two in the moderate price range and one that is in a lower price range . do you have a preference as far as that goes ? eos 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 I-Hotel-Inform+Price O O O O O O O O O O O O O Hotel-Select +bos i do n't care about the price range , i just want to make sure it has free wifi and is 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 O O O Restaurant-Request+Price +bos i would recommend rosa 's bed and breakfast located at 53 roseford road . can i 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 O 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 does it have free parking ? eos O O O O O O O N/A +bos yes this guesthouse has free parking . would you like to reserve a room ? eos O O O B-Hotel-Inform+Type O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos no , but i would like the address , 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,Hotel-Request+Addr +bos rosa 's bed and breakfast address is 53 roseford road , postcode cb22ha , and phone 01223512596. can i look anything else up for 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore +bos i am also looking for the restaurant called nandos city centre , can i have more info on that ? 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 N/A +bos nando 's city centre is a great portuguese restaurant that is cheap and is located in the centre of town . would you like me to book a table for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price 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 O Booking-Inform +bos i do n't need a reservation . but can i get their postcode please ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Post +bos absolutely . their postcode is cb23ar . is there anything else i can help 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 i need a taxi to leave the hotel by 14:30. eos O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos can i get a destination for the taxi please ? eos O O O O O O O O O O O Taxi-Request+Dest +bos nando 's city centre restaurant please eos O O O O O O O N/A +bos i have booked your ride . your car type is a black honda and your contact number is 07917232532. is there anything else you need ? 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 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 have a great day ! eos O O O O O O O O general-bye +bos i need to find a hotel in cambridge with decent prices . eos O O O O O O O O O O O O O N/A +bos i found 33 places that will fit your preferences . do you have preference as to the 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 the area is flexible . but , i would like something moderately priced and have a star rating of 0. 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 see 2 hotels with a zero rating ; north side and centre . which one can i book for you ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Booking-Inform +bos i would like it in the centre . eos O O O O O O O O O N/A +bos what day would you like to book ? how many days will you be staying 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 Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos friday , for 1 person and will stay for 2 days . can you book it for me ? eos O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A +bos el shaddai has been booked for you for friday . eos O O B-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Day O N/A +bos oh i 'm sorry i forgot to mention i must have a hotel that includes free parking . 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 N/A +bos el shaddai includes both free parking and wifi . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos perfect . i 'll need help finding a restaurant called the cambridge chop shop , too . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos you might be thinking of the cambridge chop house , at 1 kings parade . does that sound right ? i can help you book a table if you like . 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 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 O O O Booking-Inform +bos yeah that 's it , book it for me as well please . eos O O O O O O O O O O O O O O N/A +bos what time would you like to book the restaurant for 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 Booking-Request+People,Booking-Request+Time +bos i do n't need a reservation at this moment . can i have the postcode for the el shaddai 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-Request+Post +bos sure the postcode is cb11eg . 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 general-reqmore +bos no , i think that 's everything i need . thanks a bunch ! eos O O O O O O O O O O O O O O O general-thank +bos okay , well thank you for calling ! you have a good day ! eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos is there a restaurant in the centre ? eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos there are several restaurants located in the centre , which kind of food do you prefer ? 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 i would like one serving korean food , possible . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos little seoul serves korean food in the city 's centre . it is expensive but very classy . would you like to know more about it ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food 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 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos little seoul 's address is 108 regent street city centre . their phone number is 01223 308681. 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 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 goodbye and have a nice day . eos O O O O O O O O general-bye +bos can you find me a corsica restaurant ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , i ca n't find any place with corsica food . do you have a second choice ? 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 yes , a restaurant serving british food would be good . eos O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there are 11 restaurants that serve british food . do you have an area or price range preference ? 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 O O Restaurant-Request+Price,Restaurant-Request+Area +bos i do not care about the price range , and would just like one in the west part 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 Restaurant-Request+Price +bos graffiti is an expensive british restaurant in the west . would you like more information ? eos 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 O O general-reqmore +bos i 'd like their address and phone number please . eos O O 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. can i find any further information 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 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 what is the price range ? eos O O O O O O O Restaurant-Request+Price +bos it is expensive . eos O O O B-Restaurant-Inform+Price O N/A +bos that you , that 's all i need to know . eos O O O O O O O O O O O O N/A +bos thank you , have a good day ! eos O O O O O O O O O general-bye +bos hello , i am looking for a scottish 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 can help you with that . it looks like there are n't any restaurants like that in my database . can i help you find 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 O O O O O O Restaurant-NoOffer,general-reqmore +bos is there a restaurant that serves indian food in the west 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 N/A +bos i found several indian restaurants in the west part of town . were you looking for an expensive or moderately priced restaurant ? eos O O O B-Restaurant-Inform+Choice 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 O O Restaurant-Request+Price +bos expensive eos O B-Restaurant-Inform+Price N/A +bos i found several in the expensive price range in the west part of town , can i help you with anything else ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O O O O O O O O O general-reqmore +bos can you please give me that phone number ? eos O O O O O O O O O O Restaurant-Request+Phone +bos cocum is the first expensive indian restaurant in the west part of town on the database . the phone number for cocum is 01223 366668. 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos what is the food type they serve ? eos O O O O O O O O O N/A +bos they serve indian food . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 cocum is located at 71 castle street city centre . 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 I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore +bos no , thank you , that is all i need . goodbye ! eos O O O O 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-greet +bos i want something cheap in the west part of town . eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area 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 do n't care . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos the is the la margherita for italian food and the thanh binh for vietnamese food . would you like the addresses ? eos 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 O O general-reqmore +bos i would like the phone number and address for la margherita please . eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos la margherita 's address is 15 magdalene street city centre and their phone number is 01223 315232. is there any additional info i can help you find ? eos 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 O 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 thank you , goodbye . eos 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-greet +bos i 'm looking for something moderately priced in the west part of town , could you get me the number and full address 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 O O O O O O O Restaurant-Request+Addr +bos the phone number for meghna is 01223727410. it is located at 205 victoria road chesterton eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 goodbye . eos O O O O O general-bye +bos enjoy your meal ! eos O O O O O general-greet +bos i would like a restaurant in the centre of town that serves thai food eos O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O N/A +bos bangkok city serves thai food in the centre of town . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos bangkok city restaurant is located at 24 green street city centre and its phone number is 01223 354382. is there anything else i can help you with ? 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 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 thank you and have a great day ! eos O O O O O O O O O general-bye +bos is there a cheap restaurant in the north part of town ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos may i suggest royal spice , a cheap indian restaurant in the north ? eos O O O 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 O O N/A +bos is there anything else ? eos O O O O O O N/A +bos da vinci pizzeria is a cheap italian restraunt in the north area of town . eos O O B-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 I-Restaurant-Inform+Area 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 da vinci pizzeria is at 20 milton road chesterton , and their phone number is 01223 351707. 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 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 general-bye +bos thank you and goodbye ! eos O O O O O O general-bye +bos i am looking for a restaurant that is in the expensive price range and in the south 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 there are results matching your query . would you like mexican , italian , chinese , or indian ? eos O O O B-Restaurant-Select+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 let 's go with italian food . eos O O O O B-Restaurant-Inform+Food O O O Restaurant-Request+Food +bos frankie and bennys is an expensive italian eatery in the south part of town . would you like any additional information about this restaurant ? 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 O O O O O O O O O O O O O O general-reqmore +bos address and phone number eos O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is cambridge leisure park clifton way cherry hinton . 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 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 O general-welcome,general-bye +bos i want some welsh food . moderately priced please . eos O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O O N/A +bos i 'm sorry i do not find any restaurants meeting those requirements eos O O O O O O O O O O O O O Restaurant-NoOffer +bos i 'd like a chinese restaurant instead then . eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are several chinese restaurants in the moderate price range . would you prefer the north or centre of town ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price 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 N/A +bos i do n't care . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos golden wok is located in the north part of town . would you like their address and phone number ? 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 O O O O O O O O general-reqmore +bos i would like their phone number , please . eos O O O O O O O O O O Restaurant-Request+Phone +bos golden wok 's phone number is 01223 350688 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 is there any thing else i can help you with ? eos O O O O O O O O O O O O N/A +bos i appreciate the offer , but it is my job to help you . 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 general-reqmore +bos thank you , goodbye . eos O O O O O O general-bye +bos you 're welcome and good bye . eos O O O O O O O O general-welcome,general-bye +bos i want the phone number to a moderately priced restaurant with spanish food . eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O Restaurant-Request+Phone +bos la tasca would fit the bill . its phone number is 01223 464630 . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O N/A +bos can you tell me what area of town it is located ? eos O O O O O O O O O O O O O Restaurant-Request+Area +bos la tasca is located 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 goodbye . eos O O O O O general-bye +bos you 're welcome . eos O O O O O general-welcome +bos i need a train to norwich , from cambridge . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos what day were you planning to travel ? eos O O O O O O O O O Train-Request+Day +bos on tuesday . i need to get into norwich by 15:00. eos O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O N/A +bos tr1659 is train that goes from cambridge to norwich and arrives at norwich at 14:55. 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 O O O O N/A +bos no thanks . i do n't want to book today . but can you tell me what time that train departs ? 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-Inform +bos tr1659 leaves cambridge at 13:36. eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave N/A +bos thank you , i also need to find a place to stay . i would 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 O N/A +bos i have 24 guesthouses available . did you have a 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 Hotel-Request+Price +bos yes the cheap price range eos O O O B-Hotel-Inform+Price O O N/A +bos there are 9 guesthouses in the cheap price range . is there an area or a star rating you prefer ? 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 Hotel-Request+Area,Hotel-Request+Stars +bos yes , i prefer one located to the west . i do n't care of how many stars it has . 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 N/A +bos finches bed and breakfast is the only place that matches your criteria . 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 N/A +bos okay , then book a room for 4 people and 5 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 good news . your booking was successful . your reference number is gzh5q65c . 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-greet,general-reqmore +bos no , that was everything i needed help with , thank you . eos 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 need a taxi leaving after 21:00. eos O O O O O O O B-Taxi-Inform+Leave 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 Taxi-Request+Depart,Taxi-Request+Dest +bos i am leaving from scudamores punting co and want to go to the slug and lettuce . 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 I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos booking completed ! a yellow tesla will be arriving at 21:00. the contact number is 07398361286. thank you ! eos 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 N/A +bos ok , thank you have a great day ! eos O O O O O O O O O O general-thank +bos you as well ! eos O O O O O general-bye +bos i need a taxi departing from tang chinese . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos ok , what is your destination ? eos O O O O O O O O Taxi-Request+Dest +bos i need to get to downing college . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos great . now i will just need a time . eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i need to arrive by 19:30 eos O O O O O O B-Taxi-Inform+Leave N/A +bos alright . i have a white bmw and the contact number is 07454674026. 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 N/A +bos no that is all i needed . eos O O O O O O O O N/A +bos i 'm sorry , i thought you wanted to leave at 19:30. you are booked for a yellow bmw with the contact number 07816577086 arriving at 19: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 N/A +bos great . thank you very much . eos 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 . thanks . eos O O O O O O O O O general-thank +bos thank you goodbye eos O O O O general-bye +bos hi , i am looking for some information for my upcoming trip . specifically , i am looking for an indian 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 N/A +bos there are 22 indian restaurants in town . do you prefer 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 Restaurant-Request+Price +bos i would like one in the centre area , but maybe you could pick me a good one . 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 i would recommend curry garden as they are very good . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O N/A +bos how expensive is the place and how can i contact them ? eos O O O O O O O O O O O O O N/A +bos curry garden is quite expensive and their phone number is 01223302330 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Phone N/A +bos thank you ! i 'm also looking for a train going to kings lynn on wednesday . 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 O N/A +bos okay , where are you departing from 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 O Train-Request+Leave,Train-Request+Depart +bos 15:00 on wednesday , can you book it for me ? eos O O O O O O O O O O O O N/A +bos would you rather leave at 14:11 or 15:11 ? which works better for you . eos O O O O O O O O B-Train-Select+Leave I-Train-Select+Leave O O O O O O N/A +bos i 'd actually like to leave a bit earlier . is there an 11:11 train and , if so , what is the arrival time 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 O O O O O O Train-Request+Arrive +bos tr6159 leaves at 11:11 and arrives at 11:58 eos 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 one would be better . i will need 8 tickets . eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos i have booked those seats on the train and your reference number is omwvm0x4 . eos O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you that is all i need . 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 to book a train eos O O O O O O O Train-Inform +bos where will the train depart from ? eos O O O O O O O O Train-Request+Depart +bos it will depart from cambridge on tuesday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos i have several for tuesday . what time were you looking for ? eos O O O O O O O O O O O O O O Train-Request+Leave +bos i need to get to ely by 19:00 eos O O O O O O O B-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos tr7733 is the last train of the day and can get you there by 18:07 , would you like me to book you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-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+Arrive O O O O O O O O O Train-OfferBook +bos no i need to know the departure time for that ride . eos O O O O O O O O O O O O O Train-Request+Leave +bos train tr7733 departs at 17:50. can i help you with anything else ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O general-reqmore +bos yes , i 'd like to find an indian restaurant in the west area also please . 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 N/A +bos how about tandoori palace ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos is it in the moderate price range ? eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos actually , tandoori palace is in the expensive price range . the only moderately priced indian restaurant in the west is meghna . eos O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos i 'd like a booking for meghna for 5 people at 10:45 on the same day , please . and include the reference number . 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 O O O O Restaurant-Request+Ref +bos ok , the booking is made . your reference number is e0ozr9ah . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thank you . my visit is set with your help . 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 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 does cambridge offer any expensive , singaporean cuisine ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos there are no restaurants that match your request . would you like 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 Restaurant-Request+Price,Restaurant-NoOffer +bos how about indian food instead ? i like indian food just as much . 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 you a table at cocum . eos O O O O O O O O B-Booking-Inform+Name O N/A +bos no thanks , i just need the phone number and postcode , for now . 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 phone number is 01223366668. the post code is cb30ah . 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 B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos yes , can you help me find a hotel ? eos O O O O O O O O O O O Hotel-Inform +bos of course , is there an area of town you 're interested in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos i actually need a train . for thursday . eos O O O O O O O O O O N/A +bos where you travel to and from ? eos O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'm departing from cambridge and it should arrive at peterborough by 11:15. eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos ok great . the tr9886 will fit your needs . would you like to book this train ? eos O O O O B-Train-Inform+Id O O O O O O O O O O O O O O Train-OfferBook +bos yes , please book it for two ! eos O O O O O O O O O N/A +bos booking was successful , the total fee is 33 gbp payable at the station .reference number is : 13i8fui1 . 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 thank you for the service , that 's all i needed . eos O O O O O O O O O O O O O general-thank +bos you are welcome . have a pleasant stay in cambridge . bye . eos O O O O O O O O O O O O O O general-welcome +bos good eve ! i 'm looking for a nice place to have a spot of afternoon tea . 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 N/A +bos i 'm sorry , i did n't get any matching results . is there any other food type 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 O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos no , i would like afternoon tea in the west . eos O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos sorry we got none . eos O O O O O O Restaurant-NoOffer +bos could you try italian then ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos there is one italian restaurant in that area . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos what is the name ? eos O O O O O O N/A +bos there are actually two it looks like : prezzo and la margherita . eos O 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 N/A +bos can i get the information for prezzo ? eos O O O O O O O O O N/A +bos what information can i get for you ? eos O O O O O O O O O general-reqmore +bos i need to get the phone number , address , 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 prezzo is located at 21 - 24 northampton road . the post code is cb30ad . you can reach them at 01799521260. 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 I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone N/A +bos thank you . i am also going to need train information . eos O O O O O O O O O O O O O Train-Inform +bos of course , what train information may i get for you today ? eos O O O O O O O O O O O O O O general-reqmore +bos i need a train to leave after 9:30 from kings lynn departing for cambridge on thursday . 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 B-Train-Inform+Day 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 would like to leave on thursday . eos O O O O O O O O O N/A +bos i have a train that departs at 10:11. 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 Train-OfferBook +bos no not at this time . i would just like the train id for that train . eos O 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 tr1704 . eos O O O O O B-Train-Inform+Id O N/A +bos have a nice day . eos O O O 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 general-reqmore +bos that 's all , thank you so much . eos O O O O O O O O O O general-thank +bos okay thanks for calling . eos O O O O O O general-bye +bos okay thank you for calling . eos 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-bye +bos we will be on the west side of town and would like to find a place to eat while there . 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 N/A +bos what type of cuisine would you be looking for ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i want some scottish food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos there are none in the area . another type or area perhaps ? eos O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos yeah , can you check the south please ? eos O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are no restaurants in that area . eos O O O O O O O O O Restaurant-NoOffer +bos what a bummer . find me a restaurant that serves british food on the west please . 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 N/A +bos there are 3 restaurants in that area that serve british food . is there a particular price range your looking for ? eos O O O O B-Restaurant-Inform+Choice 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+Price +bos the expensive range please . i will need their phone number and address . also , i am looking for a train departing from cambridge on saturday . eos 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 B-Train-Inform+Depart O B-Train-Inform+Day O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos travellers rest is located at huntingdon road city centre . the phone number is 01223276182. where are you traveling to on sunday ? eos 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 O O O O B-Restaurant-Inform+Phone O O O O O O B-Train-Inform+Day O O Train-Request+Dest +bos i need to get to london liverpool street by 13:00. 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 i would suggest train tr0995 , it leaves at 09:59 and will get you to your destination by 11:27. would you like me to book that for you ? eos O O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O O O O O O O O B-Train-OfferBook+Arrive O O O O O O O O O O O N/A +bos 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 Train-Request+Price +bos the price for the ticket is 13.28 pounds eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos thanks so much . that will be all the information i need today . bye . eos O O O O O 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-welcome,general-bye +bos i need a morrocan food place . are there any around here ? eos O O O O O O O O O O O O O O N/A +bos unfortunately , there is n't any moroccan restaurants in town , would you like something else ? 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 Restaurant-Request+Food +bos please look for something asian oriental instead . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i have several . is there an area of town you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area +bos no it does n't matter , what do you recommend ? eos O O O O O O O O O O O O N/A +bos i would be happy to recommend one . there are five possible choices . their prices range from cheap to expensive . what is your price preference ? eos O O O O O O O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Price +bos cheap price range is what i neeed eos O B-Restaurant-Inform+Price O O O O O O Train-Request+Price +bos dojo noodle bar is in the cheap price range . do you want me to book it for you ? 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 O O O O O O O Booking-Inform +bos yes , please book a table for 6 people on wednesday at 18: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 O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : k361ycmi . 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 general-reqmore +bos that 's great , i need a train for the same day , arriving at 11:45 from london kings cross to cambridge . eos O O O O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O N/A +bos tr3810 would fit your needs . can i book it for you ? eos O B-Train-Inform+Id O O O O O O O O O O O O Train-OfferBook +bos can i get the ticket price and the departure time please ? eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos how many tickets would you like ? the train departs at 09:17. eos O O O O O O O O O O O O B-Train-Inform+Leave Train-Request+People +bos i actually do n't need a ticket . i just need the departure time and price . eos 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 sure ! the departure time is 9:17. is there anything else i can do for you ? eos O O O O O O B-Train-Inform+Leave O O O O O O O O O O O general-reqmore +bos how much does that cost ? eos O O O O O O O N/A +bos the cost is 23.60 pounds , shall i book it for you ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos not at this time but thank you . eos O O O O O O O O O general-thank +bos are you sure there is n't anything else you need today ? eos 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 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 good afternoon , would you kindly tell me where the parkside police station is ? eos O O O O O O O O O O O O O O O O Police-Inform +bos sure . the parkside police station is at parkside , cambridge . 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 N/A +bos yes , please provide me with the address and postcode . eos O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos parkside , cambridgepostcode : cb11jg . do you need anything else ? eos O O O O O O O O O O O O O N/A +bos nope , that takes care of everything for me . thanks a bunch . 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 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 i was in a car accident . i need to contact the police , please . eos 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 . 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 yes i 'll need their address please . eos O O O O O O O O O Police-Request+Addr +bos they are located at parkside , cambridge cb11jg . eos O O O O O O O O O O N/A +bos thank you . that 's all i need to know for now . eos O O O O 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 that is all now , thank you . good bye . eos O O O O O O O O O O O O general-bye +bos hope you feel better . eos O O O O O O general-bye +bos i was parking my car and another driver passed too close and scraped the paint , but she wo n't acknowledge it was her fault . 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 contacting the parkside police station at phone number is 01223358966 is probably the best course for resolving your situation . do you think that will 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 N/A +bos probably . can i get the address and postcode , too ? eos O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos certainly . the address is 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 N/A +bos no , that will be it . 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 're welcome . please call us again . goodbye . eos O O O O O O O O O O O O general-bye +bos hello ! i 'm just planning my trip to cambridge and need train schedules . eos O O O O O O O O O B-Train-Inform+Dest O O O O O O N/A +bos i 'd love to assist you with that . where are you departing from , and when 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 O O O O O Train-Request+Depart,Train-Request+Leave,general-greet +bos depart from birmingham new street , i want to leave on friday and arrive by 14:30 eos O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos tr7040 arrives at 14:23. would you like me book for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos book it for myself . eos O O O O O O N/A +bos i 'm sorry if i misread , but did you want me to book that tr7040 train ticket for you ? if so , how many tickets would you like ? eos O O O O O O O O O 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 Train-Request+People +bos i 'm sorry . yes . please book the train on friday arriving by 14:30 for one person . eos O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O O O O O N/A +bos the booking was successful , the total fee is 75.09 gbp payable at the station . your reference number is : qqfbztyo . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos i 'm looking for a hotel to stay in the north , specifically , a guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Type O O O O N/A +bos super ! i have a range of guesthouses in the north . may i recommend worth house , rated 4 stars but cheaply priced ? the guesthouse offers internet and parking . eos 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 O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos sure ! does it include free parking ? if so i am looking for a reservation for 1 starting friday for 3 nights . eos O 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 N/A +bos your room at worth house is booked , ref # 6huoiuxc . they do offer free parking . 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 B-Booking-Book+Ref 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 that is all i need , thank you . bye . eos O O O O O O O O O O O O general-bye +bos thank you , please do remember you can contact us again at any time you need more 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 general-welcome,general-bye +bos are there any multiple sports in the centre of town ? eos O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos sorry , not in the centre . should i check another area ? eos O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos well , how about a theatre then ? i need the phone number . eos O O O O O B-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Phone +bos there are several theaters in the town centre . what address are you staying at so i can find the closest one to you ? eos O O O B-Attraction-Inform+Choice 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 O O O Attraction-Request+Area +bos i 'm not sure yet . which one do you recommend ? eos O O O O O O O O O O O O O N/A +bos i think the mumford theatre is great ! 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 O O general-reqmore +bos yes , i need the 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 they do n't have the entrance fee posted but their phone number is 08451962320. is there anything else i can assist you with ? eos O B-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price 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 , that is 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 O O general-thank +bos i 'm happy to be of help . goodbye ! eos O O O O O O O O O O O general-bye +bos i would like to book a train for monday departing from kings lynn and arriving at cambridge at 14:45. 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 B-Train-Inform+Dest O B-Train-Inform+Arrive 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 can you please provide me with the departure time of the train arriving by 14:45 or just before ? eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O Train-Request+Leave +bos the departure time is 13:11. eos O O O O O B-Train-Inform+Leave N/A +bos what time is it scheduled to arrive ? eos O O O O O O O O O N/A +bos the departure time is 13:11. may i book some tickets or provide you with further assistance today ? eos O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O Train-Select,general-reqmore,Train-OfferBook +bos thanks so much for your help . that 's all today . eos O O O O O O O O O O O O O general-thank +bos okay , thank you so much for contacting us . have a great trip ! 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 guesthouse . eos O O O O O O B-Hotel-Inform+Type O O O N/A +bos we have 24 , do you care about price or part of town ? 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 i want it to be located in the centre . eos O O O O O O O O O B-Hotel-Inform+Area O N/A +bos great ! i have two guesthouses in the centre area ; alexander bed and breakfast with 4 stars and el shaddai with 0. would you like more information on either one ? eos 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 B-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 O Hotel-Select +bos can i get more info on the alexander bed and breakfast 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 O O N/A +bos the alexander bed and breakfast guesthouse . it is located in the centre of town and is cheap priced with 4 stars . would you like reservations ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O Booking-Inform +bos yes please . i need it for 4 nights starting sunday . just for me . eos O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O N/A +bos booking was successful.reference number is : zpdwv18r . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O N/A +bos can you find a museum that is close to my hotel ? i would like to know the entry fee , address and phone number . thank you . eos O O O O O B-Attraction-Inform+Type 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 Attraction-Request+Phone,Attraction-Request+Addr +bos the museum primavera is very popular . would you like to know more ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O N/A +bos yes , what is the museum address and phone number ? i am also curious about 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 O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos the phone number is 01223357708. its address is 10 king s parade . it is free to visit . anything further you need help with today ? eos 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 I-Attraction-Inform+Addr O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos that 's everything , actually ! thanks a ton ! bye ! eos O O O O O O O O O O O O O general-bye +bos i hope you have a wonderful time at the museum . eos O O O O O O O O O O O O general-bye +bos 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 . eos O O O O O 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 . what part of town would you like ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Area +bos i would like them to be in the centre area of town . eos 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 prefer ? eos O O O O O O O O O Attraction-Request+Type +bos i would prefer the cinema . eos O O O O O B-Attraction-Inform+Type O N/A +bos the vue cinema is in the centre of town . it is located at the grafton centre , east road . can i assist you further ? eos 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 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 general-reqmore +bos actually yes , find me a mutliple sports attraction in the centre please eos 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 am sorry i have no listing for mutliple sports attraction in the centre , can i check 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 N/A +bos no . how about colleges ? eos O O O O B-Attraction-Inform+Type O O N/A +bos yes ! there are thirteen in that area ! eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos okay , i 'd like to a see a college that you recommend . i will need 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 Attraction-Request+Fee +bos downing college is in the centre area and the entrance fee is free . can i help you with anything else ? 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+Fee 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 before you go , can i have the phone number for the cinema ? eos O O O O O O O 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 O N/A +bos vue cinema phone is 08712240240 eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone N/A +bos i 'm looking for a 3 star lodging with free parking . eos O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos i have 5 hotels that meet that criteria . what area of the city 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 Hotel-Request+Area +bos i think i would like it near the centre . does it have free parking ? i would like the price range to be cheap but at least a 3 star hotel . 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 B-Hotel-Inform+Stars O O O O N/A +bos i have a listing for gonville hotel but it is expensive , i have looked in other areas and the cheapest are moderate . eos O O O O 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 hotels are available in the moderate price range ? eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos i 'm sorry there are no hotel that are moderate in the centre of the city . would you like 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 Hotel-NoOffer,Hotel-Request+Area +bos no . are there any guest houses in that range ? eos O O O O O O O O O O O O N/A +bos i 'm afraid not . perhaps a different star rating ? eos O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Stars +bos i 'm sorry . could you just find me one with free parking , a 3 star , moderate . i do n't care where it is located . 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 O O O O O O O N/A +bos there are 3 including bridge guest house . eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos ok , can you book me for 1 person for 5 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 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 please book a different hotel in the same price range . eos O O O O O O O O O O O O Hotel-Inform +bos do you care whether it is in the same area or not ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos no , the area is not important . just the same price range , if you can find anything . 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 you booked at hamilton lodge . the reference number is tgsva9oc . is there anything else i can help you with ? 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 general-reqmore +bos no , that 's all i needed . have a nice day . eos O O O O O O O O O O O O O O N/A +bos enjoy your stay at the hamilton lodge . have a great day . eos O O O O O O O O O O O O O O general-bye +bos i want to know about the cambridge and county folk museum eos 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 it is a lovely museum located in the west part of town , at 2-3 castle street . can i get a phone number for you ? eos 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 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 i do need the address please . eos O O O O O O O O O O Attraction-Request+Addr +bos the address is 2-3 castle street . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos great ! i also need a moderately priced hotel that is in the east . can you help ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos is free paring and internet important to you ? eos O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos free wifi would be great . i do n't care about the parking . eos O O O O O O O O O O O O O O O N/A +bos i found a few guesthouses . would that type of room be ok with you ? 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+Type +bos are any of them a 4 star ? eos O O O O O O O B-Hotel-Inform+Stars O N/A +bos i have three that are 4 star . shall i book one ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O O O Booking-Inform +bos yes , please book for 5 people and 2 nights starting on wednesday . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos okay , i recommend the warkworth house . i want to make sure this is okay with you before i go ahead and make 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 O O O O O Booking-Inform +bos yes , that sounds great . 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 Hotel-Request+Ref +bos your reservations have been made for five people for two nights beginning wednesday . eos O O O O O O O B-Booking-Book+People O O O B-Booking-Book+Stay I-Booking-Book+Stay B-Booking-Book+Day O N/A +bos i am looking for a certain cool place to go in town . could you help me 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 O N/A +bos sure , are you looking for an attraction in a particular area ? eos O O O O O O O O O O O O O O Attraction-Request+Area +bos yes . i 'd like the attraction to be located 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 there are 79 attractions in the center . are you looking for something in particular ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Name +bos ah , so sorry , i am looking for a theatre . and if you could tell me about any entrance fees ? 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+Fee +bos there are four theatre 's in the centre of town . i am sorry but there is no information available on their entrance fees . would you like more information on one of them . 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 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 O O O O O O O O O O O O O Attraction-Select +bos are you absolutely sure ? usually there 's some kind of indication about cost of entry . eos O O O O O O O O O O O O O O O O O O N/A +bos okay can i recommend adc theatre then ? eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos okay . i also need a place to stay that is cheap and includes 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 the alexander bed and breakfast and el shaddai are in the centre area . would you like a room booked in either one of those ? eos 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 O O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos yes please . can you book that for 3 nights starting friday for 7 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 O N/A +bos yes ! i have a booking with a reference number for you and it is 2cbg2vcy . 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 . that was all i needed . eos 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,general-bye +bos i would like to visit a college while i am in town . eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos great , there are many . any particular part of town ? eos O O O O B-Attraction-Inform+Choice 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 N/A +bos i have 5 colleges in that area . would you like queens college or maybe clare college ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O N/A +bos how about clare college . can you get me the entrance fee and phone number ? eos 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,Attraction-Request+Fee +bos the entrance fee is 2.50 pounds . the phone number is 01223333200 eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O N/A +bos great , thanks . i also need a place to stay that has free parking and wifi preferably a 4 star guesthouse in the north . what do you suggest ? eos O 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 B-Hotel-Inform+Area O O O O O O O O N/A +bos i suggest accorn guesthouse ? it is moderately price and includes parking and internet . 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 O O O O O O O O O O O O O N/A +bos yep what is their postcode and phone number if you have that handy eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos their postcode is cb41da . their phone number is 01223353888. is there anything else i can help you with today ? eos 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 general-reqmore +bos nope , thanks for your help . eos O O O O O O O O general-thank +bos what dates are you needing reservations ? eos O O O O O O O O Booking-Request+Day +bos i have n't decided on the dates with my family yet . i will call back . 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 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 im in the west side of town , are there any pools on the westside ? eos O O O O B-Attraction-Inform+Area O O O O O O O O O O O O N/A +bos sorry , there are no swimming pools on the west side of town . any other type of attraction you might be interested in ? 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 O O O O O O Attraction-Request+Type +bos okay , how about a museum , then ? eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos how about kettle 's yard . would you like the contact info ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O N/A +bos yes , please provide the address . eos O O O O O O O O Attraction-Request+Addr +bos it is located on castle street . is there anything else you would like to know ? 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 N/A +bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos no there is n't . kettle 's yard is completely free . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos excellent . can i have their address ? eos O O O O O O O O O Attraction-Request+Addr +bos of course , the address is on castle street , the postcode is cb30aq . 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 O O O B-Attraction-Inform+Post O O O O O O O O O O O O O O general-reqmore +bos yes please , i 'm looking for a 3-star hotel in the south , with free parking . eos O O B-Hotel-Inform+Internet 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 N/A +bos do you have a preference in price range ? eos O O O O O O O O O O Hotel-Request+Price +bos i do n't , pick the best one . please book a room for 3 people and 3 nights starting from monday . eos 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 N/A +bos okay . your booking at the lensfield hotel was successful . the reference number is m0z0vujl . can i help with anything else today ? 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+Ref O O O O O O O O O O O general-reqmore +bos i would also like to book a taxi to travel between the two places . i want to leave the hotel by 20: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-Hotel-Inform+Type O B-Taxi-Inform+Leave O O N/A +bos your taxi will be a yellow audi . the contact number is 07558448402. can i do anything else 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 general-reqmore +bos no thank you that will be all eos O O O O O O O O general-thank +bos you are welcome . thank you for getting in touch with 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-welcome,general-bye +bos hi , can you give me some information on places to stay on my trip ? eos O O O O O O O O O O O O O O O O O N/A +bos i can we have 33 places to stay , do you have any pricerange or area you 'd like to stay ? 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 Hotel-Request+Area,Hotel-Request+Price +bos i 'd like one in the expensive price range that includes free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos the university arms hotel is very nice and includes free parking as well as wifi . does that sound good ? 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 O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos sounds good , could you book me a room for three people for three nights starting thursday ? eos 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 have made a booking here is the information-booking was successful.reference number is : vpnp1bf0 . 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 , thank you . i 'm also looking for a college to visit in the centre , do you have any recommendations ? eos O O 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 O O N/A +bos certainly . there are 13 located in the centre . are you wanting one that has 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 O O O O Attraction-Request+Price +bos yes , free admission would be nice . eos O O O O O O O O O N/A +bos christ 's college is in the centre and has free entrance fee . eos 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 N/A +bos thank you . can you tell me their post code please ? eos O O O O O O O O O O O O O Attraction-Request+Post +bos the post code for christ 's college is cb23bu . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O N/A +bos awesome , thanks for your help ! i 'm finished now , bye ! eos O O O O O O O O O O O O O O O general-bye +bos your very welcome . eos O O O O O general-welcome +bos i would like to find a restaurant eos O O O O O O O O Restaurant-Inform +bos i can help you find what you need . what kind of food are you looking for ? price preference ? what area ? 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 Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price +bos cheap price chinese in centre of town ? eos O O O O O O O O O N/A +bos i 'm sorry , but i 'm encountering an error . could 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 Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area,general-reqmore +bos i apologize , my mind wandered there for a second , i was really looking for an attraction to see 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 B-Attraction-Inform+Area O O O O O N/A +bos did you have a particular attraction type in mind ? eos O O O O O O O O O O O Attraction-Request+Type +bos not really can you make a suggestion ? eos O O O O O O O O O N/A +bos how about a concerthall ? eos O O O O B-Attraction-Recommend+Type O N/A +bos that sounds good . how much is the entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos the man on the moon concert hall is in the centre , but i do n't have information about price . i can give you their number , 01223474144. 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 B-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 N/A +bos ok no problem . i am looking to book a room at ashley hotel . 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 great ! just let me know what day you 're arriving , how many nights you 're staying , and 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 O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay +bos i will be arriving on saturday with a party of 8 for 2 nights . thaks eos O O O O O O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O N/A +bos you are booked , the reference number is p06epm0l , any further needs for 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 yes i will also need a taxi to commute between the hotel and the attraction . i would like to leave the hotel by 07: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 B-Taxi-Inform+Leave O N/A +bos i booked your taxi . it will be a blue volvo and the contact number is 7677029602. is there anything else you need 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 general-reqmore +bos thank you . that is all i need . 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 need a taxi to don pasquale pizzeria . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos when would you like to arrive ? eos O O O O O O O O Taxi-Request+Arrive +bos i would like to arrive at one o'clock p.m. because i am meeting my husband there when he goes on his lunch break . eos O O O O 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 , where are you departing from ? eos O O O O O O O O O Taxi-Request+Depart +bos i will be departing from finches bed and breakfast . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos alright . i have a white honda for you . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O N/A +bos great , thanks . is there a contact number for the driver by any chance ? eos O O O O O O O O O O O O O O O O O general-thank +bos that number is 07303450247. eos O O O O B-Taxi-Inform+Phone N/A +bos thank you very much . will they be contacting me ? eos O O O O O O O O O O O O general-thank +bos they will only contact you if they can not find you . thank you . eos O O O O O O O O O O O O O O O O N/A +bos thank you i will be watching the white honda then . eos O O O O O O O O O O O O general-thank +bos sounds good . have a great night ! eos O O O O O O O O O general-bye +bos please help me ! i 've just been robbed ! eos O O O O O O O O O O O N/A +bos the telephone number for the parkside police station is 01223358966. eos O O O O O O O O O O O N/A +bos thank you , could you also provide me the postcode and address ? eos O O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos they are in parkside , cambridge cb11jg . eos O O O O O O O O O N/A +bos thank you so much , i appreciate your help ! 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 is it . goodbye . eos O O O O O O O O general-bye +bos goodbye . i hope the police are able to help you , i 'm sorry this happened to you . 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 a place to stay . the hotel does n't need to have free parking and should be 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 B-Hotel-Inform+Area O O N/A +bos there are 11 entries in the north . what price range are you looking for ? 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 50 to 75 dollars eos O O O O O N/A +bos when would you like to move into the room eos O O O O O O O O O O Booking-Request+Day +bos i would like to move in on saturday and stay for 4 nights . eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos the alpha-milton guest house is available , which is a 3 star hotel . would you like me to reserve it 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O O O Booking-Inform +bos i also need to make sure it has free wifi and can accommodate two people . eos O O O O O O O O O O O O O O O O O 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos how about starting on sunday ? eos O O O O O O O N/A +bos i 'm sorry the alpha-minton does n't have free wifi . i booked you into the avalon starting saturday , which you wanted . 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 B-Booking-Book+Day O O O O O O O O Hotel-Inform+Internet +bos thanks ! may i have the reference number ? eos O O O O O O O O O O Hotel-Request+Ref +bos sure ! that is banqduca . eos O O O O B-Booking-Book+Ref O O N/A +bos thank you very much . 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,general-bye +bos i need a taxi to pick me up after 21:25 at the cambridge belfry . eos O O O O O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos and where are you going ? eos O O O O O O O Taxi-Request+Dest +bos the taxi should go to the gardenia . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos your taxi will pick you up at 21:30. it is a grey honda . eos O O O O O O O O B-Taxi-Inform+Arrive O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A +bos i 'll also need the contact number please . eos O O O O O O O O O O N/A +bos the contact number is 07650376516. eos O O O O O B-Taxi-Inform+Phone N/A +bos than you , i think that 's all i need for now . 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-greet +bos i need to find a hospital in town with a cardiology and coronary care unit . 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 I-Hospital-Inform+Department O N/A +bos addenbrookes hospital , address : hills rd , cambridge , postcode : cb20qq . cardiology and coronary care unit 01223256459 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 okay thank you for the info . eos O O O O O O O O general-thank +bos you are very welcome . is there any other info i can look up 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 that is all . thank you very much . eos O O O O O O O O O O general-thank +bos ok , just 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 general-bye +bos thank you that is all i needed . eos 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-welcome +bos may you help me find the nearest police station eos O O O O O O O O O O Police-Inform +bos sure , it is located in parkside , cambridge . eos O O O O O O O O O O O N/A +bos thanks very much , what is its postcode ? eos O O O O O O O O O O Police-Request+Post +bos the post code for the police station is cb11jg . eos O O O O O O O O O O O N/A +bos great , thank you for the help . 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 no , that 's all the information i need . thanks . eos O O O O O O O O O O O O O general-thank +bos you 're quite welcome . thanks for using our service ! eos O O O O O O O O O O O O general-bye +bos hello , i would like information on an attraction named the regency gallery , thank you . 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 N/A +bos regency gallery is a museum in the center of town . what information do you need ? 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 O O O O O general-reqmore +bos just need to know what area it 's in . eos O O O O O O O O O O O Attraction-Request+Area +bos the regency gallery is in the centre . the address is 39 fitzroy street . would you like to know any other information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 O O O O O O general-reqmore +bos i need to book a train that will arrive in cambridge by 9:15. eos O O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos not a problem . what day would you like to travel ? eos O O O O 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 where will you be traveling from ? eos O O O O O O O O Train-Request+Depart +bos i 'll be coming from leicester . eos O O O O O B-Train-Inform+Depart O O N/A +bos there are 3 trains that arrive before 9:15 , one arriving at 6:54 , one at 7:54 , and one at 8:54. would you like me to book one of those 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+Arrive I-Train-Inform+Arrive O O O O O O O O O O O O O O Train-OfferBook +bos how about the 8:54. can you please book for 7 people and provide me with 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 seven tickets are booked for tr4256 departing leicester at 07:09 arriving in cambridge at 08:54. total is 264.59 gbp payable at the station . reference number is kwi8652l . will that be all ? eos O B-Train-OfferBooked+People I-Train-OfferBooked+People O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave I-Train-OfferBooked+Leave O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive 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 yes , that is everything i needed . thanks for your help . eos O O O O O O O O O O O O O O general-thank +bos excellent . have a great rest of your day ! 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 B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos where is the destination ? eos O O O O O O Taxi-Request+Dest +bos i want to go to the cambridge punter . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos your booking is completed . a yellow toyota will pick you up at 21:15. the contact number is 07441929231. can i help you with anything else today ? eos O O 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 O O O general-reqmore +bos thats is it for today , thanks eos O O O O O O O O general-thank +bos it was a pleasure to assist , goodbye eos O O O 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 east . 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 do you have a specific food type that you prefer ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos are there any swedish places ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry . i did n't find any matches . eos O O O O O O O O O O O O Restaurant-NoOffer +bos darn , alright . can we search chinese instead then please ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos yes , there is one match . a restaurant called yu garden . eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos thanks , could you book a table for 6 people on monday at 15:15 ? 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 N/A +bos the reservation was successful and they will hold the table for your party for 15 minutes . eos O O O O O O O O O O O O O O O O O O Booking-Book +bos thank you very much . what is the reference number ? eos O O O O O O O O O O O O Restaurant-Request+Ref +bos reference number is : 768crnly . 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 no , thanks you 've been great ! eos O O O O O O O O O general-thank +bos thank you very much . have a great day . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a train leaving cambridge sometime after 16:00. eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O N/A +bos what destination do you have in mind ? eos O O O O O O O O O Train-Request+Dest +bos i would like to go to kings lynn on saturday . 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 i have the tr8364 leaving cambridge to kings lynn on saturday at 16:11. would you like me to book that for you and if so how many tickets ? eos O 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 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,Train-OfferBook +bos yes please just one ticket please and do i give you my credit card number ? eos O O O O O O O O O O O O O O O O O N/A +bos no , your credit card is not necessary . you 're all set , that will be 7.84 gbp payable at the station . your reference number is 08nb7v7g . is there anything else needed ? eos 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 O O O O O O O O general-reqmore +bos yes , what attractions will be available when i get there ? eos O O O O O O O O O O O O O Attraction-Inform +bos there are many different attractions available . some include cinema , touring architecture , and visiting the park . is there anything particular you are looking to do ? eos O O O B-Attraction-Inform+Choice 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 i 'm looking for a park to go to in the south eos O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O N/A +bos there are two parks in the south . sheep 's green and lammas land park fen causeway and wandlebury country park . both of these are free eos O O O O B-Attraction-Inform+Type O 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 I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee O O O N/A +bos can i have the phone number for them , please ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos sure , sheep 's green and lammas land park 's number is 01223302580 and wandlebury country park can be reached at 01223243830. need any more help ? 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 B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O general-reqmore +bos actually i do need to know the duration of travel time for the tr8364 train . 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 47 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you very much that 's all i need . goodbye . eos O O O O O O O O O O O O O general-bye +bos thanks for using our system ! eos O O O O O O O general-bye +bos i need a training heading out from leicester that leaves on thursday . eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O N/A +bos there are multiple trains leaving for leicester on thursday . what time would you like to depart ? 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 O Train-Request+Leave +bos i would like to go to cambridge and arrive by 12:30. eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A +bos there are 6 trains that leave leicester and arrive in cambridge by 12:30 , what time would you like to leave by ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O Train-Request+Leave +bos i do n't care what time i leave . i do need the price and train id though . 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 there is a train departing at 10:09 and arriving at 11:54 with a ticket cost of 37.80 pounds . trainid is tr2058 . shall i 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O B-Train-Inform+Id O O O O O O O O O Train-OfferBook +bos yes please . i am also looking for a place to eat . are there any restaurants in east cambridge that serve unusual foods ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area B-Train-Inform+Dest O O B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry , but there are no restaurants in all of cambridge that serve unusual food . 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 N/A +bos oh well , thank you anyway . eos O O O O O O O O general-thank +bos you are welcome ! ! goodbye . eos O O O O O O O O general-welcome,general-bye +bos i am new in town and i was wondering if you knew any good nightclubs or a hot spot similar to one nearby . 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 N/A +bos i have 6 local nightclubs listed . five are located in he center area and one is in the south . which are you interested in ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O 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 Attraction-Select +bos five that are located in the center area . eos O O O O O O O O O O Attraction-Request+Area +bos the nightclubs in the center of town are ballare , club salsa , kambar , soul tree , and the fez club . eos 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A +bos can i get the phone number and address of ballare ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the phone number is 01223364222. the address is heidelberg gardens , lion yard . can i help with anything else ? 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 O O general-reqmore +bos yes . can you book a hotel for the same evening ? eos O O O O O O O O O O O O O Hotel-Inform +bos yes , would you like that to also be in the centre area ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos actually , i do n't need a hotel . i do need a train to ely on sunday , though . i 'll be leaving from cambridge after 17:45. eos O O O O O O O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O N/A +bos the first train to leave after 17:45 leaves at 17:50. would you like to 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 O Train-OfferBook +bos can i get the price , travel time , & arrival time ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive +bos 3.52 pounds , it arrives at 18:07 after a 17 minute travel time . is there anything else you need ? eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O general-reqmore +bos that is everything . thank you for the help ! 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,general-bye +bos i need a train to cambridge that will arrive by 18:03 and leaving on friday . eos O O O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Day O N/A +bos we have many trains going to cambridge , where are you departing from ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Dest O O O O O O O Train-Request+Depart +bos depart from cambridge and go to stansted airport eos O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A +bos the closest train meeting you requirements will arrive in stansted at 17:08. would you like me to book that for you ? eos O O O 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 that works . may i get the departure time , travel time , and price for 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 Train-Request+Duration,Train-Request+Price,Train-Request+Leave +bos the train departs at 17:40 duration 28 minutes price 10.10 pounds . eos O O O O O B-Train-Inform+Leave O O B-Train-Inform+Time I-Train-Inform+Time B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i would also like to find out if there are any museums located in the centre of town . 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 i show 11 results for museums in the centre , all free entrance . to name a few there is castle galleries , primavera , ruskin gallery . would you like more information ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 O O O O O general-reqmore +bos may i have the phone number and address for castle galleries ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos sure the phone number and address for castle galleries are 01223307402 and unit su43 , grande arcade , saint andrews street . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 N/A +bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos no , no fee it is free entrance . 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 general-reqmore +bos no , thank you , that is all . eos O O O O O O O O O O general-thank +bos i 'm happy to be of service . 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 can you help me find a train ? i am looking for to take me to birmingham new street and it should leave on saturday . 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 B-Train-Inform+Day O O N/A +bos train tr4975 leaves at 05:01 saturday . who you like me to book it or shall i list more train options ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave B-Train-Inform+Day O O O O O O O O O O O O O O O O Train-OfferBook +bos i need a train that departs from cambridge after 15:30. eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos i found that tr3245 is likely suited for your needs . it departs at 16:01 on saturday evening . may i book that for you ? eos O O O O B-Train-Inform+Id O 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 Train-OfferBook +bos yes please , book it for two people and provide me with the reference number 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 O Train-Request+Ref +bos ok , i have booked travel for two people on tr 3245 leaving cambridge at 1601. reference number xi0220xd for your records . eos O O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Ref O O O O O N/A +bos i also want to find a place to go . i 'm looking for a museum in the east . eos 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 we have four to choose from . any particular preference ? eos O O O B-Attraction-Inform+Choice O O O O O O O O general-reqmore +bos does n't matter . can i get the entrance fee , 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 Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos the cambridge artworks museum is located at 5 greens road . their phone number is 01223902168 , and it 's free to get in . can i help with anything else today ? 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 O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O O O O O O O O O O O O O general-reqmore +bos nothing else , thank you lots . eos 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 a boat in town . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos ok. there are four different boats to choose from . what area of town were you thinking ? 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 it does n't really matter . can you recommend one ? eos O O O O O O O O O O O O N/A +bos camboats is in the east of town and i 'd recommend them eos O B-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O N/A +bos sounds good . what is their postcode number as well as their 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 +bos i can provide that for you . the camboats postcode is cb58sx . to reach them , their phone number is 01223902112. did you need any other information ? eos O O O O O O O O B-Attraction-Inform+Name O O B-Attraction-Inform+Post O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos can you look up information for a hotel called acorn 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 acorn guest house is priced moderately , in the north area of town , has internet , parking , located at 154 chesterton road , phone 01223353888. postal code is cb41da . does that help ? 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 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds perfect . would you please book a room for two starting on thursday ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos sure , how many nights would you like ? eos O O O O O O O O O O Booking-Request+Stay +bos 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 . eos O O O O O O O O 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+Internet,Hotel-Request+Addr +bos yes , of course . the acorn guesthouse is in the north part of town and can be found at 154 chesterton road . they offer free internet . eos O O O 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O Hotel-Inform+Internet +bos wonderful , thank you . i think that 's all i need . eos O O O O O O O O O O O O O O general-thank +bos sounds like a plan . would you like me to book it now ? eos O O O O O O O O O O O O O O O Booking-Inform +bos no thank you . i think that i am good for now . eos O O O O O O 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 is all for now . thank you ! eos O O O O O O O O O O O O general-thank +bos ok , have a nice day . good bye . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for an entertaining place to go this evening in the cambridge area , please . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos there are 79 attractions in cambridge . can i narrow your search by area and/or type ? 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 how about a theatre in the centre ? i will need an address and phone number too please . 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 O Attraction-Request+Phone,Attraction-Request+Addr +bos i recommend the mumford theatre , their phone number is 08451962320 and their address is anglia ruskin enterprise , east road . 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 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 O O O O general-reqmore +bos i am looking for a train going to kings lynn leaving after 15:45 please eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Leave O N/A +bos i can book your tickets for friday . the train leaves at 16:11. would that be alright ? eos O O O O O O O B-Train-OfferBook+Day O O O O B-Train-OfferBook+Leave O O O O O O N/A +bos is it possible to change friday to saturday instead ? eos O O O O O O O O B-Train-Inform+Day O O N/A +bos absolutely . tr8364 will depart cambridge for kings lynn at 16:11 on saturday . would you like to book passage on that train ? 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+Leave O B-Train-Inform+Day O O O O O O O O O O O O Train-OfferBook +bos yes , and please be sure to give me the id . eos O O O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr8364 . how many tickets do you need ? eos O O O O O B-Train-Inform+Id O O O O O O O O Train-Request+People +bos just one ticket , please . eos O O O O O O O N/A +bos great , your booking was successful . your reference number is gkbadv9a . you will need to pay 7.84 gbp at the station . eos O 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 I-Train-OfferBooked+Ticket O 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 you are welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for a train to stevenage . eos O O O O O O O O B-Train-Inform+Dest O O O N/A +bos there are several . when do you plan on leaving ? eos O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Leave +bos i would like to leave sometime after 11:00 on tuesday . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos there are 7 trains with that criteria . all of them are leaving from cambridge , leaving after 11. is there a certain time you would like to arrive by ? eos O O O O B-Train-Inform+Choice O 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 O O Train-Request+Arrive +bos i would like the train that leaves as close to 11:15 as possible please . eos O O O O O O O O O O O O O O O O Train-Inform +bos i have one that leaves at 11:21. how many tickets please ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O O O O O Train-Request+People +bos i want to make a booking 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 64 gbp payable at the station . your reference number is 5dhipime . 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 N/A +bos yes , i would like to find out information about the scott polar 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 O O N/A +bos the scott polar museum is located on lensfield road at the city centre , their phone number is 01223336540. it is free to see . 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 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 B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos yes , what type of museum is the scott polar museum ? should i call the museum for more information on the attraction type ? eos 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 Attraction-Request+Type +bos yes , you should call the scott polar museum for more information . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos ok , thank you for your help . eos O O O O O O O O O general-thank +bos it 's my pleasure . 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-reqmore +bos no , that 's it . 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-greet +bos i need a taxi from finches bed and breakfast to ian hong house . please be here at 13:45. what is your phone number ? what type of car ? eos 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 O O O O O B-Taxi-Inform+Leave O O O O O O O O O O O Taxi-Request+Phone +bos can you please provide me with a destination and arrival time ? thank you . 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 need to arrive to ian hong house by 13:45. eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos your taxi is booked . your car is a blue volkswagen and contact number is 07602572766 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 thanks so much . that is all i needed . eos O O O O O O O O O O O general-thank +bos great , have a wonderful visit and a fantastic day . thank you . eos O O O O O O O O O O O O O O O general-bye +bos i am looking for a chinese restaurant in the south . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are 3 chinese restaurants in the south . two are expensive and one is cheap . would you like more information or to make a reservation ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform,general-reqmore +bos yes could you book a table for 5 at any one of them please ? eos O O O O O O O O O B-Restaurant-Inform+People O O O O O O N/A +bos you are booked at the good luck chinese food takeaway . your reference number is ardcxt6o 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 O B-Booking-Book+Ref 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 have a great time ! eos O O O O O O general-bye +bos yes i would like information on clare hall . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos of couse . clare hall is a college located in the west . it 's address is herschel road , and there is no entrance fee . is there anything else you would like to know ? eos O 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 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 O O O O O O O O O O O O general-reqmore +bos what is the phone number for clare hall ? eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223332360. could i be of further assistance ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos i also am looking for a hotel called kirkwood house eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos kirkwood house is a guesthouse in the north area with 4 stars moderately priced . eos O B-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+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos can i get the address for the kirkwood house ? eos O O O O O O O O O O O Hotel-Request+Addr +bos the address for kirkwood house is , 172 chesterton road post code cb41da . is there anything else you would like to know ? 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 I-Hotel-Inform+Addr B-Hotel-Inform+Post O O 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 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 am looking for a place to stay . it should be in a moderate price range and should be a star of 3. 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 B-Hotel-Inform+Stars O N/A +bos i have four results that match your request , do you need internet ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Internet +bos internet is not necessary . but can you see if there is one in the west part of town and i would prefer a guesthouse . 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 B-Hotel-Inform+Type O O N/A +bos i have the hobsons house . it is a moderately priced guesthouse located in the west . free wifi and internet . can i assist you in booking a room ? eos 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 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 Booking-Inform,Hotel-Inform+Internet +bos yes , i need a booking for 8 people for 5 nights starting monday . please include the reference number for the booking . 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 O O Hotel-Request+Ref +bos i have that all booked for your stay . your reference number for the room is zug88xkl . 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 general-reqmore +bos yes , i am also looking for places to go in town while we are visiting the area . do you have anything of concert halls around the area ? we love 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 N/A +bos we have one . the man on the moon . but it is located in the centre area of town . would you like more information ? eos O O O B-Attraction-Inform+Choice 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 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 yes , please , what is the phone number ? eos O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223474144. eos O O O O O B-Attraction-Inform+Phone N/A +bos ok , perfect . thanks ! eos O O O O O O O general-thank +bos also the address to the man on the moon is 2 norfolk street . you have to call to inquire about the entrance fee . have a great day . 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 B-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 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 general-bye +bos i need to find 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 N/A +bos i have many guesthouses and hotels available . do you have a preference on the number of stars or location ? 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 O O O O O Hotel-Request+Stars,Hotel-Request+Area +bos no star preference , but i would like it to be a hotel type . 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 two hotels that fit your criteria : the ashley hotel and the lovell lodge . which would you prefer ? 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 Hotel-Select +bos the ashley hotel will do fine . can you book me a room there ? it will just be myself staying . 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 O N/A +bos how many days would you be staying there ? eos O O O O O O O O O O Booking-Request+Stay +bos id be staying for 3 nights eos O O O O O O B-Hotel-Inform+Stay N/A +bos perfect , and what day will you be arriving ? eos O O O O O O O O O O O Booking-Request+Day +bos i 'll be arriving on monday . eos O O O O O B-Hotel-Inform+Day O O N/A +bos booking was successful . reference number is : ty5a2h5o . 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 yes , i 'm interested in knowing what attractions are in the area as well . eos O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos in the north we have riverboat georgina , milton country park , jesus green outdoor pool , and kings hedges learner pool . do any of these sound good ? 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 I-Attraction-Inform+Name O O O O O O O O O O Attraction-Select +bos i am interested in visiting one of the colleges actually . eos O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos unfortunately there are no colleges located in the north area of the city . would you like to try another area of town ? 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 O O O O O Attraction-Request+Area +bos yes please . any area would be fine so long as its a nice college to visit . would you recommend the best 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 Attraction-Request+Area +bos personally , i 'd recommend christ 's college in the centre . the entrance fee there is free . 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 B-Attraction-Recommend+Fee O O O O N/A +bos that sounds perfect ! can i have their phone number , please ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos yes , their phone number is 01223334900. may i help with anything else ? eos O O O O O O B-Attraction-Inform+Phone 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 . goodbye . eos O O O O O O O general-welcome,general-bye +bos hello , can you recommend a 4-star hotel with free parking , please ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos there are 19 four-star hotels with free parking in cambridge . do you have a price range or area of 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 O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos i would like a hotel in the north , please . eos O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos kirkwood is a wonderful hotel in the north , would you like a reservation . eos 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 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 okay thank you for calling . eos O O O O O O O general-welcome +bos i am though looking for places to go in the north as well . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos milton country park is beautiful this time of year . or perhaps riverboat georgina ? they are both in the north . eos 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 B-Attraction-Recommend+Choice I-Attraction-Recommend+Choice O B-Attraction-Recommend+Area O O O N/A +bos milton country park sounds nice , can i get their phone number 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 +bos their phone number is 01223420060 and the admission is free . eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee O N/A +bos thanks for the recommendations . the last thing is i need a taxi between the hotel and milton country park . can you help ? 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 O O O O N/A +bos sure thing . when would you like to arrive by ? eos O O O O O O O O O O O O Taxi-Request+Arrive,general-welcome +bos i want to leave the hotel by 14:15 eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos i booked you a grey volvo . call them at 07307595781 if anything comes up . what else do you need today ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos i actually am all set now ! thanks for being so helpful ! bye now ! eos O 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 , have a great time . eos O O O O O O O O O O O O O general-welcome,general-bye +bos hello , can you show me any moderately-priced restaurants in the centre of town , please ? 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 N/A +bos yes , there are over 20 of various types , do you have any type of food that you are craving ? 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 Restaurant-Request+Food +bos i am looking for thai food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , there is n't a thai restaurant there . any other ideas ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O general-reqmore +bos what about asian oriental ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos yippee noodle bar meets your criteria . 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 O O O O O O O O Booking-Inform +bos yes a table for four . thank you eos O O O O O O O O O general-thank +bos what time and day were you plan on eating at the yippee noodle bar ? eos O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos actually , i do n't need a reserved table after all . but , can i get 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 Restaurant-Request+Phone +bos sure , the number is 01223518111. is there anything else i can assist you with ? 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 , can you tell what parks are good in town ? eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i sure can . there are five parks in town . would you prefer to visit one in a particular part of town or are you open on the location ? 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 O O O O O O O O O O Attraction-Request+Area +bos whatever park you think is the best one . eos O O O O O O O O O O N/A +bos i like sheep 's green and lammas land park fen causeway , because i can pet all of the nice soft pretty animals . would you like to play with the animals too ? eos 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 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 general-reqmore +bos that sounds like it 'll be fun to visit . what is the entrance fee , 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 Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos the free park is located at fen causeway , newnham road . the telephone number is 01223302580. may i help with anything else ? eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Type 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 N/A +bos no . all set . thanks . eos 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 got ta eat . find me an expensive modern eclectic place please . 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 sorry no matches to your request . can we change the type of food eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos how about one that serve gastropub food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have two in the centre and one in the west . do you have a preference in location ? 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 Restaurant-Request+Area +bos the west would be perfect . i need a reservation for seven on sunday at 13:45 , please . 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 N/A +bos your reservation is booked at the royal standard . your reference number is wwzs2ium . 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 N/A +bos thank you . i am also looking for a hotel that is expensive and has 4 stars . i need it to include free parking . eos O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A +bos how about university arms hotel in the centre area ? eos 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 N/A +bos may i have the phone number please ? eos O O O O O O O O O Hotel-Request+Phone +bos yes , the number is 01223351241 eos O O O O O B-Hotel-Inform+Phone O N/A +bos thank you so very much . eos 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 would be all . eos O O O O O O O N/A +bos thanks for letting cambridge towninfo centre help . have a great trip ! eos 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 train to cambridge on monday eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos may i ask where you are leaving from ? eos O O O O O O O O O O Train-Request+Depart +bos sure . i 'm leaving from kings lynn sometime after 12:45 on monday . do you have anything ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O O O O O O O O O N/A +bos the earliest train after that time is tr4329 . it leaves at 13:11 and arrives in cambridge at 13:58. would that work for you or would you like a later train ? eos 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+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O O O N/A +bos that will work . can you book 7 tickets for that one please ? eos O O O O O O O O B-Train-Inform+People O O O O O O N/A +bos okay , you are booked for 7 people on tr4329 , your reference number is s9wxsl0o . eos O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O O N/A +bos great i 'm also looking for an expensive restaurant in the west part 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 i have several . what type of food are you looking for ? i have british , chinese , indian and gastropub food to choose from in this price range . eos O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O Restaurant-Request+Food +bos it should serve italian food . eos O O O O O O O N/A +bos i have no italian food available . eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O N/A +bos ok no problem . is there a place that serves indian food instead ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos yes , there are 5 indian restaurants in the west . may i recommend tandoori palace on histon road , chesterton . 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-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O N/A +bos that sounds great . may i have the address and phone number for the tandoori palace , 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos their address is 68 histon road chesterton and the phone number is 01223506055. will there be anything else i can assist 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 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 ok , thanks 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-welcome,general-bye +bos we are in the centre of town and looking for places to go . we would like maybe a museum and a cinema . can you help me ? 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 B-Attraction-Inform+Type O O O O O O O N/A +bos vue cinema is a very nice place to go . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O N/A +bos awesome , sounds good . what is their postcode please ? eos O O O O O O O O O O O O Attraction-Request+Post +bos vue cinema 's postcode is cb11ps . it 's located at the grafton centre , east rd . can i help you with anything else ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post 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 yes i am looking for a place to stay that needs to be a hotel that has free wifi . eos O O B-Hotel-Inform+Internet O O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos do you have a specific area in mind ? eos O O O O O O O O O O Hotel-Request+Area +bos in the centre of town , please . eos O O O B-Hotel-Inform+Area O O O O O N/A +bos we have three hotels in the area . do you have a star-rating or price preference ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price +bos no , i dont mind any eos O O O O O O O N/A +bos i recommend the university arms hotel . it is expensive but has a rating of 4 stars and offers internet and parking . would you like me to book this hotel ? eos O O O O B-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 O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos sounds good thanks book it for 6 for 4 nights on wednesday eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos done ! your reference number is k1cd3u5c . 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 that did it , i am ever so thankful for your help . eos O O O O O O O O O O O O O O general-thank +bos happy to help ! thank you for using the cambridge towninfo centre services ! eos O O O O O O O O O O O O O O O general-bye +bos can you get me information on a hotel called cityroomz ? eos O O O O O O O O O O B-Hotel-Inform+Name O N/A +bos cityroomz is a 0-star , moderately-priced hotel in the center of town . they offer free internet , but no parking . their address is sleeperz hotel , station road , cb12tz . eos O B-Hotel-Inform+Name 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 O O O 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 O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like to book this hotel for 4 people and 2 nights for 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 ok , i 've booked the cityroomz hotel for your party of 4 , for two nights starting tuesday . eos O O O O O B-Booking-Book+Name O O O O O O B-Booking-Book+People O B-Booking-Book+Stay O B-Booking-Book+Day O O O O N/A +bos can i have the reference number please . eos O O O O O O O O O Hotel-Request+Ref +bos yes your reference number is bevm8gpa . eos O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i will 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 will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos i will be coming in from stansted airport heading into cambridge . eos 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 want to travel on tuesday . eos O O O O O O B-Train-Inform+Day O N/A +bos there are 19 trains available that day . is there a specific time you would 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 Train-Request+Leave +bos i 'd like to arrive by 18:30 , but i can leave at any time . eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O O N/A +bos i have 13 trains . the tr9892 leaves at 5:24 , would that work ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O Train-OfferBook +bos sounds good enough to me . what is the price of the tr 9892 ? eos O O O O O O O O O O O O O O O O Train-Request+Price +bos 10.10 pounds for one ticket eos O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos ok , great and could you please confirm the departure time for that train ? eos O O O O O O O O O O O O O O O O Train-Request+Leave +bos the tr9892 leaves stansted airport at 5:24 and arrives in cambridge at 5:52. the tr0135 would also work , it leaves at 14:24 and arrives in cambridge at 14:52. eos O O O O O O O O O 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 great . thank you ! eos O O O O O O O general-thank +bos is there anything else that i can help you with ? eos O O O O O O O O O O O O general-reqmore +bos no , you have been a great help . that 's it for now . 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 using our service . hope you have a great day . eos O O O O O O O O O O O O O O O general-bye +bos could you give me information about the cherry hinton village centre . 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 N/A +bos yes , it is a multiple sports venue located in the east part of town , post code cb19ej . the address is colville road , cherry hinton . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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+Post 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 so much . eos O O O O O O general-thank +bos your welcome . is there anything else i can look up for you ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos what is it 's phone number ? also are there any expensive british restaurants in town ? eos O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O Attraction-Request+Phone +bos their phone number is 01223576412. what part of town would you like to dine in ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O Restaurant-Request+Area +bos i do n't have a preference of area as long as it 's an expensive restaurant . eos 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 a number of expensive british places in town . on the east side , there is the grafton hotel restaurant . would you like to make a booking there ? 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 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 O O O O O O O Booking-Inform,Restaurant-Select +bos sounds good ! i need a table for just myself at 11:30 on monday . eos O O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos your booking was successful . the table will be reserved for 15 minutes . the reference number is 3sojshqn . 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 that is all i needed . eos 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 i need information about churchill college . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos churchill college is a free college located in the west part of town , over on storey 's way . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee 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 O O O N/A +bos may i have the address ? eos O O O O O O O Attraction-Request+Addr +bos of course ! the address is storey 's way . would you like any other information ? 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 general-reqmore +bos yes , i 'd like to find a restaurant to eat at too . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos i sure will help with that . what is your prefered type of food ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos i want so african food that is cheap eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price N/A +bos i am sorry . there are no restaurants that match 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 Restaurant-Request+Food,Restaurant-NoOffer +bos i just need one that is expensive in the centre . it does n't matter what kind of food . eos O O 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 N/A +bos i have many choices . african , asian , british , indian . any preference ? 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 O O Restaurant-Select +bos no preference , i just need something that will accommodate 4 people on sunday please . eos O O O O O O O O O O O O O O O O O N/A +bos what time on sunday ? eos O O O O B-Booking-Inform+Day O Booking-Request+Time +bos 15:15 , and i would like the reference number . eos O O O O O O O O O O O Restaurant-Request+Ref +bos okay , how about the midsummer house restaurant ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos yes , please book it and give me its reference number . eos O O O O O O O O O O O O O Restaurant-Request+Ref +bos you are booked for sunday at 15:15 for 4 people . the table will be reserved for 15 minutes . reference number : f7xhss1z eos 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 O O O O B-Booking-Book+Ref O N/A +bos fantastic i ca n't wait to eat there . all set . eos O O O O O O O O O O O O O N/A +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 +bos i 'm trying to find a restaurant to try while i 'm in town . 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 Restaurant-Inform +bos could you please specify the type of restaurant you are looking for ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos an expensive restaurant in the center that serves moroccan food eos O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food O N/A +bos i 'm sorry , but i checked for moroccan cuisine in all price ranges , and i ca n't find anything . eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Price O O O O O O O O O O O N/A +bos can you find me a restaurant that serves thai food instead ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos sure , there is bangkok city in that area . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos can you give me their phone number , please ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos sure , the number is 01223354382. eos O O O O O B-Restaurant-Inform+Phone O N/A +bos thank you . i also need a train leaving from leicester . eos O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos there are many options available for you . would you like to narrow it down by destination , day , departure time or 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 O O O O O O O Train-Request+Dest,Train-Request+Arrive,Train-Request+Day,Train-Request+Leave +bos i will be traveling on monday to cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O N/A +bos can i please get the time ? eos O O O O O O O O Train-Request+Leave +bos i need to go to cambridge and leave after 17:45 eos O O O O O O O O O O B-Train-Inform+Leave N/A +bos the first available train after 17:45 is the tr588 leaving at 18:09. would you like me to book it or more information ? eos O O O O O 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 O O general-reqmore,Train-OfferBook +bos yes please . i need tickets for 6 people . eos O O O O O O O O B-Train-Inform+People O O N/A +bos ok great . booking was successful , the total fee is 226.8 gbp payable at the station .reference number is : kk3wg1q1 . 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 general-greet +bos great thank you , this is all i need for today . 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,general-bye +bos can you help me find a train going to cambrdige arriving by 09:00 ? eos O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos absolutely ! where are you departing from ? eos O O O O O O O O O Train-Request+Depart +bos i am departing from norwich eos O O O O O B-Train-Inform+Depart 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 sunday . eos O O O O O O O B-Train-Inform+Day O N/A +bos tr4202 will leave at 07:16 and arrive 79 minutes later at 08:35. it will cost 14.08 pounds . would you like to book a seat ? eos O B-Train-Inform+Id O 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook +bos cool , actually i need eight seats . eos O O O O O O O O O N/A +bos your tickets have been booked . the total fee for 8 tickets is 112.64 gbp payable at the station and your reference number is at6fdytn . anything else you need today ? eos O O 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 O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos i need to book a 3 night stay starting on tuesday for 8 at the aylesbray lodge guest house . i need a reference number for it . eos O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People 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 okay , the booking was successful . reference number is : fko2u5e7 . 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 thank you that is all eos O O O O O O general-thank +bos excellent . thank you for using the cambridge towninfo centre . eos O O O O O O O O O O O O general-bye +bos i 'm looking for a nighclub in the south part of the town . eos O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos the place is a nightclub in the south . would you like their phone number or address ? 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 O O O O O general-reqmore +bos yes . i want the address , postcode and phone number . eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos their address is 22 sidney street , postcode cb23hg , and their phone number is 01223324600. eos 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 N/A +bos i also need a train . cambridge to leicester . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos sure , i can help you with that . when were you looking to leave ? eos O O O O O O O O O O O O O O O O O Train-Request+Leave +bos the train should leave on saturday and arrive by 15:15. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos booking was successful , the total fee is 37.79 gbp payable at the station .reference number is : ln5i5nn8 . 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 hello , could you tell me about the swimming attractions around cambridge . something pool based please . eos O O O O O O O O O O O O O O O O O O O Attraction-Inform +bos the jesus green outdoor pool in north is really nice . need a phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O O O O O O O O general-reqmore +bos actually , i would like the address , please . eos O O O O O O O O O O O Attraction-Request+Addr +bos sure their address is between victoria road and the river . is there anything else i may help you with today ? 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 O O O O O O O O O O O O general-reqmore +bos i am also in need of a train that arrives by 10:15 and goes to norwich . can you please look that up for me . eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Dest O O O O O O O O O O N/A +bos sure are you departing from cambridge ? eos O O O O O O B-Train-Select+Depart O N/A +bos yes and i will be travelling on saturday eos O O O O O O O O B-Train-Inform+Day N/A +bos is there a time you need to leave by ? eos O O O O O O O O O O O Train-Request+Leave +bos no , not really . but i will need the train id and departure time . eos O O O O O O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave +bos tr1062 arrives at 9:55. their departure time is 8:36. there are trains before that one every hour until 5:35. eos O B-Train-Inform+Id O O B-Train-Inform+Arrive 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 N/A +bos thank you so much for your help . eos O O O O O O O O O general-thank +bos can i help with anything else today ? eos O O O O O O O O O general-reqmore +bos no . that is all i needed . thanks . goodbye . eos O O O O O O O O O O O O O general-bye +bos have a good trip . goodbye . eos O O O O O O O O general-bye +bos i need a train leaving from broxbourne . eos O 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 a tuesday from broxbourne to cambridge after 19:15. eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Leave N/A +bos i would recommend tr6788 which leaves broxbourne at 19:32 and arrives in cambridge at 20:32. 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 B-Train-Inform+Arrive N/A +bos can you book it for me ? eos O O O O O O O O N/A +bos booking was successful , the total fee is 17.89 gbp payable at the station .reference number is : x1xg5k91 . 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 recommend a three star hotel that has free wifi ? eos O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos there are two . the gonville hotel and the lensfield . both also have free parking . would you like me to 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 I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos yes , go ahead and book either of those for 2 people and 3 nights beginning on tuesday . 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 I-Hotel-Inform+Day O N/A +bos your booking at the gonville coming in on tuesday for 4 days 3 nights is confirmed for a party of 2. your reference number is : 5gcuetmp . 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+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 O B-Booking-Book+People O O O O B-Booking-Book+Ref 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 i am happy to help ! goodbye , i hope your trip is lovely ! 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 information on the autumn house . can you help me out ? eos O 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 autumn house is a cheap guesthouse with a 4 star rating on the east side of town . do you need additional information or want to book a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Type 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 Booking-Inform,general-reqmore +bos can you give me the address please ? eos O O O O O O O O O Hotel-Request+Addr +bos they are located at 710 newmarket road eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos great , thanks . now could you also help me find a train ? eos O O O O O O O O O O O O O O O Train-Inform +bos i will be glad to help . when do you want to travel ? eos 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 after 10:15. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos and what are your departure and arrival stations ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'd like to depart from peterborough . i 'm heading to cambridge . i 'll need to book for 8 people . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+People O O O O O O N/A +bos i 've made reservations on tr6932 and your reference number is c8xk2epk . eos O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks for all of your help eos O O O O O O O general-thank +bos thank you for using this service eos O O O O O O O general-bye +bos i need to take a train from bishops stanford on friday . can i book one here ? eos 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 sure thing . 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 Train-Request+Arrive,Train-Request+Leave +bos i want to arrive in bishops stanford by 09:45. eos O O O O O O O O O B-Train-Inform+Arrive N/A +bos we have two trains arriving in bishops stortford on friday by 09:45. are you traveling there from cambridge ? eos O O O O B-Train-Inform+Choice 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 B-Train-Select+Depart O N/A +bos yes . i need to book a reservation for 8 people , and 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 okay , there are two different trains . the first leaves at 05:29 and the second leaves at 07:29. eos O O O O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Leave I-Train-Inform+Leave O N/A +bos please book the one for 07:29. eos 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 . and after that i 'd like some help finding a boat attraction . eos O O O O O O O O O O O O B-Attraction-Inform+Type 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 i want to go boating on the east side . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos camboats is on the east side . do you need the address or phone number ? eos O B-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O N/A +bos both please . also i still need the restaurant reference number . eos O O O O O O O O O O O O O Train-Request+Ref +bos your reference number for the train tickets , id fzr1xmyy . i am sorry what else did you need ? i 'm sorry for my colleague eos 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 O O O O O general-reqmore +bos i also need information on a boat attraction on the east eos O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area N/A +bos i have one boat attraction on the east , it is called camboats . the price is not listed , 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 O N/A +bos yes , the phone number would be great . eos O O O O O O O O O O Attraction-Request+Phone +bos sure , the phone number for camboats is 01223902112. can i help with anything else ? 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 O general-reqmore +bos what is the entrance fee please ? eos O O O O O O O O Attraction-Request+Fee +bos i 'm afraid i do n't have that 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 general-reqmore +bos no , thank you so much for your time . eos O O O 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-welcome,general-bye +bos i need to find a place to stay . i want a hotel 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 O O O N/A +bos i can do that . what area are you staying in , and what days ? eos O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Hotel-Request+Area,general-greet +bos i need the place to be a guesthouse . 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 N/A +bos sory can you teel as about star of the hotel and the place eos O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Stars +bos any guesthouse with free parking and free wifi will work . could you tell me where one is and the # of stars ? 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 Hotel-Request+Stars +bos i would recommend the archway house , a moderately priced 4 star guesthouse on the north side at 82 arbury road . would you be interested in making a reservation ? eos 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 B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O B-Hotel-Recommend+Area O 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 no but i am needing a train to stevenage . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos on which day will you be travelling ? eos O O O O O O O O O Train-Request+Day +bos we will travel on friday . eos O O O O O B-Train-Inform+Day O N/A +bos there are 10 trains from cambridge to stevenage on friday . they run every 2 hours , and the first one is at 5:21. what is your preference ? eos O O O O B-Train-Inform+Choice 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 B-Train-Inform+Leave O O O O O O O Train-Select +bos i 'll need a train that arrives by 10:15 and book for 6 people . eos O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+People O O N/A +bos ok , i 've booked booked passage for 6 on tr6334 . total price is 76.8 gbp . reference number is 9h137nc2 . can i help with anything else ? eos O O O O O O O O B-Train-OfferBooked+People B-Train-OfferBooked+Id 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 no , you 've been fantastic . thanks for all your help ! eos O O O O O O O O O O O O O O general-thank +bos great , glad i could assist you . 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 'm looking for a guesthouse that has free parking . eos O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i 've got 21 guesthouses that offer free parking , 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 Hotel-Request+Area,Hotel-Inform+Parking +bos the part of town does not matter but i would like a 4 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 i think you would like the acorn guest house . it is in the north part of town with a moderate price range . 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 B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O O N/A +bos can you confirm that it has a 4 star rating and free wifi ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos yes and would you like me to 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 O O O O O Booking-Inform,general-reqmore +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 will you be arriving from and on what day ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i 'd like to travel on wednesday and i 'll be coming from london kings cross . eos 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 N/A +bos i have many trains to choose from . do you have a travel time preference ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O general-reqmore +bos i want to arrive by 20:15 eos O O O O O O B-Train-Inform+Arrive N/A +bos the tr9332 arrives by 20:08. would you like it booked ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes please , for 2 people . eos O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 47.2 gbp payable at the station . your reference number is 9bb5ogbn . do you need 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-Inform+Ref O O O O O O O O O O O general-reqmore +bos i 'm also looking for places to go . maybe a nightclub ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos we have 6 nightclubs in town . most of them are in the center , and kambar , at 1 wheeler st. , is my favorite . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type 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 I-Attraction-Inform+Area O B-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O N/A +bos get phone number , area , and postcode of kambar . eos O O O O O O O O B-Attraction-Inform+Name O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Phone +bos kambar nightclub is in the centre area . the phone # is 01223842725 and the postcode is cb23qb . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O N/A +bos oh yeah , i 'm so there . thanks a lot , that 's all i needed help with today ! 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 it was a pleasure helping you today . good-bye . eos O O O O O O O O O O O general-bye +bos i need a train to cambridge . i am currently at birmingham new street . eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos sure , when do you want to leave ? eos O O O O O O O O O O Train-Request+Day +bos tuesday , i 'd like to arrive by 14:00 , please . eos O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O O O O N/A +bos train tr4931 leaves tuesday at 10:40 and arrives by 13:23 in cambridge . would you like to book this train ? eos O O B-Train-Inform+Id O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O 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 booking was successful , the total fee is 225.3 gbp payable at the station .reference number is : 8s88sbmf . 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 so much ! can you also help me find a guesthouse ? eos O O O O O O O O O O O O O O O O general-thank +bos sure i will find you one and inform you as soon as possible eos O O O O O O O O O O O O O O N/A +bos i want to find out about expensive restaurants 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 there are 33. 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 expensive and in the cetre of town and i need you to book it for 6 at 20:00 on wednesday 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 price range is not cuisine . what kind of food do you like ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos i do not care about the kind of food . surprise 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 : f6ak4p82 . 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 get me a hotel in the same area with the same price range for 5 staying for 2 nights , with a taxi that arrives at the restaurant by the booked time eos O O O O B-Hotel-Inform+Type 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 how does the gonville hotel sound to you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O N/A +bos great . i 'd love to book it . eos O O O O O O O O O O N/A +bos your booking was successful , and the reference number is tcgx5ce3 . 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 please book a taxi to take me from my hotel to the restaurant in time for my reservation . give me contact number and car type too . 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 O Taxi-Request+Car +bos taxi from kymmoy to gonville hotel booking completed ! booked car type : red volvocontact number : 07290822722 eos O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 , thank you 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 , have a great day . eos O O O O O O O O O O general-welcome +bos thanks you too . goodbye . eos 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 general-bye +bos can you help me find a hotel called limehouse and tell me a little about it ? eos O O O O O O O O O B-Hotel-Inform+Name O O O O O O O O N/A +bos it looks like it is in the north and in the moderate price range . 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 i would like to book it for 7 people for 3 nights starting on tuesday . i 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 O B-Hotel-Inform+Day O O O O O O O O N/A +bos i was able to successfully book this for you . your reference number is 9bua0sl0 . is there anything else 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 yes , i 'd also like a train leaving after 14:15 on friday . eos O O O O O O O O O B-Train-Inform+Leave 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 need to go from cambridge to broxbourne . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos i have several trains available . tr9351 leaves at 15:01 and arrives at 16:01. shall i book you a seat ? eos O O O B-Train-OfferBook+Choice 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 O O N/A +bos yes , please . i 'll need 7 seats . eos O O O O O O O B-Train-Inform+People O O O N/A +bos i was able to successfully book your train tickets . your reference number is 2463kqeg . 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-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos no , that is all i needed help with . thank you . eos O O O O O O O O O O O O O O general-thank +bos your welcome have a wonderful day . eos O O O O O O O O general-welcome,general-bye +bos hi , can you help me find a cheap hotel with free wifi ? thank you eos 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 cambridge belfry is a cheap hotel in the west with wifi , would that be okay ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O Hotel-Recommend+Internet,Booking-Inform +bos i would like a cheap 4 star guesthouse with free wifi instead . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A +bos in what area will you need the room ? eos O O O O O O O O O O Hotel-Request+Area +bos there area does not matter , but i prefer a four star guesthouse . eos O O O O O O O O O O O O O O O N/A +bos autumn house is a cheap 4 star guesthouse with free wifi in the east . 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+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O O B-Hotel-Recommend+Area O O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform +bos please for 7 people for 3 nights starting on tuesday/ eos O O 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 ! your reference number is 7iwuzfnc . 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 yes i also need a train . i 'm planning to travel from cambridge to stevenage on friday . eos 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 N/A +bos do you have a time you want to leave or get there 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 arrive by 11:00. eos O O O O O O O B-Train-Inform+Arrive N/A +bos there are 3 trains that will arrive by 11:00. would you prefer to leave at 05:21 , 07:21 or 09:21 ? 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 B-Train-Select+Leave I-Train-Select+Leave N/A +bos 9:21 works perfectly , can i have a reference number for that as well ? eos 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 : czekl8al . it will cost 12.8 gbp . eos O O O O O O B-Train-Inform+Ref O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos that is all i need good bye . eos O O O O O O O O O general-bye +bos fell free to call if you need anything in the cause of the day . eos O O O O O O O O O O O O O O O O general-reqmore +bos i need to find a train leaving on friday from london liverpool street and arriving in cambridge . eos 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 N/A +bos i have 10 trains as options . do you have a time you want 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+Arrive,Train-Request+Leave +bos yes i 'd like to arrive in cambridge by 15:15. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos the tr5015 will get you there by 15:07. would you like me to book you some seats ? 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 Train-OfferBook +bos no thank you , may i please get the travel time of tr5015 ? eos O O O O O O O O O O O O O O O Train-Request+Duration +bos the travel time is 88 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 yes , what time does that train leave ? eos O O O O O O O O O O Train-Request+Leave +bos it would depart at 13:39 and arrive in cambridge at 15:07. eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos please book it for me.i also need a place to stay , a guesthouse with 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 i have booked the train for you . the reference number is jn7fftty . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you , i 'm also looking for a place to stay . can you help me find someplace ? 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 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 do n't need any specific area , just need a guesthouse that is cheap and includes free parking . 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 Hotel-Request+Area +bos i have 33 entries that match your request . 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 O O O O Hotel-Request+Stars +bos no i do n't . pick any of the 33 and give me the address and area , 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+Area,Hotel-Request+Addr +bos the alexander bed and breakfast is a cheap 4-star guesthouse in the center , how does that sound ? 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A +bos can you tell me what area it 's in ? and can you give me an address ? 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+Addr +bos alexander bed and breakfast in found in the center of the town . their address is 56 saint barnabas road . 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 I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos perfect . thank you . that 's all the information i need for cambridge . you have 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 O O O general-thank +bos we hope you enjoy your stay . goodbye . eos O O O O O O O O O O general-bye +bos i 'm looking for information about aylesbray lodge guest house please . 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 N/A +bos sure ! it 's a moderate guesthouse in the south with 4 stars , free wifi , and parking . it 's located at 5 mowbray road cb17sr . their phone is 01223240089. care to book there ? eos 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Phone O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos whats their postcode ? eos O O O O O Hotel-Request+Post +bos their postcode is cb17sr . would you like me to make a reservation for you ? eos O O O O B-Hotel-Inform+Post 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 N/A +bos for how many rooms 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 Booking-Request+Stay,Booking-Request+People +bos ignore that , i just need to get a train leaving after 21:45 from cambridge eos O O O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O N/A +bos there 's a train that leaves at 23:51 , would you like that ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos not sure . i need to go to king 's lynn on saturday . does that train go there ? eos O 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 the earliest train is at 22:11. does that work for you ? eos O O O O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos it certainly does . can you book for 3 people , please ? eos O O O O O O O O O B-Train-Inform+People O O O O N/A +bos booked ! reference number : fkh54zp9 . the fee is 23.52 gbp payable at the station . eos 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 N/A +bos okay thank you . that is all i need today . good bye . eos O O O O O O O O O O O O O O O general-bye +bos thank you and have a nice visit . eos O O O O O O O O O general-bye +bos hi , i 'm visiting soon and am interested in a particular attraction . it 's called emmanuel college . can you help ? 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 N/A +bos yes ! emmanuel college is on saint andrew 's street in the city centre . entrance is free . would you like to know anything else about it ? or anything else ? 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+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O O O O O O O O O O O O general-reqmore +bos thank you ! could you tell me the postcode for the college as well please ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode for emmanuel college is cb23ap . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O N/A +bos great . i am also looking for a train to get to cambridge sometime after 18:15. is that possible ? eos O O O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive O O O O N/A +bos i can help you with that . what is your departure location ? eos O O O O O O O O O O O O O O Train-Request+Depart +bos i am leaving from cambridge . eos O O O O O O O N/A +bos what is your departure and arrival location , they can not both be cambridge . eos O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos my apologies ! it should leave cambridge and arrive in norwich on friday . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos i have several results . 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 Train-Request+Leave +bos i just need to arrive by 18:15. eos O O O O O O O O N/A +bos how about tr7047 ? it arrives at 17:55 ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O N/A +bos that should work . can i please have the price on that ? eos O O O O O O O O O O O O O O Train-Request+Price +bos it is 17.60 pounds . eos 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 thank you for contacting cambridge towninfo centre . enjoy the rest of the day . eos O O O O O O O O O O O O O O O O general-welcome,general-bye +bos i need some lodging accommodations . it needs to have free parking and internet please ! eos O O O O O O O O O O O O O O O O O N/A +bos i found 29 hotels matching your request . what price range and area of town would 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 Hotel-Request+Area,Hotel-Request+Price +bos i would like someone to book me a place with free parking and internet . eos O O O O O O O O O O O O O O O O N/A +bos acorn guest house is located in 154 chesterton road should i book it for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O Booking-Inform +bos does it have four stars ? eos 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 +bos yes . please book it for 2 people for 4 nights starting friday . 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 i 've booked your stay at the acorn guest house , and your reference number is it07brtc . 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 B-Booking-Book+Ref O O O N/A +bos thanks a lot . can you also help me find a train going to ely ? eos O O O O O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos do you know what day or time you want to leave ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i would like to leave on tuesday after 18:00. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos tr5511 leaves cambridge for ely at 20.07. do you need tickets ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Leave O O O O O Train-OfferBook +bos not yet , but can you tell me what time the train arrives in ely please ? eos O O O O O O O O O O O O O O O B-Train-Inform+Dest O O Train-Request+Arrive +bos it arrives by 20:07 ! anything else love ? eos O O O O B-Train-Inform+Arrive O O O O O general-reqmore +bos what is the total travel time on that time ? eos O O O O O O O O O O O Train-Request+Duration +bos the trip will last 17 minutes . is there anything else you would like to know ? 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 that should do it . thanks so much for your help ! eos O O O O O O O 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-welcome,general-bye +bos i am looking for a train that should depart norwich and leave on friday . eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O N/A +bos i would be happy to help you find a train . can you please confirm the destination 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 Train-Request+Dest +bos sure , i 'd like to leave for cambridge after 19:00. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave O O N/A +bos tr9589 leaves at 19:16 eos O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos that 's perfect . can i have the train id , 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 Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos the train id is tr9589 , price is 17.60 pounds , and travel time is 79 minutes . shall i book it for you ? eos O O O O O B-Train-Inform+Id 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 Train-OfferBook +bos no that 's okay . i am looking for a place to stay though , somewhere in the centre and with free parking preferably . 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 N/A +bos there are 2 hotels and 2 guest houses in the centre which do you prefer ? eos O 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 B-Hotel-Inform+Area O O O O O Hotel-Select +bos the one with 1 star , please . eos O O O O O O O O O N/A +bos unfortunately , none of them are 1 star rated . i have one that is 0 stars , a 3 star one , and two 4 star ones . eos O O O O O O O O O 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 0 star accomidations ? eos O O O O O B-Hotel-Inform+Stars O O N/A +bos the el shaddai has 0 stars . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O N/A +bos is that a hotel or guesthouse ? if a guesthouse i 'd like to book for 2 people for 1 night on friday . thank you . 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+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O N/A +bos yes , it is a guesthouse . may i go ahead and book that for you ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O Booking-Inform +bos yes book it for me please . eos O O O O O O O O N/A +bos booking system seems to be down at the moment . should i try some place else , or would you like to try back in a little while ? eos O O O O O O O O O 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 actually was n't ready to book anyway . thanks so much for your help . i wo n't be needing anything else . 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 i apologize for the inconvenience . please check back in a few to book . 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 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 N/A +bos there are quite a few hotels with free parking ! where in the city would you like your hotel to be located ? 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-Inform+Parking +bos i am planning my trip to cambridge . i am looking for a cheap place to stay the hotel should be in the cheap price range and i want the hotel to be in the type of a guesthouse . 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 O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos there are a few guesthouses available . what area would you like to stay 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 Hotel-Request+Area +bos area does n't matter to me , but i would like it to have free parking . tell me about your favorite ? eos O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos allenbell is by far my favorite with free parking . eos O B-Hotel-Recommend+Name O O O O O O O O O Hotel-Recommend+Parking +bos great , can you book a room for thursday ? i will be alone and need to stay for 3 nights . eos O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos hmmm , it looks like i ca n't book that right now , would you like to shorten your stay , or tray 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 O Booking-NoBook,Booking-Request+Stay,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 booking was successful . your reference number is hral8tck . 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 yes . i need a train that leaves cambridge and goes to bishops stortford . eos 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 N/A +bos what day would you like to travel ? and do you have a preference for time of 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+Leave +bos i 'd like to travel on saturday and arrive by 19:30. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos train tr0969 will arrive by 18:07 would you like me to book it ? 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 i 'm looking for a train leaving cambridge traveling to kings lynn . eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-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 will be traveling on wednesday and it needs to leave after 15:15 if possible . eos 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 tr8890 leaves at 16: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 yes , that would be great . can you book that for me for 5 people and be sure and give me the reference number ? 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 Train-Request+Ref +bos i 've reserved 5 train tickets for you on the tr8890 . reference number is r0xhvn6m , and your total due is 49 gbp , which is payable at the station . need anything else ? eos O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Id 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 general-reqmore +bos i also need a place to a place to stay in the moderate price range with free wifi . 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 would you prefer a hotel or a guesthouse ? eos O O O O O O O O O O Hotel-Request+Type +bos it does n't really matter , but i 'd like it to have a 4-star rating , please . eos 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 there are 11 places fitting your needs in the east , north and south of town . do you have a preference ? eos O O O O B-Hotel-Inform+Choice 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 please pick one that has free parking . eos O O O O O O O O O Hotel-Request+Parking +bos how about the acorn guest house ? it is rated 4 stars and is on the north side of town . they offer free parking and internet . eos 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 B-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes this is perferect please book it for me . eos O O O O O O O O O O O N/A +bos how many days will you be staying for ? eos O O O O O O O O O O Booking-Request+Stay +bos is there a certain amount of days that is minimum ? eos O O O O O O O O O O O O N/A +bos no , you can stay for as long or as little as you like . eos O O O O O O O O O O O O O O O O N/A +bos ok thanks so much for your help . have a nice day ! eos O O O O O O O O O O O O O O general-thank +bos you are very welcome . are you sure you do n't need me to book that hotel for you ? i would just need a few items of 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 O O O general-welcome,Booking-Inform +bos no , i 've changed my mind and will book it online later in the week . 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 O O O O O O O O O O O N/A +bos you also have a great day ! eos O O O O O O O O general-bye +bos i need to catch a train going to broxbourne . 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 of course ! when would you like to travel ? eos O O O O O O O O O O O Train-Request+Leave +bos i will be leaving from cambridge and i would like to travel on thursday . eos O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Day O N/A +bos tr8008 leaves at 05.01 eos O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos thank you so much for your help . eos O O O O O O O O O general-thank +bos do you need help booking a ticket on that train or with anything else ? eos O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos i want to make a booking for 7 people , and i need the reference number . also , i need to book an expensive guesthouse . 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 Train-Request+Ref +bos the fee for the train tickets is 125.29 gpb which is payable at the station . your reference number is 42czlf04 . is there a specific guest house you have in mind ? 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 O Hotel-Request+Name +bos i do n't have a specific one in mind . i would like something expensive though . 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 i do n't have any expensive guesthouses listed . would you like to try a different price range or a hotel instead/ eos O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type O O O O O O O O O O O O O O O O N/A +bos sure , how about one in the moderate price range . eos O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos okay great ! we have many that match your request , do you have a specific area you 'd like ? 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 the guesthouse should be in the east , please . eos O O O O O O O B-Hotel-Inform+Area O O O N/A +bos there are three guesthouses in that area , 2 have free parking and internet , would you like more information on them ? eos O O O O B-Hotel-Inform+Type 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-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos yes , show them . eos O O O O O O N/A +bos the three options are a and b guesthouse ( no parking ) , carolina bed and breakfast and warkworth house . any preferences ? 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 O O Hotel-Select,Hotel-Inform+Parking +bos can you let me know the postcode , if they have free parking , and phone number for 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 O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Parking +bos they all have 4 stars . warkworth house has internet and parking . their number is 01223363682 and postcode is cb11ee . does this work for you ? eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Name I-Hotel-Inform+Name O O 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 Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos that one should be ok , thanks . i 'm all set . eos O O O O O O O O O O O O O O general-thank +bos great . enjoy your stay . eos O O O O O O O general-bye +bos i 'm looking for a guesthouse to stay in that 's moderately priced . eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O N/A +bos sure , i can find one for you . 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 O O O O O O O Hotel-Request+Area +bos it does n't really matter , i 'm not familiar with the town . i just need 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 O N/A +bos the acorn guest house is located in the north and offers free parking and internet . phone number is 01223353888 and has 4 stars . 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 O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O B-Hotel-Inform+Stars O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that 's what i need . will you book acorn guest house for me starting wednesday for 7 people , please . eos O 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+Day O O B-Hotel-Inform+People O O O O O N/A +bos i 'm sorry , the booking was unsuccessful . would you like to try a different day or try booking 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,Booking-Request+Day +bos can you try again , please ? i never told you how many nights we need . we 'd like to arrive wednesday and stay for 5 nights . we 're a party of 7. 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 O B-Hotel-Inform+Stay O O O O O O O O O O O N/A +bos oh , i 'm sorry , that was my mistake . i do have you booked now for five nights now , reference number 1ux4gmpa . 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 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 a train to get me to cambridge . i 'm coming from broxbourne . eos O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart O O O O N/A +bos it looks like they run hourly at 32 minutes past the hour , starting at 5:32. did you have a day and time in mind ? 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 O O O O Train-Request+Leave,Train-Request+Day +bos i 'd like to arrive by 14:15. eos O O O O O O B-Train-Inform+Arrive O N/A +bos sure , the train that arrives closest to 14:15 is tr7834 arriving at 13:32. how many people will be riding ? eos O O O 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 Train-Request+People,Train-OfferBook +bos how long will i be on the train ? eos O O O O O O O O O O Train-Inform +bos you would be on the train for an hour , is this ok ? eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O N/A +bos yes , so to clarify , what time will that train be departing ? eos O O O O O O O O O O O O O O O Train-Inform +bos tr3158 departs broxbourne at 12:32 , arrives at 13:32 , and is a one hour ride . would you like me to book it ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart 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 O O O O O O Train-OfferBook +bos no , thank you . the information was all i needed for today . eos O O O 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 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 general-reqmore +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-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 Booking-Inform,Hotel-Inform +bos i need a train leaving after 17:00 and heading the birmingham new street . 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 ok , and what day would you like to leave ? eos O O O O O O O O O O O O Train-Request+Day +bos i 'd like to leave on thursday . eos O O O O O O O O O N/A +bos there are no trains leaving at that time . eos O O O O O O O B-Train-NoOffer+Leave I-Train-NoOffer+Leave O N/A +bos i am going to have to ask you to check again , after 17:00 please . eos O O O O O O O O O O O O O B-Train-Inform+Leave O O O N/A +bos where are you leaving 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 N/A +bos i have one leaving at 17:01. would you like me to make a booking for you ? eos 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 . please book for 5 people . eos O O O O O O B-Train-Inform+People O O N/A +bos i was able to book you on traintr1765 . the reference number is : mpp4ho3a . eos O O O O O O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Ref O N/A +bos thanks . i am also looking to find a restaurant in the north . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos any type of food you would like ? eos O O O O O O O O O Restaurant-Request+Food +bos i am open to suggestions . i just would prefer it to be in the moderate range . eos 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 have the golden wok which serves chinese . i also have the nirala that serves indian food . which would you prefer ? eos 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+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Select +bos i think nirala sounds good . can you book a table for the same group of people at 10: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 B-Restaurant-Inform+People O O O O N/A +bos your table is booked , ref # 3i6eo7ef . 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 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 you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome +bos i was wanting help with a place to dine in cambridge . eos O O O O O O O O O O O O O N/A +bos we have quite a few restaurants . do you have any preferences as far as locale , price range , or cuisine type ? 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 O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price +bos yes , we would like something in the centre , expensive chinese food would be great . eos O O O O O O O O B-Restaurant-Inform+Area B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O N/A +bos great , i have four options for you . i would recommend hk fusion . eos 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 that sounds great . can you book me a table for two at 3 p.m. on sunday ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : cjsen5qp 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 perfect . now , please find me a train leaving after 13:00 on monday eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos certainly . where will you be traveling ? eos O O O O O O O O O Train-Request+Dest +bos i would be leaving from cambridge and going to stevenage . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos how about train tr1898 that leaves at 13:21 ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos yes can i please get the arrival time ? eos O O O O O O O O O O Train-Request+Arrive +bos that train will arrive in stevenage by 14:10. will you be needing to purchase tickets ? eos 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 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 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 let me know what expensive restaurants are available in the south 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 i am showing 5 that meet that criteria . chinese , italian or mexican food . would you like one of those ? 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 Restaurant-Select +bos how about the chinese ? can i have the address with the postcode , and the 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos how about peking restaurant , located at 10 homerton street city centre cb28nx . number is 01223354755. eos 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 B-Restaurant-Recommend+Phone O O N/A +bos sounds perfect ! i also want to find a 3-star hotel in the same area . eos 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 the lensfield hotel should meet your needs , it is an expensive hotel in the south . 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 B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Area O O O O O O O O O O O O O Booking-Inform +bos does it include free wifi ? eos O O O O O O O N/A +bos yes , it does include free wifi . 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 Booking-Inform,Hotel-Inform+Internet +bos no need to book today . but , can you provide me with their 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 O Hotel-Request+Phone,Hotel-Request+Addr +bos sure ! their address is 53-57 lensfield road and their phone number is 01223355017. eos 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+Phone O general-greet +bos thank you for the information . 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 help me find a place to stay in the south part of the city that offers free wifi with the room . 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 N/A +bos sure i have 4. when are you coming ? eos O O O O O B-Hotel-Inform+Choice O O O O Booking-Request+Day +bos i 'm not sure yet . what types of hotels are available ? i do n't want to stay in a guesthouse . 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 N/A +bos the lensfield hotel is in the expensive price range . their address is 53-57 lensfield road eos 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos what is the star rating of the lensfield ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos the lensfield hotel has 3 stars . would you like their phone number ? 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 general-reqmore +bos yes please . i am also looking for a place to dine ; european modern food , but at a 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 Hotel-Request+Price +bos is there a certain area you prefer ? eos O O O O O O O O O Restaurant-Request+Area +bos yes , i would like a restaurant that is also in the south . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos chinese , indian or italian food ? eos O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos im feeling modern european what are some of my options for that ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O N/A +bos the only place on the south side is the restaurant alimentum . are you interested in booking a table with them ? eos O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform +bos i would like a table . eos O O O O O O O N/A +bos what time would you like the reservation , and for how many people ? eos O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time +bos i would like the reservation to be at 12:45 for 7 people . eos O O O O O O O O O O O O O O N/A +bos great , and what day do you prefer ? eos O O O O O O O O O O Booking-Request+Day +bos i would prefer for it to be thursday . eos O O O O O O O O B-Restaurant-Inform+Day O N/A +bos you 're all set , reference # megkpar1 . can i help you with anything else ? 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 is all for now . eos 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 need some help finding a place in centre to eat , can you look it up for me ? 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 a variety of restaurants to chose from . would you like indian , chinese , british , international fare or a gastropub ? 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 B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos we would like to try a portuguese place . is there one available ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos oh you 're in luck . i have one in the center called nandos city center . would you like me to make a reservation for you ? 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 O O O O O O O O O O O O Booking-Inform,general-greet +bos yes . please reserve for 2 people on tuesday at 15:15. 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 that booking was successful and your reference number is jm0rl39i . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i would also like a train leaving on saturday going to kings lynn . eos O 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 N/A +bos okay , where are you departing 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 B-Train-Inform+Depart O N/A +bos well , i have great news . there are several trains leaving from cambridge on saturday . would you like to book tickets for you and how many ? eos O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O 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 Train-Request+People,general-greet,Train-OfferBook +bos yes please book 2 tickets . eos O O O O O B-Train-Inform+People O N/A +bos let 's try and narrow this down some . what time do you want to depart or 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 O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to leave after 20:45 eos O O O O O O O B-Train-Inform+Leave N/A +bos for how many people ? eos 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 would train tr6633 arrving at 21:58 work ? eos O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Arrive O O N/A +bos yes . i 'd like to book that for two . could i get 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 N/A +bos it has been booked . your reference number is 1j07ujky . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank for the help , goodbye ! eos 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 am looking for a hotel located in cambridge called the huntingdon marriott hotel . can you find some information on it ? eos O O O O O O B-Hotel-Inform+Type 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 N/A +bos sure . the huntingdon marriott hotel is in the west area . it is a 4-star hotel with free internet and parking . it is one of our expensive offerings . 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 O O B-Hotel-Inform+Stars O O O O O O O O O O O O B-Hotel-Inform+Price O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos sound nice . can you book 2 nights for me starting monday ? there are 8 of us . eos O O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O O O O O O N/A +bos this is actually a 4 star hotel . may i know how many rooms you will need for the 8 of you ? eos 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 N/A +bos i will need 4 rooms for 2 nights . if the two nights does n't work , then 1 night will work . could i have the reference number of the booking ? eos 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 O O O O Hotel-Request+Ref +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 Booking-Inform +bos i would like a train going to stansted airport . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest 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 departing cambridge tuesday eos O O O O B-Train-Inform+Depart B-Train-Inform+Day N/A +bos i have several trains available . what is your preferred time of departure and arrival ? eos 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 would like to leave after 20:15. eos O O O O O O O B-Train-Inform+Leave N/A +bos i have one leaving at 20:40 and arriving by 21:08. only 10.10 pounds . would you like to book ? eos O O O O B-Train-Inform+Choice 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 Train-OfferBook +bos thank you . can also provide the train id ? eos O O O O O O O O O O O Train-Request+TrainID +bos tr8238 . would you like to book it ? eos O B-Train-Inform+Id O O O O O O O O Train-OfferBook +bos no thanks can you help me find an expensive restaurant in the centre ? eos O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos there are 33 expensive restaurants in the centre . is there a type of food you prefer ? 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 Restaurant-Request+Food +bos i 'm up for an adventure , can you pick a good one for me ? eos O O O O O O O O O O O O O O O O O N/A +bos of course . i would recommend the cambridge chop house . it serves british food . would you like to book a table ? 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-Inform+Food O O O O O O O O O O O O Booking-Inform +bos no but i would like the postcode and the phone number . 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos phone number is 01223359506 and the postcode is cb21sj . is there anything else ? eos O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O 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 i am glad i can help and enjoy ! eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a museum in town . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos what area are you looking for ? eos O O O O O O O O Attraction-Request+Area +bos anywhere in town should be fine , i just need to know what area 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+Area +bos we have 23 museums in various areas of town . would you prefer an art gallery ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O N/A +bos i trust your recommendation on a museum . what area is it in ? eos O O O O O O O O O O O O O O O Attraction-Request+Area +bos byard art is in the south on 14 king 's parade , cb21sj . do you want more information ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post I-Attraction-Recommend+Post O O O O O O O O general-reqmore +bos no that 's it . i need a train going to london kings cross that leaves after 20:45 on monday from cambridge . 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 B-Train-Inform+Day O B-Train-Inform+Depart O O O N/A +bos i have train tr2634 that leaves at 21:00 and arrives in london kings cross at 21:51. 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 I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive 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 N/A +bos 5 tickets on tr2634 have been booked . the total fee is 118 gbp , payable at the station . your reference number is : gbjx4faf . is there anything else i can do ? eos 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 O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos no , i 'm good . thank you so much . eos O O 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 again , thanks for your help ! eos 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 hi can you help me find a cheap restaurant in the centre 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 N/A +bos i certainly can . we have 15 inexpensive restaurants in the center of town . was there a particular type of cuisine you wanted ? eos O O O 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 O Restaurant-Request+Food +bos my boyfriend really likes scottish food . would you have anything that offers that ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos i do not have any scottish places fitting that criteria , may i try another 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 Restaurant-Request+Food +bos oh wow . that 's too bad . how about a good italian place ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos the zizzi cambridge is a cheap italian restaurant in the centre area . would you like me to make a reservation for you ? eos O 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 O O O O O Booking-Inform +bos yes please . can you also 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 O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure thing ! the address is 47-53 regent street , the phone number is 01223365599 , and the postcode is cb21ab . is there anything else i can do for you ? eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O 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 i 'd like a reservation at 6:30 for a party of 2. eos O O O O O O O O O O O O O N/A +bos i 'll be happy to do that for you . what day would you like the table 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 +bos actually , i 've changed my mind . i 'm going to wait on that reservation , 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 okay . is there anything else you need ? eos 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 goodbye ! eos O O O O O general-bye +bos hi , i 'd like to find 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 O O N/A +bos certainly , there are many trains going that route . can you specify which day 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 O O O O Train-Request+Day +bos i would like to travel on saturday . eos O O O O O O O B-Train-Inform+Day O N/A +bos i 've got a full schedule of trains going that route on saturday . do you have a preferred time to leave or get there ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice 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+Leave,Train-Request+Arrive +bos i 'd like to arrive by 13:45. eos O O O O O O B-Train-Inform+Arrive O N/A +bos i have a train that arrives at 13:06. will this do for you ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Arrive O O O O O O N/A +bos yes that would be perfect . could i have 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 yes the departure time is 11:21 and the cost of the journey will be 30.24 pounds . eos O O O O O O B-Train-Inform+Leave O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos great , thanks for your help ! eos O O O O O O O O general-thank +bos not a problem ! do you need anything else ? eos O O O O O O O O O O O general-reqmore +bos no thanks . i appreciate the help . have a good day . eos O O O O O O O O O O O O O O general-thank +bos you as well ! goodbye ! eos O O O O O O O general-bye +bos i 'm looking for a train going to cambridge . eos O O O O O O O O B-Train-Inform+Dest O O N/A +bos there are over 1000 trains coming to cambridge . is there a particular day , time , or point of departure that you 're interested in ? 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 O O O O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Day +bos i want to leave from london liverpool 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 what time would you like to arrive in cambridge ? eos O O O O O O O O O O O Train-Request+Arrive +bos i would like to arrive by 9:30. eos O O O O O O O O N/A +bos sure , the train the arrives closest to that time is tr2715 , arrives at 09:07. shall i book it , if so how many riders are there ? eos O O O O 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 O O O O Train-Request+People,Train-OfferBook +bos just one . what is the price to book the train ? eos O O O O O O O O O O O O O Train-Request+Price +bos the price of the 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 alright , thanks . i 'm also looking for a particular hotel , it 's name is hamilton lodge . 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 N/A +bos i have found the place you are looking for . its address is 156 chesterton road , would you like me to book a reservation for you ? eos 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 O O O O O O Booking-Inform +bos does the hamilton lodge include free parking ? eos O O O O O O O O O Hotel-Request+Parking +bos yes , they have free parking as well as internet . would you like to reserve a room ? 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 , thank you . eos O O O O O O general-thank +bos of course , what will the number of guest and the duration of your stay be ? 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 actually , i do n't need the room booked . i think we 're all set here . 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 N/A +bos you as well , goodbye . eos O O O O O O O general-bye +bos hi there ! i 'm looking for a 3-star place to say in the south area of town . eos O O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos i have a moderately priced guesthouse and a relatively expensive hotel , both rated at 3 stars , both with free parking and internet . want to flip a coin ? eos O O O O O O O O O O O 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 prefer to go with the moderately priced guesthouse , does it have free wifi ? eos O O 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 yes , free wifi and parking . can i book it for you ? eos 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 at this time but can you give me 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 sure , the phone number for the bridge guest house is 01223247942. can i help you with anything else today ? 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+Phone O O O O O O O O O O general-reqmore +bos i am also interested in finding something fun to do in the south . are there any `` must see '' attractions you suggest ? 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 N/A +bos there are several attractions in the south . there are a couple nice parks , a theatre , a museum and a nightclub . which type would you like to visit ? eos O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Choice I-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 O Attraction-Select +bos just any that is inn the same area as the hotel eos O O O O O O O O O O O O Hotel-Inform +bos ok , how about the byard art museum ? it has free admission . 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+Fee I-Attraction-Recommend+Fee O O O N/A +bos sure . can i have the phone number and address , and also 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 Attraction-Request+Phone,Attraction-Request+Addr +bos the cost of the byard art museum is free to get into , the phone number is 01223464646 and the address is 14 king 's parade . 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+Fee O 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 O O N/A +bos i also need taxi service to get me from bridge guest house to the art museum . i want to leave the hotel by 14:15. 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 O O O O O O B-Taxi-Inform+Leave O N/A +bos okay , i have a grey honda booked to pick you up at 14:15. the contact number is 07602309697. 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 B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Phone 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 i 'm glad i was able to help you . thanks for using our service 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-welcome,general-bye +bos can you find a theater to go to in town ? eos O O O O O O O O O O O O N/A +bos sure , do you have an area of town you would like to visit ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area +bos no , i 'm not concerned about that . eos O O O O O O O O O O N/A +bos adc theatre is in the centre of town eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area N/A +bos okay , great . i 'm also looking for a restaurant in the south . it should be expensive . eos O O 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 N/A +bos there are 5 locations . do you have a food preference ? eos O O O O B-Restaurant-Inform+Choice 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 there are 2 options that meet your criteria . personally , i would recommend the peking restaurant at 10 homerton 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 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 N/A +bos perfect , would you be able to book that for me ? eos O O O O O O O O O O O O O N/A +bos for how many people and time please ? eos O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos actually , i will book it myself . may i please get peking restaurant 's 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos the phone number is 01223354755 and the post code is cb28nx . eos O O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Post O N/A +bos thanks . could i get the address as well please ? eos O O O O O O O O O O O O Restaurant-Request+Addr +bos 10 homerton street city centre . what else may i do ? 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 O N/A +bos that 's all i need , thanks very much . eos O O O O O O O O O O O general-thank +bos you are welcome . have a nice day . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos hello , i need a train on wednesday arriving at 14:30. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O N/A +bos ok , 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 Train-Request+Depart,Train-OfferBook +bos i am departing from cambridge and going to leicester and i need to arrive by 14:30. eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O O N/A +bos tr2176 leaves at 09:21. can i book for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos please make a booking for 3 people . make sure you get the reference number eos 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 113.4 gbp payable at the station . reference number is : fhu6lgxd . is there anything else i could 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 general-reqmore +bos i 'm looking for some information about 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 O N/A +bos it is located in the east , is moderately priced , and has a 4 star rating . it has free internet . it 's located at 124 tenison road . eos O O O O O O B-Hotel-Inform+Area 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O Hotel-Inform+Internet +bos thank you . can i also get the phone number ? eos O O O O O O O O O O O O Hotel-Request+Phone +bos sure . their phone number is 01223315702. anything more i can help with ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos no , that is all i need for now . eos O O O O O O O O O O O N/A +bos it 's been my pleasure . goodbye eos O O O O O O O O general-bye +bos can you help me find a hotel today ? eos O O O O O O O O O O Hotel-Inform +bos i sure can help you ! is there a particular area you are wanting to search in ? 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 was hoping for a hotel in the east that is cheap . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O N/A +bos there are no matches that fit the criteria , can i look for something else ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Select,general-reqmore +bos a 4 star hotel with wifi and free parking ? eos O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos i suggest you seeuniversity arms hotel . it is expensive located in regent street , cb21ad . you want their phone number ? eos 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 B-Hotel-Recommend+Addr O O O O O O O O O general-reqmore +bos that is all i need for the hotel . but i 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 O O O Hotel-Inform +bos there are over 100 restaurants in the city , could you tell me which area or cuisine you are wanting so i can narrow the choices down ? 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 O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos i 'm actually interested the saffron brasserie and i 'd like to book it for one on saturday @ 15:00 . may i have the reference number ? 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+Day O B-Restaurant-Inform+Time O O O O O O O O O O Restaurant-Request+Ref +bos unfortunately i am unable to book that for you . is there a different option . eos O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes , can you try for 14:00 instead ? eos O O O O O O B-Restaurant-Inform+Time O O O N/A +bos it was booked , your reference number is 0482j6xu is there anything else ? eos O O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O N/A +bos no , that is okay . 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 , you too . goodbye . eos O O O O O O O O general-bye +bos you are welcome . good bye eos O O O O O O O general-welcome,general-bye +bos i want info on kirkwood house eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos i can help you with that . what info did you need per say ? eos O O O O O O O O O O O O O O O O general-reqmore +bos thank you ! do they have internet ? eos O O O O O O O O O Hotel-Request+Internet +bos yes , they do have internet . 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 O O O O O Booking-Inform,Hotel-Inform+Internet +bos no , thanks . i 'm just looking for information at the moment . could you tell me anything about the tenpin , it 's 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 O O O O O O N/A +bos i have no info on this attraction , is it known by another name ? eos O O O O O O O O O O O O O O O O Attraction-Request+Name,Attraction-NoOffer +bos no its not known by another name and i need information on the address , attraction type and area . also i need to know the type of hotel kirkwood 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 Hotel-Request+Type,Attraction-Request+Area,Attraction-Request+Type,Attraction-Request+Addr +bos tenpin is an entertainment attraction on the south side of town at cambridge leisure park , clifton way . kirkwood house is a guesthouse . do you need more information ? eos O B-Attraction-Inform+Name 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 B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O O O O O O general-reqmore +bos you covered everything , thanks ! eos O O O O O O O general-thank +bos 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 ? eos O O O O O 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 's all , folks ! i appreciate your help . eos O O O O O O O O O O O O N/A +bos thank you , have a good stay . 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 great , what can i help you with ? eos O O O O O O O O O O general-greet +bos i need info about a restaurant called galleria eos O O O O O O O O B-Restaurant-Inform+Name N/A +bos the reestraunt serves eauropean food and is located in the centre ans its adress is 33 bridge street eos O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Addr N/A +bos thank you . i 'm also looking for a sunday train . eos O O O O O O O O B-Train-Inform+Day O 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 i need to leave from norwich and arrive in cambridge by 11:30. 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 tr0996 will arrive at 10:35 , would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O N/A +bos sure . what is the price and departure time ? eos O O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos departure time is 09:16 and cost is 14.08 pounds . eos O O O O B-Train-Inform+Leave O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos great . thanks for being so helpful today . that is all i needed . 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 nice day ! eos O O O O O O O O O O general-welcome,general-bye +bos you do the same . good-bye . eos O O O O O O O O general-bye +bos thank you ! bye ! eos O O O O O O general-bye +bos i am looking for a place to eat that 's in the centre and serves turkish food . can you help me ? eos 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 O N/A +bos sure , i have 3 options for you eos O O O O O B-Restaurant-Inform+Choice O O O N/A +bos great ! can i get the address of one of them . eos O O O O O O O O O O O O O Restaurant-Request+Addr +bos may i recommend efes restaurant . they are located on king street city centre . is there anything else i can help you wtih ? eos O 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 O O O O O O O O O O O O general-reqmore +bos i need the address , post code and price range for the efes restaurant . eos 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,Restaurant-Request+Price,Restaurant-Request+Addr +bos efes restaurant in the moderate price range located at king street city centre . their post code is cb11ln eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O B-Restaurant-Inform+Post O N/A +bos thanks i also need a train going to stevenage on thursday . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos trains leave for stevenage at 21 past the hour , every 2 hours . what time would you like to travel ? eos O O O O B-Train-Inform+Dest 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 well , i 'd like to get there by 12:00 or a little before , so is there a train at 09:21 or 10:21 ? i 'll need 1 ticket . 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 O O O O O O O N/A +bos the tr0552 train arrives at 10:10 at stevenage . eos O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A +bos ok , can i get one ticket please ? eos O O O O O O O O O O N/A +bos your seat on the train is reserved , reference # 7d3h801w . eos O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos well thanks a lot . you were great help . eos O O O O O O O O O O O general-thank +bos is there anything more i can be of assistance with ? eos O O O O O O O O O O O O general-reqmore +bos nope thats everything thanks eos O O O O O general-thank +bos thank you so much for calling . 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 'm interested in finding theatres in the centre , if any . 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 4 theatres in the centre of town . may i recommend adc theatre on park street ? 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O N/A +bos sure may i have the address , postcode 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,Attraction-Request+Addr +bos the adc theatre is located on park street , postcode cb58as , and the phone number is 01223300085. 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 B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O N/A +bos awesome ! thanks ! i will also be needing a train to leave cambridge . can you also help 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 there are a lot of trains departing cambridge throughout the day and night . what is your destination and what time would you like to arrive by ? 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+Dest,Train-Request+Arrive +bos i am planning your trip in cambridge eos O O O O O O O O N/A +bos are you planning a trip to cambridge ? if so , what type of information are you looking 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 general-reqmore +bos i want to know if the worth house is still renting rooms . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos yes they are . would you like to book a room ? eos O O O O O O O O O O O O O Booking-Inform +bos yes book for 2 people and 3 nights from thursday eos 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 : wx6qa7d0 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thanks . i also need to find a train to london liverpool street . 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 where are you departing from , and what day ? is there a certain 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 Train-Request+Day,Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart +bos i am leaving from cambridge . eos O O O O O B-Train-Inform+Depart O N/A +bos since this is the cambridge help desk , i assumed that , i really need the date and time to get you booked . eos O 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 sure , you really should be more pleasant . i need to get to london liverpool street on wednesday by 20:45 please . eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive O O O N/A +bos the tr1047 leaves cambridge for london liverpool street wednesday arriving at 07:27. the price is 16.60 lbs . can i book it for you ? 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 O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O Train-OfferBook +bos yes make the booking or me for 2 and provide the reference number . eos O O O O O O O O O B-Train-Inform+People O O O O O N/A +bos ok , i was able to make your reservation . your total fee is 33.2 gbp . your reference number is : poe0ntr1 . 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 N/A +bos thank you very much . that is all the information i need . eos O O O O O O O O O O O O O O general-thank +bos okay great ! have a great trip ! eos O O O O O O O O O general-bye +bos i 'm looking for a place to stay that includes free wifi and free parking . eos O O O O O O O O O O O O O O O O O N/A +bos there an area of town or pricerange you want ? eos O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos a star of 4 and should be in the cheap range and in the north eos O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area N/A +bos the worth house in meets your needs . would you like me to start 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 Booking-Inform +bos yes , please . on tuesday for 3 nights for 8 people . eos 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 you are all set ! reference number ysgi8lq1 . 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 i think i might be all set . 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 general-bye +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 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 are you looking for something in particular ? eos O O O O O O O O O Restaurant-Request+Name +bos yes . it 's called the golden wok . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos ok. golden wok is located at 191 histon road . would you like me to book a table for you ? 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 O O O O O O O O O O Booking-Inform +bos book a table for 8 people at 15:45 on tuesday . 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 okay , your booking was successful . the table will be reserved for 15 minutes , and your reference number is x31yfn1y 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 N/A +bos thank you . i also need to find a train . eos O O O O O O O O O O O O Train-Inform +bos i 'll be happy to assist you with that . where would you like to depart from and go to ? 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+Depart +bos i will be departing from cambridge to norwich on wednesday and the train should arrive norwich by 16:45 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 B-Train-Inform+Arrive N/A +bos tr0031 leaves cambridge at 14:36 and arrives in norwich at 15:55. total travel time is 79 minutes . the cost is 17.60 pounds . will that meet your needs ? 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O N/A +bos yes , thats all tge info i need thanks eos O O O O O O O O O O general-thank +bos would you like to book tickets ? or 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,Train-OfferBook +bos yep your awesome thanks eos O O O O O general-thank +bos okay , glad you enjoyed ! have a good day . eos 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 go in the east ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos we have 5 very nice attractions in the east , do you have an idea of type of activity that would best match your needs ? eos O 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 O O O Attraction-Request+Type +bos is there a museum i could go to on that side of town ? if so , please provide phone number , address , and postcode . 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 O Attraction-Request+Addr +bos yes , there are 4 museums . three are free and one has a 5 pound entrance fee . are you looking for a gallery ? eos O O O O O B-Attraction-Inform+Choice O O O O O 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 O O O O O O Attraction-Request+Type +bos what do you recommend ? eos O O O O O O N/A +bos cambridge artworks is wonderful ! they are located at 5 greens road cb13ef . there phone number is 01223902168. eos O B-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 O O O B-Attraction-Recommend+Phone O O N/A +bos i 'm also looking for a place to eat . i do n't mind where , but i want an expensive chinese place . 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 N/A +bos there are 9 options that fit your criteria . would you like a recommendation or would you like to narrow it down further ? 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 general-reqmore +bos a recommendation would be fine . can i get the area they 're in and post code ? 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+Post +bos i recommend yu garden . it is located in the east . the address is 529 newmarket road fen ditton . postcode cb58pa . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr B-Restaurant-Recommend+Post O O O O N/A +bos i 'd also like to book a taxi between the two places . i 'd like to leave the restaurant by 2: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 Restaurant-Inform,Taxi-Inform +bos ok. i booked a taxi for you . it is a blue audi and the contact number is 07155610417. 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 N/A +bos thank you . that 's all i needed . 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-welcome,general-bye +bos i need to find a nightclub to visit while in town . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos our night life is so much fun ! how about ballare in the centre ? their phone number is 01223364222. eos O O O O O O O O O O B-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O N/A +bos i was looking for something in the east actually . eos O O O O O O O O O O O N/A +bos unfortunately there are no nightclubs in east city , they are mostly in centre city with one in the south as well . would you like info for 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 i 'd really like to stay on the east side . what 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 O O N/A +bos the cambridge artworks museum is on the east side . it 's lovely and , better yet , it 's free ! 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 O O B-Attraction-Inform+Fee O O O O O N/A +bos okay . what is the address and postcode for that museum ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos they are located at 5 greens road and the postcode is cb13ef . is there anything else i can help you with ? 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+Post O O O O O O O O O O O general-reqmore +bos i also need some info on the 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 the a and b guest house is moderately priced with 4 stars and free internet but no parking , unfortunately . what else can i do for you ? 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 B-Hotel-Inform+Stars 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 i 'd like to book for 6 people starting thursday for 3 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 O N/A +bos i have you booked at the a and b. your reference number is q4ap5yl1 . is there anything else that 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 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 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 you are welcome , enjoy the museum . eos O O O O O O O O O general-welcome +bos i need a place to dine on indian food . centre of the town please . eos O O O O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O O O O O N/A +bos sure , is there a specific price range you are looking for ? eos O O O O O O O O O O O O O O Restaurant-Request+Price +bos no . just a place that can accommodate a table of 8 at 17:15 on sunday . 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 you have a reservation at saffron brasserie for 8 people on sunday at 17:15. reference # q7c8ex21 . can i help you with anything else today ? eos O O O O O O B-Booking-Book+Name I-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 B-Booking-Book+Ref O O O O O O O O O O O N/A +bos i need to find a 3 star guest house that has free wifi . can you help me ? eos 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 on what area should your hotel be ? eos O O O O O O O O O Hotel-Request+Area +bos the area does n't matter , i 'd just like a guesthouse with free wifi and parking . 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 there are 3 options . i recommend hamilton lodge . want me to book it for you ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform +bos no need to book , just tell me the price range , postcode , and address if you could 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+Price,Hotel-Request+Addr +bos hamilton lodge is moderately priced . the postcode is cb41da and they are located at 156 chesterton road . will that be all for you today ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O B-Hotel-Inform+Post I-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 general-reqmore +bos yes , that 's all . thank you . 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 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 i am excited to visit some of your attractions . can you help me find a place to stay 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 O B-Attraction-Inform+Area O O O O N/A +bos 6 of the 7 places that match your request are guesthouses . is that acceptable ? and what pricerange are you needing ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Price,Hotel-Select +bos yes , a guesthouse would be great . i 'd like for it to be in the moderate price range . eos 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 N/A +bos ok. there are three choices . do you need free parking ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Hotel-Inform+Parking,general-greet +bos you want to book it for 1 people and 2 nights starting from monday . no parking 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 : i4afi8et . what else do you need ? 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 looking for an attraction called the cambridge corn exchange ? can you provide me with more information ? 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 O O O O O O O N/A +bos the cambridge corn exchange is located in the centre of town on wheeler st. the phone number is 01223357851 and the postcode is cb23qe . anything else i can help with ? eos 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 N/A +bos can you book a taxi for me at 15:15 from the corn exchange to the guesthouse ? eos O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O N/A +bos i sure can . i book a white tesla for 15:15. the reference number is 07560492867. eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O general-greet +bos thanks . i believe the car was the last thing i needed . eos O O O O O O O O O O O O O O general-thank +bos alright , you are very welcome . 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 hotel named , '' the lensfield hotel '' . 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 can i check availability for you ? eos O O O O O O O O Booking-Inform +bos yes and i will need to know their postcode , if they have internet , and what type of hotel 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 O Hotel-Request+Post,Hotel-Request+Internet,Hotel-Request+Type +bos the lensfield is an expensively-priced 3 star hotel on the south side of town . they provide free internet and parking , and they 're located at 53-57 lensfield road , postcode cb21en . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-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 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 B-Hotel-Inform+Post O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos thank , i also want to dine at a restaurant in the same area with an expensive 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 O N/A +bos what kind of food ? eos O O O O O O Restaurant-Request+Food +bos i want some italian food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos frankie and bennys has some really yummy food . would you like me to make a reservation for you there ? 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 O O O O O Booking-Inform +bos yes , please . i need a table for 8 people on monday night . are there any available ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O O O O O O O N/A +bos there are tables available for 8 on monday night . what time would you like the reservation ? eos O O O O O O O B-Booking-Inform+People B-Booking-Inform+Day O O O O O O O O O O Booking-Request+Time +bos i would like the reservation at 17:30. eos O O O O O O O B-Restaurant-Inform+Time N/A +bos your reservation was successful . it will be available for 15 minutes . your reference number is losdrfuo . eos O 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 great ! thank you ! i think that is all that i need today . 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 day ! eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a train going 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 N/A +bos i have many trains available between cambridge and liverpool street . what day are you looking to travel ? eos O O O B-Train-Inform+Choice 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 Train-Request+Day +bos i would like to travel on tuesday and i would like to arrive by 20:15 please . eos 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 i have train tr7299 that leaves at 5:59 and arrives at 7:27. 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 do you have a train that arrives closer to 20:15. eos O O O O O O O O O O B-Train-Inform+Arrive N/A +bos yes , tr9561 arrives at 19:27. would you like to book that train ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O Train-Select,Train-OfferBook +bos yes , i need 7 tickets . eos O O O O O B-Train-Inform+People O O N/A +bos will you needing a reference number ? eos O O O O O O O O general-reqmore +bos yes please . i 'm also looking for a hotel in the west . i need free parking and wifi available . thanks so much . eos O O B-Hotel-Inform+Internet 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 your train was booked successfully for 7 people . your reference number is mqrgdbza . there are many hotels located in the west . are you looking for something in a certain price range ? eos O O O O O O O O B-Train-OfferBooked+People O O O O B-Train-Inform+Ref 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 Hotel-Request+Price +bos a 3 star hotel in the cheap price range eos O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O Hotel-Request+Price +bos im sorry i have nothing matching that criteria can we adjust the amenities ? eos O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos i i need a hotel located in the west with free wifi and parking . eos O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O N/A +bos the cambridge belfry is in the cheap range but has 4 stars , would that work ? internet and parking are available . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O O O O O O O Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet +bos sounds great , thanks ! what is their phone number ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Request+Phone +bos the cambridge belfry 's phone number is 01954714600. eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Phone O N/A +bos and the cambridge belfry is a hotel or guesthouse ? eos O O O O O O O O O O O Hotel-Inform +bos it is a hotel . is that ok ? eos O O O O B-Hotel-Inform+Type O O O O O Hotel-Select +bos that is perfect . thank you . eos O O O O O O O O general-thank +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 no , i do n't need a booking . you have given me all the information i need , for now . 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 general-thank +bos you 're welcome . 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 general-welcome,general-reqmore +bos no thank you very much . eos O O O O O O O general-thank +bos have a great time . eos O O O O O O general-bye +bos can you give me the address to the hospital in cambridge ? eos O O O O O O O O O O O O O Hospital-Inform +bos the address is hills rd , cambridgepostcode : cb20qq eos O O O O O O O O O O N/A +bos i am actually looking for a train on sunday from peterborough . eos O O O O O O 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 going to cambridge . eos O O O B-Train-Inform+Dest O N/A +bos at what time do you want to travel ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive by 11:45. i will need to buy 5 tickets once we find a train . eos 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 O O N/A +bos i have train tr7721 arriving at 7:38 would you like that one ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes , five tickets , please . what is the reference number ? eos O O O O O O O O O O O O O O Train-Request+Ref +bos your reference number is cigyxaw9 . 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 also looking for a guesthouse . i need free parking and free wifi there . 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 there are 21 options . do you have any other requirements ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Area,Hotel-Request+Type,Hotel-Request+Stars,Hotel-Request+Price +bos no . just free parking and free wifi . also i 'll need the phone number please ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone +bos i would recommend the allenbell . it 's a cheap guesthouse in the east . their phone number is 01223210353. eos O O O O O B-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+Phone O O O N/A +bos sounds great , thanks ! that 's all that i need , 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 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 i am flying into the area and would love to find a nice guesthouse to accommodate me while i 'm there . 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 Attraction-Request+Area +bos we have 24 guest houses available in cambridge , do you have a specific 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 O Hotel-Request+Area,Hotel-Request+Price +bos i do n't care about price but would like one in the north that has 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 Hotel-Request+Price +bos the acorn guest house is moderately priced with a star rating of 4. how does that sound to you ? 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 O O B-Hotel-Inform+Stars O O O O O O N/A +bos does this hotel has internet ? if yes , please give the address . eos O O O O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Addr +bos yes , the acorn guest house has internet . their address is 154 chesterton road . is there anything else you needed help with ? eos O O O B-Hotel-Inform+Name I-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 O O O O O Hotel-Inform+Internet,general-reqmore +bos yeah , is the jesus green outdoor pool still open ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O O O N/A +bos yes , it appears it is still open . would you like more information on this pool ? eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos can you provide me with the phone number , address , and the area ? 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+Addr +bos the phone number is 01223302579 , and they are in the north part of town , they are located at between victoria road and the river . eos O O O O O B-Attraction-Inform+Phone 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 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 N/A +bos okay , that 's all the information 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 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 hello i 'm looking for places to go in cambridge please . eos O O O O O O O O O O O O O general-greet +bos the cineworld cinema is located south at cambridge leisure park , clifton way . is there a specific activity you had in mind ? eos 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 I-Attraction-Inform+Addr O O O O O O O O O O O Attraction-Request+Type +bos i need a place in the centre . eos O O O O O O O B-Attraction-Inform+Area O N/A +bos all saints church is in the centre area . the entrance fee is free . would you like to book that ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Fee O O O O O O O O O Booking-Inform +bos yes , can i get the postcode . eos O O O O O O O O O Attraction-Request+Post +bos certainly . all saints church is in postcode cb58bs . can i help you with something else today ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos yes please , we 'll be needing somewhere to stay the night . what can you tell me about the cambridge belfry ? i 've heard it 's pretty nice , is that true ? 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 O O O O O O O O O O O O O N/A +bos it is four stars . what else would you like to know ? eos O O O B-Hotel-Inform+Stars 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 Hotel-Request+Parking +bos the cambridge belfry does have free 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 Booking-Inform,Hotel-Inform+Parking +bos not right now , but could i please get the address for the hotel ? 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 . the phone number is 01954714600 and postcode cb236bw . is the anything else i can help with ? eos O 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 O O O O B-Hotel-Inform+Phone O O B-Hotel-Inform+Post 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 general-thank +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 have a nice day ! eos O O O O O O N/A +bos thank you . have a nice day as well . good bye . eos O O O O O O O O O O O O O O general-bye +bos i am going out of town from cambridge on tuesday and need to take a train , 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 O O O O O O O N/A +bos absolutely . where are you heading to ? eos O O O O O O O O O Train-Request+Dest +bos i am going to ely eos O O O O O B-Train-Inform+Dest N/A +bos ok , did you have a certain time you wanted to leave after or arrive in ely ? eos O O O O O O O O O O O O O O O O B-Train-Inform+Dest O O Train-Request+Leave,Train-Request+Arrive +bos i would like to leave after 19:15 please . eos O O O O O O O O O O N/A +bos for how many ? eos O O O O O Train-Request+People +bos for 2 people , please eos O O O B-Train-Inform+People O O N/A +bos booking was successful , .reference number is : g02v81w6 . the train id is tr5511 , it leaves at 19:50 eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave O O N/A +bos i 'm also looking for a college in the west . can you recommend 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 N/A +bos there are 5 . 3 are free , and 2 cost 2.50 pounds to visit . what do you prefer ? eos O O O O B-Attraction-Inform+Choice 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 Attraction-Select +bos how about one of the free ones ? give me the address and phone number . 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 churchill college is located on storey 's way . the phone number is 01223336233. is there anything else i can do for you today ? 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+Phone O O O O O O O O O O O O O general-reqmore +bos no , i think that is everything i can think of . thanks 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 thank you enjoy the rest of your day . eos O O O O O O O O O O general-bye +bos can you tell me about any expensive restaurants 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 we have 33 expensive restaurants in the centre , do you have a specific cuisine in mind ? 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 Restaurant-Request+Food +bos yes , i would prefer chinese please . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have the tang chinese restaurant located at napier street city centre . would you like to make reservations ? eos O O 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 O O O O O O O O Booking-Inform +bos yes . make a reservation for 8 people on monday at 11:30. eos O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Time N/A +bos okay i found you a chinese restaurant and wish to make you a booking . eos O O O O O O O O O O O O O O O O Booking-Inform +bos please book the restaurant as requested . i would also like the reference number . eos O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos reference number is : jch9e5bi . 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 no , that 's it . thanks so much . eos O O O O O O O O O O O general-thank +bos you 're welcome ! you have a great day . eos O O O O O O O O O O O general-welcome,general-bye +bos i want general information on entertainment type places to go in the south . eos O O O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O N/A +bos nusha and tenpin are two entertainment places in the south . are you interested in more information on one of them ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Choice I-Attraction-Recommend+Choice O O B-Attraction-Recommend+Area O O O O O O O O O O O O general-reqmore +bos yes , please give me the postcode and phone number to both places . thank you ! 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 nusha 's phone number is 01223902158 , and postcode is cb17dy . tenpen 's phone number is 08715501010 , and postcode is cb17dy . eos O O O O O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post I-Attraction-Inform+Name O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O N/A +bos thank you thats alll that i need eos O O O O O O O O general-thank +bos is there any other info you need ? eos O O O O 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 time . eos O O O O O O general-bye +bos i think we 're all done here . 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,general-bye +bos i need a train from birmingham new street to cambridge , please . 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 N/A +bos there are 133 trains traveling that path . what day would you like to travel on ? 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 leave on wednesday sometime after 11:30. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos how about the tr1670 ? it meets your specifications and leaves at 11:40. eos O O O O B-Train-OfferBook+Id O O O O O O O B-Train-OfferBook+Leave O N/A +bos how long is the train ride ? eos O O O O O O O O Train-Inform +bos the train ride is 163 minutes , does this suit your needs ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O Train-OfferBook +bos how much is the fare on that train ? eos O O O O O O O O O O Train-Inform +bos it is 75.10 pounds . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos what is the exact arrival time ? i 'm also looking for a place to dine in the centre of town . i 'm looking for an expensive modern european restaurant . eos 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 O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Train-Request+Arrive +bos let 's take care of the train first . the train will arrive by 14:23 in cambridge . would you like to book a ticket ? 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 O O O O O O O O O general-greet,Train-OfferBook +bos thank you i do not need to book the train , but i 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 O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos we have many expensive places in the center of town ! is there a particular type of cuisine you 'd like to try ? 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 O O O Restaurant-Request+Food +bos i would like modern european food . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos how about darrys cookhouse and wine shop ? 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 N/A +bos yeah that should work can i please get 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos they are located at 40270 king street city centre . postcode is cb11ln . phone number is 01223505015. can i book a table for 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 B-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform +bos 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 . eos O O O O O O O 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 we appreciate your business . thank 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,general-greet +bos am looking for the nearest police station eos O O O O O O O O Police-Inform +bos it looks like the parkside police station is closest to your location , does this sound right ? eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos that looks right . what is the phone number for that location ? eos O O O O O 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 's all i need . 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 i 've just had a dispute with another driver due to an accident we had . i need the police 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 Police-Inform +bos oh dear , i am sorry . i have the number for parkside police , 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 O O O O general-reqmore +bos i 'm not sure . can you give me the address and post code ? eos O O 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 . do you need their phone also ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes thank you eos O O O O general-thank +bos their phone number is 01223358966. eos O O O O O O N/A +bos thank you for the information . i will contact them now . eos O O O O O O O O O O O O O general-thank +bos great , 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 , that 's all . thanks eos O O O O O O O O general-thank +bos you 're welcome . remember we are here for you . goodbye . eos O O O O O O O O O O O O O O general-welcome +bos i been robbed and need to know what i should do next . eos O O O O O O O O O O O O O O N/A +bos i think you should contact the police station . the nearest one is parkside police station and their number is 01223358966. 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 . i will call right now . goodbye . eos O O O O O O O O O O O O general-bye +bos the police station 's postal code is cb11jg . the police will help you . goodbye . eos 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 restaurant , something moderately priced . eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are five restaurants in the moderate price range . they sever british and asian oriental , which are you looking for ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price 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 Restaurant-Select +bos iam looking for something asian oriental and not so expensive restaurant . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A +bos i have the yippee noodle bar that meets your criteria . 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 O O O O O O O O O O O O O O O O Booking-Inform +bos that would be great . i need to for 2 people at 13:00 on tuesday . can you provide the reference number for the reservation ? 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 here is the reference number : mvmt06fy eos O O O O O O B-Booking-Book+Ref 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 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 'm in need of a train coming from cambridge that should leave on monday . eos 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 where would you like to go to ? eos O O O O O O O O O Train-Request+Dest +bos we are traveling to broxbourne . oh , and we should leave after 21:45 too . eos O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O O O O N/A +bos i have two trains available that meet all of your requirements , would you like me to book a ticket for you ? eos O O O O B-Train-OfferBook+Choice 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 need 5 tickets . eos O O O O O O B-Train-Inform+People O O N/A +bos you 're booked on tr9611 , leaving at 22:01. the total fee is 89.5 gbp payable at the station . reference number is : 18pwj7x3 . eos 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 O O B-Train-OfferBooked+Ref O O O O N/A +bos thanks so much . can you also look up a hotel for me ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos what area and price range would you like the hotel in ? eos O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos i need you to look up warkworth house for me . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos alright , i 've looked up warkworth house . would you like me to make a reservation for you ? 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 +bos yes please . i need it for 5 people for 5 nights . i want it from wednesday . eos 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 N/A +bos i am sorry i am having trouble booking this for you . eos O O O O O O O O O O O O O Booking-NoBook +bos would it help if i stayed for only 3 nights instead ? i 'm flexible . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos i am sorry i am having trouble booking this for you . do you want 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 how about 2 nights ? eos O O O O B-Hotel-Inform+Stay O N/A +bos i 'm sorry but i can not book this either . eos O O O O O O O O O O O O Booking-NoBook +bos how about 3 nights ? eos O O O O B-Hotel-Inform+Stay O N/A +bos would you be interested in trying a different hotel ? eos O O O O O O O O O O O general-reqmore +bos what do you show is available ? eos O O O O O O O O N/A +bos i have several options , what part of town are you wanting to stay in ? 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 am looking for warkworth house only . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos would like to book a room ? eos O O O O O O O O Booking-Inform +bos yes . for 5 people and 3 nights starting on wednesday . eos O O O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos we are having technical problems please contact them directly at 01223363682. anything else ? eos O O O O O O O O O O O B-Hotel-Inform+Phone O O O Booking-NoBook,general-reqmore +bos can you please try to book the room again ? eos O O O O O O O O O O O N/A +bos the system is experiencing technical difficulties and bookings are unavailable . please call the hotel to complete your booking . 01223363682. anything else ? eos O O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Phone O O O O O N/A +bos i am unable to get a response when calling that number . can you please try to book again ? 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 was able to get that booked , here is your reference number , 8zu8jpyo . 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 . thats all i need for now ! 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 N/A +bos i need a taxi to go to mahal of cambridge eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos i can help with that . did you have a specific time in mind ? eos O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos yes , i 'd like to leave after 2:30 please . eos O O O O O O O O O O O O N/A +bos where would you like to depart from ? eos O O O O O O O O O Taxi-Request+Depart +bos i am departing from jesus green outdoor pool . eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos your taxi is booked . it is a white volkswagen . 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 taxi ? eos O O O O O O O O O O Taxi-Inform +bos the contact number is 07829671088. can i help you with anything else today ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O O O N/A +bos thanks that 's all for today . eos O O O O O O O O general-thank +bos glad to be of service . 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 O general-welcome,general-bye +bos do you have a phone number for the police ? eos O O O O O O O O O O O Police-Inform +bos yes , call them at 01223358966 eos O O O O O O O N/A +bos what is the address ? eos O O O O O O Police-Request+Addr +bos the address is parkside , cambridge . eos 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 can contact parkside police station in parksid , cambridge , cb11jg at telephone number : 01223358966. eos O O O O O O O O O O O O O O O O O O N/A +bos i want a place to stay and it needs to be a guesthouse . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos which area of town would you like to stay ? eos O O O O O O O O O O O Hotel-Request+Area +bos i would like to stay in the north . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos we have 11 guesthouses in the north . would you like to narrow it down by rating or amenities ? 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+Internet,Hotel-Request+Parking,Hotel-Request+Stars +bos i would like somewhere with a 4 star rating at moderate price range eos O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O N/A +bos i have 7 hotels that meet that criteria . will you be needing internet ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Internet +bos i wo n't need wifi , but i would like it to be a guest house . eos O O O O O O O O O O O O O O O O O O N/A +bos what about acorn guest house ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos that sounds good can you book that for 5 people for 5 nights starting tuesday ? eos 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 you are booked for 5 nights beginning on tuesday for 5 people . your reference # is 442x9tum . eos O O O O O O B-Booking-Book+People O O B-Booking-Book+Day O O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a train from cambridge on tuesday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos where will you be traveling too ? eos O O O O O O O O Train-Request+Dest +bos i 'm sorry , i actually need a train to cambridge . i 'll be coming from london kings cross . eos O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O N/A +bos ok , we have many options from london kings cross to cambridge on tuesday . is there a particular time you want to leave or arrive by ? 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 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+Arrive,Train-Request+Leave +bos actually yes , i 'd love to arrive by 12:00 eos O O O O O O O O B-Train-Inform+Arrive O O N/A +bos train tr4987 will get you there by 10:08. do you need any tickets today ? eos O 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 'd appreciate it if could book it for me , for 5 people please . eos 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 , the total fee is 118 gbp payable at the station .reference number is : 0wcqkhg0 . 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 that is all , thanks . 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 am looking for information about museums in cambridge , please . eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos what area would you prefer ? i have multiple venues for you . eos O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O Attraction-Request+Area +bos i wanted to visit a museum in the centre of town . eos O O O O O O O O O O O O O N/A +bos there is the broughton house gallery if you are interested ? 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 N/A +bos i sure am . can you tell me what the entrance fees are and 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+Phone,Attraction-Request+Addr +bos the phone number is 01223314960. there is no entry fee and the address is 98 king street . is there 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 O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O general-reqmore +bos i also need a train that leaves after 08:00 on thursday departing from ely going to cambridge . eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos tr2029 is the earliest train . it will depart at 9:35. would you be interested in booking this train ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 . please book the train for 3 people . eos O O O O O O O O B-Train-Inform+People O O N/A +bos ok , you have 3 tickets reserved on tr2029 . your reference number is gbhp4im5 . can i help you with anything else ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref 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 you are welcome . have a nice stay in cambridge . goodbye . eos O O 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 north that includes free wifi please . 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 i found 12 hotels that match your description . would you like 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 i would like a guesthouse that has free parking . eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i would suggest the acorn guest house , would you like more info on it ? 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 N/A +bos yes can you tell me the address please ? eos O O O O O O O O O O Hotel-Request+Addr +bos acorn guest house is located at 154 chesterton road , shall i book you 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 O O O O O O Booking-Inform +bos not now , thanks . i do need to find a train to cambridge that leaves after 17:30. 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 N/A +bos 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 ? eos O O O O O O O O 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 +bos departing from kings lynn on saturday eos O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day N/A +bos can i book you for train tr9408 ? eos O O O O O O O B-Train-OfferBook+Id O N/A +bos yes , book for 2 people . and i need the reference number too pleases . eos O O O O O B-Train-Inform+People O O O O O O O O O O O Train-Request+Ref +bos no thank you that will be all eos O O O O O O O O N/A +bos i am looking for a cheap hotel on the east . eos O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O N/A +bos i have listings for 3 guesthouses would that be okay ? eos O O O O O O B-Hotel-Inform+Choice O O O O O Hotel-Request+Type +bos can you give me one that has free wifi and free parking ? eos O O O O O O O O O O O O O O N/A +bos the 3 guesthouses mentioned all have free wifi and parking . i recommend the allenbell . eos O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Recommend+Name O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos the allenbell sounds perfect . can you book it for me for tuesday ? eos O O O O O O O O O O O O B-Hotel-Inform+Day O 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 would like to stay for 2 nights please . eos O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos how many people would you like to book for ? eos O O O O O O O O O O O Booking-Request+People +bos my party will consist of 5 people . may i please get a reference number ? eos O O O O O O O B-Hotel-Inform+People O O O O O O O O O Hotel-Request+Ref +bos your booking at the allenbell was successful . your reference number is pv039ajh . eos O O O O O B-Booking-Book+Name O O O O O O B-Booking-Book+Ref O O N/A +bos i also need a train from stevanage to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos okay what day will you be travelling 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+Day,Train-Request+Leave +bos tuesday , i want to arrive at 20:15. eos O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A +bos the latest train gets into cambridge on tuesday is at 18:43. will that work for you ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Arrive O O O O O O Train-Select +bos it might , what time does the train depart ? eos O O O O O O O O O O O Train-Inform +bos it leaves at 17:54 , would you like a booking ? eos O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos no thanks . that was all i needed to know . goodbye . eos O O O O O O O O O O O O O O general-bye +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 can you please help me find a train ? may i ask that it comes at 10:45 and leaves on a monday ? thankyou . 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 B-Train-Inform+Day O O O O N/A +bos yes , and what is your destination ? eos O O O O O O O O O Train-Request+Dest +bos norwhich , please . from cambridge . eos O O O O B-Train-Inform+Depart O O O N/A +bos i 'm sorry . the earliest train departs at 11:36 and arrives at 12:55. would you like to book that train ? 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 for one person please . i will need 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 17.6 gbp payable at the station , your reference number is i8hvte6s . 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 need a hotel room with i need free parking . eos O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos great , i have many hotels with free parking . 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 O O O O Hotel-Request+Area,Hotel-Inform+Parking +bos somewhere in the west please . eos O O O O B-Hotel-Inform+Area O O N/A +bos okay and what is your price range ? eos O O O O O O O O O Hotel-Request+Price +bos i do n't have a price range in mind . eos O O O O O O O O O O O N/A +bos i have the cambridge belfry which is cheap right on up to the huntington marriott hotel which is expensive . there is also another cheap and moderate choice if neither of those work . 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 O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O Hotel-Select +bos could you get me the postcode for the cambridge belfry ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name Hotel-Request+Post +bos i can . the postcode is cb236bw . 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 O general-reqmore +bos that is all i needed for today 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 general-welcome,general-bye +bos can you help me find a moderately priced hotel ? eos O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A +bos there are a total of 18 moderately priced hotels or guesthouses . do you have a preference as to lodging type ? also , what area are you interested in ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price 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+Area,Hotel-Request+Type +bos we would like a hotel and free wifi too . eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos okay , i was able to find three with that criteria . can i recommend the ashley hotel located on the north side of town ? eos O O O O O O O B-Hotel-Inform+Choice O O 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 O N/A +bos does ashley hotel have a 0 rating ? that 's what i 'm interested in . eos O O O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A +bos it has 2 stars . there is also cityroomz which has 0 stars . eos O O O O O O O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O N/A +bos could you give me the postcode , address , and number for cityroomz ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos sure . cityroomz is located at the sleeperz hotel on station road , postcode cb12tz . you can call them at 01223304050. can i be of further help to you ? eos O O O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O O O O B-Hotel-Inform+Phone 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 certainly ! where will you be traveling ? eos O O O O O O O O O Train-Request+Dest +bos from norwich to cambridge . eos O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos okay great ! do you know when you want 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 need to arrive by 13:15 please . eos O O O O O O B-Train-Inform+Arrive O O N/A +bos did you have a specific departure time in mind ? you could leave norwich as early as 05:16 or as late as 11:16 on monday . 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 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 Train-Request+Leave +bos i do n't have a preference for leaving . could you book it for 8 people and provide the 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 Train-Request+Ref +bos i booked 8 tickets on the tr9020 train . the reference number is 111otiye eos O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ref O N/A +bos thanks very much for your help . that 's all we needed today ! eos O O O O O O O O O O O O O O O general-thank +bos i 'm glad to have been of service , goodbye . eos O O O O O O O O O O O O general-bye +bos hey trying to locate a train that would leave on wednesday and arrive in cambridge . eos O O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A +bos there are many options . where would you like to depart from ? eos O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Depart +bos i want to depart from bishops stortford . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos there are ten different trains to choose from . do you have a specific 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 Train-Request+Leave,Train-Request+Arrive +bos i need to arrive by 15:15 and will need to book for 5 people . eos O O O O O O B-Train-Inform+People O O O O O O O O O N/A +bos unfortunately no train matches you request . would you like a different day and time ? eos O O O O O O O O O O O O O O O O O Train-NoOffer,Train-Request+Leave,Train-Request+Day +bos what other days are there ? eos O O O O O O O N/A +bos sorry , i do n't see any days for your search . eos O O O O O O O O O O O O O Train-NoOffer +bos maybe i confused you . sorry . i need to leave bishops stortford on wednesday , and arrive in cambridge by 15:15. eos O O O 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 N/A +bos the tr4226 arrives at 14:07 , would you like me to book 5 tickets for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O B-Train-OfferBook+People O O O O N/A +bos yes , please . may i get the reference number ? eos O O O O O O O O O O O O Train-Request+Ref +bos your train has been booked . the total fee is 50.5 gbp payable at the station . your reference number is ownj1gl8 . can i be of further assistance ? 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 please find a concerthall in the west for me . eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos the only concerthall in cambridge is the man on the moon , located in the centre . would you like more information ? eos 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 I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos yes , just the entrance fee , postcode and phone number . eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos their phone number is 01223474144 and postcode is cb12lf . unfortunately there is no info on the entrance fee . eos O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos that 's ok. i 'll call for it . thanks again . bye for now . eos O O O O O O O O O O O O O O O O O general-bye +bos thanks and have a great day . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for information about train bookings , can you assist me ? eos O O O O O O O O O O O O O O O Train-Inform +bos gladly . on what day are you traveling ? eos O O O O O O O O O O Train-Request+Day +bos i will be traveling on sunday and need to arrive in cambridge by 14:45 eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos where will your departure be from ? eos O O O O O O O O Train-Request+Depart +bos leaving from birmingham new street . eos O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos how early do you want to leave ? the first train departs at 05:40 and there 's one nearly every hour until 11:40 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 I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave Train-Request+Leave +bos it does n't really matter but early would be nice . eos O O O O O O O O O O O O N/A +bos okay , the tr9462 leaves at 07:40 so its early enough but not too early . will that work for you ? eos 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 O O O O O O O Train-Request+Leave +bos perfect . can i get a booking for 4 people please ? eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos of course . your booking of 4 tickets for the train tr9462 was successful . the cost will be 240.32 payable at the station . your reference number is go1l3w48 . eos O O O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 N/A +bos ok , i am also looking for a cheap guesthouse to stay in . can you tell me what 's available ? 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 N/A +bos i have 9 entries that fit your criteria . what area would you like the guesthouse to be in ? what about the 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 O O O O O O O O Hotel-Request+Area,Hotel-Request+Stars +bos i would like 0 stars and needs to be cheap . eos O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos city centre north b and b is a great pick ! it 's located in the north part of town and has 0 stars but includes both internet and parking . eos 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 O O B-Hotel-Recommend+Stars O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos thanks , what 's their phone number and address ? eos O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos phone number is 01223312843 and address is 328a histon road . do you need anything else ? eos O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O general-reqmore +bos no , thank you . i appreciate all of your help today . eos O O O O O O O O O O O O O O general-thank +bos thanks for using the towninfo centre , 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 general-bye +bos i need a sunday train . leaving after 8 eos O O O O B-Train-Inform+Day O O O O O N/A +bos i can help with that . where are you departing from , and where is your destination ? 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 i 'm leaving from cambridge to birmingham new street eos 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 first train available from cambridge to birmingham new street departs at 8:01 and arrives at 10:44. would you like me to book that for you ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest 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 7 people . reference number please . eos O O O O B-Train-Inform+People O O O O O O Train-Request+Ref +bos great ! i have you booked for 7 people on tr2968 , leaving at 08:01 and arriving at 10:44. your reference number is ifi48fz7 . your fee is 420.56 payable at the station . eos O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave I-Train-OfferBooked+Leave 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 O O N/A +bos can you also look up the alexander bed and breakfast for me ? 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 of course . the alexander bed and breakfast is located at 56 saint barnabas road with a phone number of 01223525725. would you like to make a reservation ? 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 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 Booking-Inform +bos no thanks . i may be back in touch though ! eos O O O O O O O O O O O O general-thank +bos thank you for contacting us . have a wonderful trip ! eos O O O O O O O O O O O O general-bye +bos hi , i 'm looking for a train that departs on wednesday from cambridge . eos O 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 can help with that . what is the destination ? eos O O O O O O O O O O O O Train-Request+Dest,general-greet +bos i would like to go to kings lynn and leave after 13:00. eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave N/A +bos the tr3805 leaves at 13:11. 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 no , but can you tell me 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+Price,Train-Request+Arrive +bos yes the price of the ticket will be 9.80 pounds and the travel time is 47 minutes and the arrival time is 13:58. eos O O O 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 O O O B-Train-Inform+Arrive N/A +bos great . i also need a place to stay that is expensive in the west area . eos O O O O O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O N/A +bos huntington marriott hotel carries 4 stars . would you like to book ? eos 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 Booking-Inform +bos no i wo n't be booking today . eos O O O O O O O O O N/A +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 general-reqmore +bos no thank you tahtys all i neeed to know 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 the addenbrookes hospital eos O O O O O O O O Hospital-Inform +bos the addenbrookes hospital is at hills rd , cambridge , postcode cb20qq . their telephone 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 N/A +bos thank you for the phone number for addenbrookes hospital . that is what i needed . eos O O O O O O O O O O O O O O O O O Hospital-Request+Phone +bos welcome . at your service next time eos O O O O O O O O general-welcome +bos that was all . thank you 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 hi i am looking for some information on the good luck chinese food takeaway . 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos yes , we can help you with that . it is located at 82 cherry hinton road cherry hinton . the phone number is 01223244149. is there anything else you would like to know ? 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 O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos can you make a reservation for 3 people at 20:00 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 i am sorry booking was unsuccessful for that time , can i help you find a place in the same area and 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 Booking-NoBook,general-reqmore +bos no thank you i will think of something else once i call a friend . eos 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 yes actually . i 'd like the reservation for any other restaurant that is in the same area and price range as the good luck chinese food takeaway . 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos great ! you 're booked at peking restaurant with reference number v6teun6t . may i help with anything else ? eos 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 general-reqmore +bos great ! thank you for your time . nothing else for now , 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 hi there , i 'm trying to book a train ticket from cambridge to kings lynn . can you help me do this ? 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 O O O O O O O O O O N/A +bos i have many trains for your desination . do you have a day you want to travel and a time ? 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+Day +bos i would like to leave on sunday and arrive by 20:00 eos O O O O O O O B-Train-Inform+Day O O O O N/A +bos train tr6088 would leave at 09:11 and arrive at 09: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 yes , please make one for 3 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos your reference number is 1q8zxl5s . the total is 23.52 gbp and you can pay it at the station . is there anything else i can help you with ? 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 O O O O O O general-reqmore +bos i am also looking for a place to dine . can you locate a place in the east part of town and in a moderate price range ? 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 O O O O B-Restaurant-Inform+Price O O O N/A +bos there are 3 restaurants that match your criteria : 2 indian and 1 italian . would any of these be good ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O general-reqmore +bos ok , can you give me more information on the italian restaurant . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos yes , it is pizza hut fen ditton . they are moderate price and located at cambridge retail park newmarket road fen ditton . the phone number is 01223323737. eos 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 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 B-Restaurant-Inform+Phone O N/A +bos alright , that 's all i needed ! eos O O 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 hello , i am looking for an expensive restaurant that serves irish food . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , there is not restaurants matching your request . 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 Restaurant-NoOffer,general-reqmore +bos yes , i would like an expensive restaurant that serves british food . can i have the phone number 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 Restaurant-Request+Phone +bos how about graffiti , they serve british food and are in the expensive price range , their phone number is 01223 352500. eos O O O B-Restaurant-Recommend+Name 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 B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O O N/A +bos perfect ! thanks , 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 hello ! i 'd like to eat at an indian restaurant in the centre . can you help ? 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 O N/A +bos i can . what price range are you looking for ? eos O O O O O O O O O O O O Restaurant-Request+Price,general-greet +bos any price range please , need it for monday . eos O O O O O O O O O O O Train-Request+Price +bos sure ! how many people and what time ? eos O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos 1 person at 14:15. eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time N/A +bos i 'm sorry , i have n't found any availability . is there a different day or time you could change 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos could you try monday at 13:15 ? eos O O O O O O B-Restaurant-Inform+Time O N/A +bos the curry garden has availability at that time . would you like me to 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 Booking-Inform +bos yes please , and i am also looking for a train leaving cambridge on tuestday going to london kings cross arriving by 18:45. 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 I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Arrive O N/A +bos there are 7 trains that match your requests , is there a specific time you want 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 O O O Train-Request+Leave +bos no specific time just as long as arrival is by 18:45. please give me the price options . eos O O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-Request+Price +bos all of the trains arriving by that time cost 23.60 pounds . eos O O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thanks for your help ! eos O O O O O O general-thank +bos you 're welcome . do n't forget your reference number for your dinner reservation : ljce61jw . have a nice day . 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-welcome,general-bye +bos hi , do you think you can help me book a train that leaves after 15:45 on a monday ? thanks . eos O O O O O O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Day O O O O N/A +bos i sure can . where are you departing from and where are you headed ? eos O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest,Train-OfferBook +bos i 'm leaving from cambridge and heading for 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 tr2530 leaves at 17:29 , should i book it for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos how much is a ticket and how long is the train ride ? eos O O O O O O O O O O O O O O Train-Inform +bos the ticket costs 10.10 pounds and the ride takes 38 minutes . do you want me to book the train for you ? 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 O O Train-OfferBook +bos what time does the train arrive in bishops stortford ? i also am looking for a place to stay that is 3 stars and in the moderate range . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O Train-Request+Arrive +bos the train would arrive at 18:07. do you have a preferred area for the hotel to be located in ? 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 Hotel-Request+Area +bos no , but i would like a guest house with free parking . eos O O O O O O O O O O O O O O N/A +bos we have many guesthouses , is there an area you 'd prefer ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Area +bos i am actually looking for something in the moderate price range with a 3-star rating . eos O O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O Train-Request+Price +bos the bridge guest house matches that criteria and is located in the south . eos 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+Area O N/A +bos alright , can i get the phone number ? eos O O O O O O O O O O Hotel-Request+Phone +bos the phone number for the bridge guest house is 01223247942. is there anything else i can help you with ? eos O 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 general-reqmore +bos that will be all , you 've been very helpful . eos O O O O 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 O general-bye +bos need a place to eat with moderate prices , but needs to have russian food . eos 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 unfortunately , i was n't able to find anything matching your request . shall we look for a cheap 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 Restaurant-NoOffer +bos what about a turkish restaurant instead ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i have two in that range , in the centre . is that area the right area for you ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Select +bos yes , that area 's fine . can you make a reservation for 6 people on thursday at 5:30 pm with one of them ? 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 O O O O N/A +bos would that be at 5:30 pm ( 17:30 ) ? eos O O O O O O O O O O O Booking-Request+Time +bos yes , could i have the reference number as well please ? eos O O O O O O O O O O O O O N/A +bos sorry booking was unsuccessful . can you try a different time or day ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos can you try 16:30 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos i was able to make that reservation at 16:30 your reference number is akf1b848 . eos O O O O O O O O O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A +bos i also need a train from cambridge to london kings cross that leaves on friday and arrives at 17:00. 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 B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos the closest to that time is tr2420 which leaves cambridge at 15:00 and arrives in london , kings cross at 15:51. would that meet your needs ? eos O O O 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 O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O general-reqmore +bos yes , it would . can you book me 6 tickets for that for friday please ? 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 ok , i 've booked 6 tickets , reference number ffvh42h7 . your total is 141.6 gbp payable at the station . is there anything else i can help you with ? eos O O O O O B-Train-OfferBooked+People 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 general-reqmore +bos no , i think that is 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 O general-thank +bos you 're welcome . let me know 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 general-welcome +bos can you check if there are any moderately priced restaurants in the centre 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 N/A +bos yes , there are several . do you prefer asian or british food ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos i will do modern european food eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos okay we have the de luca cucina and bar and the riverside brasserie . which one would you like ? 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 O O O O Restaurant-Select +bos let 's do the riverside brasserie . what about a table for 3 at 15:00 on saturday ? eos O O O O O O O O O O O O B-Restaurant-Inform+People 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 : tydeg9ij . 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 a train that should depart cambridge and head to ely . eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos sure , what day do you want to travel ? eos O O O O O O O O O O O Train-Request+Day +bos i would like to leave on a sunday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos do you have a preferred time frame ? eos O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i want to arrive by 11:15. eos O O O O O O B-Train-Inform+Arrive N/A +bos tr3177 will arrive by 10:07 and leaves at 09:50 would you like me to book it for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos yes , please . include the reference number please eos O O O O O O O O O O N/A +bos you are set , the total fee is 3.52 gbp payable at the station , your reference number is wvjc995l . may 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 O general-reqmore +bos no that is all . thank you . goodbye eos O O O O O O O O O O general-bye +bos ok. thank you . goodbye . eos O O O O O O O general-bye +bos hi , i am trying to plan a trip and need some help with a train . i 'm not familiar with trains at all unfortunately . eos O O O O 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 , i should be able to help you . do you know which station you 'll be leaving from or going 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+Depart,Train-Request+Dest +bos i 'm departing from leicester and i need to leave on friday . thank you for helping ! eos O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day 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 going to cambridge . eos O O O O B-Train-Inform+Dest O O N/A +bos is there a time you would like to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos 11 pm and i want it for three people eos O O O O O O O O O O N/A +bos tr6539 will arrive by 22:54. booking was successful , the total fee is 113.4 gbp payable at the station . your reference number is ie5rk2ig . do you need anything else ? eos O B-Train-Inform+Id 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 O O O B-Train-Inform+Ref 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 we have many great places to stay . what area would you like and do you have a 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 Hotel-Request+Area,Hotel-Request+Price +bos i 'm looking for a cheap place to stay that offers free parking for guests . eos O O O O O B-Hotel-Inform+Price O O O 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 N/A +bos i would really love a 3 star guesthouse . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos sadly , i do n't have anything that fits those requirements . is there something else i can check 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 Hotel-NoOffer,general-reqmore +bos what about something that is moderately priced ? eos O O O O O O B-Hotel-Inform+Price O O N/A +bos i have 3 that are moderately priced . would you like one on the south , north , or west end of the city ? eos O O O O B-Hotel-Inform+Choice O O 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 I-Hotel-Select+Area O O O N/A +bos let 's go with the north . can you book me a room there for thursday 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 'd be happy to book you a room . 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 O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Inform +bos 3 people for 5 nights starting from this thursday or friday . eos 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 was able to book you starting on thursday , reference # z1enbdth . can i help you with anything else today ? eos O O O O O O O O O B-Booking-Book+Day 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 restaurant in the center in the same price range . eos O O O O O O O O O O O O O O O O O N/A +bos there are 31 moderately priced restaurants , any preferences for cuisine or area ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos yes , i would prefer russian food . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm afraid i 'm not showing any russian restaurants in the area . would you like to try a different cuisine ? 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 O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos hmmm ... how about a gastropub instead ? eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos the cow pizza kitchen and bar is on corn exchange street , would you like to book 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform +bos sure , i need to make a reservation for thursday . eos O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos okay and for what time would you like your reservation to be ? eos O O O O O O O O O O O O O O Booking-Request+Time +bos it will be at 18:15. i 'd like it booked for the same group of people . eos 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 booked , ref # qh14shyy . 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 i think that is all i need to know about the restaurant . eos O O O O O O O O O O O O O O Restaurant-Inform +bos ok great , have a wonderful day ! eos O O O O O O O O O general-welcome,general-bye +bos i need to take a train from cambridge . i would like to leave after 14:30. eos O O O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Leave N/A +bos 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 . eos O O O O O 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 've like to travel to peterborough on wednesday , please . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O N/A +bos i have on departing at 14:34. would you like me to book it ? eos O O O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes , for eight please . eos O O O O O O O N/A +bos your booking was successful . that is 132 gbp at the station . 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 O O O O O O O general-reqmore +bos can you find me a place to eat ? i would like an expensive eastern european restaurant . thanks . 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 O O N/A +bos i 'm not showing any eastern european restaurants . would you like to try a more specific type of food ? 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 Restaurant-Request+Food +bos i 'm wanting a place that serves expensive food located in the centre of town , i would prefer eastern european food . 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 O O O O O N/A +bos i do not have anyone specializing in east european food however i have an expensive place called eraina that serves european food . eos O O O O O O O O B-Restaurant-NoOffer+Food B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos no , how about an italian place instead . also , can you give me my reference number for my train tickets , please ? i never got that . 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 O O O O O O Train-Request+Ref +bos for the train , your reference number is fcrw90kr . now , on to the restaurant . i have 9 different italian restaurants . do you have a preference on price range ? eos O O O O 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 O O O O O O O O O O O Restaurant-Request+Price +bos yes , i would like to have an expensive restaurant please . eos O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i have 4 different restaurants . i have caffe uno , don pasquale pizzeria , clowns cafe , and stazione restaurant and coffee bar . which would you like ? 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 O O O O O O O O O Restaurant-Select +bos pick one . i need the post code , address , and phone number , 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+Phone,Restaurant-Request+Addr +bos caffe uno is italian located in centre area and is expensive . the phone number is 01223448620 and address 32 bridge street city centre postcode cb21uj . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price 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 B-Restaurant-Inform+Post O N/A +bos excellent . that 's all i need . eos O O O O O O O O O N/A +bos if we can help you with anything else in the future , please contact us . eos O O O O O O O O O O O O O O O O O general-reqmore +bos i wo n't be needing anything else , thank you . eos O O O O O O O O O O O O general-thank +bos it was great helping you today . have a great day . eos O 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 I-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart 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 O O 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 O O O O Train-Select +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 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 need a train to get to stansted airport by 17:30 eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos do you have a day that you want to travel on ? eos O O O O O O O O O O O O O Train-Request+Day +bos yeah , tuesday . thanks . eos O O O O O O O general-thank +bos i will also need your departure city . eos O O O O O O O O O Train-Request+Depart +bos cambridge . get me the travel time eos O B-Train-Inform+Depart O O O O O O Train-Request+Duration +bos there are trains on the :08 every hour on tuesday . the one closest to your arrival time leaves cambridge at 16:40. it 's a 28 minute journey . eos O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive B-Train-Inform+Day O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A +bos i also need the name and number of an expensive place to dine in the city center . whatever 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 N/A +bos what type of food would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos the restaurant should serve romanian food eos O O O O O B-Restaurant-Inform+Food O N/A +bos there are no expensive romanian restaurants in the centre could i look fore something else . eos 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 N/A +bos what about something that serves european food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i show three expensive european restaurants in the centre . would you like a reservation for one of them ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price 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 Booking-Inform +bos no , thanks , i just need the address of one of them , please . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos darrys cookhouse and wine shop 's address is 40270 king street city centre . 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A +bos that is it for today thanks for helping eos O O O O O O O O O general-thank +bos glad to help enjoy your day . eos O O O O O O O O general-welcome,general-bye +bos can you get me a train leaving after 18:15 departing from cambridge ? eos O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O N/A +bos sure ! what day are you leaving ? where are you heading 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 need to go to norwich on friday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are several . you can leave as early as 18:36 , and as late as 23:36. trains are every hour . which would you like ? eos 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 I-Train-Inform+Leave O O O O O O O Train-Request+Leave +bos 18:36 , please . book for 8 people . give me the reference number . eos 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 . your reference number is : cxc7g5w9 . can i help 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 O general-reqmore +bos thank you , can i also get a place to 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 N/A +bos how about archway house ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos is it in the south ? eos O O O O O B-Hotel-Inform+Area O N/A +bos aylesbray lodge guest house fits that criteria and is in the south . 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+Area O N/A +bos can you please provide me with the address , postcode and phone number ? eos 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 is the number and postcode is cb17sr address is 5 mowbray road eos O B-Hotel-Inform+Phone O O O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O B-Hotel-Inform+Addr N/A +bos thank you so much for your help . eos O O O O O O O O O general-thank +bos not a problem , have a good day ! eos 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 peterbourough . eos O O O O O O O O O B-Train-Inform+Depart O O O N/A +bos there are lots of those ! what day are you traveling ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O Train-Request+Day +bos i am traveling on wednesday and want to leave sometime after 11:30. eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave N/A +bos train 1097 departs cambridge at 11:34 and arrives in peterborough at 12:24. how does that sound ? 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 general-reqmore +bos sounds great . i need it booked for 7 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 115.5 gbp payable at the station .reference number is : f7pldbgu 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 ! i 'm also looking for entertainment in the centre . eos O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos i am sorry there are no entertainment option in the center . eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O N/A +bos how about a nightclub then ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there are five nightclubs in the centre of town . i would highly recommend kambar as it 's my favorite ! entrance fee is 5 pounds . anything else i can do for you ? 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 O O O O B-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 O general-reqmore +bos yes , thanks ! what is the address and phone number for kambar ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos address is 1 wheeler street . phone is 01223842725. what else can i do for you ? eos 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 general-reqmore +bos i beleive that will cover everything . eos O O O O O O O O N/A +bos i 'm glad to be of help . have a nice day . eos O O O O O O O O O O O O O O general-bye +bos you have a nice day too . eos O O O O O O O O N/A +bos i 'll be going , good bye eos O O O O O O O O general-bye +bos hi , i am looking for a particular attraction . have you heard of scudamores punting co ? 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 O N/A +bos yes , scudamores punting co is located in granta place , mill lane and their phone number is 01223359750. anything else you want to know ? 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 O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos is there an entrance fee ? if so , what is it ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos if they have an entrance fee , it 's not showing up with their listing . is there anything else i can do for you today ? eos 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 O O O O O O O O O O general-reqmore +bos yeah , are there any expensive chinese places in town ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos there are 9 expensive chinese restaurants in town . is there a particular area you would like to dine in ? 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 Restaurant-Request+Area +bos i would like the south please . eos O O O O O B-Restaurant-Inform+Area O O N/A +bos how about peking restaurant ? would you like to make a reservation ? eos O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O O O Restaurant-Inform,Booking-Inform +bos that sounds great , please do eos O O O O O O O N/A +bos okay ! for when , and for how many people ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos i do n't need a reservation at the moment but could you send me the postcode and address of the restaurant . 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos the address of the restaurant is 10 homerton street city centre . the postcode is cb28nx . can i assist with anything else ? 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 B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos yes . i would like a taxi to take me from the attraction 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,Attraction-Inform +bos in order for me to get a cab for you i need the arrival and or departure times 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 need to get to the attraction by 22:15. eos O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos i 've booked a taxi for you . it 's a blue volvo and the contact number is 07079040787. 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 perfect thats everything i needed thanks for the 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 can you help me find a restauant in the west side of the city ? > eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos what type of cuisine or price range would you prefer ? eos O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i dont care the type of cuisine but can you find me something in the west ? eos O O O O O O O O O O O O O O O O O O N/A +bos meghna is a nice indian restaurant in the west part of town . eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A +bos ok , and the phone number and address ? eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number for meghna is 01223 727410 and is located at 205 victoria road chesterton eos O O O O O B-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 N/A +bos ok , thank you eos 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 moderate price restaurant and serving austrian food . eos 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 for austrian food matching your request . eos O O O O O O B-Restaurant-Inform+Food O O O O O Restaurant-NoOffer +bos what about british food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are 5 moderately priced restaurants that serve british food . saint johns chop house in the west , and cotto , restaurant one seven , the copper kettle , and the oak bistro in the city centre . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price 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 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 O O O N/A +bos saint johns chop house sounds good . could you give me the phone number ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos yes , here it is 01223 353110. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos thank you so much . eos 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 that 's it , 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-bye +bos i am looking for a cuban restaurant in the north 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 am sorry , i could not find any cuban restaurants for you in the north part of town . is there a different type of food you would like me to search for instead ? eos O O 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 O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos i still want the north part of town , but look for asian oriental food instead please . eos O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A +bos saigon city is located in the north part of town and serves asian oriental food . would you like their address ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 general-reqmore +bos yes , i would like their address and phone number , please . eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number for saigon city is 01223 356555 and their address is 169 high street chesterton chesterton . would you like anything else ? 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 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 no , that does it . thank you and goodbye ! eos O O O O O O 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-bye +bos i would like a taxi by 16:30 to arrive at nusha . eos O O O O O O O B-Taxi-Inform+Arrive O O O B-Taxi-Inform+Dest O N/A +bos where will you be leaving from ? eos O O O O O O O O Taxi-Request+Depart +bos carolina bed and breakfast . i also need the contact number and car type 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 O O O Taxi-Request+Car +bos booking completed ! booked car type : black audicontact number : 07412273994 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 an east restaurant . i want to try some canapes food . eos O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , but there are no restaurants serving canapes food 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 Restaurant-NoOffer +bos then could you recommend a chinese restaurant ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos yu garden is a chinese restaurant in the east 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+Area O O O O N/A +bos address , phone number , and postcode , please eos 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 and their number is 01223 248882. also , their postcode is c.b 5 , 8 p.a . 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 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 thank you . eos O O O O general-welcome +bos goodbye . eos O O O general-bye +bos enjoy your meal . eos O O O O O general-bye +bos i want a cheap restaurant in the west part of town . what is the address and phone number ? eos 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 i have found two that may work . first , la margherita is at 15 magdalene street city centre , phone is 01223 315232. second one serves vietnamese at 17 magdalene street city centre , number is 01223 362456 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 B-Restaurant-Inform+Price 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+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O N/A +bos is there anything else , if so give me their address and phone number . eos O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos those are the only listings in the west part of town . would you like to change your location or price range ? 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 O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area +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 no , that 's fine . thank you ! eos O O O O O O O O O O general-thank +bos thank you very much for using the cambridge restaurant system . eos O O O O O O O O O O O O general-bye +bos i am looking for a restaurant that is expensive and is in the east 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 which food type appeals to you currently ? there are listings for british , indian , chinese , and gastropub . eos 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 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 grafton hotel restaurant serves british food in the east 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 can i get the phone number , please ? eos O O O O O O O O O O Restaurant-Request+Phone +bos the grafton hotel restaurant 's phone number is 01223 241387. 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 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 british food . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos thanks so much eos O O O O general-thank +bos nice talking to you , thank you . good bye eos O O O O O O O O O O O general-bye,general-greet +bos thank you eos O O O general-thank +bos thank you . enjoy your meal . eos O O O O O O O O general-bye +bos african food in the cetre of town / eos O B-Restaurant-Inform+Food O O O O O O O N/A +bos it seems there is one restaurant in the centre of town , bedouin . would you like to make a reservation ? eos 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 B-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform +bos is it in the cheap price range ? eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos no , it is in the expensive price range . would you like me to book you a table ? eos 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 O O Booking-Inform +bos no i need cheap . is there one that serves spanish food ? eos O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O O N/A +bos la raza serves cheap spanish food . would you like me to book you a table ? eos O O B-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 O Booking-Inform +bos 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 . eos O O O O O O O O O O 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 the address is 4 - 6 rose crescent , phone number is 01223464550 , postcode is cb23ll 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+Phone O O B-Restaurant-Inform+Post O O N/A +bos am also looking for a train . the train should leave after 15:00 and should leave on sunday eos O O O O O O O O O O O O B-Train-Inform+Leave 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 i would like to arrive in cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A +bos excellent . and where are you coming from ? eos O O O O O O O O O O Train-Request+Depart +bos i will be departing 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 ok , i have train tr6946 leaving at 15:39 and arriving by 17:07 , would you like me to book a ticket ? eos O 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 O O O O N/A +bos yes please , just one ticket and i 'll need the reference number . eos 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 13.28 gbp payable at the station .reference number is : gsigvnew . 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 . thank you . eos O O O O O O O O O O general-thank +bos thank you for using the cambridge towninfo centre service ! eos O O O O O O O O O O O general-bye +bos i want information about attractions in the centre eos O O O O O O O O B-Attraction-Inform+Area N/A +bos how about all saints church ? it has free admission . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O N/A +bos sounds interesting . what is their phone number ? eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number for all saints church is 01223452587. 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 B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos can you tell me their postcode as well ? eos O O O O O O O O O O Attraction-Request+Post +bos sure . the postcode is cb58bs . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos can you help me find a really nice and expensive chinese place in town ? eos 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 okay ! what area of town would you like to dine in ? eos O O O O O O O O O O O O O O Restaurant-Request+Area +bos i would like to be in the centre . eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos how about tang chinese ? they are located at napier street city centre . 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 O O N/A +bos can you tell me their phone number ? eos O O O O O O O O O Restaurant-Request+Phone +bos sure thing , here you go 01223357187 eos O O O O O O B-Restaurant-Inform+Phone 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 O Taxi-Inform +bos i can help you with that . where 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 O O Taxi-Request+Depart +bos i 'd like to go between all saints church and tang chinese by 2:30. eos O O O O O O O O O O O O O O O N/A +bos let me find a taxi for you . eos O O O O O O O O O N/A +bos any luck with the taxi yet ? eos O O O O O O O O Taxi-Inform +bos booking completed ! booked car type : red skodacontact number : 07139106461 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 thanks thatnis it for today eos O O O O O O general-thank +bos okay , no problem ! i hope you have a great visit ! eos 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 N/A +bos sure . i 'll need a little more information . is there an area 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 Hotel-Request+Area +bos no specific area . i would like it to be in the moderate price range and it should have free parking . i 'd also like it to have 4 stars . 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 O O B-Hotel-Inform+Stars O O O O N/A +bos i have several options for you , most are located in the north area of town , is that acceptable ? i can book one for you if you would like . eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 O O Booking-Inform +bos yes , please book for 1 person 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 O O N/A +bos ok. i booked the acorn guest house for you . the reference number is uwpc7af0 . would you like 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 O O B-Booking-Book+Ref O O O O O O general-reqmore +bos thanks for the booking . i would also like to see more of the west of cambridge , particularly some type of an attraction . 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 Attraction-Request+Type +bos there are 13 attractions to choose from in west cambridge . would you prefer a college , a museum , or an entertainment attraction ? eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 O O N/A +bos any of them would do , what would you recommend ? eos O O O O O O O O O O O O N/A +bos i would recommend the churchill college is located on the west side of cambridge and the entrance fee is free . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O B-Attraction-Recommend+Fee O N/A +bos great . i 'd like a taxi to get there . eos O O O O O O O O O O O O Taxi-Inform +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 arrive to the college by 12:30. i 'll be departing from the guesthouse . please give me car type and contact info eos 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,Attraction-Request+Type +bos a black ford will be picking you up the contact number is 07254266042 , anything else i can do for you 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 will be all . thank you ! eos O O O O O O O O O O O general-thank +bos great . thanks , enjoy your stay ! eos O O O O O O O O O general-bye +bos i need a train to leave cambridge and arrive by 19:00 eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos sure , what is your destination ? eos O O O O O O O O Train-Request+Dest +bos my destination is going to be stansted airport eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A +bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day +bos i should leave on thursday . eos O O O O O B-Train-Inform+Day O N/A +bos okay , the 17:40 train arriving at 18:08 will get you to the airport a little early . eos 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 N/A +bos great . can you book me 7 seats on that train ? eos O O O O O O O B-Train-Inform+People O O O O O N/A +bos here is your reference number ivuvquhj and the total fee is 70.7 gbp . is their anything else i can help you with ? 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 general-reqmore +bos i also want to eat modern european in the south . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O N/A +bos restaurant alimentum is the place for you ! do you need a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform +bos yes , please , make it for the same group ( 7 people ) , 10:00 on the same day . eos O 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 N/A +bos your booking has been made at restaurant alimentum for thursday at 10:00. reference number is 1u8qwedc . eos O O O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref N/A +bos thanks for the help ! goodbye . eos O O O O O O O O general-bye +bos have a great trip ! i hope you enjoy your trip ! eos O O O O O O O O O O O O O general-bye +bos can you find a place to eat that serves french food ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 2 expensive french restaurants . there 's one in the north and one in the centre . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos i need the one in the center . can you make a reservation for 3 people at 15:45 on sunday . 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 N/A +bos sure , there is one named cote . does that sound good ? eos O O O O O O B-Booking-Inform+Name O O O O O O O N/A +bos yes , that would be fine . can i have the reference number ? eos O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos the reservation at the cote on sunday at 15:45 for 3 people was successful . your reference number is : 92y1r6ol . eos 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 B-Booking-Book+People O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks for the reference number . i also looking for entertainment 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 Restaurant-Request+Ref +bos how about all saints church ? it 's free to visit . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos i would prefer a swimming pool eos O O O O O O O N/A +bos i have parkside pools which ic located in gonville place . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos what 's the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos i 'm sorry . there is no entrance fee listed , however , the phone number is 01223446100 if you 'd like to call ahead . or , i can check another place for you . 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 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 O O O O O general-reqmore +bos that was all i needed today , 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 hi , i need to take a train on sunday that leaves after 08:45. eos O O O O O O O O O B-Train-Inform+Day O 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 'm departing from cambridge and need to go to leicester . eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O O N/A +bos i have train tr3371 that leaves at 09:21 and arrives in leicester at 11:06. would this 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 will work . please reserve 7 seats on it for my party and i. eos O O O O O O O O B-Train-Inform+People O O O O O O O O O N/A +bos here is the booking information : booking was successful , the total fee is 211.67 gbp payable at the station .reference number is : b7id18cr . 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 N/A +bos i 'm also looking for information on the 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 O N/A +bos it is an expensive 4 star hotel located at kingfisher way , hinchinbrook business park , huntingdon on the west side of town . phone number and postcode are 01480446000 and pe296fl . eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O B-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 O O O B-Hotel-Inform+Phone O B-Hotel-Inform+Post O O O N/A +bos that 's perfect , thanks ! eos O O O O O O O general-thank +bos can i go ahead and book this for you ? eos O O O O O O O O O O O Booking-Inform +bos no , i just need their address . eos O O O O O O O O O Hotel-Request+Addr +bos it kingfisher way in hincibrook buisness park , huntington eos O O O O O O O B-Hotel-Inform+Addr O O N/A +bos i want to check out a museum eos O O O O O O O B-Attraction-Inform+Type N/A +bos i have 23 museums . can you help me narrow what area you would 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 the area does n't matter but can you recommend one and give me their address ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos my favorite is the broughton house gallery , located at 98 king street . 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 N/A +bos what is the entrance fee there ? eos O O O O O O O O Attraction-Request+Fee +bos admission is absolutely free ! eos O O O O B-Attraction-Inform+Fee O N/A +bos sweet ! . can you give me informatin on a place called 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 O O N/A +bos it 's a guesthouse in north , 4 stars , moderate price . eos O O O B-Hotel-Inform+Type O B-Hotel-Inform+Area O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O O O N/A +bos thank you ! can i also have the address , please ? eos O O O O O O O O O O O O O Hotel-Request+Addr +bos its address is 78-80 milton road eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos great . thanks ! i also needed to find a taxi , can you assist me with that ? eos O O O 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 and at 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 be picked up from the hotel by 06:30 eos O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos your booking was successful . it will be a yellow audi and the contact number os 0747386590. 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 O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos that 's all , thanks a lot . eos O O O O O O O O O general-thank +bos happy to help , have a nice day . eos 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-thank +bos contact the cambridge towninfo centre if you need anymore help . goodbye ! 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 go in the east . eos 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 to see ? eos O O O O O O O O O O O O O O Attraction-Request+Type +bos i actually have n't been to cambridge before . can you tell me a few types that might be in that 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 N/A +bos sure thing ! we have museums , entertainment and a boat . anything there catch your fancy ? eos 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 O O O O O O O O Attraction-Select +bos 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 ! eos O O O O O O O O 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 lets start with the attraction information first . cherry hinton water play is a free park located at cherry hinton hall , cherry hinton road and the postcode is cb18dw . 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 B-Attraction-Inform+Fee 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 I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O N/A +bos great , thank you . eos O O O O O O general-thank +bos you 're very welcome . now , the anatolia is a moderately priced turkish restaurant located in the city centre . eos O O O 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 O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O general-welcome +bos okay , let 's book a table at the anatolia for monday at 17:30. i 'll need it booked for 3 people . eos O O O O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O O O O O O N/A +bos all done , your reference number is m5w4no7f . they will hold your table for 15 minutes . 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 O O O O O O O O general-reqmore +bos come to think of it , i think i may need a taxi to get me between the two . can it get me from cherry hinton to anatolia 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+Dest O B-Taxi-Inform+Arrive O O O N/A +bos yes , not a problem . i have a blue lexus booked for you . the contact number is 07234258903. 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 B-Taxi-Inform+Phone O N/A +bos thank you so much that is everything , i will be putting you on my christmas card list , you are awesome ! eos 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 it is always my pleasure . can i help you with anything else ? 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 today . eos O O O O O O O O O N/A +bos it was a pleasure to help . have a wonderful 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 some entertainment . eos O O O O O O B-Attraction-Inform+Type O N/A +bos there are lots of fun places in town . what would you like to do today ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 Attraction-Request+Type +bos it does not really matter can you suggest one ? eos O O O O O O O O O O O N/A +bos how about the funky fun house ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos no thank you what about a museum ? eos O O O O O O O B-Attraction-Inform+Type O N/A +bos i have 23 great museums . is there a certain area you would like to be in ? 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 Attraction-Request+Area +bos no area does not matter can you recommend one please ? eos O O O O O O O O O O O O N/A +bos one of my personal favorites would be the cambridge and county folk museum . it is definitely worth the entrance fee of 3.50 pounds . eos 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 O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A +bos okay , i 'll check it out . please get me the postcode and address 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 for the cambridge and county folk museum is 01223355159. the postcode is cb30aq . 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 B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post N/A +bos i 'm also looking for somewhere to stay eos O O O O O O O O O N/A +bos sure , i need to get some information from you . would you like a guesthouse or a hotel ? what day will you be coming ? eos 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 O O O O O Booking-Request+Day,general-greet +bos tuesday . i want a place to stay that is expensive , 3 star , and has free parking and wifi . eos O B-Hotel-Inform+Day O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stay O O O O O O O O O O N/A +bos okay , we have the gonville hotel in the centre and the lensfield hotel in the south . 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 B-Hotel-Recommend+Area I-Hotel-Recommend+Area O N/A +bos thanks , i just searched online for it , looks great , please book me for 8 people , 3 nights starting tuesday . 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 O O N/A +bos booking was successful.reference number is : pe5q6ei9 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos that 's all i needed . thanks . bye . eos O O O O O O O O O O O general-bye +bos have a good night . eos O O O O O O general-bye +bos i would like to find a museum in the centre . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos how about broughton house gallery ? it 's free of charge . eos O O O B-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 Hotel-Inform +bos sure ! what 's the address of the broughton house gallery ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O Attraction-Request+Addr +bos the address is 98 king street . can i help you with anything else ? 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 general-reqmore +bos yes , i am also looking for a moderate priced restaurant that serves turkish food . eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos anatolia is an excellent choice . they 're located at 30 bridge street city centre , cb21uj . would you like to book a table ? 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 I-Restaurant-Inform+Addr O O O O O O O O O O O O Booking-Inform +bos can you please tell me if it 's in the same area as the gallery ? i 'm not familiar with the 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 N/A +bos yes , it is also in the centre of town eos O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos great . please make a reservation for two on sunday . eos 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 Booking-Inform +bos i am looking for a cheap two star hotel in the north can you help ? eos O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos unfortunately , there is nothing available in that area . eos O O O O O O O O O O O Hotel-NoOffer +bos then can you find a hotel in the west with a moderate price range that includes free wifi ? eos O 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 N/A +bos there is nothing like that available either . would you like to try searching for something else ? eos O O O O O O O O O O O O O O O O O O O Hotel-NoOffer +bos how about one that has free parking ? eos O O O O O O O O O N/A +bos there are two hotels in the west that have free parking . one is in the expensive price range and one is in the cheap range . which would you prefer ? 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Select,Hotel-Inform+Parking +bos i would prefer the cheap range . can you book for me 8 people for four nights beginning on friday ? i will need the reference number . eos 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 the booking was successful . your reference number is : wpch771u . you will be staying at the cambridge belfry in the west area . eos O O O O O O O O O O O B-Booking-Book+Ref 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 O O N/A +bos great , thank you . can you also help me find something fun for me to do 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 O O O O O general-thank +bos i would suggest visiting the old schools . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos are there any parks around ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there are several parks in town . in the centre there 's the cambridge university botanic gardens , and a few others in the north , east , and south . do you have a preference ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O Attraction-Select +bos i would it to be in the east and could i get a postcode . thanks goodbye eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Post +bos the cherry hinton water play is located in the east and the postcode is cb18dw . 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 B-Attraction-Inform+Post O N/A +bos can you found me a swimming pool in the south part of town ? eos O O O O O O O O O O O O O O O N/A +bos unfortunately i was unable to find a pool at the south part of town , however we have some north east and at the centre eos 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 B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area N/A +bos what about a type of park ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos there are five , including wandlebury country park in the south . eos O O O 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 wandlebury country park is fine . can i get the entrance fee ? eos 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+Fee +bos actually , they have free entrance . they are located at wandlebury ring , gog magog hills , babraham . their phone number is 01223243830. their postcode is cb223ae . eos O O O O B-Attraction-Inform+Price I-Attraction-Inform+Price O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O O N/A +bos thanks for the info . i will give them a call . eos O O O O O O O O O O O O O general-thank +bos you 're welcome . can i help you find anything else ? eos O O O 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 , have a nice day ! eos O O O O O O O O O O general-bye +bos i 'm looking for architecture attractions in the centre . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos hi , there are five in the centre . were you looking for free architecture attractions ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Type O O O N/A +bos not necessarily . which is your favorite ? eos O O O O O O O O O N/A +bos i really like old schools on trinity lane . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos ok , can i get the postcode , phone number , and entrance fee for that one ? i 'm also looking for a train to cambridge from kings lynn . 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 B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos the postcode is cb21tt , the phone number is 01223332320 , and the entrance fee is free . eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee O O O N/A +bos sounds good . can you tell me about taking the train there ? eos O O O O O O O O O O O O O O Train-Inform +bos there are 133 trains available . could you give me the 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 Train-Request+Day,Train-Request+Leave +bos i 'd like to arrive no later than 17:15 on friday . eos O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A +bos i can book you a train for friday leaving at 5:11 and arriving at 5:58. would you like to book it ? eos O O O O O O O O B-Train-OfferBook+Day I-Train-OfferBook+Day O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O O O O O O N/A +bos yes , please . i need 7 tickets . eos O O O O O O B-Train-Inform+People O O O N/A +bos excellent ! you 're booked with reference number nkd56z46 . may i 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 general-greet,general-reqmore +bos no thank you . thanks for your help . eos O O O O O O O O O O general-thank +bos you 're welcome , if you need anything else i 'll be happy to help . 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,general-reqmore +bos i 'm looking for information on parks in cambridge . eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos i have about 5 different parks available . is there an area of the city you would prefer ? 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 Attraction-Request+Area +bos no preference really . can you suggest one and provide me with the address please ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos i recommend the milton country park at milton country park , milton . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O N/A +bos thanks , what is the address ? eos O O O O O O O O Attraction-Request+Addr +bos the address is milton country park , milton . is there anything else you would like 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 O O O O general-reqmore +bos yes i am looking for a train on saturday from kings lynn to cambridge , departing after 21:15. eos 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 B-Train-Inform+Leave 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 'm leaving saturday . i need a price and arrival time , please . eos O O O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos i would suggest train id tr8331 which leaves kings lynn at 22:11. the price is 7.84 pounds and the duration is 47 minutes . eos O O O O O O B-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Time N/A +bos that 's all i need . thanks ! eos O O O O O O O O O general-thank +bos your train was booked , this is the reference number : s8dqmedd . have a great day ! eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O general-bye +bos can you help me 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 O N/A +bos every place but one in cambridge has free wifi ! do you have a certain area in mind , or perhaps a price range ? eos 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 O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet +bos i 'm looking for something cheap please . eos O O O O O B-Hotel-Inform+Price O O O N/A +bos i would recommend the allenbell . it 's located in the east , is cheap , and has free internet . would you like to make a booking ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+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 O O O Booking-Inform,Hotel-Inform+Internet +bos no , thank you . i just need the name for today . eos O O O O O O 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 planning a trip to cambridge , looking for a place to dine . eos O O O O O O O O O O O O O O O O N/A +bos i can help with that . what type of cuisine are you interested in ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos turkish is really good to me eos O B-Restaurant-Inform+Food O O O O O N/A +bos we have three options available . two are moderately priced while one is expensive . do you have a preference ? 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 O general-reqmore +bos i prefer the moderately priced . kindly book a table for 5 people for me for saturday by 18:00. eos O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos a table at anatolia has been booked . the reference number is 4cklslaj . is there anything else i can do for you today ? 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 O general-reqmore +bos thanks , i 'm also looking for a train that leaves on sunday from birmingham new street . 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 N/A +bos what is the destination , time you want to leave and arrival time ? eos O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Dest +bos i need to leave sunday from cambridge and travel to birmingham new street , arriving before 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 train tr2236 arrives by 17 : 23 , should i book that ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O Train-OfferBook +bos no thank you , what time does the train leave cambridge ? eos O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos sorry , there was an error earlier . the train you want is tr4905 , leaving cambridge at 15:01 and arriving birmingham at 17:44. eos 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 O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O N/A +bos how long is the journey between the two places ? eos O O O O O O O O O O O N/A +bos the travel time is 163 minutes . would you like to make a booking ? 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 yes , please make a booking . eos O O O O O O O O N/A +bos how many people will be travelling ? eos O O O O O O O O Train-Request+People +bos i need five tickets . eos O O O O O O N/A +bos booking was successful , the total fee is 300.39 gbp payable at the station . eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O N/A +bos great , thank you . is there a confirmation number ? eos O O O O O O O O O O O O general-thank +bos yes its littlelamb5 . thanks eos O O O B-Train-OfferBooked+Ref O O N/A +bos thanks for all your help today . i think that 's it . eos O O O O O O O O O O O O O O general-thank +bos glad to have been of service . 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-greet +bos are there any entertainment attractions in the south ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A +bos there are two that fit your request . one is nusha on clifton road and the other is tenpin on clifton way . do you need more information ? 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+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O N/A +bos can i have the address , phone number , and entrance fee of nusha . eos 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 address of nusha is unit g6 , cambridge leisure park , clifton road and their telephone number is 01223902158 , but unfortunately , i do not have information on their entrance fee . 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 O O B-Attraction-Inform+Phone 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 N/A +bos i can call for that . but thanks anyway . i am also looking for a cheap place to eat . 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 N/A +bos there are 15 that i have found ! what type of cuisine would you like ? eos 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+Food +bos i would like a chinese restaurant , please . eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there is one cheap chinese restaurant in the area called the lucky star . would you like me to book a reservation for it ? eos O O O O B-Restaurant-Inform+Choice 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 O O O O O O O O O Booking-Inform +bos is it in the same area as nusha ? eos O O O O O O O O O O N/A +bos yes it is in the same area . eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos could you book me a table on thirsday . 2 people at 14:00 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 thank you . can i please have the reference number ? eos O O O O O O O O O O O O Restaurant-Request+Ref +bos your table is reserved , ref # 39w1d7pp . can i help you with anything else 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 i also want a taxi to commute between the 2 places eos O O O O O O O O O O O O Taxi-Inform +bos i 've booked you a taxi from nusha to the lucky star , arriving at 14:00. the car will be a white bmw . contact number : 07301865482 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 I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O N/A +bos thanks so much , that is all i need . eos O O O O O O O O O O O general-thank +bos okay , great . have a nice day . eos 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 thank you , goodbye . eos O O O O O O general-bye +bos i am looking for somwhere to go in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos are you looking for an attraction or a restaurant ? eos O O O O O O O O O O O Restaurant-Select,Attraction-Select +bos i 'm looking for multiple sports in the centre please . eos O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos unfortunately , i do n't have any listings for centre . how about in the east area ? eos O O O O O O O O B-Attraction-NoOffer+Area O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O N/A +bos do you have any type of museums in the centre ? if you do , i need the phone number , too . 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 Attraction-Request+Phone +bos i have about 11 different museums . might i suggest the primavera . it has a large variety of excellent exhibits . they also offer free admission . eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O B-Attraction-Recommend+Fee O O O O O N/A +bos sounds great ! 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 for primavera is 01223357708. can i help you with anything else ? eos O O O O O O O B-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos i need to book a train to arrive in cambridge by 13:00. eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos ok , where 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 i need the train for 8 people leaving from peterborough and arriving in cambridge before 13:00. once you have the booking , can you send me the reference number ? eos O O O O O O O B-Train-Inform+People O O B-Train-Inform+Depart 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 Train-Request+Ref +bos on what day did you need the train ? eos O O O O O O O O O O Train-Request+Day +bos i would need the train on friday . eos O O O O O O O B-Train-Inform+Day O N/A +bos there is a train that leaves at 05:19. the id is tr1662 . would you like me to book at ticket for you ? eos O O O O O O 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 , for 8 people . i will need a reference number , thanks ! eos O O O O B-Train-Inform+People O O O O O O O O O O O Train-Request+Ref +bos i got 8 tickets for you the reference number is tjttpuv3 . 132 gbp is the total and can be paid at the station when you get there . anything else ? eos O O O O B-Train-OfferBooked+People O O 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 O O O O general-reqmore +bos i think 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 're welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye +bos can you help me find a cheap guesthouse that i can stay at ? eos O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos sure , i have 24 options for you ! eos O O O O O B-Hotel-Inform+Choice O O O O N/A +bos i do need one with free parking , and it needs to be in the cheap price range , but those are my only requirements . which one is your favorite ? 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 O O O O O O N/A +bos okay , my favorite is autumn house in the east . would you like me to book a reservation ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O O O O O O Booking-Inform +bos i would just like to know what the postcode is and whether or not they offer 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 the post code is cb58rs and they do offer free wifi . eos O O O O O B-Hotel-Inform+Post O O O O O O O Hotel-Inform+Internet +bos excellent ! i 've also heard great things about the tang chinese restaurant . what can you tell me about them ? 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 O O N/A +bos it is a chinese restaurant located in the city centre . it has an expensive price range . can i help you with anything else ? eos O O O O B-Restaurant-Inform+Food O 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 O general-reqmore +bos yes , please book a table at tang chinese for 2 people at 17:30 on tuesday . eos O O 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 N/A +bos your booking was successful . your reference number is o8so1fuo . 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 nope , that 's it for now . thanks 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 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 museum to visit in the centre of town . eos 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 eleven museums in the city centre . might i recommend the museum of archaelogy and anthropology ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O B-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 I-Attraction-Recommend+Name O O N/A +bos tell me more about the anthropology museum please . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos the museum of archaelogy and anthropology is free to get into and is located at the university of cambridge on downing street . their phone number is 01223333516. 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+Price I-Attraction-Inform+Price 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 I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O N/A +bos what is their postcode ? eos O O O O O O Attraction-Request+Post +bos their postcode is cb23dz . if you would like to reach them directly , their phone number is 01223333516. 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 O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos no , that is all . thanks so much . eos O O O O O O O O O O O general-thank +bos glad to help . eos O O O O O general-bye +bos i 'm looking for something to do in the centre of town . eos O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos great ! i found a lot of things that match what you 're looking for . do you like architecture ? 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 Attraction-Request+Type +bos i would really like it to be a attraction type . eos O O O O O O O O O O O O Attraction-Request+Type +bos no problem . there are a lot of other options like boating , cinema , colleges , a concerthall , museums , nightclubs , a park , theatres and swimming pools . what are your interests ? eos O O 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 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 Attraction-Select +bos any of those will work . which one is your favorite and where is it located ? eos O O O O O O O O O O O O O O O O O O N/A +bos i 'd try the cambridge contemporary art museum , at 6 trinity street . eos 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 O O N/A +bos i also need a train on wednesday , arriving by 19:00. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O N/A +bos i can help you with that . what are the departure and destination cities 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 Train-Request+Dest,Train-Request+Depart,Train-OfferBook +bos i 'll be departing from leicester , headed to cambridge . what do the prices look like ? eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O O O O O O Train-Request+Price +bos the earliest train departs leicester at 05:09 and arrives in cambridge at 06:54. the cost is 37.80 pounds per ticket . eos 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos what is the travel time ? eos O O O O O O O Train-Request+Duration +bos travel time is approximately 105 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos that 's all that i need . eos O O O O O O O O N/A +bos would you like any more information on other attractions ? eos O O O O O O O O O O O general-reqmore +bos no , that will be all . 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 you 're very welcome . thank you and goodbye ! eos O O O O O O O O O O O general-welcome,general-bye +bos please , if you can , find me a restaurant in the centre that serves indian food 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 N/A +bos there are 9 restaurants in the city centre that serve indian food . do you have a preference in price range ? eos O O O O B-Restaurant-Inform+Choice 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 O Restaurant-Request+Price +bos yes , it 's for a special occasion , so something expensive would be preferred . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos that narrows the selection to six . would you like me to suggest one ? eos O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O general-reqmore +bos i need to book a table for 6 on tuesday at 12:45. can any of them do that ? 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 there are six different restaurants in the area that can reserve you the table that you require . your choices are curry garden , the golden curry , saffron brasserie , panahar , curry king , and curry queen . which would you 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 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 Restaurant-Select +bos can you please recommend one and book it for my party ? eos O O O O O O O O O O O O O N/A +bos i would recommend curry garden . i just need to verify the time needed is 12:45 on tuesday ? 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 Booking-Request+Time +bos yes , that is correct , 12:45 tuesday for 6. eos O O O O O O O O O O O N/A +bos great . your table is reserved for 15 minutes and your reference number is wa0r6qzn . 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 , can you help me find a train to get there as well ? eos O O O O O O O O O O O O O O O O Train-Inform +bos i will need to know your departure and destination before reserving . eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos we will need to depart from ely and will need to arrive in cambridge by 08:15. how long will it take to arrive and what will be the departure time ? eos O O O O O O O O B-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 O O O O O O O Train-Request+Leave +bos tr6971 departs at 07:35 and arrives by 07:52. the duration of the ride is 17 minutes . 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-OfferBook +bos no thank you thats all i need eos O O O O O O O O general-thank +bos thanks for using our service , and goodbye ! eos O O O O O O O O O O general-bye +bos will i be able to get out of cambridge by train on thursday ? 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 did you have a destination in mind ? eos O O O O O O O O O Train-Request+Dest,Train-Inform +bos broxbourne is my destination and should arrive by 10:30 eos O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive N/A +bos tr125 leaves at 9:01 and arrives by 10:01 , would you like to book this one ? 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 Train-OfferBook +bos yes please book it for 8 people . eos O O O O O O O O B-Train-Inform+People N/A +bos i apologize - that is tr2125 . i have booked it for 8 people . your reference number is a2j4eair . eos O O O O O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ref O O N/A +bos i need a place to stay as well . preferably a 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 there are three hotels that meet your criteria . would you like to narrow it down further or would you like a recommendation ? 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 general-reqmore +bos i would like a hotel , not a guest house . are any of those actual hotels ? eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos yes , when were you planning your stay ? eos O O O O O O O O O O Booking-Request+Day +bos i have n't decided yet but i would love a hotel that offers free wifi , not worried 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 N/A +bos all three ofter wi-fi . two are in the west , one is in the centre . two are expensive , one is cheap . do you have a preference in those regards ? eos O O B-Hotel-Inform+Choice O O O O O O O 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 O O Hotel-Inform+Internet +bos ill take either of the expensive ones . pick whichever sounds better to you eos O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos i have the university arms hotel available that meets all of your requests , what dates would you like me to book 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 O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos can i just have the address and postcode ? eos O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos the address is regent street and the post code is cb21ad . eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post N/A +bos thanks , and which part of town was this one in ? eos O O O O O O O O O O O O O general-thank +bos it 's in the centre part of town . can i help you with anything else ? eos O O O O B-Hotel-Inform+Area O O O O 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 thank you , have a great day ! eos O O O O O O O O O general-bye +bos i need a moderately priced restaurant that serves molecular gastronomy food please . eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos i 'm sorry but there are no molecular gastronomy restaurants within this area . sorry about that . 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 N/A +bos how about modern european food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there is one . de luca cicina and bar located in the centre . does that work for you ? eos O O O B-Restaurant-Inform+Choice 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 O O O O O O O O general-reqmore +bos that works just fine . book it for myself at 17:30 on tuesday if that 's available . eos 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 N/A +bos booking was unsuccessful . do you want to try for another day or time slot ? eos 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 they have an opening at 16:30 , by any chance ? eos O O O O O O O B-Restaurant-Inform+Time O O O O O N/A +bos yes that certainly worked ! you 're booked for 16:30 on tuesday and your reservation number is ibfe4s17 . eos O O O O O O O O B-Booking-Book+Time O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O N/A +bos thanks ! i 'm also looking for a guesthouse to stay at . i do n't need 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 N/A +bos i have 3 guesthouses that meet your criteria . one is in the east and the other 2 in the north , which area would 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 B-Hotel-Select+Area I-Hotel-Select+Area O O O O O O O N/A +bos it does n't matter , but i would prefer a 3 star one . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos the alpha-milton guest house is the only place matching your criteria . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O N/A +bos that one sounds perfect . can i get the address for the alpha-milton guesthouse please . eos O O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos the address is 63 milton road . is there anything else i can do for you ? 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 no that is great . thanks for all your help . eos O O O O O O O O O O O O general-thank +bos no problem at all ! keep us in mind when you need a hand ! eos O O O O O O O O O O O O O O O O general-bye +bos hello , could you help me with finding a restaurant called the lucky star ? 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 N/A +bos the lucky star is located at leisure park clifton way cherry hinton . would you like to book there ? 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 O O O O O O O O Booking-Inform +bos yes . please reserve table for five at monday on 11:15 and get me the reference number eos 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 O Restaurant-Request+Ref +bos all booked ! your reference number is s0fc5mn8 . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos i also need a moderate priced hotel with free parking to stay at . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos there are 14 total hotels in cambridge that meet these specifications . is there a particular part of town you are interested in staying 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 Hotel-Request+Area +bos no particular town , but a guesthouse with free wifi is preferable . eos O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos there are 12 such guesthouses . do you have a preference on star rating ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Stars +bos i do not . eos O O O O O N/A +bos i recommend the acorn guest house . if you let me know the number of people staying , your arrival day , and how many nights , i 'll happily 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 O 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,Booking-Inform +bos and can i ask what star rating that has before i book ? i actually realized i might care . 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 is rated 4 stars . should i book it ? eos O O O O O B-Hotel-Inform+Stars O O O O O O Booking-Inform +bos yes please , thank you . eos O O O O O O O general-thank +bos of course , will that be all for today ? eos 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 excellent . have a great rest of your day ! eos O O O O O O O O O O O general-bye +bos i 'm looking for a place to dine in the centre of town that serves modern european food . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos there are a total of 4 restaurants in the centre of cambridge that serves modern european food . is there a particular price range you would like ? eos O O O O O O O B-Restaurant-Inform+Choice 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 O O O O Restaurant-Request+Price +bos not really , but i have 8 people with me . eos O O O O O O O B-Restaurant-Inform+People O O O O N/A +bos how about the de luca cucina and bar ? they 're in the centre with a moderate price range . 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+Area O O B-Restaurant-Recommend+Price O O O O O N/A +bos that sounds perfect ! could you book me a table for friday at 18:00 for 8 people . could you include the reference number also ? 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 O O O O O O O O O N/A +bos i have booked your table . your reference is znvpvzd5 . 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 yes , i also need a hotel , i am on a budget so if you could find a cheap one that would be great . 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 N/A +bos there are 9 guesthouses and 1 hotel that is cheap . do you have any other criteria such as area ? eos 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 O O Hotel-Request+Area +bos not really , i do n't need free parking or anything . what is available ? eos O O O O O O O O O O O O O O O O O N/A +bos i would recommend the allenbell . would you care to book a room there ? eos O O O O O B-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform +bos yes , for 2 nights for 8 people starting on friday . eos 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 you and your party for the allenbell . your reference number is tz42qw4h . may i assist you with anything else ? eos 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 O O O O O O O general-reqmore +bos that should be everything . thank you for all of the assistance ! 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 hi , can you help me find an upscale restaurant in cambridge that is centrally located ? eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos yes there are 33 in the area you are looking for . they are all pretty expensive and are closely located . eos O O O O O O O O O O O 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 N/A +bos are any of those ethiopian restaurants ? eos O O O O O O O O Restaurant-Inform +bos there is an upscale african restaurant called bedouin . would you like me to book it ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name O O O O O O O O O Booking-Inform +bos yes , could you make reservations for three please ? eos O O O O O O O O O O O N/A +bos i would be glad to . i need to know the day and time you would like the reservation 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 Booking-Request+Time,Booking-Request+Day +bos actually , book the table for 6 people on tuesday at 13:30. i will need the reference number for this , please . 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 O O O O O O N/A +bos your party of 6 has been booked successfully for 13:30 on tuesday . the table will be reserved for 15 minutes . your reference number is 7e4viqay eos O O O O O B-Booking-Book+People 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 B-Booking-Book+Ref O O N/A +bos i also need a hotel in the same area and price range as the restaurant . eos O O O O O O O O O O O O O O O O O N/A +bos there are two expensive hotels in the centre of town . the gonville hotel is a 3 star , and the university arms is a 4 star . which would you like ? eos O O O O B-Hotel-Inform+Choice B-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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O Hotel-Select +bos does the gonville hotel have free parking ? eos O O O O O O O O O Hotel-Inform +bos yes both options have free paring and internet . would you like to book one of these ? eos O O B-Hotel-Inform+Choice 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 yes i would like to book the gonville hotel for 3 nights for 6 people starting from tuesday please . i will need a reference number . eos O 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 N/A +bos i 've booked your stay at the gonville , your reference number is 44arphow . can i assist you with anything else ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Booking-Book+Ref 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 thank you for using our system . eos O O O O O O O O general-bye +bos hello , i 'm planning a trip to cambridge and looking to make a reservation at a restaurant called the `` royal standard '' . can you get me the information for that restaurant 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 O O O O O O O O O O O O O O O O N/A +bos royal standard 's phone number is 01223247877. they are located at 290 mill road city centre . eos 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos what is the food type and price range ? eos O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos they serve gastropub cuisine and are in the expensive range . can i book that for you ? eos O 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 O O Booking-Inform +bos no thank you . i 'm also looking for a 4 star guesthouse . eos 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 am showing 5 types of guesthouses . four of them have free wifi and parking . how long were you planning on staying ? eos O O O O O O O B-Hotel-Inform+Type B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O O O Booking-Request+Stay,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i 'm not sure yet . i 'll take a place with free wifi . eos O O O O O O O O O O O O O O O O N/A +bos is there a particular area in which you 'd like to stay ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos i do n't have a location preference but can you give me the phone number , postal code 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 of course . i would recommend the allenbell . it is a cheaper hotel . it 's postcode is cb13js . the number is 01223210353. eos O O O O O O O B-Hotel-Recommend+Name O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O O O O general-greet +bos ok. i will take it . eos O O O O O O O N/A +bos great ! 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 Booking-Inform,general-greet +bos no thanks . is there another with free wifi ? eos O O O O O O O O O O O N/A +bos the alexander bed and breakfast has free wifi . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O Hotel-Recommend+Internet +bos alright , thanks for the information . that was all i needed for today . 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 lovely day . eos O O O O O O O O O O O general-welcome,general-bye +bos are there any british restaurant that serve moderate priced food ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A +bos there are 5 available . do you prefer the area of centre or west ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A +bos i do n't care , just local . eos O O O O O O O O O N/A +bos saint johns chop house is a moderately priced british restaurant in the west of town . 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 B-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 could you book a table for 8 at 19:45 on tuesday ? eos O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos i found this restaurant . this is at 4 kings parade city centre . 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 N/A +bos thank you . could you book a table for 8 on 19:45 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 absolutely ! your reference number is t4m08e7a . 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 i am looking for a place to stay . is there a guesthouse-type hotel in the west that has free parking ? it does n't need to include internet . 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 O O O O N/A +bos we have 21 entries that match that criteria . do you have a further 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-Request+Stars +bos as long as i can book it for eight people i do not have a preference otherwise eos O O O O O O O O O O O O O O O O O O N/A +bos alright . let 's just try to narrow it down a bit . does the price range matter ? 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 the price range does not matter . it needs to be a guesthouse and located in the west with free parking . 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 N/A +bos there are 2 choices that match . i would recommend finches bed and breakfast as it meets your criteria , is cheap and has 4 stars . shall i book it ? 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 O O O O B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Stars O O O O O O O Booking-Inform +bos yeah , i 've heard good stuff about finches ' , could you give me the most earliest available dates for the place ? i need to get a reservation as soon as possible 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 O N/A +bos what day would you like your reservation and for how many nights ? also , how many guests will there 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+Day,Booking-Request+Stay +bos there 'll be 8 guests and we 'll be staying on tuesday . eos O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O 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 we will be staying 2 nights starting on tuesday . eos O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos i 'm sorry , but there are no vacancies at that time . would you like to try a different day or perhaps a shorter stay ? eos O 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 O O O O O O Booking-Request+Day,Booking-Request+Stay +bos would it be available for just one night ? eos O O O O O O O O O O N/A +bos yes , you 're booked for one night with reference number rahzvkvn . how else may i assist you ? 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 general-reqmore +bos oh , yeah , can you get me a car from dinner to the hotel ? eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos ok. a white ford will pick you up at saint johns chop house at 21:45. the contact number is 07368759455. is there anything else i can help you with ? eos 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 B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Phone 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 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 hi , i 'm looking for a local establishment that serves scottish cuisine . could you recommend somewhere near the centre ? eos 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 O N/A +bos there are currently no available restaurants with scottish food in the centre . would you me to look in another area ? eos 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 Restaurant-Request+Area +bos no , let 's stay in the centre . are there any chinese places there ? eos O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O O O O N/A +bos yes i have many options . what price range would you most prefer ? eos O O O O B-Restaurant-Inform+Choice O 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 Restaurant-Request+Price +bos how about the charlie chan ? they are a budget-friendly chinese restaurant in the centre of town . 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos that sounds good . may i have their telephone number ? also could you help me finding a 4 star hotel in the same area ? 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 Restaurant-Request+Phone +bos there phone number is 01223361763. university arms hotel is an expensive 4 star hotel . may i book it for you ? eos O O O O O B-Restaurant-Inform+Phone O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O Booking-Inform +bos oh , no , i really need the hotel to be cheap . eos O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos the alexander bed and breakfast is the only cheap 4 star place in the centre of town . will a guesthouse instead of a hotel 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 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 B-Hotel-Select+Type I-Hotel-Select+Type O O O N/A +bos yes could you reserve that for me for 2 nights from thursday for 3 people . i will need a reference number as well . 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 O O O O O O O O O Hotel-Request+Ref +bos i 'm sorry , but booking was unsuccessful for three days . would you like to try two ? 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 please try for 2 nights instead . eos O O O O O O B-Hotel-Inform+Stay O O N/A +bos a booking for 3 people for 2 days is unsuccessful . would you like to try anything else ? eos O O O O O B-Booking-NoBook+People O O B-Booking-NoBook+Stay O O O O O O O O O O O N/A +bos the booking should be for 5 people and 2 nights . can you please try again ? eos 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 booking was successful . reference number is : atbuifxs . 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 thanks . yes , please reserve a taxi for me from the alexander b & b to the restaurant . i need to leave the hotel by 3:45 at the very latest . eos O O O O O O O O O O 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 sure . look out for a white volvo . the contact number will be 07936735628. anything else ? 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 O O general-reqmore +bos no , that 's everything . thank you for your assistance ! 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-welcome,general-bye +bos i am looking for a hotel in cambridge 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 O O B-Hotel-Inform+Price O O O N/A +bos i found five expensive hotels with free parking . what part of town are you wanting to stay in ? eos 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 Hotel-Request+Area,Hotel-Inform+Parking +bos are any of them guest houses ? eos O O O O O O O O N/A +bos i would like a guesthouse with free parking . do any of those 5 fit that ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Choice O O Hotel-Inform+Parking +bos i am looking for a guesthouse in the expensive price range with free parking . eos 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 guesthouses with free parking . would you like to change one of your parameters and search for a moderate guesthouse ? eos 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 O B-Hotel-Select+Price O O O O Hotel-NoOffer+Parking,general-reqmore +bos how about a moderate price range ? eos O O O O B-Hotel-Inform+Price O O O N/A +bos i have the archway house , it is a guesthouse in the moderate price range and has free parking . eos 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+Price O O O O O O O O Hotel-Inform+Parking +bos what is the full phone number and area code of the archway house ? also , is there a persian restaurant near the centre of 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 B-Restaurant-Inform+Area O O O O O Hotel-Request+Area,Hotel-Request+Phone +bos the phone number is 01223575314. what price range would you like the persian restaurant to be ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O Hotel-Request+Price,Restaurant-Request+Price +bos also expensive . may i have the post code and area of the archway house as well ? 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+Post +bos the archway house is in the north area and the postcode is cb43pe . 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+Post N/A +bos thank you . did you locate a persian restaurant ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are no persian restaurants . would you like to try something else ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O general-reqmore +bos somewhere that serves international food please . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos sure i have three restaurants to choose from . do you have a price range preference ? 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 yes , it should also be moderate priced . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have found 2 restaurants , the varsity or bloomsbury . which one would you prefer . eos O O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Restaurant-Select +bos which one has tables available for 3 people at 15: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 N/A +bos the varsity restaurant does , reference number is spymn3fb eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you for all of your help ! eos 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-welcome,general-reqmore +bos no . you have been quite helpful . thank you so much ! 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 is there an expensive restaurant any where in the south part of town ? eos 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 mexican , italian , chinese and indian restaurants on the south part of town in the expensive price range . do you have a particular type ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 O O Restaurant-Request+Food +bos italian sounds good . can you give me an address and phone number ? eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number for frankie and bennys is 01223 412430. 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 that will do it . goodbye . eos O O O O O O O O general-bye +bos you 're welcome . thank you and goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos can you help me find the hotel worth house ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos the worth house is located in the northern part of town at 152 chesterton road , would you like the phone number ? eos O O B-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 O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O general-reqmore +bos yes i would like the number and i also need to know what star rating the hotel has . eos O O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos that hotel has a 4 star rating and the number is 01223316074. would you like to book that now ? eos O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Phone O O O O O O O O Booking-Inform +bos i also am looking for an expensive restaurant in the area of south , thank you 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 there are 5 restaurants that fit your request . are you interested in a specific type of food ? there are 2 chinese , one indian , one italian , and one mexican . 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 O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O Restaurant-Request+Food +bos could you book me a table for 1 at the indian restaurant for 11:15 ? i would also like the reference number . thank you ! 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 Restaurant-Request+Ref +bos on what day will you be dining there ? eos O O O O O O O O O O Booking-Request+Day +bos please make a reservation for tuesday . eos O O O O O O B-Restaurant-Inform+Day O N/A +bos great your reference number is xjvs7tqn eos O O O O O O B-Booking-Book+Ref N/A +bos thanks , that 's everything i need . have a nice day ! eos O O O O O O O O O O O O O O general-thank +bos to you as well ! goodbye . eos O O O O O O O O general-bye +bos find me a mediterranean restaurant in the centre of cambridge . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A +bos the gardenia fits your criteria , can i book that for you ? eos 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 that for me . eos O O O O O O O O O N/A +bos how many people and what time/day are you looking at ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos i need the table booked for monday at 12:15 for 3 people . thanks . also could i get the ref # ? eos O O O O O O O O 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 booking was successful . your reference number is : nz89k99x , they will only hold your table for 15 minutes . 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 O O O O O O O O O O general-reqmore +bos great i also am looking for a hotel to stay at that includes free parking . what 's available ? 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 found acorn guest house which is a 4 star guesthouse and includes free parking . 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 B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O Hotel-Recommend+Parking +bos actually , i 'm looking for a hotel and in the same price range 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 N/A +bos can you please restate your hotel needs clearly ? thank you ! eos O O O O O O O O O O O O O general-greet +bos yes i need a hotel in the same price range as the restaurant with free parking . eos O O B-Hotel-Inform+Parking O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A +bos there are five hotels in the expensive price range . do you have any other preferences ? eos O O O B-Hotel-Inform+Choice I-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 general-reqmore +bos can you give me the first one and the star rating for it please ? it has 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 express by holiday inn cambridge is rated 2 stars . do you want me to make a booking there ? eos 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 O O O O O O O O O O O Booking-Inform +bos does the express by holiday inn have free parking ? eos O O O O O O O O O O O N/A +bos yes , the express by holiday inn does have free parking . do you want me to go ahead and make a booking 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 O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos yes also i will need a taxi to get me between the hotel and the restaurant . i will need a contact number and car type with the booking . 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 O O O O Taxi-Request+Car +bos 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 . eos O O O O O O 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-Request+Stay +bos 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 . eos O O O O O O O O O O O O O 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 reservation is for 12:15 with reference number nz89k99x . and i have reserved a grey tesla to get you there . contact number is 07635386509. eos O O O O O B-Booking-Book+Time O O O B-Booking-Book+Ref I-Booking-Book+Ref 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 what time will the taxi arrive ? eos O O O O O O O O Taxi-Inform +bos it will take about twenty minutes to get to the restaurant from the hotel . say the taxi gets there at 11: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 that will be fine . eos O O O O O O N/A +bos 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 general-reqmore +bos no , that 's it . thanks ! eos O O O O O O O O O general-thank +bos you 're welcome . have a pleasant stay , goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'd like to find panasian food for cheap please . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A +bos there are no restaurants matching your requests . would you like another restaurant ? 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 food ? i would like a phone number and address for any asian restaurant you find . eos 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-Request+Phone,Restaurant-Request+Addr +bos dojo noodle bar serves asian oriental . their phone number is 01223 363471 and their address is 40210 millers yard city centre . 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 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 O O O O O O general-reqmore +bos and that 's a cheap restaurant ? eos O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , dojo noodle bar is a restaurant in the cheap price range . 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 O O O N/A +bos is there anything else ? eos O O O O O O N/A +bos no , enjoy your meal ! eos O O O O O O O Restaurant-NoOffer,general-greet +bos thanks . eos O O O general-thank +bos thank you , goodbye ! eos O O O O O O general-bye +bos are there any expensive places to eat in the east ? eos O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O N/A +bos grafton hotel restaurant serves british food in the expensive price range in the east part of town . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos i was really looking for a kosher cuisine ? is that available there ? if so can you book a table for four ? 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 N/A +bos there are no restaurants in the east that serve kosher food . would you like me to search 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 Restaurant-Request+Area,Restaurant-NoOffer +bos are there any restaurants that serve indian food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i can book you a table for 4 at the pipasha restaurant . eos O O O O O O O O O B-Booking-Inform+People O B-Booking-Inform+Name I-Booking-Inform+Name O N/A +bos could you help me find an expensive asian oriental restaurant ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there are two restaurants . one located in the north area and centre area . which one would you prefer ? eos O O O O B-Restaurant-Inform+Choice 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 let 's go with the centre . i need a reservation for 2 at 13:30 on thursday . eos O O O O O B-Restaurant-Inform+Area 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 am sorry there are no tables available , can i help you find another place to eat ? 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 i need a different restaurant in the same area and price range please . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos i could try little seoul , which is korean , or possibly hk fusion chinese . if you want . would you like me to ? 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 O O O O O O O O O O Restaurant-Select +bos does the hk fusion chinese restaurant have availability on thursday at 13:30 ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Day O O O N/A +bos yes there is availability . i made a reservation for thursday at 13:30 for 2. the reference number is cbz1wprf . is there anything else i can help you with ? eos O O 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 B-Restaurant-Inform+Ref O O O O O O O O O O O O general-reqmore +bos that is all , thanks , bye . eos O O O O O O O O O general-bye +bos have a great day ! thank you for using our service eos O O O O O O O O O O O O general-bye +bos i need help finding a place to eat that is moderately priced and located in the east . 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 N/A +bos i have three restaurants with that information , can i ask what type of food you are looking for to narrow it down ? 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+Food +bos i would like an italian restaurant . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos pizza hut fen ditton is the only moderate italian restaurant in the east . 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 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 , i would like a reservation for 4 people at 1:45 on saturday . eos O 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 booking was unsuccessful . want to find another restaurant ? eos O O O O O O O O O O O Booking-NoBook,general-reqmore +bos are there any other restaurants in the same area 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 yes i have several indian restaurants if you are interested . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O N/A +bos sure . please book me at one of those . eos O O O O O O O O O O O N/A +bos i 'd be happy to . what day and time would you like the 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 O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People,Booking-Inform +bos 4 people at 13:45 on saturday , please . eos O O O O O O O O O O N/A +bos i 've booked you a table for 4 at 13:45 at curry prince . your reference number is ge1nwvtx . is there anything else i can help with today ? eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Time 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 no , that 's all i needed . have a nice day . eos O O O O O O O O O O O O O O N/A +bos happy to be of service , and i hope you 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 moderate priced restaurant in the centre of town please . 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 over 20 options that fit that criteria , do you have a specific food type in mind ? 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 Restaurant-Request+Food +bos not really ... but i do need to make a reservation for 3 on tuesday . at 3:45 in 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 N/A +bos there are five options that are in centre part of town . eos O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O O O N/A +bos i 'd like to find a place that serves moderately priced chinese food . eos O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos i show dour restaurants that serve chinese food . three are located in the centre and one is in the north area . they are all moderately priced . may i start by offering you the jinling noodle bar ? eos O O O 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 B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O N/A +bos that sounds great . could you make a reservation for 7 people at 13:45 this friday 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 N/A +bos there are no reservations available at that time . 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 Booking-NoBook,general-reqmore +bos yes please . is there another restaurant in the area in that price range that is available at that 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 have booked a reservation for you at the lan hong house . your reference number is bmu049l6 . do you need anything else ? 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-Restaurant-Inform+Ref O O O O O O O O N/A +bos no , you have been very helpful . thank you . good bye . eos O O O O O O O O O O O O O O O general-bye +bos good bye , have fun ! eos O O O O O O O general-bye +bos i 'm looking for a moderately priced restaurant to eat at in the north . eos 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 've found a chinese restaurant and an indian restaurant . which one do 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 O O N/A +bos chinese would be great ! eos O B-Restaurant-Inform+Food O O O O N/A +bos if you tell me a day and a time you would like to reserve , 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 O O O O Booking-Request+Day,Booking-Request+Time,Booking-Inform +bos i would like a table for 8 people at 17: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 N/A +bos then booking was unsuccessful . would you like me to try the indian restaurant ? eos O O O O O O O O O O O O O O O O Booking-NoBook +bos okay , that sounds good . i 'll need a reference number . eos O O O O O O O O O O O O O O Restaurant-Request+Ref +bos it 's booked , your reference number is 5ybverxa . eos O O O O O 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 O general-thank +bos no problem . i hope you have a great day . good-bye ! 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 casual sri lankan restaurant . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos hi ! sorry , there are no sri lankan restaurants in the area . can i do anything else for you ? 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-NoOffer,general-reqmore +bos what about european ? eos O O O B-Restaurant-Inform+Food O N/A +bos there are 11 european restaurants , do you have any preferences on location or price range ? eos O O O 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 i need one in the moderate price range . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i was able to find 5 for you . 3 serve modern european and the other 2 serve european . do you have a preference ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Restaurant-Select +bos i do n't have a preference . surprise me . eos O O O O O O O O O O O N/A +bos how about galleria ? it serves classic european cuisine . would you like me to book you a table ? eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O Booking-Inform +bos that sounds good . do they have a table for 8 people at 18:15 on saturday evening ? if yes , please book and send 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 O O O O O O O O O Restaurant-Request+Ref +bos i 'm sorry the galleria is not available . shall i try another then ? eos O O O O B-Booking-NoBook+Name O O O O O O O O O O O general-reqmore +bos yes , please . i need it to be in the same area and 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 i was able to book a table for you at hotel du vin and bistro . it 's a moderately priced classic european restaurant . your reference number is h7lu2ipf . 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 O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Ref O O O N/A +bos great , thanks . i 'm all through here . 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 general-thank +bos i 'm glad to have been of help . 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 O O O O general-welcome,general-bye +bos i 'm looking for an indian restaurant that is priced moderately . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O N/A +bos there are four restaurants that meet that criteria , one in the north , one in the west , and two in the east . which area would you prefer ? 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 O O O O O O O Restaurant-Request+Area +bos one in the east , please . eos O O O O B-Restaurant-Inform+Area O O O N/A +bos we have curry prince and rajmahal . would you like to book a table at either one of those ? 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 Booking-Inform +bos yes i would like to book a table for 6 people at 16:15 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 booking was successful at rajmahal . your reference number is z1827ckb . is there anything else i can assist with ? eos 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 general-reqmore +bos no , thank you . eos O O O O O O general-thank +bos thank you . eos O O O O general-bye +bos i am looking for a place to dine that serves chinese food and located in the centre . eos O O O 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 i have 5 that serve chinese food . how about charlie chan ? it 's priced pretty cheap . eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O N/A +bos yes , that sounds good . could you book it for me on saturday at 18:00. eos O O O O O O O O O O O O O O O O O N/A +bos how many people are you booking for ? eos O O O O O O O O O Booking-Request+People +bos there are six of us . eos O O O O O O O N/A +bos i 'm so sorry , that booking was unsuccessful . would you like to try another restaurant , instead ? eos 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+Name +bos yes another chinese restaurant for six people . eos O O O B-Restaurant-Inform+Food O O O O O N/A +bos i was able to get you a table for six at rice house . the reference number is wy1lh16e . can i help you with anything else ? eos O O O O O O O O O O O B-Booking-Book+People I-Booking-Book+People 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 thank you eos O O O O general-thank +bos ok , i hope you enjoy your meal . have a nice day . bye . 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 restaurant in the centre area . eos O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have 69 places , which type of food would you like 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+Area,Restaurant-Request+Food +bos i 'd like a vegetarian restaurant . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos unfortunately , there are no vegetarian restaurants . is there another cuisine you would like to try ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos that 's disappointing . can you try international food instead ? eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i have two international restaurants available . is there a price range you would like to stay within ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Restaurant-Request+Price +bos i am looking for something in the moderate price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos the varsity restaurant and bloomsbury restaurant are in the moderate price range . which one would you like ? eos O O 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 O O O O Restaurant-Select +bos can i get a hospital nearby which has a haematology day unit department eos O O O O O O O O O O B-Hospital-Inform+Department O O O N/A +bos addenbrookes hospital is located at hills rd , cambridge and has a haematology department . 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 O O N/A +bos i need a phone number , postcode , and address eos 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 in cambridge , cb20qq . the phone number for haematology is 01223274679. 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 no , thank you eos O O O O O general-thank +bos here 's the main hospital number as a backup : 01223245151. do you have everything 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 yes , that 's it . 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 hi , is there a restaurant in town called the rice boat ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos yes there is . rice boat is an indian restaurant in the west . 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+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos yes , please ! i 'd like a table on sunday for 5 people at 20: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 O O N/A +bos i 'm sorry , but that time is unavailable . is there another 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-NoBook,Booking-Request+Time +bos could you try booking for 19:00 instead ? eos O O O O O O B-Restaurant-Inform+Time O O N/A +bos booking was successful for 19:00. the table will be reserved for 15 minutes . your reference number is : bl1dl1zo . can i do anything else for you ? eos O O O O O B-Booking-Book+Time 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 ! thank you for your help ! eos 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 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 . eos O O O O 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 types of attractions are you interested in ? we have everything from art galleries to zoos ! 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 Attraction-Request+Type +bos hello . i 'm excited to visit cambridge . can you give me addresses and phone numbers of different types of attractions 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 B-Attraction-Inform+Area O O O O O O Attraction-Request+Type,Attraction-Request+Addr +bos what type of attractions are you looking for ? eos O O O O O O O O O O Attraction-Request+Type +bos well , something in the center ... can you recommend anything ? eos O O O O O O O O O O O O O N/A +bos there are lots of architecture in the centre of town how may i be of assistance ? eos O O O B-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 general-reqmore +bos something you think is the best . please give me some info on 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 old schools is nice . would you like more info on it ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O general-reqmore +bos where is that located ? eos O O O O O O N/A +bos it is in the centre of town . eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O 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 it is located on trinity lane and the phone number is 01223332320. the exact address is n't listed . 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 B-Attraction-Inform+Phone O O O 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 in the same area as the attraction with free parking . it should be cheaply priced and 0 stars . 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 B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O N/A +bos well the el shaddai fits your needs . it is n't the best guesthouse in town but it will get the job done . would you like to book it ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Inform +bos no , i dont need it booked . but i do need to know if it has free internet , the phone number , and the post 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 O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Internet +bos yes it is free internet , the phone number is 01223327978 , and the postcode is cb11eg . is their anything else i can help you with ? eos O O O O O 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 O Hotel-Inform+Internet,general-reqmore +bos yes , i 'll need to book a taxi to commute between old schools and the hotel . i 'd like to leave be picked up at old schools by 8:15. 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 O O O O O O O O O O O O O N/A +bos ok. a blue skoda will pick you up at 08:15. the contact number is 07568386559. eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos you were a great help ! thank you . eos 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 that is it for now . bye . eos O O O O O O O O O O general-bye +bos i hope your trip is fun . good day . eos O O O O O O O O O O O general-bye,general-greet +bos thanks again for helping eos O O O O O general-thank +bos thank you for letting me help you today . eos O O O O O O O O O O general-bye +bos hello ! can you help me find a restaurant somewhere in the center of cambridge please ? eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos sure thing ! . there are 69 restaurants in the centre . is there a specific cuisine or price range you 're looking for ? eos O 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 O O O O Restaurant-Request+Food,Restaurant-Request+Price,general-greet +bos yes , i 'm looking for an indian restaurant . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i have found 9 indian restaurants . do you have a price range in mind ? 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 not really . but i am also interested in finding some architecture to look at . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i recommend the all saints church , located in the centre . would you like more information ? eos 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+Area O O O O O O O O general-reqmore +bos may i get the area of the church , phone number , and entrance fee ? eos 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 the church is in the centre area , its phone number is 01223452587 , and the entrance fee is free . eos O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee O O O N/A +bos excellent . that 's all i need . eos O O O O O O O O O N/A +bos great ! is there anything else i can assist you with ? eos O O O O O O O O O O O O O general-reqmore +bos no , that will be all today . eos O O O O O O O O O N/A +bos thank you and have nice visit . eos O O O O O O O O general-bye +bos i am looking for a gastropub . eos O O O O O O B-Restaurant-Inform+Food O N/A +bos there are 4 gastropubs in cambridge , did you have an area in mind ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Area +bos yes , i 'd like it to be an expensive place 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 O N/A +bos there are 2 expensive gastropubs in the centre of town . would you prefer the backstreet bistro or the slug and lettuce ? eos O O O O B-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 B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O N/A +bos i 'd like to book the backstreet bistro for 2 people at 12:15 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 you have a reservation at the backstreet bistro at your requested time . your reference number is fcsk34oh . 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 B-Booking-Book+Ref O O N/A +bos is there anything else that i have to do on my part ? ? eos O O O O O O O O O O O O O O O N/A +bos that 's all , thank you for using our system . eos O O O O O O O O O O O O general-welcome +bos actually , can you also please tell me what colleges there are in the center of town ? 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 there are 13 different colleges in the centre of town . eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos which one is the most interesting ? eos O O O O O O O O N/A +bos there is christ 's college in the centre area . this may be of interest to you . 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 O O O O 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 the phone number for christ 's college is 01223334900. is there anything else i can help you with today ? 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 O O general-reqmore +bos no that is all i need help with today . thank you . 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 our service . goodbye ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i need a train on wednesday eos O O O O O O B-Train-Inform+Day N/A +bos where are you departing from and where is your destination ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i will be departing from cambridge . my destination is birmingham new 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 O N/A +bos i 've got lots of available trains that will get you there . do you have a preferred time 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 O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i want to leave after 08:15 , arrival is n't that important . eos O O O O O O B-Train-Inform+Leave O O O O O O O N/A +bos i have one leaving cambridge at 9:01 and arriving in birmingham at 11:44. would you like to book this one ? eos 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 Train-OfferBook +bos yes . would you please provide me with the reference number ? eos O O O O O O O O O O O O O Train-Request+Ref +bos i have booked you and your reference number is 93nzyrzq . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you so much . eos 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 what are my options for pricier hotels that include wifi free ? eos O O O O O O O O O O O O O N/A +bos i have 5 hotels available in your criteria . would you like to stay at gonville hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos yes , that is fine . eos O O O O O O O N/A +bos sure gonville hotel it is . how can i assist you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O general-reqmore +bos nothing more , thank you ! eos O O O O O O O general-thank +bos okay thank you ! have a great day ! eos O O O O O O O O O O general-bye +bos you too : ) eos O O O O O N/A +bos thanks , enjoy your visit ! eos O O O O O O O general-bye +bos 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 ? eos O O O O O O O O O O O O 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 what day , how many nights , and how many people would you like for you hotel room ? 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 my hotel for 7 people for 5 nights staring from wednesday . 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 i 've made that booking for you at gonville , your reference number is dztn8brl . will that be all today ? eos O O O O O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i need a train that leaves cambridge and arrives by 09:15 . how much will it cost me ? eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos the cost of the train will depend on where you are traveling to . can you please let me know 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 Train-Request+Dest +bos how much would it cost to travel to birmingham new 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 what day are you taking this trip ? eos O O O O O O O O O Train-Request+Day +bos i 'm planning on leaving on monday . eos O O O O O O B-Train-Inform+Day O O N/A +bos a train from cambridge to birmingham new street on monday will cost 75.10 pounds . eos 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+Ticket I-Train-Inform+Ticket O N/A +bos will my train arrive by 09:15 ? eos O O O O O O B-Train-Inform+Arrive O N/A +bos tr4300 will arrive at birmingham new street by 8:44. would you like to book a ticket ? eos O B-Train-Inform+Id O O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos what is the price for the ticket ? eos O O O O O O O O O Train-Request+Price +bos the price is 75.10. shall i book this for you ? eos O O O O B-Train-Inform+Ticket O O O O O O O Train-OfferBook +bos yes , please ! eos O O O O O N/A +bos alright , one ticket booked for train tr4300 , your reference number is 1dag5wl7 . eos 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 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 you are very welcome ! i am glad i was able to help . have a wonderful day and enjoy your 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 general-welcome,general-bye +bos i 'm looking to book at a hotel call lovell lodge . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos yes i have that hotel available . 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 O O Booking-Request+Stay,Booking-Request+People,general-greet +bos there are six in my party , and we 'd like to stay for two 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+Day O O O O N/A +bos unfortunately the booking was not successful eos O O O O O O O Booking-NoBook +bos how very upsetting . could you try for one night ? eos O O O O O O O O O O O O N/A +bos certainly . i was able to book you one night at the lovell lodge . your reference number is trnphvyh . is there anything else i can help you with today ? eos O O O O O O O O O B-Booking-Book+Stay I-Booking-Book+Stay 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-greet,general-reqmore +bos yes please , i 'll also need a train from ely to cambridge on sunday as well . eos O O 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 N/A +bos certainly - what time are you traveling ? eos O O O O O O O O O Train-Request+Leave +bos i 'd like to arrive by 17:45. are there any trains available ? eos O O O O O O O O O O O O O O Train-Inform +bos i 'm sorry , unfortunately there are no trains available at that time . eos O O O O O O O O O O O O O O O Train-NoOffer +bos is there a train that arrives anytime before 17:45 to cambridge . eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A +bos i apologize , we had a glitch . we do have several trains on sunday . the one that arrives closest to 17:45 is the tr9823 , pulling in at 15:52. eos O O O O O O 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 B-Train-Inform+Id O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O N/A +bos great . what is the travel time ? eos 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 what is the price on that train ? eos O O O O O O O O O Train-Request+Price +bos the trip costs 3.52 pounds per ticket . would you like me to book that trip for you ? 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 Train-OfferBook +bos no that wo n't be necessary . that 's all i needed for today , thanks ! eos O O O O O O O O O O O O O O O O O O general-thank +bos sure , is there anything else i can do for you before we go ? eos O O O O O O O O O O O O O O O O general-reqmore +bos nope ! thank you for your help ! eos 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-welcome,general-bye +bos i appreciate all the help , i hope you have a great day too . eos O O O O O O O O O O O O O O O O N/A +bos great . have a great day . goodbye . eos O O O O O O O O O O general-bye +bos what sort of restaurants do you have in the centre of town ? anything expensive ? eos O 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 there are 33 options . do you have a food type in mind ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food +bos something expensive available for 4 people at 14:30 on monday eos O O O O O O O O O O O N/A +bos ok , how about some british cuisine , want to give midsummer house restaurant a try ? eos O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O Booking-Inform +bos sure . could you book me a table for 4 at 14:30 on monday ? and if that fails how about 13:30 ? could i also have a reference number ? eos O O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O Restaurant-Request+Ref +bos 13:30 went well . the reference number is 3nr3t22n eos O B-Booking-Book+Time O O O O O O B-Booking-Book+Ref O N/A +bos what attractions are in the centre of town ? eos O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are a total of 44 attractions in the area you would like . is there a specific type you would like to see ? 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 O O O O Attraction-Request+Type +bos i would like something close to the restaurant . could you pick a place for me ? eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos is there anywhere in particular that interests you ? perhaps a cinema or museum ? eos O O O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O Attraction-Request+Area +bos any kind of entertainment would be fine . please give me an address too . eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos old schools is in town centre located at trinity lane and has free entrance . do you need any further information ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area I-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 general-reqmore +bos can i please get the address ? eos O O O O O O O O Attraction-Request+Addr +bos yes , the address is trinity lane cb21tt eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O N/A +bos great ! thank you , that 'll be all ! eos 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 need a train to cambridge on saturday . i 'll be departing from peterborough . eos O 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 N/A +bos in order for me to find the best train to suit you , can you provide me with a preferred 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 O O O O O O Train-Request+Arrive,Train-Request+Leave +bos we 'd like to arrive by 12:45. eos O O O O O O B-Train-Inform+Arrive O N/A +bos there are 14 trains that arrive by 12: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 what 's the latest train i can take that will still get me there by 12:45 ? eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos the latest train leaves at 11:48 and arrives at 12:38. the cost per ticket is 13.20 gbp . would you like to book this train ? eos O O O O O O B-Train-Inform+Leave 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 Train-OfferBook +bos yes , for 7 people . please give me reference number . eos O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref +bos perfect . i have booked your trip . reference # k3mjohzk . eos O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos great ! thanks ! that 's all i needed ! eos O O O O O O O O O O O general-thank +bos glad i could help ! have a nice day ! eos O O O O O O O O O O O general-bye +bos i need to find a place in cambridge to stay at a hotel within a cheap price range and i want free parking included . 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 N/A +bos there are 10 hotels that meet those criteria . is there a particular area in which you 'd like to 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 Hotel-Request+Area +bos do any of them include free wifi with their packages ? eos O O O O O O O O O O O O N/A +bos yes , many of them do . you have ten options , nine of which are guesthouses . eos O O O O O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Type O O O O N/A +bos please let me know the area , type of hotel , and postcode of the hotel with free wifi in their package . eos 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+Type +bos the allenbell house in centre at postcode cb12de meets all of your criteria . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Area O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O O N/A +bos ok , thanks . can you also help me find a train to cambridge that arrives by 9:30 ? eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O O O O N/A +bos there are over 287 train routes arriving in cambridge at that time . what day do you need , and where are you departing from ? eos O O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest 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 'd like to leave on monday , from london king 's cross . 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 N/A +bos there are two trains that fit that criteria . one leaves at 5:17 and the other leaves at 7:17. can i book one of those 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+Leave I-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos yes , could you please book the first one . also what is the train id ? eos O O O O O O O O O O O O O O O O O O Train-Request+TrainID +bos certainly , so i have booked you on trainid tr0378 , leaving london kings cross at 0517 and arriving at cambridge at 0608. with a total travel time of 51 minutes . eos O O O O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O O O O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O N/A +bos great , thank you . 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 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 need a train to london please . eos O O O O O O O O O Train-Inform +bos can i have a departure site , date and time you are leaving ? 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 'm sorry , i do n't know what came over me . i 'm just looking for a museum 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 N/A +bos okay , we 've got about 23 museums in town , any particular type of area ? eos O O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Area +bos i do not have any preference on the area . can i have the phone number and entrance fee to one of the museums ? eos O O 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 sure , the broughton house gallery is free to enter , and their phone number is 01223314960. can i help with anything else today ? 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 O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos i 'm also looking to find an italian restaurant that is cheap to eat at in the north part of town . eos O O O O O 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 N/A +bos we only have da vinci pizzeria , would you like me to book 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 Booking-Inform +bos yes , thank you . i need to reserve a table for 1 person on wednesday at 18:15. thank you . i also need the reference number . eos 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 O O O O O O Restaurant-Request+Ref +bos i was unable to book that time . is there another time we could try that would still 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 +bos darn , could you try again ? any cheap italian restaurant on the north side . 1 person , 18:15 on wednesday . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A +bos sorry about that , i accidentally hit 5 instead of 1. alright , i have you booked ! reference number is zmbfzrc2 . 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 good , i really wanted to eat there . no , i do n't need anything else , thank you . 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 great . glad i could help . eos O O O O O O O O general-bye +bos i am looking to book a place to stay in cambridge with free wifi with a 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 O O O O O O O O O N/A +bos yes i have many options . do you have preference for what part of town you 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 no preference . i 'm looking for a 4 star and guesthouse type . eos O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O O N/A +bos the acorn guest house is located in the north area and has 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 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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos what is the address and phone number ? eos O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos the phone number is 01223315702 and this is address . zipcode-cb12dp 124 tenison 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 O N/A +bos i also need a train to leicester on monday . can you help ? eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O N/A +bos what is your departure site and time ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Depart +bos the train should depart from cambridge and should leave after 12:45. eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave N/A +bos train tr6799 leaves cambridge at 13:21 and arrives in leicester at 15:06 , and is 37.80 pounds . would you like me to book this 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 B-Train-Inform+Ticket O O O O O O O O O O O O O Train-OfferBook +bos yes , for 5 tickets please . eos O O O O B-Train-Inform+People O O O N/A +bos i have booked 5 tickets for you , your reference number is bedwhgfa . is there anything else i can do for you today ? eos 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 O N/A +bos no that 's all , thanks ! eos 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-reqmore +bos yes , thank you so much for all of 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 general-thank +bos you 're very welcome , thank you . you have a nice day as well . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye +bos alright , if that 's everything i 'm going to close the dialogue , thanks again ! eos O O O O O O O O O O O O O O O O O O general-thank +bos and , again , you are welcome . eos O O O O O O O O O general-welcome +bos hi . can you please help me find a train to leicester . i need to leave on monday . eos 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+Day O N/A +bos do you want to arrive or leave at a certain time ? eos 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 sometime after 20:00 from cambridge . it does n't matter when i get there . 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 O O N/A +bos okay tr9424 departs at 20:21. 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 O O O O O O O Train-OfferBook +bos could you book a trip for five people , and give 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 i have those seats booked for you . your reference number is q0b623jd . you will pay 189 gbp at the station . eos 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 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 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 that leaves on saturday and arrives by 10.30 eos O O O O O O O O O B-Train-Inform+Day O O O O 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 going to cambridge from birmingham new street . eos 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 5 trains available , may i book one for you that leaves at 7:40 and arrives at 10:23 ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O N/A +bos what is the train id ? eos O O O O O O O Train-Request+TrainID +bos the train id is tr8259 . eos O O O O O B-Train-Inform+Id O N/A +bos yes , that train sounds good . please book it for me . could you also find me a hotel with a moderate price that offers internet ? 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 O O O N/A +bos before we start on the hotel , did you need tickets for the train ? eos O O O O O O O O O O O O O O O O Train-OfferBook +bos no thank you , i was just pre-planning a route . eos O O O O O O O O O O O O general-thank +bos there are 17 hotels listed . 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 Hotel-Request+Area +bos the north part of town please , preferably in a guesthouse . eos O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Type O O N/A +bos cambridge has 8 moderately priced guesthouses in the north . i would suggest acorn guest house , with a star rating of 4. would you like me to book it ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O O 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 B-Hotel-Recommend+Stars O O O O O O O Booking-Inform +bos yes please , i would like to book it for 7 people for 5 nights on saturday , and i need a reference number . 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 O O O O Hotel-Request+Ref +bos i 'm very sorry i was unable to book at acorn guest house for 5 nights , 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 B-Booking-NoBook+Stay O O O O O O O O O O O O Booking-Request+Stay +bos yes , please try to book it for four nights instead . eos O O O O O O O O O O O O O N/A +bos your booking was successful , the reference number is waeyaq0m . may i assist 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 , that should be all for now . 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 you are welcome , have a great trip ! eos O O O O O O O O O O general-bye +bos hello , i am looking for info on a restaurant in the west that serves french food . eos 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 no french restaurants in the west . would you like to try a different part of town or a different type of food ? 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 O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos there are no expensive french restaurants in the west ? eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos yes , that 's right . eos O O O O O O O Restaurant-NoOffer +bos what about an expensive place that serves british food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have two that meets that criteria . i would like to recommend the graffiti it is in the west side and serves british food . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O N/A +bos let 's try the graffiti . i need their phone number , address , and the post code please . 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos the phone number is 01223277977. the address is hotel felix whitehouse lane huntingdon road postcode cb30lx . 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 I-Restaurant-Inform+Addr O B-Restaurant-Inform+Post N/A +bos thanks . i also need a train ticket . the train needs to arrive by 13:15 and go to cambridge please . eos O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Dest 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 am departing from ely . eos O O O O O B-Train-Inform+Depart O N/A +bos what day would you like to travel and do you have a specific 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+Day,Train-Request+Leave +bos the train should leave on friday and departure time does n't matter as long as it arrives by 13:15. 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+Arrive O N/A +bos consider it done , eos O O O O O N/A +bos di you find me a train ? eos O O O O O O O O Train-Inform +bos i tr0212 the total fee is 4.4 gbp payable at the station and the reference number is : rwit4qlj . eos 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 B-Train-OfferBooked+Ref O N/A +bos i need some help arranging a train that meets our schedule . eos O O O O O O O O O O O O O Train-Inform +bos on what day do you wish to depart ? eos O O O O O O O O O O Train-Request+Day +bos i need to leave cambridge on saturday arrive at stansted airport by 20:30 eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos i have a train leaving at 6:40 and arriving at 7:08 it 's train tr8598 . would you like reservations ? eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O B-Train-Inform+Id O O O O O O O Train-OfferBook +bos yes . i will need it for eight people . eos O O O O O O O O O O O N/A +bos booking was successful , the total fee is 64.64 gbp payable at the station . your reference number is : ltqhut3y . can i assist 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 yeah , i 'm looking for an expensive place to dine at in the southern area of the city . eos 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 N/A +bos what food type are you looking for ? eos O O O O O O O O O Restaurant-Request+Food +bos the restaurant should be in the expensive price range and should be in the south , i do not have a particular food preference . 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 O O O N/A +bos i have five places . do you prefer , italian , chinese , mexican or indian ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O N/A +bos i dont mind any eos O O O O O N/A +bos okay , how about peking restaurant located at 10 homerton street city centre ? 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 O O O O O O O Booking-Inform +bos i do n't need a reservation , but could you give me 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 their phone number is 01223354755. eos O O O O O B-Restaurant-Inform+Phone N/A +bos thanks . that is all i need for now . eos 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 O general-bye +bos i 'm looking for a train headed to cambridge that leaves after 8:00 am . can you help ? 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 yes , i can help with that . what day will you be leaving 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 O O Train-Request+Depart,Train-Request+Day +bos i will leave from cambridge to kings lynn . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos the earliest train on that route leaves friday at 08:11 is that okay ? eos O O O O O O O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O N/A +bos no , sorry , i had that backwards . i need a train from kings lynn to cambridge on monday after 08:00 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 B-Train-Inform+Leave O O O N/A +bos the earliest train will leave at 08:11. is that okay ? eos O O O O O O O B-Train-Inform+Leave O O O O N/A +bos yes can i get the train id and arrival time please ? eos O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID +bos sure its tr4758 and it will arrive at 08:58 eos O O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive N/A +bos i 'd also like to find an expensive restaurant that serves european food . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos i have 5 expensive european restaurants . what area of town would you like to be in ? 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 Restaurant-Request+Area +bos in the north . eos O O O B-Restaurant-Inform+Area O N/A +bos there is one high-end european restaurant in the north -- city stop restaurant . would you like to make a reservation ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Name I-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 Restaurant-Request+Ref +bos i can . what 's the day and time you 'd like to dine . also , 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 O Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos 2 people , on monday at 14:00 eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos excellent ; your booking for 2 people at 14:00 on monday was successful . your reference number is cob3zu7o . may i help you with anything else ? eos O O O O O O B-Booking-Book+People O B-Booking-Book+Time 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 have a nice day . eos O O O O O O N/A +bos you have a nice day as well and thank you for calling the cambridge towninfo centre . 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 the address of an expensive restaurant in the east part 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 Restaurant-Request+Addr +bos would you prefer british , indian , or chinese food , or a gastropub ? eos O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos i do n't have a preference . eos O O O O O O O O N/A +bos the grafton hotel restaurant serves british 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 I-Restaurant-Inform+Name 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 O O O O O O O general-reqmore +bos yes , please give me their address . eos O O O O O O O O O Restaurant-Request+Addr +bos their address is grafton hotel 619 newmarket road fen ditton 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 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-bye +bos i want a restaurant serving mediterranean food and i do n't care about the price range . eos O O 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 N/A +bos i have found 3 , la mimosa , the gardenia , and shiraz restaurant eos 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 O O N/A +bos none of those really interest me do you have anything else ? eos O O O O O O O O O O O O O N/A +bos shiraz restaurant is an expensive restaurant serving mediterranean food and is the city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos okay , what is the address and phone number of shiraz please ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos shiraz restaurant is located at 84 regent street city centre and its phone number is 01223 307581. 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 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 general-thank +bos you 're welcome eos O O O O general-welcome +bos im looking for a restaurant in the north part of town in the cheap price range eos 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 the royal spice is a cheap indian restaurant in the south . would you like more information ? eos O O B-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 O O O O O O O general-reqmore +bos does it serve bistro food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos no , i 'm sorry . would you prefer a cheap bistro in the north , or some other qualifications ? 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+Area,general-reqmore +bos i would settle for british . i 'd prefer moderately priced , actually , and location does n't matter . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O O O O O O N/A +bos i would recommend cotto . they serve british food and are moderately priced . would you like their contact information ? eos O O O O B-Restaurant-Inform+Name 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 general-reqmore +bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone +bos cotto 's phone number is 01223302010. is there anything i can help you with ? eos O B-Restaurant-Inform+Name 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 need . goodbye ! eos O O O O O O O O O O O O O O general-bye +bos good bye . thank you for contacting the cambridge restaurant system . eos O O O O O O O O O O O O O general-greet +bos goodbye . eos O O O general-bye +bos goodbye . eos O O O general-greet +bos hi . can you please help me find a restaurant that serves food from singapore ? i 'd like it to be on the east side of town 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 B-Restaurant-Inform+Area O O O O O O N/A +bos there are no restaurants serving singaporean food on the east part of town . eos O O O O O O O O O O O O O O O Restaurant-NoOffer +bos can you help me find some chinese food then ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos yu garden is located on the east part of town . would you like the telephone and address ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O O O O O O general-reqmore +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 yu garden is located at 529 newmarket road fen ditton , c.b 5 , 8 p.a , and the number is 01223 248882. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 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 inexpensive turkish food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry i do not show anything available . 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 Restaurant-NoOffer,general-reqmore +bos ok , how about an italian restaurant ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 5 listings matching your criteria . do you have a preference on the area ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Area +bos i do not have a preference of area as long as it 's cheap . please make a suggestion . 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 ask is an italian restaurant in the cheap priced category , and is the centre of town . eos O 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O 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 ask is at 12 bridge street city centre and can be reached at 01223 364917. can i help you anything else today ? eos 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 O O O O 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 O O O general-bye +bos you 're welcome , enjoy your food . eos O O O O O O O O O general-welcome +bos i would like a malaysian 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 sorry there are no malasian resturants in the area you are looking for . can i help you with something elese . 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 korean food in the centre of town ? eos O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos little seoul is a korean restaurant in the centre of town . would you like their phone number ? eos O B-Restaurant-Inform+Name I-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 O O O O general-reqmore +bos yes , and their address . eos O O O O O O O Restaurant-Request+Addr +bos the address for little seoul is 108 regent street city centre . 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 N/A +bos thank you , goodbye . eos O O O O O O general-bye +bos enjoy ! eos O O O general-bye +bos i want to find an expensive restaurant in the south 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 i show several expensive restaurants on the south side of town . what kind of food would you like ? eos O O O B-Restaurant-Inform+Choice 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 Restaurant-Request+Food +bos any kind . i do n't care . also give me the phone number and address . 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos frankie and bennys is located in the south part of town and in the expensive price range . their address is cambridge leisure park clifton way cherry hinton and their phone number is 01223 412430. 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 O O O B-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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 goodbye . eos O O O general-bye +bos i am looking for a restaurant in the west part of town and is in the moderate 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 do you have a preference on the type of food ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i do n't have a preference . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos prezzo is an italian restaurant in the area of west in the moderate price range . eos 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 I-Restaurant-Inform+Price O O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos prezzo is located at 21-24 northampton road . do you want the phone number ? eos O B-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 general-reqmore +bos no , thank you . that is all i wanted to know . 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 for using the system . good bye . eos O O O O O O O O O O O general-bye +bos i would like a restaurant in the centre of town that serves caribbean food eos O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O N/A +bos no records match your request , i 'm sorry . eos O O O O O O O O O O O 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 we have modern european in the centre area in several price ranges . do you have a preference ? eos 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+Choice I-Restaurant-Inform+Choice O O O O O O O O Restaurant-Select +bos the price range does n't matter . please suggest one to me . eos O O O O O O O O O O O O O O N/A +bos the river bar steakhouse and grill is good but cheap . would you like their address or phone number ? 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+Price O O O O O O O O O O general-reqmore +bos of course eos O O O N/A +bos their address is quayside off bridge street and their phone number is 01223 307030 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 N/A +bos thank you for your help . 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 dining experience . eos O O O O O O O O O O general-welcome,general-bye +bos i want a moderately priced restaurant . eos O O O O B-Restaurant-Inform+Price O O 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 the south part of town . eos O O B-Restaurant-Inform+Area O O O O N/A +bos there is an italian restaurant and one that serves modern european . which would you like ? eos 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 O O Restaurant-Select +bos no preference . you choose one please . eos O O O O O O O O O N/A +bos how about the pizza hut cherry hinton ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 is g4 cambridge leisure park clifton way cherry hinton . the phone number is 01223 323737. 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 I-Restaurant-Inform+Phone O N/A +bos good bye eos O O O general-bye +bos good bye eos O O O general-bye +bos please find me a place to dine that 's expensive and in the centre . eos O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos fitzbillies restaurant is expensive in the centre of town . would you like to try that ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-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 N/A +bos i am looking for thai food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos we have bankok city . it is located in 24 green street centre . can i give you the phone number ? eos O 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 O O O O O O O O O O N/A +bos ok great . can you reserve a table there for thursday for 5 people at 15:00 please ? eos O 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 N/A +bos it was successful . reference number is : aknpf1ih . 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 your very 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 a hotel please . eos O O O O O O Hotel-Inform +bos 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 ? eos O O O O O O O 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-Request+Price +bos you know what ? i do n't need a hotel after all . i heard something about an attraction called ballare , could you give me some information about it ? eos O O O O 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 N/A +bos ballare is a nightclub located in the centre area . the phone is 01223364222 and the entrance fee is 5 pounds . can i help you with anything else ? eos O B-Attraction-Inform+Name O 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +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 you 're welcome ! is there anything else i can help you with today - transportation perhaps , or other 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 general-welcome,general-reqmore +bos that is all i need . eos O O O O O O O N/A +bos thanks for using the cambridge booking service and have a great day . eos O O O O O O O O O O O O O O general-bye +bos sure , i want some help finding a restaurant in cambridge , please . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos i can help you with that . what 's the name of the restaurant 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 Restaurant-Request+Name +bos i do n't have a specific restaurant in mind . i 'm looking for an indian restaurant . eos 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 i have several indian restaurants available . what price range and part of town would you prefer . 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+Price,Restaurant-Request+Area +bos i want an expensive one in the centre . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos there is one called curry garden , it is in 106 regent street city center . 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos i am looking for an italian restaurant , cheap preferably . eos O O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O N/A +bos there are 5 cheap italian restaurants is there an area you prefer ? 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 yes , i 'd like to be in the center of town , please . eos O O O O O O O O O O O O O O O O N/A +bos there are 3 restaurants which match that criteria which are the pizza hut city centre , ask , and zizzi cambridge . would you like information for one of those restaurants ? 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 I-Restaurant-Inform+Name O O O O O O O O O O O O Restaurant-Select +bos please book a table for 4 people at zizzi cambridge for 19:15 on monday and provide me the reference number . eos O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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.reference number is : tcyavoo1 . can i assist 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 i 'm also looking for emmanuel college eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos emmanuel college is located on saint andrew 's street in the centre . 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 B-Attraction-Inform+Area O O N/A +bos can i get the phone number ? eos O O O O O O O O Attraction-Request+Phone +bos 01223334200 is the phone number . can i help you with anything else ? eos O B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos i would like a taxi . eos O O O O O O O Taxi-Inform +bos where would you like to depart from , and at 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 need to go from the college to the restaurant by 19:15 on monday . eos O O O O O O O O O O O O B-Taxi-Inform+Leave O B-Restaurant-Inform+Day O N/A +bos booking completed ! booked car type : yellow fordcontact number : 07431638056 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 the information . i appreciate it . good bye . eos 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-welcome +bos hello , i am looking to try an expensive indian restaurant . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos okay . what area would you like to dine in ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos the area does not matter can you recommend one ? eos O O O O O O O O O O O N/A +bos yes , curry garden . would you like me to book it for you ? eos 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 yes , please . can you reserve me a table for thursday for 8 people at 17:15 ? eos O 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 N/A +bos i was able to get that reservation booked for you . they will hold the table for 15 minutes . the reference number is s4sixyh7 . eos O 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 N/A +bos i also want an entertainment attraction in the center area . eos O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos unfortunately there are no entertainment venues in that location . eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O N/A +bos no problem , how about a museum ? eos O O O O O O B-Attraction-Inform+Type O O N/A +bos there are eleven museums matching your criteria . may i suggest museum of archaelogy and anthropology ? eos O O O B-Attraction-Inform+Choice 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 I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos yes can i get the address to there please ? eos O O O O O O O O O O O N/A +bos sure can ! the address is university of cambridge , downing street . can i help you 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 O O O O O O O O O O general-reqmore +bos yes , please . i need the phone number and the 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 the phone number is 01223333516 and the postcode is cb23dz . is there anything else i can help you with , with regard to the museum or anything else ? eos 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 O O O B-Attraction-Inform+Type O O O O O O general-reqmore +bos i also want 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 i will need your time of travel , departure location and arrival location . eos 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 am commuting between the two places discussed . eos O O O O O O O O O O N/A +bos more specifically , will you be leaving from the museum to the restaurant ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos yes , i will need a taxi for that commute . eos O O O O O O O O O O O O N/A +bos i have your taxi booked ! the driver will be in a red volvo and contact number is : 07077059962. 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 B-Taxi-Inform+Phone O O N/A +bos hi there . i am looking for 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 O general-greet +bos what types of attraction are you interested in ? eos O O O O O O O O O O Attraction-Request+Type +bos the attraction should be in the center and should be in the type of college.make sure you get phone number and postcode . 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 Attraction-Request+Post,Attraction-Request+Phone +bos you should go to corpus christi , the phone number is 01223338000 with a postcode of cb23bu . can i assist you further today ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 general-reqmore +bos yes , i 'd like to find a good restaurant please . i 'm in the mood for indian food and money is no object . 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 N/A +bos there are quite a few indian restaurants in the centre and since money is no object , i recommend the curry garden . would you like me to book you a reservation there ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 O Booking-Inform +bos i 'm not ready to book a table yet . can i get the address including postcode , 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+Addr +bos sure . the curry garden is located at 106 regent street at the city centre . the postcode is cb21dp . 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 O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Post O O O general-greet +bos great i also need a taxi that will help me 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 what time do you need 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 want to leave the attraction by 15:00 eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos your taxi reservation on a white ford is complete . you will be picked up by 15:00 at corpus christi and dropped off at curry garden . the contact number is 07699910200 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+Leave O B-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 N/A +bos great , thanks very much ! eos 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 , thanks . eos 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 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 we can narrow down our selection for you if we know the restaurant chain and the kind of food 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 Restaurant-Request+Food +bos i 'm open to any kind of food . i 'm looking for something in the centre and on the expensive side . eos O O O O O 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 N/A +bos there are a lot of good choices like that . i can recommend the cambridge chop house if british food appeals to you . would you like me to book you a table ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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+Food I-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O O O O O Booking-Inform +bos that sounds lovely . there will be 2 of us at 16:45 on tuesday please . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 get a reservation at that time . your reference number for your reservation is rc16klu4 . 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 general-reqmore +bos i 'd also like to find somewhere to go in town . eos O O O O O O O O O O O O O N/A +bos we have several attractions to choose from , do you have a preference as to the type ? 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 is there a cinema ? eos O O O O B-Attraction-Inform+Type O N/A +bos you would love cineworld cinema eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos thank you , i just need their postal code for now and i can 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 Attraction-Request+Post +bos the postcode for cineworld cinema is cb17dy eos O O O O O O O B-Attraction-Inform+Post N/A +bos okay , thank you so much for your help . eos O O O O O O O O O O O general-thank +bos you are very 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 +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 you are welcome enjoy . eos O O O O O O general-welcome +bos can you tell me what 's interesting to do on the south side ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos byard art is an art museum that is available . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O O O N/A +bos that sounds like fun . can you tell me the phone number ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos 01223464646 is their phone number . is there anything else i can help you with ? eos O B-Attraction-Inform+Phone O O O O O O O O O O O O O O O general-reqmore +bos i also want to find an italian restaurant in the same area . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos they are two . do you need the cheap or expensive one ? eos O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos i 'll take the cheap one . i do n't need to book , but could you give me 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 Restaurant-Request+Post +bos i have a moderate priced one , not cheap . it is pizza hut cherry hinton . would you still like the phone number ? eos O O O O B-Restaurant-Inform+Price 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 yes please . i also need to postcode . i need to book a taxi from the restaurant to the museum . i 'd like to leave the restaurant 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 O O O O Restaurant-Request+Post +bos the post code is cb17dy . i 've booked your cab - it 's a blue tesla . eos O O O O O B-Restaurant-Inform+Post O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O N/A +bos can i have the contact number for the taxi ? eos O O O O O O O O O O O Taxi-Inform +bos i 'm sorry , it 's 07086024268. can i help you with anything else today ? eos 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 . 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 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 am looking for a train to ely on wednesday . eos O O O O O O O O O B-Train-Inform+Dest 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 should depart from cambridge at 17:15 eos O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos i can get you on a train leaving cambridge at 17:50. eos O O O O O O O O O B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Leave N/A +bos that wo n't work i need to arrive by 17:15. eos O O O O O O O O O B-Train-Inform+Arrive O N/A +bos i have the tr1549 leaving at 17:50 and it will be arriving at 18:07 is that a little better for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos no that still wo n't work . is there anything earlier please ? eos O O O O O O O O O O O O O O N/A +bos i 've got a train that will arrive at 16 ; 07 or if you prefer earlier , 14:07. would you like me to book one of those for you . eos 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 O O O O O O O O O Train-Select,Train-OfferBook +bos as long as i am there by like i said earlier , 17:15 so yes the 16:07 will work for me . i am also looking for attractions in south eos 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 O B-Attraction-Inform+Area 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 any train tickets , thanks . what attractions do you recommend 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 O N/A +bos there are 8 attractions in the south . i would recommend the byard art museum which has free admission . do you need a booking , or need help with anything else ? 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 B-Attraction-Recommend+Fee O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos no , that 's it for today . thanks for your help . eos O O O O O O O O O O O O O O general-thank +bos if you decide you need something else please contact us . 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 am looking for the restaurant , de luca cucina and bar . where is it located 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 O O O O O O N/A +bos de luca cucina and bar is located at 83 regent street , would you like their phone number as well ? 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore +bos yes , can you also confirm what kind of food these serve for me ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos de luca cucina and bar serves modern european food . would you like a reservation ? eos O O B-Restaurant-Inform+Name I-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 O O O Booking-Inform +bos not at this time . i do need a train , though . i 'll be leaving from london liverpool street on sunday . eos 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+Day O O O O O N/A +bos there are 10 trains . is there a particular time you 'd 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 Train-Request+Leave,Train-Request+Arrive +bos i want to leave at 9:30am . eos O O O O O O O O N/A +bos there are no trains leaving at 9:30 but train tr2357 departs at 9:39. will that be okay ? eos O O O O O O O B-Train-NoOffer+Leave O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O Train-OfferBook +bos actually can i change that to after 13:45 and may i also get the reference number please ? eos O O O O O O O O B-Train-Inform+Leave O O O O O O O O O O Train-Request+Ref +bos no problem . the tr6946 leaves at 15:39. does that work ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O Train-Select +bos that does work . please book 1 ticket for me . eos 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 13.28 gbp payable at the station . reference number is : 94xbltrf . 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 great that should be all i need 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 hello ! i need to book a train 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 N/A +bos the tr9859 will take you there on friday . need a ticket ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Day O O O O O Train-OfferBook +bos i need the train to leave after 18: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 sure , tr7734 will get you to peterborough on sunday . it leaves at 19:06. how does that work ? eos O O O B-Train-Inform+Id O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O B-Train-Inform+Leave O O O O O Train-Select +bos what is the total travel time ? eos O O O O O O O O Train-Request+Duration +bos the total travel time is 50 minutes and the price is 13.20 pounds . would you like to book a seat ? 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 Train-OfferBook +bos yes , please book that for me . i 'm also looking for club salsa . can you tell me where that 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 O O O N/A +bos how many tickets are you needing ? eos O O O O O O O O Train-Request+People +bos one ticket please eos O O O O N/A +bos booking was successful , the total fee is 13.2 gbp payable at the station . your reference number is : cz4831ye . 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 O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos yes , i 'm trying to find out where club salsa is , and what the postcode and phone number are please . eos 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 Attraction-Request+Post,Attraction-Request+Phone +bos club salsa is located at 1 station road . the post code is cb12jb . the phone number is 07782218745. can i be of further assistance ? eos 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 O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos i 'm not familiar with that address . 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 N/A +bos it is in the centre . eos O O O O O B-Attraction-Inform+Area O N/A +bos thank you . those are my questions for today . goodbye . eos O O O O O O O O O O O O O general-bye +bos have a wonderful day ! eos O O O O O O general-bye +bos i need a train leaving from stansted airport . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos sure , what date and time would you like to travel ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos sunday i can leave any time after 11:30. eos O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave N/A +bos the first train out after 11:30 leaves at 12:24. it arrives in cambridge at 12:52. would you like a ticket ? eos O O 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 Train-OfferBook +bos yes i will need it for 7 people . eos O O O O O O O O B-Train-Inform+People O N/A +bos you 're all set ! the fee is 56.56 gbp and you can pay at the station . your reference number is vwi4prfe . do you need anything else ? 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 O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos yes i need 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 N/A +bos i have lots to do in the center like , colleges , theater , cinema and architecture . any preferences ? eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O Attraction-Request+Type +bos we would like to enjoy some entertainment . can you suggest something of this type ? eos O O O O O O O O O O O O O O O O O N/A +bos there are clubs , can you ive me a idea of what you like ? eos O O O B-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Type +bos is there a park ? eos O O O O B-Attraction-Inform+Type O N/A +bos the cambridge university botanic gardens are lovely this time of year . the gardens are located on bateman street . do you want more information ? 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 O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O general-reqmore +bos no that 's actually everything i needed . thank you , goodbye ! eos O O O O O O O O O O O O O O general-bye +bos you 're very welcome . thank you and 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 need to find a swimming pool 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 are n't any swimming pools in south cambridge . do you to expand your search to different areas or other types of attractions ? 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 O O O O Attraction-Request+Type,Attraction-Request+Area +bos is there a type of cinema ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos yes ! i have one called cineworld . would you like their telephone number . eos O O O O O O B-Attraction-Inform+Name O O O O O O O O O N/A +bos yes please give me their phone number and tell me what their entrance fee is please . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos cineworld cinema 's phone number is 00872208000. unfortunately , i am unable to view their entrance fee . did you also need the address ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone 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 N/A +bos no , i do n't need the address . you can however help me find a train that leaves for kings lynn after 09:45 eos 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 B-Train-Inform+Leave O O O N/A +bos on what day ? eos O O O O O Train-Request+Day +bos sunday please thanks for your help . eos O B-Train-Inform+Day O O O O O O N/A +bos train tr7535 should be ok , should i book ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O Train-OfferBook +bos yes , i need to book tickets for 7 people please . eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos that booking was successful . your reference number is i76goxin and the cost is 54.88 gbp . anything else ? 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 O general-reqmore +bos no that 's everything , thank you so much ! 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 i am looking for information on the great saint mary 's church 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 O O O N/A +bos great saint mary 's chruch is located in the centre of town on market square . they have an entrance fee of 2 pounds . do you need reservations ? 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 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O Booking-Inform +bos no . if i could just get the postcode and phone number , 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 sure ! the postcode for great st mary 's church is cb23pq and the phone number is 01223350914. is there any way that i can assist you further ? 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 I-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 yes . i am looking for a train that should depart from cambridge . can you help me with that ? 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 N/A +bos i sure can ! what 's your destination ? eos O O O O O O O O O O Train-Request+Dest +bos my destination is peterborough . eos 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 need to book a train from birmingham new street to cambridge . 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 N/A +bos when would you like to travel ? eos O O O O O O O O Train-Request+Day +bos i need to leave n wednesday and arrive no later than 21:15. eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A +bos tr4977 will get you here by 20:23. would you like me to book you passage ? 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 O Train-OfferBook +bos yes can you please and send me the reference number . eos O O O O O O O O O O O O Train-Request+Ref +bos for how many people ? eos O O O O O O Train-Request+People +bos i need a booking for 2 people . eos O O O O O O O O O N/A +bos i will bnook that and get you the reference number . eos O O O O O O O O O O O O Booking-Inform,general-reqmore +bos 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 . eos O O O O O O O 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 2 seats are reserved on the tr4977 , departing birmingham new street on wednesday at 17:40 , arriving cambridge at 20:23. reference number is ulz1r0xv . what else may i assist you with ? eos O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Day I-Train-OfferBooked+Day B-Train-OfferBooked+Leave O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos i would like to visit an entertainment attraction in the centre please eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are no entertainment attractions in the north , but there are two in the east if you 're interested . eos O O O O B-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O N/A +bos do you have anything in the centre area ? eos O O O O O O O B-Attraction-Inform+Area O O N/A +bos i am sorry there is nothing in the centre . eos O O O O O O O O O O O N/A +bos how about a museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos how about broughton house gallery ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos what type of museum is it , and their phone number too then please eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos broughton house gallery is a museum of arts . their phone number is 01223314960. would you like me to make a reservation ? eos O B-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 O O B-Attraction-Inform+Phone O O O O O O O O O O Booking-Inform +bos no , that 's all the info i needed today . goodbye ! eos O O O O O O O O O O O O O O general-bye +bos enjoy your stay and have a wonderful day . eos O O O O O O O O O O general-bye +bos i need a hospital that have a pediatric day unit . eos O O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital at hills rd. , cambridge should meet your needs . i have two phone numbers for paediatric day unit , 01223217567 and 01223257157. is there any other 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 O O O O O O O N/A +bos nope that should do it ! eos O O O O O O O N/A +bos 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 . eos O O O O 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 actually , can you give me the postcode - i ca n't find it on my phone . eos O O O O O O O O O O O O O O O O O O O Hospital-Request+Post +bos for sure - it 's cb20qq eos O O O O O O O N/A +bos awesome , thats all , see you ! eos O O O O O O O O O N/A +bos ask me anytime , hope you will feel better ! eos O O O O O O O O O O O general-bye +bos i have a restaurant in mind that i 'm trying to eat at tonight . eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos great , can you give me the name ? eos O O O O O O O O O O Restaurant-Request+Name +bos yes it 's called rice house . i would like to make a reservation there for 7 people at 16:30 on saturday . eos 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 N/A +bos i can make that reservation for you . eos O O O O O O O O O Booking-Inform +bos ok. can i have the reference number for that reservation ? eos O O O O O O O O O O O O N/A +bos great . your booking was successful and your reference number is zif2sfko . eos O O O O O O O O O O O B-Booking-Book+Ref O O general-greet +bos i would also like to find a place to stay with free wifi and parking . eos O O O O O O O O O O O O O O O O O N/A +bos can you tell me how much you 'd like to pay ? i have hotels in the centre of town that are expensive and cheap . eos O O O O O O O O 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+Price I-Hotel-Inform+Price O Hotel-Request+Price +bos expensive price range , please . eos O B-Hotel-Inform+Price O O O O O N/A +bos i have two matching that criteria . do you want me to choose ? eos O O O O O O O O O O O O O O O N/A +bos yes , please . book that one , saturday , 4 nights , 7 people . 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 N/A +bos okay , your room reservation is for gonville hotel located at gonville place . your reference number is roqagg58 . anything else you need help with today ? eos O O O O O O O B-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 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 thanks for using our service today ! eos O O O O O O O O general-welcome +bos i am looking for a place to dine in cambridge . eos O O O O O O O O O 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 general-reqmore +bos well , i like mexican food , and will be staying in the south part of town . eos O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos chiquito restaurant bar is a great restaurant in the south . would you like a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Area O O O O O O O Booking-Inform +bos yes , can you reserve a table for 7 people on wednesday at 17:15 ? can you send me the reference number for the reservation ? 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 O O O N/A +bos sure , give me one moment to book it for you . eos O O O O O O O O O O O O O Booking-Inform +bos can you also help me find a hotel in the same area of town ? eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos rosa 's bed and breakfast is a four star guesthouse with internet and parking . 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 O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos no , i 'm looking for a hotel . it should be the same price range 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 the lensfield hotel is a great option in the south . 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 B-Hotel-Inform+Area O O O O O O O O O Booking-Inform +bos yes please for 2 nights for 7 people for wednesday . 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 i will work on booking this and be right back with you . eos O O O O O O O O O O O O O O Booking-Inform +bos i need the reference number ? eos O O O O O O O N/A +bos booking for chiquito restaurant bar . the table will be reserved for 15 minutes . reference number is : q96j0yhe . lensfield hotel booking complete , reference number : 2jq95yf9 . anything else today ? eos 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 I-Booking-Book+Name O O O O O B-Booking-Book+Ref I-Booking-Book+Ref 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 happy to help . goodbye . eos O O O O O O O general-welcome,general-bye +bos can you help me find arbury lodge guesthouse ? thanks . eos 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 , it 's located at 82 arbury road . do you want their phone number ? 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 general-reqmore +bos yes i need to know whether they have free parking , star of the hotel , 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 Hotel-Request+Phone,Hotel-Request+Parking +bos the arbury lodge guesthouse is a 4 star hotel that offers free parking . you can reach their front desk at 01223364319. can i assist 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+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos yes , i 'm also looking for a restaurant . i 'd like it to serve expensive bistro food . eos 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 there are none that serve that sort . is there another kind you would like ? eos O 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 is there a cheaper bistro ? eos O O O O O O O N/A +bos unfortunately not . is there another type of music you would like ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos okay how about thai food ? eos O O O O O O O N/A +bos i would rater have some chinese please . eos O O O O O O O O O N/A +bos what is the address and post code of the arbury lodge guesthouse ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 82 arbury road postcode cb42je . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O N/A +bos sorry for digressing . i am still looking for an expensive thai restaurant in the center of town . can you check ? eos 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 O O O N/A +bos bangkok city fits your description . can we book for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos can i get their address and postcode please ? eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos their postcode is cb23jx and their address is 24 green street city centre . eos 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 N/A +bos thank you . i would also like to book a taxi , please . eos O O O O O O O O O O O O O O O Taxi-Inform +bos certainly , from what location to what location ? eos O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos from the restaurant to the hotel . eos O O O O O O O O N/A +bos i can take care of that for you . what time 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 Taxi-Request+Leave,general-greet +bos i would like to be picked up by 01:15 if at all possible , thanks . eos O O O O O O O O O O O O O O O O O general-thank +bos taxi has been books . it will be a blue tesla , contact number 07585251090. have you made a decision on type of food you would like ? 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 O O Restaurant-Request+Food +bos thanks for the help . eos O O O O O O general-thank +bos are you wanting a reservation for bangkok city for thai ? eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O N/A +bos no , i just needed the information on that , i am all set . eos O O O O 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 no thank you . eos 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 i 'm looking for a vietnamese restaurant in the west area . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A +bos thanh binh is a vietnamese restaurant in the west area.17 magdalene street city centre eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O 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 N/A +bos is this in the cheap price range ? eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have one listing in the cheap range for thanh binh . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos would it be possible to make a reservation ? eos O O O O O O O O O O N/A +bos i 'd love to help . how many people and what day and time ? eos 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,general-greet +bos i need it for 1 for 18:15 on monday . eos 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 for 1 at thanh binh this monday at 18:15 was successful . the table will be reserved for 15 minutes . your reference number is : lruwveyz . eos 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 O O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos can i also get some information on kirkwood house 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 the kirkwood house is a 4 star guesthouse in the north part of town . it is of moderate price range and includes internet and parking . eos O 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 O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos sounds perfect . what is the phone number please ? eos O O O O O O O O O O O Hotel-Request+Phone +bos their phone number is 01223306283. what else could you love to know about them ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos that 's actually all i need to know about them . thanks . i do n't need 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 general-thank +bos you are welcome . enjoy ! eos O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant in the center with a moderite price range . eos O O O O O O O O O O O O O O O O N/A +bos there are 21 moderate priced restaurants in the center , anything else like type of restaurant so we can narrow this down ? 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 O Restaurant-Request+Food +bos no , not really . can you recommend a favorite ? i will need a reservation . eos O O O O O O O O O O O O O O O O O O N/A +bos yippee noodle bar , the cow pizza kitchen and bar and la tasca are all interesting options - any of these sound good ? 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 O O O O O O O O N/A +bos i would like the cow pizza kitchen for 4 people at 13:15 on saturday . i need a cheap hotel in center too . 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 N/A +bos okay . i would recommend alexander bed and breakfast . it 's a 4 star hotel that is cheap . does that sound good ? 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+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Price O O O O O O O Booking-Inform,general-greet +bos yes , please book me for four people on saturday for one night . eos 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 a room for you . the reference number is qoymyrlq . 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 B-Booking-Book+Ref 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 for contacting us . have a great day . eos O O O O O O O O O O O O general-bye,general-greet +bos i am looking for some italian food today . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos we have several italian restaurants in town ! do you have a certain area or price range 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 O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos are any located in the centre ? eos O O O O O O B-Restaurant-Inform+Area O N/A +bos there are 9 italian restaurants located in centre , would you like a recommendation or do you have a particular price point in mind ? eos O O 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,general-reqmore +bos i 'd love a recommendation . i 'm looking to book a table for 4 at 17:30 on saturday . 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 O N/A +bos booking was successful . the table will be reserved for 15 minutes at the stazione restaurant and coffee bar . address is market hill city centrereference number is : ohn98k8u . 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 I-Booking-Book+Name O O B-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 N/A +bos thanks . can you help me with a cheap place to stay also in the centre of town ? eos O O O O O O O O B-Hotel-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos i have 2 cheap hotels that are cheap in the centre . would you like to book one of them ? 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 , but the place will also need to have 4 stars and free parking . eos O B-Hotel-Inform+Parking O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos i am sorry but i did not find one with your request , with free parking and 4 stars , can i help you find one in a different area ? eos O O O O O O O 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 Hotel-Request+Area +bos really ? can you try again ? a 4 star accommodation ( type doesnt matter ) that is cheap and in the centre with parking 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 O N/A +bos i have found one result , a guesthouse . it is alexander bed and breakfast . eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos okay . i 'll need that booked for 4 people and 5 nights beginning saturday . please send a reference number . eos 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 your booking at the alexander bed and breakfast for a party of 4 for saturday for 6 days 5 nights was successful . your reference number is : x8llfdav . anything else today ? 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 B-Booking-Book+People 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 general-reqmore +bos thank you , but that is all i need for now . 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 'd like to find high-end restaurant in the center of cambridge . eos O O O O O O O O O O O O O O Restaurant-Inform +bos i have a lot of choices for you . any preference on cuisine ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food +bos chinese would be great . i would prefer it be in the centre . eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O N/A +bos there are 4 that match your criteria . i just love the ugly duckling , would you like to reserve a table there , or keep looking ? eos O O O O O O O O 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 a reservation for 7 at 14:00 this coming friday ? please get me a reference number too , i 've had trouble in the past with lost reservations . eos 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 O O O O O O O O O N/A +bos i have successfully booked your reservation at the ugly duckling for a party of 7 on friday at 14:00. your reference number is ynceb914 . will this be all ? eos 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+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 general-reqmore +bos i also need a place to stay . a guesthouse with wifi would be great . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos great , i have 23 wonderful options for you ! eos O O O O O B-Hotel-Inform+Choice O O O O O N/A +bos great , please be sure it 's in the expensive price range with a star rating of 2. eos 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 N/A +bos unfortunately , i do n't have anything that fits those requirements . can i look for something else 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 Hotel-NoOffer,general-reqmore +bos are there hotels that meet that criteria ? eos O O O B-Hotel-Inform+Type O O O O O N/A +bos unfortunately not . would you like to try a different star rating ? eos O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Stars +bos how about a rating of two ? eos O O O O O O O O N/A +bos sorry , still not able to find anything that suits your needs . eos O O O O O O O O O O O O O O Hotel-NoOffer +bos can you search the type of a hotel ? eos O O O O O O O O B-Hotel-Inform+Type O N/A +bos there are three that meet your criteria . two are moderately priced and one is expensive . 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Select +bos i prefer the expensive hotel . can you book it for me for the same group of people ? eos 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 N/A +bos the express by holiday inn cambridge will fit your needs . how many nights ? 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 Booking-Request+Stay +bos i need it for 5 nights for 7 people starting friday . eos 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 your room has been booked . your reference number is ezrmprmw . 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 i am glad i could be of assistance . eos O O O O O O O O O O general-welcome +bos 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 ? eos O O O O 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 there are many hotels in cambridge . is there a particular 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 Hotel-Request+Area +bos i need it to have 4 stars and parking too . eos O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos i have 19 hotels that meet that criteria . 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 O O O Hotel-Request+Price +bos i do n't have a price range , just whatever will get me a good hotel in the east area . 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 Restaurant-Request+Area +bos i would like to recommend allenbell if that is alright with you ? eos O O O O O O B-Hotel-Recommend+Name O O O O O O O N/A +bos do they have free internet and can you provide the postcode ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet +bos yes the has wifi and the postcode is cb11ee eos O O O O O O O O O B-Hotel-Inform+Post Hotel-Inform+Internet +bos are there any inexpensive indian restaurants near allenbell ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos there are two here . i recommend pipasha restaurant . do you want a reservation ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos is it a cheap restaurant ? eos O O O O B-Restaurant-Inform+Price O O N/A +bos no it is not . there are n't any cheap indian restaurants in the east . would you like to try a different part of town ? eos O O 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 Restaurant-Request+Area +bos yeah area does n't matter . just choose one cheap indian restaurant in cambridge please then provide me with the area , address , and postcode for it . eos 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 O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Addr +bos the mahal of cambridge , the address is 3-5 millers yard mill lane and the postcode is cb21rq . 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+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 please tell me the area too eos O O O O O O O Restaurant-Request+Area +bos it is located in the centre area . is there anything else i can assist you with ? 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 general-reqmore +bos that 'll be it for today . thank you very much . eos O O O O O O O O O O O O O general-thank +bos thanks for calling . have a wonderful day . eos O O O O O O O O O O general-bye +bos hi , i need a place to stay on the northend . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos please be specific about the price range and hotel type you are interested in . eos O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Type +bos type does n't matter but i 'd like it to be 4 star please . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos there are eight in that area . would you like to book one ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Booking-Inform +bos i 'd also like it to have free wifi . but , it does n't matter to me if there is 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 N/A +bos i found several will you be needing a reference number for this booking ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Booking-Inform +bos yes i need the reference number . i also want to find a restaurant . eos O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos okay , how many people and for how many days do you need that hotel . eos 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 myself , 2 nights starting saturday . eos O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos i have the kirkwood guesthouse . 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 O O O O O O O O O O Booking-Inform +bos yes , please . i need the reference number for that as i said . eos O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos 1 guest arriving at kirkwood house on saturday and staying 2 nights . your reference number is : 414ysuqo . would you still like me to find a restaurant for you ? eos O O B-Booking-Book+People O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day 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 O O O general-reqmore +bos oh yes , and please book for two more persons eos O O O O O O O O O O O N/A +bos so for 3 people in total ? eos O O O O B-Booking-Inform+People O O O N/A +bos i 'm sorry , i do n't need a booking just yet . i would like to find a restaurant serving chinese food , in the north . 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 O O O O O N/A +bos sure , how about the hotpot ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos is the hotpot expensive ? i want the restaurant to be expensive , in addition to being chinese food and in the north . eos O O O O B-Restaurant-Inform+Price 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 O N/A +bos yes , the hotpot is expensive and in the north . would you like me to book a table ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-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 you give me the address and post code , please ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos yes , the address of the hotpot is 66 chesterton road chesterton , cb41ep . can i be of further assistance ? eos O 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 O O O O O O O O O O general-reqmore +bos no , i think that should be all i need for now . thank you so much for your patience with 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 general-thank +bos you 're very welcome . if you need anything else , please let us know . 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 planning a trip to north cambridge and i am looking for a moderately priced restaurant for dinner . can you help ? eos 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 two moderately priced restaurants in north cambridge . the golden wok serves chinese food and the nirala serves indian food . would you like a table at one of those ? 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O Booking-Inform +bos i think i 'll try the golden wok . can you get a reservation for 2 people 11:30 this thursday ? eos 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 'm sorry , but they have no tables available 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about 10:30 then ? eos O O O B-Restaurant-Inform+Time O O N/A +bos i have you booked for thursday at 10:30. your reference number is y4vbkjft . keep in mind the table is reserved for 15 minutes . may i help you with anything else ? eos O O O 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 O O O O O O O O O general-reqmore +bos is there a train that arrives by 15:15 from cambridge ? eos O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Depart O N/A +bos there are 714 trains . where are you travelling to ? eos O O O O B-Train-Inform+Choice O O O O O O O Train-Request+Dest +bos i am going to bishops stortford , leaving on friday . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Day O O N/A +bos train tr8585 leaves at 13:29 and arrives at 14:07. would you like to book this train ? 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 , for 2 people . can i have the reference number ? eos O O O O B-Train-Inform+People O O O O O O O O O N/A +bos ok , i have booked the train for you . the reference number is 4nscbu57 . what else can i 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 O O O O O O O general-reqmore +bos no thank you . eos O O O O O general-thank +bos you are welcome . have a lovely day . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for the hospital in town . eos O O O O O O O O O O Hospital-Inform +bos the only hospital in town is the addenbrookes hospital , 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 N/A +bos yes and could i also have their postcode please ? eos O O O O O O O O O O O Hospital-Request+Post +bos the address for addenbrookes hospital is hills rd , cambridge cb20qq . eos O O O O O O 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 very much . goodbye . eos O O O O O O O O general-bye +bos i 'm looking for a restaurant in the expensive price range that serves indian food . eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos curry garden at 106 regent street city centre fits your criteria . would you like me to book it ? 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 I-Restaurant-Inform+Addr O O O O O O O O O O O Booking-Inform +bos yes please , what are their hours of operation ? eos O O O O O O O O O O O N/A +bos what day and time would you like to book a table ? eos O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos on friday please at 19:30 for a party of 5 please . eos O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O O O O O B-Restaurant-Inform+People O N/A +bos your reservation has been made for friday at 19:30 for 5 people at curry garden . the reference number is apdcc4gs . thank you and have a nice day ! eos O O O O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+People O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Booking-Book+Ref 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 you are very welcome . have a nice day . eos O O O O O O O O O O O general-welcome +bos i would also like to book a train departing from cambridge after 15:30. eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos i 'm happy to help with that . where would you like to go ? do you have a 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 O O O Train-Request+Dest,Train-Request+Day +bos i 'd like to go to stansted airport on saturday . there will be 5 of us . can you book that ? eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O O B-Train-Inform+People O O O O O O O O O N/A +bos 5 tickets for train tr0638 departing from cambridge at 15:40 and arriving at stansted airport at 15:08 this saturday . the fee is payable at the station . reference number : mvibvuve . eos O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O B-Train-OfferBooked+Day O O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A +bos thanks thats all . eos O O O O O general-thank +bos you are very welcome . 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 general-welcome,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 have a great day . eos O O O O O O general-bye +bos thanks , you too , can i just close this dialogue ? eos O O O O O O O O O O O O O general-thank +bos yes you are all set thank you for using our system . eos O O O O O O O O O O O O O general-bye +bos i am looking for 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 there are 133 trains departing from that location . what destination would you like to travel to ? 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+Dest +bos i want to leave on monday after 21:45 and arrive in cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest O N/A +bos we have the tr7956 arriving in cambridge on monday at 22:52. does that fit into your schedule ? eos O O O 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 general-reqmore +bos yes . can you please book that for 5 people and provide my reference number for me ? 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 50.5 gbp payable at the station .reference number is : 6uvy4mba . is there anything else i can help 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 general-reqmore +bos can you tell me what types of entertainment are in the centre area ? eos O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos there are no entertainment attractions located in the centre of town . 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 N/A +bos what about nightclubs ? eos O O O B-Attraction-Inform+Type O N/A +bos certainly , we have 5 nightclubs in the centre area , there is ballare , , kambar , soul tree nightclub , and the fez club . eos O 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos how about soul tree nightclub ? could you send me the entrance fee and address ? 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 entrance fee is 4 pounds . the address is 1-6 corn exchange street . can i help you with anything else ? 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 I-Attraction-Inform+Addr O O O O O O O O O general-reqmore +bos what time does it open its doors ? eos O O O O O O O O O N/A +bos i 'm sorry , but i do n't have that information in my database . 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 O O O O O O general-reqmore +bos no , thank you . i am all set . eos O O O O O O O O O O O general-thank +bos great ! thank you for using cambridge towninfo ! goodbye ! eos O O O O O O O O O O O O general-bye +bos hey , any entertainment type places in this town ? eos O O O B-Attraction-Inform+Type O O O O O O O N/A +bos yes , the cherry hinton hall and grounds and funky fun house are in the east , the south has tenpin as well as nusha , and whale of a time 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 B-Attraction-Inform+Name I-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 N/A +bos could i get the cherry hinton hall 's phone number , entrance fee , and postcode ? 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 O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos you might have to call , i do not have an entrance fee listed . the number is 01223446104 and postcode cb18dw . 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 O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O B-Attraction-Inform+Post O O O N/A +bos i am also looking for information on the ashley hotel . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos what information can i provide for you ? eos O O O O O O O O O N/A +bos i would like to book it for 3 nights starting sunday . for 5 people , please . 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 O O N/A +bos i was able to book it , reference number 6biq6uws eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos great ! that was all i needed . eos O O O O O O O O O N/A +bos hope you have a great trip ! eos O O O O O O O O general-bye +bos i need the address to the addenbrookes hospital please . eos O O O O O O O O O O O Hospital-Request+Addr +bos the address is hills rd , cambridge . eos O O O O O O O O O N/A +bos can i also get the postcode and phone number ? eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the address is hills rd , cambridge . their main number is 01223245151 , but i can provide the number for a certain department , if 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 O O O O O O O O N/A +bos i really need the post code . eos O O O O O O O O Hospital-Request+Post +bos my apologies . i overlooked your request for the postcode . their postcode for the hospital is cb20qq . can i provide anything else 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 O O O O O O N/A +bos nope , that 's all . thank you ! eos O O O O O O O O O O general-thank +bos no problem . thanks for your help . eos 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 B-Hotel-Inform+Type O O O N/A +bos we have 9 in the area . is there a particular area you would like to stay ? 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 want to be in the north . eos O O O O O O O B-Hotel-Inform+Area O N/A +bos i show results for 2 moderate priced hotels , the ashley and the lovell . both have internet and parking . do you have a preference ? eos O O 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 O O O O O Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos could i have the address please ? eos O O O O O O O O Attraction-Request+Addr +bos ashley hotel is located at 74 chesterton road and lovell lodge is located at 365 milton road . 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos i need to book for 5 people and 2 nights starting monday . do either of those have that available ? 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 N/A +bos i have booked you at ashley hotel for your time requested ! your reference is 6wfhnvgm . eos 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 what attractions are close to the ashley hotel ? eos O O O O O O O O B-Hotel-Inform+Type O N/A +bos we have 2 swimming pools , a park , and a boat nearby . what would you like more information on ? eos O 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 Attraction-Select +bos what do you recommend ? eos O O O O O O N/A +bos i would recommend the milton country park , there is no entrance fee and it 's nearby . can i help with 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 B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O O O general-reqmore +bos yes , just a taxi form the hotel to the park . i want a really early morning to find a spot for the sunrise , so leaving at 02:15. 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 B-Taxi-Inform+Leave O N/A +bos i booked you a white toyota and the driver can be reached at 07502392207. enjoy the park and if there 's anything else you need , i 'm here 24/7 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 O O O O O O general-welcome +bos thanks a lot for your help ! eos O O O O O O O O general-thank +bos you are most welcome . i am glad to be helping you from 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 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 O O O O O O O N/A +bos ok , i have 17 options for you . what area are you looking for ? 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 are there any in the south ? eos O O O O O O B-Hotel-Inform+Area O N/A +bos i have two in the south in your price range . one is a 4 star guesthouse and the other is a 3 star guesthouse . 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 O O O O O O O O O O O O O O N/A +bos can you let me know the postcode and phone number of the 4 star guesthouse ? 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 ! the postcode and phone number are 01223240089 and 01223240089. eos O O O O O O O O B-Hotel-Inform+Phone O O O N/A +bos thanks so much . i am also looking for a museum i could visit . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos sure , i can help you find one . is there a certain part of town you were looking 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+Area +bos something in the north , please . eos O O O O B-Attraction-Inform+Area O O O N/A +bos i 'm sorry . i 'm not finding any matching attractions . 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 O O Attraction-Request+Area,Attraction-NoOffer +bos wait , i 'm staying in the south , that would make more sense . how about a museum in the south ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos great there 's the byard art museum there ! eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos can i have the phone number , postcode and address 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 byard art is located at 14 king 's parade . the post code is 01223464646. you can reach them at 01223464646. eos 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 O O O O O N/A +bos awesome , that covers it all . you were very helpful . eos O O O 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 am looking for a certain hotel . i think that it is called something like allenball eos O O O O O O O O O O O O O O O O O O Hotel-Inform +bos would you like me to make a reservation there for you ? eos O O O O O O O O O O O O O Booking-Inform +bos do you know if they offer free parking ? eos O O O O O O O O O O Hotel-Request+Parking +bos yes , allenbell has both free parking and internet and is in the cheap price range . would you like to reserve a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos not today . i also want information about a place to go and should be in the west eos 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 there are 13 great places you could visit . do you have a particular attraction in mind ? i would recommend 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 B-Attraction-Recommend+Type O O O Attraction-Request+Name +bos a museum sounds fun can i have the phone number and postcode for the one you recommend ? eos O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure . how about cafe jello gallery . the postcode is cb30af and phone number is 01223312112. eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Post I-Attraction-Recommend+Post O O O B-Attraction-Recommend+Phone N/A +bos thanks , can you also book me a taxi ? eos O O O O O O O O O O O Taxi-Inform +bos sure ! where do you need it to go and when will you need it ? eos 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 to commute between both places , i want to leave the hotel at least by 21:45. eos O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos please look for a grey audi . the contact number is 07213476873. what else can i help with 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 general-reqmore +bos okay thank you , that 's all i needed . eos O O O O O O O O O O O general-thank +bos you 're welcome . let me know if you end up needing anything else . 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 the addenbrookes hospital . eos O O O O O O O O O Hospital-Inform +bos the addenbrookes hospital is at hills rd . cambridge . the postcode is cb20qq and the phone number is 01223245151. 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 O O O O O O N/A +bos that will be 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 places to go in the centre of town . i would like some type of architecture attraction . 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 O N/A +bos there are five to choose from . would you like a free attraction or one with an admission charge ? eos O O O B-Attraction-Inform+Choice 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 O Attraction-Select +bos will you recommend one ? i do n't care about the entrance fee . eos O O O O O O O O O O O O O O O N/A +bos i would recommend all saints church . they 're at jesus lane . would you like their phone number ? eos 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 O O O O O O O general-reqmore +bos yes , please provide their phone number . eos O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223452587. can i help you with anything else today ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos yes , i also need a train from cambridge to kings lynn . i 'll be traveling on wednesday after 18:30. eos 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 B-Train-Inform+Day O B-Train-Inform+Leave O O O N/A +bos i have a train leaving at 19:11 and arriving at 19:58 wil 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 ! i need 5 tickets . can you please provide my reference number ? eos O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref +bos your reference number is 24zymc9u . 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 N/A +bos you have been very helpful , that is everything . thank you . eos O O O O O O O O O O O O O O general-thank +bos excellent . i hope you have a great rest of your 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 , departing from the peterborough station . eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart O O O N/A +bos there are a total of 266 trains traveling from peterborough to cambridge . what day would you like to leave ? eos O O O 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 Train-Request+Day +bos i would like to travel on saturday and arrive by 15:15. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos i have a train scheduled to depart peterborough at 14:19 and will arrive in cambridge by 14:38. would you me like to book this for you ? eos O O O O O O O O B-Train-Inform+Depart 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 Train-OfferBook +bos yes , for 2 people , please . eos O O O O B-Train-Inform+People O O O O N/A +bos okay all booked ! the arrival time is actually 15:09 and your reference number is yenh8fdc . eos O O O O O O O O O B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks ! i 'm also looking for a chinese place located in the centre ? eos 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 10 that match your preference . do you have a price range ? or do you know the name of the restaurant ? 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+Price +bos i would like a restaurant in the cheap price range . can you find one ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos there are three chinese restaurants in the centre that are in the cheap price range : charlie chan , rice house , and golden house . do you have a preference ? 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-Inform+Price 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 N/A +bos golden house sounds delicious , please provide the address . eos O O O O O O O O O O O Restaurant-Request+Addr +bos absolutely ! the address is 12 lensfield road city centre post code cb21eg . how many people would you like me to make a reservation for ? 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 O O O O O O O O O O Booking-Request+People +bos no reservation needed at this time . in fact , i have everything i need . thanks for your help today , 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 O O O O O O general-thank +bos thank you , have a great day . goodbye eos O O O O O O O O O O general-bye +bos i need a train from broxbourne on tuesday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos i can definitely take care of that for you . where are you heading to ? eos O O O O O O O O O O O O O O O O O Train-Request+Dest +bos travelling to cambridge , i need to arrive by 14:45. eos O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O N/A +bos we have 9 such trips . any preference on leaving ? eos O O O O B-Train-Inform+Choice O O O O O O O Train-Request+Leave +bos no , but i need two tickets . eos O O O O O O O O O N/A +bos tr4537 has been booked for you . lt leaves at 07:32 and arrives at 08:32. the reference number is 8umhy366 . eos O B-Train-OfferBooked+Id O O 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 O N/A +bos great . 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-bye +bos i 'm looking for a particular hotel in cambridge , but i cant remember what its called . 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 Hotel-Inform +bos well , i have 33 hotels in my database . do you know what part of town it 's in , or perhaps the 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 O Hotel-Request+Area,Hotel-Request+Price +bos actually i am looking for a particular hotel called the hobsons 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 ah , yes . hobsons house . what information would you like about it ? eos 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 i am wondering where it is located , what type of hotel , and how much it costs , 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+Type +bos sure , hobsons house is in the west area , address is 96 barton road , it is a guesthouse , i unfortunately do not have the price . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O N/A +bos can you help me find a train ? i am looking for one that departs from cambridge for leicester . it should arrive by 18:00 and needs to leave on sunday . 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 O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Day O O O N/A +bos i have several trains that arrive before 18:00 , is there a particular time you would like to leave by ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Arrive O O O O O O O O O O O O O Train-Request+Leave +bos no , any one that arrives before 18:00 would be fine . eos O O O O O O O B-Train-Inform+Arrive O O O O O N/A +bos there is a train that leaves at 5:21 and arrives at 7:06. the price per ticket is 30.24. would 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 B-Train-Inform+Ticket O O O O O O Train-OfferBook +bos yes that sounds perfect . i think that 's all i need today , 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 will you be traveling alone for this trip ? if not 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 +bos i do not need any tickets booked . thank you for all of your help 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 ! thank you for contacting cambridge towninfo centre today . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos hello . i need a train leaving from london kings cross on thursday . what 's available ? 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 N/A +bos i have multiple trains leaving london kings cross thursday . what time are you looking to leave by ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O O O O O O O O O O Train-Request+Leave +bos i am looking to go to cambridge and arrive by 9:45 eos O O O O O O O B-Train-Inform+Dest O O O O N/A +bos i have 2 trains leaving london kings cross for cambridge thursday arriving before 9:45. which would you prefer , one arrives at 6:08 the other 8:08 ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive N/A +bos what 's the price ? eos O O O O O O Train-Request+Price +bos the price per ticket is 23.60 pounds and the ride is 51 minutes long . can i help you in booking a ticket ? eos O 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 O O O O O O O O O O Train-OfferBook +bos no , no booking is necessary . but thanks for the info . thats all i needed . eos O O O O O O O O O O O O O O O O O O O general-thank +bos very good . have a good day . eos 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 N/A +bos please be specific about when you are leaving and by what time you intend to arrive to help me to narrow down . eos 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 +bos i 'd like to depart from ely on wednesday after 12:15. eos O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O O N/A +bos there is a train at 13:35 that cost 4.40 pounds . would you like to take it ? eos O 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 Train-OfferBook +bos yes please . could you also give me the train id ? eos O O O O O O O O O O O O O Train-Request+TrainID +bos their id is tr1039 . eos O O O O B-Train-Inform+Id O N/A +bos ok , thank you . i also need some help finding a guesthouse . i also would like free wifi . 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 we 've got a lot of options for guesthouses , what area do you want to stay in ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Area +bos i would like to stay in cambridge please . eos O O O O O O O O O O N/A +bos ok , centre , north , east , west , or south side ? eos O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O O O O O N/A +bos i 'd like a cheap place in the centre for 8 people and 5 nights starting wednesday . eos 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 N/A +bos alexander bed and breakfast , 56 saint barnabas road is inexpensive and rated 4 stars . would you like me to book that ? eos 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 B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform +bos yes , that sounds good . eos O O O O O O O N/A +bos the booking for alexander bed and breakfast was denied for 8 guests staying five days , starting on wednesday . would it be possible to plan a shorter or longer stay ? eos O O O O O O O O O O O O B-Booking-NoBook+People 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 Booking-Request+Stay +bos that 's fine , i 'd like to book it for 4 nights then . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos ok , i have you booked at alexander bed and breakfast for 4 nights . the reference number is : 741jc8hu . 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+Stay 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 takes care of it . 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 very nice stay . eos O O O O O O O O O O O general-welcome,general-bye +bos i would like a restaurant that serves world food . it should be a really good restaurant , and it 's ok if it 's expensive . 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 O O N/A +bos there are no matching restaurants eos O O O O O O Restaurant-NoOffer +bos how about italian ? i would like to go to nice place with great atmosphere and expensive , i would like the address , phone number and area eos O O O B-Restaurant-Inform+Food 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 Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr +bos caffe uno is located at 32 bridge street city centre and their phone number is 01223 448620. 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 I-Restaurant-Inform+Phone N/A +bos thank you goodbye eos O O O O general-bye +bos enjoy your meal ! eos O O O O O general-bye +bos i am looking for the address and price range of a restaurant serving chinese food in the south part of town . 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 Restaurant-Request+Price,Restaurant-Request+Addr +bos peking restaurant is a chinese restaurant located in the south part of town in the expensive price range . their address is 10 homerton street city centre . eos O B-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 B-Restaurant-Inform+Price 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 thank you , goodbye . eos 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-bye +bos thanks again . 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-bye +bos hello , i am looking for a thai restaurant on the north 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 unfortunately there are no thai restaurants in the north , do you want to change an area 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 Restaurant-Request+Area,Restaurant-NoOffer +bos how about west area ? i also want the address , phone number , and price range ? eos 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,Restaurant-Request+Price,Restaurant-Request+Addr +bos sala thong servers thai food and is expensive in the west . their phone number is 01223323178 the address is 35 newnham road newnham , it there anything 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 B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area 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 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 enjoy your meal . eos O O O O O general-bye +bos i want to find an expensive restaurant and serves european food . can i also have the address , phone number and its area . ? 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 O O O O Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr +bos eraina is a european restaurant in the centre area . their address is st. michael 's church trinity street city centre and phone number 01223 355166. 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+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+Phone I-Restaurant-Inform+Phone O N/A +bos thank you goodbye eos O O O O general-bye +bos thank you and good bye eos O O O O O O 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 cambridge lodge restaurant is in the west part of town , and it serves european food . 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 B-Restaurant-Inform+Food O O O N/A +bos thank you . can i have the address please ? eos O O O O O O O O O O O general-thank +bos yes . their address is 139 huntingdon road city centre . 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 N/A +bos thank you . i would like their price range and phone number as well please . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price +bos cambridge lodge restaurant is in the expensive price range and the 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+Price O 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 you 're welcome . goodbye . eos O O O O O O O general-welcome +bos goodbye . eos O O O general-bye +bos enjoy your dining experience . eos O O O O O O general-greet +bos hello , i am looking for an expensive restaurant that serves vegetarian food . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos there is not a restaurant matching your request . would you like another restaurant ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos yes , how about european food instead . eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos cambridge lodge restaurant is a nice restaurant serves european if you want something in the west . 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 B-Restaurant-Inform+Area O N/A +bos could i have their phone number and address ? eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos cambridge lodge restaurant is located at cambridge lodge hotel 139 huntingdon road city centre and 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+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+Phone I-Restaurant-Inform+Phone N/A +bos thank you good bye eos O O O O O general-bye +bos glad we could help ! eos O O O O O O general-welcome +bos i would like a moderately priced restaurant located in the south part of town . eos 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 pizza hut cherry hinton is an italian restaurant in the south of town 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 B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A +bos what type of food are they . what is their address ? eos O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Addr +bos they serve italian food . the address is g4 cambridge leisure park clifton way cherry hinton . eos 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 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 general-bye +bos you 're welcome . enjoy ! eos O O O O O O O general-welcome,general-bye +bos a restaurant in the moderately priced range , please eos O O O O O B-Restaurant-Inform+Price O O O O N/A +bos there is a lot of restaurants in the moderate priced range . please tell me the area or the food you would like today . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos okay , would it help to narrow it down to the west part of town ? i am having trouble deciding what i want to eat today . eos 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 O O O O O O O N/A +bos meghna is an italian restaurant in the west part of town , and is in the moderate 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 O B-Restaurant-Inform+Price O O O O N/A +bos phone number , please . eos O O O O O O N/A +bos meghna 's phone number is 01223 727410. is there anything else i can do for you tonight ? eos O B-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 thank you very much ! goodbye ! eos O O O O O O O O general-bye +bos thank you and goodbye ! eos O O O O O O general-bye +bos please recommend me a cheap restaurant in the north . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos da vinci pizzeria 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 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 . eos O O O N/A +bos they are located at 20 milton road chesterton eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos what is their postcode ? eos O O O O O O Restaurant-Request+Post +bos the postcode is cb41jy 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 , thank you good bye eos O O O O O O O general-bye +bos thank you . eos O O O O general-bye +bos hello , i am looking for a moderately priced restaurant on the south 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 there are two moderately priced restaurants in the south area . would you like italian or modern european ? eos O 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 O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos is there anything else ? can i get the phone number please ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the pizza hut cherry hinton is located in the south part of town and is in the moderate price range . their phone number is 01223 323737. may i help you with anything else ? 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 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 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 yes , goodbye . eos O O O O O general-bye +bos i 'm in need of a train leaving tuesday from peterborough , can you help me find one ? eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O O O O O N/A +bos sure , i can put you on tr5042 which leaves for cambridge at 5:19. how many tickets do you need ? eos O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Leave O O O O O O O O Train-Request+People +bos one ticket just for myself , though i need to arrive by 09:45. eos O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos your booking was successful with a reference number of 5xo1yf9y and a fee of 16.5 gbp . is there anything else i can do for you today ? eos 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 I-Train-OfferBooked+Ticket O O O O O O O O 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 you 're welcome . have a great trip ! eos O O O O O O O O O O general-bye +bos thanks . can you just confirm for me when i will arrive in cambridge ? eos O O O O O O O O O O O O O O O O general-thank +bos sure , you will arrive in cambridge at 06:09. may i help with anything else ? eos O 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 no that will be all thank you . 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 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 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 O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O N/A +bos can you tell me where you will be leaving from ? eos O O O O O O O O O O O O Taxi-Request+Depart +bos i will be leaving from the cafe jello gallery . eos O 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 you for a yellow volvo taxi with the contact number 07456851233 for 7:15. 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 B-Taxi-Inform+Leave N/A +bos that will be fine , thank you for your help , bye . eos O O O O O O O O O O O O O O general-bye +bos you are most welcome eos O O O O O general-welcome +bos i am looking for a train on wednesday departing form broxbourne eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart N/A +bos there are many results . where is your destination ? eos O O O B-Train-Inform+Choice O O O O O O O Train-Request+Dest +bos i 'm heading into cambridge . eos O O O O B-Train-Inform+Dest O O N/A +bos there are a number of trains to choose from . what time would you like to depart ? 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 Train-Request+Leave +bos departure time is flexible but i would need to get into cambridge by 21:30. eos O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive Train-Request+Leave +bos there are 15 trains that arrive by 21:30. each train takes 1 hour . when would you prefer to depart ? eos O O O O B-Train-Inform+Choice 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 Train-Request+Leave +bos what is the earliest departing train and the price of a ticket for it ? eos O O O O O O O O O O O O O O O O Train-Request+Price +bos the earliest train departs at 05:32 and is 17.90 pounds . would you like a ticket ? eos O 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 Train-OfferBook +bos that 's okay . no need to book now . but can i get 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 O O Train-Request+Duration +bos the travel time for the train is 60 minutes . eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos okay , thanks ! that 's all i needed ! have a good day ! 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 would like to book a train that is running on tuesday and departs anytime after 20:15 , can you help me with that ? eos O O O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave O O O O O O O O N/A +bos where would you like to travel from and to ? eos 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 travel to peterborough . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos sure , i have 7 trains that would work . the closest to your requested time is the tr5110 that leaves at 20:34. eos O O O O O B-Train-Inform+Choice 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 O O N/A +bos that will work . what is the price and arrival time for that ? eos O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos that will cost you 16.50 pounds and you will arrive by 21:24. eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Arrive N/A +bos that is great . i also want to know about a hotel called home from home . can you find it for me . 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 O O O O O O O O O N/A +bos certainly . home from home is a guesthouse on the north end of the city . it offers free internet and parking and is moderately priced . 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+Type I-Hotel-Inform+Type 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking,general-greet +bos yes . i would like to book for 8 people for 3 nights starting from saturday . 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 successfull ! reference number is i5vknkj3 eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you have a nice day . eos O O O O O O O O general-thank +bos you too . goodbye . eos O O O O O O general-bye,general-greet +bos i 'm looking for a train leaving on sunday that is going to cambridge . eos 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 there are 200 trains coming to cambridge on sunday . is there a particular time or departure location you 're interested in ? 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 O Train-Request+Depart,Train-Request+Leave +bos i want to depart from london kings cross after 13:30. 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 sure , the first train leaves at 15:17. would you like to book it ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos no , i would like to book at a later time , but can i please 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 O Train-Request+TrainID +bos sure , the 15:17 train 's id is tr7931 . is there anything else i can help you with ? eos O 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 O general-reqmore +bos i am also looking for a place to stay . i would like the hotel to 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 O O N/A +bos my listings show almost 30 separate lodgings around town with free wifi and parking ! do you have any other preferences to help me pick one for you ? 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 O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , i would like a guesthouse with a 0 star rating . eos O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O N/A +bos there is city centre north b and b , and el shaddai which would you like to book ? eos O O O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O O O O Booking-Inform +bos el shaddai sounds fine . i need to reserve it for two adults for two nights , 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 alright , what day will you be staying ? eos O O O O O O O O O O Booking-Request+Day +bos sunday . could you please send me the reference number ? eos O B-Hotel-Inform+Day O O O O O O O O O O Hotel-Request+Ref +bos unfortunately the booking was unsuccessful . would you like me to book it for another day or duration ? 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 just one night instead ? may i have 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 great , that was a successful booking , the reference number is 9h97d0mb . is there anything else i can help 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 general-reqmore +bos no that 's all , thanks ! eos 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 need information about wandlebury country park eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos wandlebury country park is located at wandlebury ring , gog magog hills , babraham . it is free to enter and the phone number is 01223243830. can i help with anything else ? 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 O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O O O O O O O O O N/A +bos what type of attraction is this ? eos O O O O O O O O Attraction-Request+Type +bos this is a park . can i help you with anything else ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O general-reqmore +bos just want to check if that address was legitimate , than i need a place to stay with 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 O O Attraction-Request+Addr +bos i have many the would suit you . do you have any preferences ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O general-reqmore +bos yes , i 'd like a hotel with a star of 0. actually , instead of a hotel , can we look for a guesthouse ? 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 B-Hotel-Inform+Type O O O O O N/A +bos there 's one located in the north and one in centre . do you have a preference ? eos O O B-Hotel-Inform+Choice I-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 Hotel-Select +bos no but you can book it for 7 people and 5 nights starting from wednesday 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 N/A +bos reference number is : kcn9opom . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +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 okay . just to confirm for you , the booking was at city centre north b & b . have a safe trip . 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 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 do you want to stay in a certain area ? eos O O O O O O O O O O O Hotel-Request+Area +bos no , i am actually looking for information about trains going from cambridge to norwich on sunday . 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 N/A +bos there are 19 trains available on that day . do you have a departure or arrival 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 O Train-Request+Leave,Train-Request+Arrive +bos arrive by 11:30. eos O O O B-Train-Inform+Arrive N/A +bos i 'd recommend tr4969 . it arrives by 10:55. would you like a ticket ? eos 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 book 3 tickets . eos O O O O O B-Train-Inform+People O O N/A +bos i have booked 3 tickets on tr4969 . your reference number is mpl4usac and the total fee is 42.24 , payable at the station . can i assist you with anything else ? eos O O O O O B-Train-OfferBooked+People O O O O O O B-Train-Inform+Ref I-Train-Inform+Ref O O O O B-Train-Inform+Ticket O O O O O O O O O O O O O O O general-reqmore +bos great i 'm also looking for a place to stay in the expensive price range with 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 what area of town could you like the hotel to be located ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos i would lkle to stay in the north please . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are none with that criteria in the north . shall i change or try another area ? eos O O O O O O O O O B-Hotel-NoOffer+Area O O O O O O O O O Hotel-Request+Area +bos could you try a cheap one then ? eos O O O O O B-Hotel-Inform+Price O O O N/A +bos i have 2 guesthouses , when are you planning your stay , i am sorry eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Booking-Request+Day +bos i need a cheap guesthouse in the north . i 'm looking for information not reservations . 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 ok great . there are two places available . i highly suggest the worth house . what information do you need ? eos O 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 general-reqmore +bos could you tel me the star of the hotel ? eos O O O O O O O O O O O Hotel-Inform +bos it is a 4 star hotel . eos O O O O O B-Hotel-Inform+Stars O O N/A +bos great , thank you for your help . goodbye eos O O O O O O O O O O general-bye +bos thank you for reaching out to cambridge towninfo centre . goodbye . 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 eat ? eos O O O O O O O O O O O N/A +bos what sort of food are you looking to eat ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i 'm looking for an expensive indiian 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 there are 5 options to choose from , i recommend the tandoori palace . would you like me to make reservations for you ? 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 O O O O O O O O O O Booking-Inform +bos that sounds great . i need a table for 1 on wednesday at 19: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 N/A +bos your booking was successful . your table will be reserved for 15 minutes . the reference number is dgo6tw9s . 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 okay i also need a train that leaves on thursday . eos O O O O O O O O O O B-Train-Inform+Day O N/A +bos sure where are you departing from ? eos O O O O O O O O Train-Request+Depart +bos i need to get to london liverpool street by 09:00. 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 ok , your best bet to get from cambridge to liverpool street is tr4127 , leaving at 05:59 , arriving at 07:27. would you like me to book a seat ? 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+Id O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook +bos yes for 1 person . 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 N/A +bos booking was successful , the total fee is 16.6 gbp payable at the station .reference number is : qgjmvzr4 . 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 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 great . have a nice trip . good bye . eos O O O O O O O O O O O general-bye +bos hi . i would like to visit the cambridge artworks . where is it located and how much does it cost ? eos 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 N/A +bos it is located at 5 greens road and does n't have an entrance fee . eos 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +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 certainly . it is located at 5 greens road and the phone number is 01223902168. do you need 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 O B-Attraction-Inform+Phone O O O O O O general-greet,general-reqmore +bos i 'm also looking for a hotel i stayed at a few years ago . warkworth house ? is that still operating ? 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 O O O O O O N/A +bos warkworth house is still open and is located in the east side of town eos 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 N/A +bos please book it for 6 people and 3 nights starting from thursday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A +bos it has been booked . your reference number is rjvskc1k . 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 thank you . that is all that i need . eos O O O O O O O O O O O general-thank +bos great i 'm glad i could help . eos O O O O O O O O O general-welcome +bos what kind of entertainment is there in the centre ? eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos there is no entertainment in the centre . would you like to try another part of the city ? 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 Attraction-Request+Area +bos are there any architectural attractions in the centre ? eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are 5 that match your request . all are churches except for one which is a school . would you like more information on any of these ? eos O O O O B-Attraction-Inform+Choice 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 Attraction-Select +bos okay , well then how about architecture ? eos O O O O O O O O O N/A +bos yes you mentioned that . how about old schools ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos what is the postcode for old schools ? also i need a train that leaves after 13:45 on friday . 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-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O Attraction-Request+Post +bos cb21tt is the postcode for old schools . what is the area that you would like to depart from for the travel arrangements ? eos O B-Attraction-Inform+Post 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 Train-Request+Depart +bos the train should leave from ely and go to cambridge eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest N/A +bos okay , for sure . i booked it . eos O O O O O O O O O O Train-OfferBooked +bos hello , i am looking for information on a train . eos O O O O O 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 'm headed to cambridge from the stansted airport . can you find information for thursday please ? eos O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Day O O O N/A +bos i found 19 trains what time do you want to leave the airport ? 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 in cambridge by 14:45 so i will need to leave in time to get there by then . 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 O O N/A +bos there is a train that leaves at 5:24. eos O O O O O O O O B-Train-Inform+Leave N/A +bos that wo n't work , i need to arrive in cambridge by 14:45 ( 2:45pm ) . eos O 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 since that wo n't work for you , i can get you on a train that leaves at 13:24 and will arrive by 13:52. would you like me to book your seat ? 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 B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos i need a place to stay in cambridge that includes 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 N/A +bos would you like to try cityroomz ? i can book it for you ? eos O O O O O O B-Hotel-Recommend+Name O O O O O O O O Booking-Inform +bos is it in the west ? what is the price range ? eos O O O O O O O O O O O O O N/A +bos cityroomz is moderately priced and in the centre . are you open to places that offer free parking , or do you specifically want to avoid it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O O O O O O Hotel-Request+Parking +bos i 'm open to it , and i suppose the centre will do . but i 'd prefer the west side if there is one . 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 N/A +bos i 'm so sorry . there are no hotels on the west side that match your requests . 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 general-greet +bos that 's okay , cityroomz will work . can you book it for 3 people for 2 nights starting on tuesday ? eos O O O B-Hotel-Inform+Name 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 reference number is : z9rfjq4w . anything else you need ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i am looking to book a train for the three of us from cambridge to birmingham new street on wednesday . 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 I-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos and where would you like to go today ? eos O O O O O O O O O O Train-Request+Dest +bos ummm i literally just told you birmingham new street , and i 'm not traveling today im traveling wednesday ! please pay attention eos 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 B-Train-Inform+Day O O O O O O N/A +bos is there a certain time that you would like to arrive ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos we will be ready to leave after 14:30. arrival time is not as important to us . eos O O O O O O O O O O O O O O O O O O N/A +bos there is one that leaves after 15:01. eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Leave N/A +bos that sounds perfect . i need reservations for 3. eos O O O O O O O O O O N/A +bos train tr4488 arrives at birmingham new street and cost 75.10 pounds eos O O B-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +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,Train-Request+Depart,Train-Select +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 N/A +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 need to catch a train out of bishops stortford , to arrive by 20:45. eos 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 N/A +bos there are many trains . where is your destination ? 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 Train-Request+Dest,Train-Request+Day +bos cambridge on saturday . eos O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos i have the tr7734 leaving at 19:29 and arriving at 20:07. would you like me to book that 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 O O O O Train-OfferBook +bos sounds perfect , but i do n't need it booked just yet . what 's the price on that ? 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 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 thanks . yes , i am looking for a particular attraction . eos O O O O O O O O O O O O O Attraction-Inform +bos happy to help . what is the name of the attraction you are interested in ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Name +bos it 's called st. catherine 's college . what 's the fee to get in there , and is it a college , architecture , or what ? eos O O O O O O O O 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 free . eos O O O B-Attraction-Inform+Fee O N/A +bos is this attraction an actual college still or are the buildings just there for architecture ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos it 's of the type of college . can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O general-reqmore +bos no thank you ! that will be all for today ! 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 i need to get train ticket leaving cambridge after 14:45 please . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O N/A +bos ok i have a total of 1,365 entries that leave after that time . do you have a specific day or destination you would like to select ? eos O O O O O O O O B-Train-Inform+Choice 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 Train-Request+Dest,Train-Request+Day +bos i need to go to birmingham new street on monday . 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 i would recommend train id tr5435 which leaves cambridge at 15:02 and arrives at birmingham new street at 17:44. eos O O O O O O B-Train-OfferBook+Id O O B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Leave I-Train-OfferBook+Leave O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest I-Train-OfferBook+Dest O B-Train-OfferBook+Arrive N/A +bos what is the exact travel time on the tr5435 ? eos O O O O O O O O O O O Train-Request+Duration +bos the total travel time will be 163 minutes . is there anything else i can help you with today ? 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 general-reqmore +bos i could use some help finding a restaurant that is moderately priced . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos we have many options that are moderately priced . is there a specific area or type of cuisine you are 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 O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos i do n't care about the cuisine but i want it to be in the west . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos we have prezzo . it is an italian restaurant located in the west . it is moderately priced . would you like me to book it for you ? eos O O O B-Restaurant-Recommend+Name O O O B-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 O O O O O O O O O Booking-Inform +bos that wo n't be necessary . what is the postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post +bos prezzo 's postcode is cb30ad . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Post 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 lovely 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-Select+Choice O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area 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-Request+Day,Booking-Request+People,Booking-Request+Stay +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 O 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 would like to leave on wednesday and i 'm going to birmingham new street . eos 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 O O N/A +bos what about tr1773 ? it leaves at 09:01 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos i 'll need to arrive by 09:30. eos O O O O O O B-Train-Inform+Arrive O N/A +bos we have 3 trains that match that criteria . one leaves at 05:01 , another at 06:01 and another at 23:01. which one would you like me to book for you ? eos O O O O B-Train-Select+Choice O O O O O O O O O O O O O O B-Train-Select+Leave O O O O O O O O O O O O O Train-OfferBook +bos what time does the one that leaves at 06:01 arrive in birmingham new street ? 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 N/A +bos that arrives at 08:44 , which means you 'd have about 45 minutes before 09:30. will that work for you ? eos 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-OfferBook +bos that sounds perfect . i need that 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 225.3 gbp payable at the station .reference number is : sex3rxhl . 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 all right , i 'm glad that i could be of help ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos could you help me find 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 O N/A +bos i love the acorn guest house . need me 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 Booking-Inform +bos can you tell me a little bit about the acorn first ? eos O O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos it is a guesthouse located in the north , at a moderate price range . it is rated 4 stars . would you like to book a room ? eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area 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 Booking-Inform +bos no , i do n't really like the north side - do you have any guesthouses in the east with free parking and wifi ? 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 O N/A +bos what kind of price would you like to pay ? i have 5 available with cheap to moderate for price ranges . eos O O O O O O O O O O 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 Hotel-Request+Price +bos i will take a cheaper one please . eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A +bos the allenbell guesthouse have everything you are looking for . it is within your price range , on the east side with free wifi and parking . would you like me to book it ? 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 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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , i would need 5 people for 5 nights starting thursday , can they accommodate me ? eos 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 N/A +bos they can accommodate you ! here is your reference number bs2c1q5x . is there anything else i can do to help 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 O general-reqmore +bos i am also looking for a train to cambridge from stansted airport on thursday . i would need to arrive by 14:00. eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A +bos tr3637 will arrive at 13:52 would that work ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O N/A +bos yes , that 's wonderful ! i need 5 tickets 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 50.5 gbp payable at the station .reference number is : d7vf1lox . 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 's all i needed today 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-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 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 , 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 general-reqmore +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-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O B-Hotel-Recommend+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 great , thanks ! i do n't need anything else . take care . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos thanks for using our services today . goodbye eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a hotel with a 4 star rating to stay at and i do n't need to have internet . can you help ? eos 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 O O O O O N/A +bos i have about 3 options that meet those requirements . all offer free parking and internet . 2 are expensive and 1 is cheap . do you have a preference ? 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos tell me about the expensive options . eos O O O O O O O O N/A +bos they are the huntingdon marriot hotel which is in the west area , and the university arms hotel which is in the centre . 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 I-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos the university arms sounds good . eos O O O O O O O N/A +bos would you like me to make a reservation for you ? eos O O O O O O O O O O O O Booking-Inform +bos i need it for 8 people , 2 nights from monday . eos 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 . your booking was successful and your reference number is hld21myl . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos perfect . you have been so much help ! eos O O O O O O O O O O N/A +bos i 'm glad i could help you today . is there anything else you need ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos yes please , i also need a train to cambridge , on thursday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos what town are you leaving from ? what time do you want to depart or arrive , please ? 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 i will be leaving cambridge and arriving at ely . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos we have 10 trains that match your criteria . the tr0996 leaves at 05:50 and gets to ely by 06:07. would you like to book you a seat on it ? eos O O O O B-Train-Inform+Choice O O 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 O O O Train-OfferBook +bos no thank you . i just need the price and 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 sure ! the travel time is 17 minutes and it costs 144.40 pounds . eos 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 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 calling today . please let us know if there is anything else we can do to 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-welcome,general-bye +bos please assist me in finding a train going to leicester from cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos okay . what day would you like to travel ? eos 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 i have 19 trains going from cambridge to leicester on thursday . what time would you like to arrive by ? eos 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 O O O O O O O O Train-Request+Arrive +bos i would love to leave after 12:15 please . eos O O O O O O O B-Train-Inform+Leave O O N/A +bos there are no trains that leave after 12:15. eos O O O O O O O O B-Train-NoOffer+Leave N/A +bos okay , do you have any other suggestions ? eos O O O O O O O O O O N/A +bos i believe that the tr0822 leaving 12:15 would be great for you . should i make a booking for you ? eos O O O O O B-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O O O O O O O Train-OfferBook +bos i also need a place to stay in the north area . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos would you like 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 do n't matter as long as it is cheap . i need it for 6 people for 2 nights starting tuesday eos 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 O N/A +bos i was able to book you a room for 2 at city centre north b and b , the reference number is 57f4s22n . do you need any more assistance ? eos O O O O O O O O O O O B-Booking-Book+People 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+Ref O O O O O O O O O general-reqmore +bos no , that 's all i need for right now . thanks for the assistance ! eos 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 help . eos 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 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 I-Hotel-Recommend+Name O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O Booking-Inform +bos perfect . i 'll need a room for myself , for five nights on tuesday . eos O O O O O O O O O O O O B-Hotel-Inform+Day O O O O N/A +bos perfect , you are all set for alexander bed and breakfast on tuesday , your reference number is 22dg5770 . is there anything 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 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 nope , that 's it . thanks ! eos O O O O O O O O O general-thank +bos i hope you not going to sit in your room by yourself for 5 days , are you sure that you dont want to know about a restaurant 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 O general-reqmore +bos actaully i will be on business so not out much but i do need a train , to cambridge leaving after 21:15 eos 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 ok great . what day will you be traveling ? eos O O O O O O O O O O O Train-Request+Day +bos yes , i need a train going to cambridge leaving after 21:15 on tuesday departing from broxbourne . eos 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 B-Train-Inform+Depart O O N/A +bos i have the tr9688 , which leaves at 12:32. would you like to book this train ? eos 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 i need a train after 21:15. eos O O O O O O B-Train-Inform+Leave N/A +bos there are 3 trains leaving an hour apart starting at 21:32. the travel time is 60 minutes and costs 17.90 pounds . would you like me to book one ? eos O O O O B-Train-OfferBook+Choice O O B-Train-OfferBook+Leave I-Train-OfferBook+Leave I-Train-OfferBook+Leave I-Train-OfferBook+Leave I-Train-OfferBook+Leave I-Train-OfferBook+Leave O O O O B-Train-OfferBook+Time I-Train-OfferBook+Time O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O O N/A +bos no thank you . i just need the train id and arrival time for one of them . 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+TrainID +bos the tr3112 arrives at 22:32. eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive N/A +bos great , thanks for that information on the train . can you book for a train leaving after 21:15 ? 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 N/A +bos how many tickets do you need ? eos O O O O O O O O Train-Request+People +bos i need tickets for one person . eos O O O O O O O O N/A +bos your total is 17.89 gbp . you can pay that at the station . your reference number is raiycnju . eos 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 N/A +bos that is all i needed for today . thanks alot eos O O O O O O O O O O O general-thank +bos thank you for using this service good bye eos O O O O O O O O O general-bye +bos i need a train that goes to cambridge and departs from bishops stortford . 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 what day will you be departing and time ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i leave on tuesday and need to arrive by 11:30. eos O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A +bos ok , the tr0635 arrives at 10:07. eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O N/A +bos what time does the train depart ? what is the price and total 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+Price +bos the tr0635 leaves at 09:29 , tickets cost 10.10 pounds and the duration of the journey is just 38 minutes . would you like me to book you a seat ? eos O O B-Train-Inform+People I-Train-Inform+People O B-Train-Inform+Leave 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 O O O O Train-OfferBook +bos no but i also need a place to stay that should be in the expensive price range and should include free wifi . 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 Train-Request+Price +bos we have 5 hotels that meet your criteria . is there a particular area of town you would like 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 Hotel-Request+Area +bos nope , wherever you recommend will be great . thanks eos O O O O O O O O O O O general-thank +bos i would recommend the lensfield hotel . it 's a 3 star hotel in the south . would you like more information or do you want to go ahead and book a room ? eos O O O O O B-Hotel-Recommend+Name I-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+Area O O O O O O O O O O O O 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 N/A +bos how many people should i book this for ? what day ? 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Stay +bos book it for 8 people and 4 nights . we will be checking in on thursday . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O O B-Hotel-Inform+Day O O N/A +bos ok , the booking was successful.reference number is : n9y9q569 . 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 will be all . thank you ! eos 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 are there any guesthouses in the east ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos there are six guesthouses in the east . do you have a preference on price ? 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 it needs to be cheap . eos O O O O O B-Hotel-Inform+Price O N/A +bos i have 3 options for you . all of them are 4 star rated and all offer free parking and free internet . might i suggest the leverton house . 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 B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos can i have the address for leverton house ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Request+Addr +bos that address is 732-734 newmarket road . would you like me to make you a reservation ? eos 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 Booking-Inform +bos do they have internet and free parking ? eos O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos yes they have internet and free parking . eos O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +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 sure , what day will you be arriving ? eos O O O O O O O O O O Booking-Request+Day +bos i 'm sorry , i do n't need a room right now . i just need their address . eos 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 for leverton house is 732-734 newmarket road in the east . the postcode is cb58rs and phone number is 01223292094. eos 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 B-Hotel-Inform+Area O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O N/A +bos i 'm also looking for a train . arriving in cambridge by 09:15. eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos on what day will you be travelling ? and where will you be travelling from ? 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 need to leave on saturday from ely . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos i have two trains available leaving at 05:35 and 07:35. what time would you like to leave . eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-Select +bos it does n't matter . just pick one and book it for 7 people . eos O O O O O O O O O O O O O B-Train-Inform+People O O N/A +bos you re booked for the 5:35. your booking number is d55llntr . eos O O O O O O B-Train-OfferBooked+Leave O O O O B-Train-Inform+Ref 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 thank you for calling . eos O O O O O O general-bye +bos i 'm trying to find a hotel called worth house . can you help me ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O N/A +bos sure . worth house is located in the east at 152 chesterton road . it 's phone number is 1223316074. would you like me to help you book it ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area 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 Booking-Inform +bos great ! yes please book it for 8 people and for 3 nights . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos i can get that reserved for you . what dates will you need to stay at worth house ? 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 Booking-Request+Stay +bos i will be for 3 nights starting this thursday . eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos it was successful . reference number is : 1os7nnxw . thank you . eos O O O O O O O O B-Booking-Book+Ref O O O O O N/A +bos also i need a train on sunday for 8 people eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+People N/A +bos where will you be departing from and going to ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'll be leaving cambridge and going to bishops stortford . i want the train to leave after 10:45 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 O O B-Train-Inform+Leave O O N/A +bos there are 7 options . shall i book the earliest one ? eos O O O O B-Train-Inform+Choice O O O O O O O O Train-OfferBook +bos yes and to make a booking for the same group of people , be sure i get 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 N/A +bos the train is booked and here is the reference number km4fjvyn . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos great ! thank you so much for your help ! 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 'm looking for a moderately-priced place to eat . eos O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos excellent , we have over 31 possible choices . do you have a location or cuisine preference ? 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 Restaurant-Request+Area,Restaurant-Request+Food +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 i have 21 restaurants that fit that requirement . what type of food are you looking for ? or would you like my recommendation ? 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,general-reqmore +bos can you give me your recommendation please . eos O O O O O O O O O N/A +bos restaurant one seven serves british cuisine . would you like me to book this for you ? 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 Booking-Inform,Restaurant-Select +bos sure . can you book it for 2 people on saturday at 11: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 no , i 'm sorry . i ca n't book that . would you like to try another resturant ? 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 okay , how about another place in the same area and price range ? eos O O O O O O O O O O O O O O O N/A +bos yippee noodle bar was able to be booked , the reference number is 0y6k4af7 . eos 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 N/A +bos thanks so much . that will be all i need 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 general-bye +bos you are very welcome . thank you for contact cambridge towninfo centre . 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 was hoping for some information about places to go in the centre area . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there is plenty to do in the centre . do you have anything in particular you 'd like to do ? perhaps visit a museum ? 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 O B-Attraction-Recommend+Type O O Attraction-Request+Type +bos yes , a museum sounds good . do you have any suggestions ? eos O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos sure . there 's the castle galleries on saint andrews street . it 's free . 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 I-Attraction-Inform+Addr O B-Attraction-Inform+Fee O O O O O N/A +bos awesome that sounds great . i am also looking for a 4 star hotel with free wifi . can you make a recommendation ? 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 N/A +bos can we narrow it down a bit ? 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 Hotel-Request+Price +bos try the cheap price range . eos O O O B-Hotel-Inform+Price O O O N/A +bos alexander bed and breakfast would be a good fit 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 ok , i will need to book for 6 people starting wednesday for 2 nights . 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 N/A +bos unfortunately , that was not available . would you like to try another day or go 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+Day,Booking-Request+Stay +bos will you try 1 night please ? eos O O O O O B-Hotel-Inform+Stay O O N/A +bos your stay at alexander bed and breakfast is booked . your reference number is 9ns2mb3k . is there anything else i can help with ? 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 O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos i 'm going to need a ride to get from the hotel to the museum . eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos i can help you with that . what is the timeframe you were looking for ? eos 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 need to leave the hotel at 5:30 , please . eos O O O O O O O O O O O O Hotel-Inform +bos okay . i was able to book a red bmw for you , contact number 07401091982. 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 N/A +bos wonderful ! that should be all i need today . thank you ! eos 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 O general-welcome,general-bye +bos hello . can you recommend a good hotel in the centre ? eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos i have three hotels in the centre . would you like moderate or expensive prince range ? eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O N/A +bos price is no object , but i would like free parking and wifi . eos O O O O O O O O O O O O O O O N/A +bos great , since price is no object i recommend university arms hotel . its an expensive 4 star hotel with free parking and internet . want me to book it ? eos 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 B-Hotel-Recommend+Stars O O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos yea , i 'd like to book for 3 people . we will need 4 nights , starting on wednesday . eos O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O N/A +bos the booking has been successful . your reference number is nl0gg0zz . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you . have a good night ! eos O O O O O O O O O general-thank +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 play to stay that has 4 stars and is located in the centre of town . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O N/A +bos we have two results . are there any other options like free parking you need ? 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 yes . it should be a 4 star and of moderate price . parking and wifi do not matter . eos 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 O N/A +bos unfortunately there are no hotels that match your criteria . do want to consider other areas of town or a different price range ? 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,Hotel-Request+Price +bos okay how about and expensive one instead ? eos O O O O O B-Hotel-Inform+Price O O O N/A +bos i 'm sorry , i do n't see any 4- or 5-star hotels with availability in the centre . would you like to look for a 3-star hotel , or another area ? eos O O O O O O O O O B-Hotel-NoOffer+Stars O O O O O B-Hotel-NoOffer+Area O O O O O O O B-Hotel-Select+Stars O O O O O O O O O O Hotel-Request+Area +bos there are no expensive hotels in the centre area with a star rating of 4 ? can you double-check ? eos 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 N/A +bos yes , i found the university arms hotel . it is in the centre and has an expensive price range . my apologies for the miscommunication . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 N/A +bos that one sounds great ! can i get a room for 4 people for 5 nights ? we 'll be arriving on wednesday . 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 O O B-Hotel-Inform+Day O O O O N/A +bos i apologize but i was not able to book the room for your requested time frame . would you like to try another night 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 O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos can you try for one night and see if that works ? eos O O O O O O O O O O O O O N/A +bos booking was successful.reference number is : u4zxjge9 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos can you find a museum for me in the same area as the hotel ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos the castle galleries would be perfect for you , their phone number is 01223307402 and their postcode is cb23bj . 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+Phone O O O O B-Attraction-Inform+Post O O N/A +bos could i have the address for that museum as well please ? eos O O O O O O O O O O O O O Attraction-Request+Addr +bos it 's unit su43 , grande arcade , saint andrews street , cb23bj . their phone number is 01223307402. 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 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 would also need 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 do you have a time you 'd 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 'd like to leave the attraction by 10:30 , arrival does n't matter . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O N/A +bos okay , we got you booked in a white tesla the contact number is 07530462310 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 great , thanks ! that 's all i needed ! eos O O O O O O O O O O O general-thank +bos i was able to book that taxi for you . be looking for a blue tesla . if you need to reach them , please contact 07879609782. 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 will be it , thanks so much . goodnight ! eos O O O O O O O O O O O O O general-thank +bos you are welcome . thanks for choosing cambridge towninfo centre ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i am traveling to cambridge and i 'm excited about seeing the local tourist attractions . eos O O O O O O O O O O O O O O O O O Attraction-Inform +bos cambridge is a great place for that . there are 79 total attractions , any type of attraction or area in mind ? eos 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 O Attraction-Request+Area,Attraction-Request+Type +bos well first i 'll need a place to stay . are there any 4-star hotels in the west with free parking ? eos O O O O O 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 N/A +bos there are a few , do you know what price-range you are 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 Hotel-Request+Price +bos do those hotels have internet ? eos O O O B-Hotel-Inform+Type O O O Hotel-Request+Internet +bos yes , they all have free wifi . eos O O O O B-Hotel-Inform+Choice O O O O Hotel-Inform+Internet +bos i 'm looking for a museum in centre . what do you recommend ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos we have dozens of museums here , but there are a few that are not free to enter , do you want to go to a free one ? eos O 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O N/A +bos i do n't care about the entrance fee . can you recommend a good museum and give me 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 O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure . i recommend the museum of archaeology and anthropology . the phone number is 01223333516 and postcode is cb23dz . can i help you with anything else ? 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 I-Attraction-Recommend+Name O O O B-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 need a taxi from the museum please . eos O O O O O O O O O O Taxi-Inform +bos please give me information on when you want to leave and arrive . eos 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 12:15 , get contact number and car type eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O Taxi-Request+Car +bos i can help with that . first would you like to book a hotel ? eos O O O O O O O O O O O O O O O O Booking-Inform +bos yes , please book it eos O B-Hotel-Inform+Parking O O O O N/A +bos there are 3 hotels in the west with free parking and 4 stars . what price range are you looking for ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking +bos i 'm not looking for any particular price range . i need the postcode and please let me know if 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 Hotel-Request+Post,Hotel-Request+Internet +bos finches has wifi and a postcode of cb30nd eos O B-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Post Hotel-Inform+Internet +bos ok. i 'd like a taxi to take me from the hotel to the museum . i 'd like to leave by 12:15. 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-Taxi-Inform+Leave O O O N/A +bos certainly . i have you booked leaving the hotel at 12:15. the vehicle is a black tesla and the contact number is 07302617458. eos O O O 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+Car I-Taxi-Inform+Car O O O O O N/A +bos that sounds great . thank you for your help . eos O O O O O O O O O O O general-thank +bos was that everything you needed today ? eos O O O O O O O O general-reqmore +bos yes , that 's all . have a nice day . eos O O O O O O O O O O O O N/A +bos you as well ! thank you for choosing cambridge towninfo centre today . eos 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 cityroomz hotel . eos O O O O O O O B-Hotel-Inform+Name O O N/A +bos the cityrooms hotel is on station road and its phone number is 01223304050. would you like me to book a room for you ? eos 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 Booking-Inform +bos no thank you . that is a hotel and not a guesthouse right ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos correct , it is a hotel . would you like me to make a reservation for you ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O O Booking-Inform +bos no thank you . could you tell me if there is anything to do on the westside ? eos 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 several attractions in the west , do you have a preference of type ? eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Type +bos anything is fine , thanks eos O O O O O O general-thank +bos the lynne strover gallery is always nice , and it is free . how does that sound ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Fee O O O O O O O Booking-Inform +bos sounds great , can i get the address and phone number to that museum 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 lynne strover gallery is located at 23 high street , fen ditton and the phone number is 01223295264. can i assist you in any other way today ? eos O B-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 O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos no 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 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 i am looking for a specific hotel by the name of city centre north b and b. could you provide me with some additional information about this place ? 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 O O O O O O O O O O O O O O O O O N/A +bos did you by chance mean the a and b guesthouse ? 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 N/A +bos hm . that is n't it . i think it is called city centre north . can you search 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 N/A +bos i found it . it is a cheap guesthouse in the north . the phone number is 01223312843. eos 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 B-Hotel-Inform+Phone N/A +bos can i get the phone number , postcode , and address ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr +bos 01223312843 is the phone number cb43ht is the postcode and 328a histon road is the address . eos O B-Hotel-Inform+Phone O O O 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 N/A +bos thanks i 'm also looking for a fun attraction to go in the centre . can you make a recommendation ? 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 enjoy museums . we have old schools . would you like more information on that one ? eos O O O B-Attraction-Recommend+Type O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O N/A +bos yes , how much does it cost to get in ? eos O O O O O O O O O O O O N/A +bos i 'm sorry for the confusion , what attraction are you interested in the entrance fee for ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Name +bos i 'm looking for a fine arts museum in the centre . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos we have 11 different museums in the centre , if you 're not looking for a particular one , might i recommend the primavera ? eos O 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos okay . can you tell the entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos good news ! it is free . eos O O O O O B-Attraction-Inform+Fee O O N/A +bos nice ! okay , that should be all i need . thanks for your help and goodbye ! eos O 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 trip ! eos O O O O O O O O general-bye +bos i am coming to visit cambridge . would you happen to be able to find me a park to go to ? 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 O O N/A +bos we have 5 parks ! what area 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 Attraction-Request+Area +bos i do n't care about the area . can you suggest one ? eos O O O O O O O O O O O O O O Attraction-Request+Area +bos cherry hinton water play is popular . what info would you like on it ? 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 general-reqmore +bos i would need the area and address , please . eos O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Addr +bos cherry hinton water play is located in the east . the address is cherry hinton hall , cherry hinton road . anything else i can do for you ? 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 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 yes . can you help me find a hotel ? a nice 4-star place , if that 's possible . eos 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 O N/A +bos i have three 4 star hotels in my system . would you prefer a cheap or expensive one ? also is there any other criteria you are looking for ? 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 B-Hotel-Select+Price I-Hotel-Select+Price O O O O O O O O O O O O O general-reqmore +bos do you have a hotel that is in the south with free parking ? eos O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos no , unfortunately . please consider other areas . eos O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos how about guesthouse style places ? are there any of those available ? eos O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos sure thing ! i have two , may i recommend rosa 's bed and breakfast ? it 's in south , is cheap , and has four stars . eos O 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+Area O B-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O O O O O O N/A +bos that sounds lovely . please book that for 6 people for 5 nights starting saturday . 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 you are all booked . your reference number is 4u7rj8m6 . thank you . eos O O O O O O O O O B-Booking-Book+Ref O O O O O N/A +bos thanks for your help ! eos 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-reqmore +bos hello , i 'm looking for a cheap hotel in the cambridge area close to local attractions . i do n't need internet or parking . can you help ? 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 O O O O O O O O O O N/A +bos all the lodging i have found offers internet and parking . would that be ok ? eos O O O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that is perfect , i was looking for free parking as it was . eos O O O O O O O O O O O O O O O N/A +bos is there a particular part of cambridge you are hoping to stay in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos i 'm looking for a place in the cheap price range with free parking . eos O O O O O O O O O O O O O O O O N/A +bos i think the allenbell would be a good fit . 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 O O O Booking-Inform +bos does it also have free wifi ? eos O O O O O O O O N/A +bos yes it does have wifi . 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+Internet +bos yes , book one night please . what is the star rating by the way ? also what parks are in the west 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 N/A +bos its a 4-star . from which day should i book ? eos O O O B-Hotel-Inform+Stars O O O O O O O O Booking-Request+Day +bos actually , i 'm not quite ready to book yet . but i am looking for parks in the west part of town . what are my options there ? eos 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 O O O N/A +bos i do n't show any parks in the west . would you like to try another attraction ? eos 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+Type +bos can you look for a nice museum instead ? eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos there 's 7 museums in the west and i highly recommend the cafe jello gallery . would you like more information ? eos O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area 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 i 'd like the postcode and phone number of that gallery please . eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the cafe jello gallery is at 13 magdalene street , postcode cb30af . phone number 01223312112 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 B-Attraction-Inform+Post O O B-Attraction-Inform+Phone O N/A +bos can you book me a taxi as well ? eos O O O O O O O O O O Taxi-Inform +bos sure , what time would you like to leave and where from ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave +bos i want to leave the museum by 23:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos can you specify your destination ? eos O O O O O O O Taxi-Request+Dest +bos i want to go from the allenbell to the cafe jello gallery . i want to leave the museum by 23:00. eos O 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 O O O O O N/A +bos booking completed ! the booked car type is a yellow skoda and your contact number is 07590574334. 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 O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos nope , that should be all for today , thanks ! eos O O O O O O O O O O O O general-thank +bos no problem . i have changed your booking . your new taxi would be a black volkswagen and its contact number is 07276925880. is that everything ? 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 general-reqmore +bos thank you that 's all i need ! eos 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 'm looking for museums to visit in town . eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos the broughton house gallery is a fantastic museum in the centre . bonus , it 's free ! eos O O B-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+Area O O B-Attraction-Recommend+Fee O O O O N/A +bos 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 ! eos O O O O O O O O O O O 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 it is in the centre and it is free to enter . would you like to know anything else ? eos O O O 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 general-reqmore +bos i also need a place to stay . i would like a hotel with 4 stars and free parking . eos 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 N/A +bos there are several 4 star hotels with free parking , are you looking for one in the north as well ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking +bos no , i am not . eos O O O O O O O N/A +bos i think the acorn house will suit you well . would you like me to book that ? 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 Booking-Inform +bos can you book that for 1 person , 3 nights , starting thursday ? eos 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 booking was unsuccessful . would you like to try booking on a different day or for a shorter duration ? 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+Stay +bos can you try booking it for two nights ? eos O O O O O O O O O O N/A +bos you 're all set for 2 nights ! your booking reference number is bfodsbsl . what else can i help you with today ? eos O O 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 O general-reqmore +bos i think i 'll need a taxi from the gallery to the hotel . can you help with that ? 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 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 will need to leave the gallery by 03:00 please . eos O O O O O O O O O O O O N/A +bos certainly . what time would you like to leave and arrive ? eos O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive,general-greet +bos i need to leave by 3:00 , arrival does n't matter . eos 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 blue lexus . if you need to reach them , please call 07049424951. 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 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 're welcome , enjoy ! eos O O O O O O O general-welcome,general-bye +bos i am looking for a cheap guesthouse to stay in for 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 i have 9 entries matching your request . do you have a preference for area ? 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 preferably in the west side of town . i would also like something 4-star rated if possible . eos 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 7 guesthouses that meet your criteria . might i recommend alexander bed and breakfast ? 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 N/A +bos does it have a 4 star rating and internet ? eos O O O O O O B-Hotel-Inform+Stars O O O O Hotel-Request+Internet +bos finches bed and breakfast is located in the west . it is an inexpensive four star guesthouse with internet and parking . would you like me to 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 B-Hotel-Inform+Area O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O B-Hotel-Inform+Type 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 all the info i needed can you find me a concerthall in the south ? 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 N/A +bos i 'm afraid the only concert hall in town is the man on the moon , but it 's in the centre rather than the south . would that 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 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 O O N/A +bos are there any places listed simply as `` entertainment '' that are in the south ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos we have nusha and tenpin in the south . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O N/A +bos sounds good , please advise the address and phone number . thank you . eos 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 nusha is unit g6 , cambridge leisure park , clifton road and the phone number is 01223902158. do you also need tenpin 's information ? 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 O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos oh , the way you said it i thought nusha and tenpin was the whole name of the place . but i 'm sure nusha will be plenty entertaining , even without the tenpin . eos O O O O O O O O O O O O O O O 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 in case , here is tenpin 's information cambridge leisure park , clifton way , cb17dy . phone number is 08715501010. have a great stay eos O O O O O O B-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 general-bye +bos i am looking for the nearest hospital to me . eos O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is at hills rd , cambridge , postcode cb20qq . the phone number is 01223245151. is there a specific department you would like to contact ? eos O O O O O O O O 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 needed the phone number and post code . thank you eos O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos if there is nothing further i can help with , i wish you 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 'm looking for a french restaurant in the north of cambridge . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A +bos i 've found restaurant two two at 22 chesterton road chesterton . eos 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 N/A +bos thank you , i would prefer the expensive price range , does that fall in that range ? 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 yes , it 's an expensive restaurant . would you like to book a table ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform +bos yes . i would like to book a table for 3 at 14:30 on friday please . 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 : lnygvm1c . 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 yes , i am looking for a train that goes to kings lynn and leaves after 12:15. eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O N/A +bos i have a train tr0674 leaving at 13:11 and arriving at 13:58. would you like to reserve this ? eos 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 Train-OfferBook +bos does it leave on saturday , departing from cambridge ? eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O N/A +bos yes it does , would you like tickets ? eos O O O O O O O O O O Train-OfferBook +bos yes , i 'd like 3 tickets , please , along with the reference number . eos O O O O O B-Train-Inform+People O O O O O O O O O O O N/A +bos on saturday the train at 13:11 is actually the tr7673 , and you 're booked with reference number vto5iv0f . the fee will be 23.52 at the station . can i help with anything else ? eos O O O O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Id O O 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 general-reqmore +bos no thanks . that will be it for today . 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-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 general-bye +bos i am planning a trip in cambridge eos O O O O O O O O N/A +bos that sounds great . did you need a hotel , train or restaurant while in the area ? eos 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 , i 'm looking info on saint barnabas press gallery . 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 saint barnabas press gallery is a very nice museum in the east . what information can i provide ? 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+Type O O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos may i have their phone number ? eos O O O O O O O O Attraction-Request+Phone +bos of course ! their phone number is 01223902116. 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 i also need information on a train from bishops stortford to cambridge on thursday . eos 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 N/A +bos ok , i am getting the information up now , do you have a 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 +bos i 'd like to get there by 14:30. eos O O O O O O O B-Train-Inform+Arrive O N/A +bos you have five options for a train that will get you to cambridge by 14:30. do you have a preference on what time to leave ? eos O O O B-Train-Inform+Choice O 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 O O O Train-Request+Leave +bos no , any available train would be fine . i will need four tickets , please . eos 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 and get a reference number ? eos O O O O O O O O O O O O O N/A +bos i want to sight see in cambridge and want to see architectural stuff eos O O O O O O O O O O O O O O N/A +bos i have some great sights for you . all saints church , great saint mary 's church , holy trinity church , little saint mary 's church and the old schools . 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-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O N/A +bos what area is all saints church located ? is there an entrance fee ? 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 Attraction-Request+Area,Attraction-Request+Fee +bos all saints church is on jesus lane in the center of town . there is no entrance fee . 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 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 N/A +bos thanks ! i 've also heard about a little place in town called autumn house . what can you tell me about it ? 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 N/A +bos autumn house is a guesthouse in the east area . despite being rated at 4 stars prices are cheap compared to others . interested in more info ? eos 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 B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O O O O O O general-reqmore +bos can you book a room for me ? eos O O O O O O O O O N/A +bos sure for how many and when ? eos O O O O O O O O Booking-Request+People,Booking-Request+Day +bos yes thursday and at 17:50. eos O O B-Hotel-Inform+Day O O O N/A +bos can you give me the number of days and people 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+People +bos it 'll be for 7 people , 2 nights , starting saturday . eos O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O N/A +bos i have you booked for 2 day for 7 people . eos O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+People O N/A +bos what is the reference number for that booking ? eos O O O O O O O O O O Hotel-Request+Ref +bos your reference number is 8j8mei06 . can i do anything else for you ? eos 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 . thanks for your help . eos O O O O O O O O O O O general-thank +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 please find a park in the north . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos sure , there is milton country park in the north . what would you like to know about it ? eos O O O O B-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 N/A +bos could i get the postcode , address and entrance fee for that location , 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 milton country park , milton , the postcode is cb46az and it is totally free to enter . can i assist you further today ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post 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 thanks . i also need an expensive restaurant . do you know of any asian oriental places ? eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos we have two such places in the center and north of town . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice 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 Restaurant-Select +bos i 'd like the one in the north , please ? eos O O O O O O O O O O O O N/A +bos okay , would you like me to book that for you eos O O O O O O O O O O O O Booking-Inform +bos no , just their phone number and address please eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos kymmoy 's phone number is 01223311911 and the address is 52 mill road city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos now i would like to book a taxi to commute between those two locations . eos O O O O O O O O O O O O O O O O Taxi-Inform +bos sure , i can help you with that . when would you like to leave the park ? 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 'd like to leave at 21:30. i 'll need 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 O Taxi-Request+Car +bos your booking is complete the car type is a blue volkswagen and contact number is 07433449642.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 general-reqmore +bos can you help me find a moderately priced indian 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 the curry prince is nice . do you want reservations ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos if it is in the west part of town , yes . if not can you suggest something else ? 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 the curry prince is n't in the west part of town , but there 's a moderately priced indian restaurant called meghna , would you like to make reservations there ? eos O O B-Restaurant-NoOffer+Name I-Restaurant-NoOffer+Name I-Restaurant-NoOffer+Name O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform +bos yes , i need a reservation on thursday . eos O O O O O O O B-Restaurant-Inform+Day O O N/A +bos i can definitely do that , how many people will be dining and at 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 Booking-Request+People +bos 3 people at 12:15 on thursday eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O N/A +bos you 're all set . your reference number is tzphv671 . eos O O O O O O O O B-Booking-Book+Ref O O O N/A +bos i am also going to need a place to stay - somewhere in the north , i think . eos 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 5 guesthouses in the north ranging from 3 to 4 stars . do you need internet or parking ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos i do n't need parking , but i would like to make sure it is a hotel , not 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 O O N/A +bos there are 2 hotels in the north , ashley hotel and lovell lodge . both are moderately priced , do you have a preference between them ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area 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 Hotel-Select +bos it does n't matter . eos O O O O O O N/A +bos okay if you would like me to book the ashley i would be happy to do so . eos O O O O O O O O O O B-Booking-Inform+Name O O O O O O O O N/A +bos yes 3 people , two nights on thursday . eos O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O N/A +bos booking was successful.reference number is : vde49mal . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a taxi that will 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 N/A +bos where is your departure site ? eos O O O O O O O Taxi-Request+Depart +bos i am departing from the ashley . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos okay i booked a taxi for you . the car type is going to be a blue honda , and the contact number is 07061162285. 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 B-Taxi-Inform+Phone O O N/A +bos that will be it for today . 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 hello , can you help me find information about finches bed and breakfast in cambridge ? 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 N/A +bos finches bed and breakfast is a guesthouse in the west area . it is a 4 star cheap guesthouse that offers free parking and internet . would you like 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 N/A +bos yes please ! i 'd like the reservation to be for 2 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 O N/A +bos alright , the booking was successful , your reference number is : lt8dpu71 . is there 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 O O general-reqmore +bos thanks for your help . have a good day ! eos O O O O O O O O O O O general-thank +bos hope you enjoy your stay , cheers ! eos O O O O O O O O O general-bye +bos i am looking for a train leaving cambridge . i need to arrive by 18:45. eos O O O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive N/A +bos okay and what is your 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 Train-Request+Dest,Train-Request+Day +bos i want to go from bishops stortford to cambridge on sunday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Day O N/A +bos the tr5298 train arrives at 18:07. would you like me to book it ? 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 book for 5people and get me the reference number eos O O O B-Train-Inform+People O O O O O O Train-Request+Ref +bos you are all set the reference number is fh7bxl3f , the 5 tickets will come to 40.4 gbp . eos O O O O O O O O O B-Train-OfferBooked+Ref O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O N/A +bos are there any attractions when we get there ? eos O O O O O O O O O O Attraction-Inform +bos there are many fine attractions in cambridge . if you do n't care about the area , i recommend the botanic gardens in the center of town . eos O O O B-Attraction-Inform+Choice O 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 I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O N/A +bos what about some kind of boating attraction ? eos O O O O O O B-Attraction-Inform+Type O O N/A +bos there are 4 i recommend scudamores punting co it 's located in the centre of town . would that interest you ? eos O O O O O B-Attraction-Inform+Choice B-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 O O O Attraction-Select,general-reqmore +bos sure can you give me the postcode ? eos O O O O O O O O O Attraction-Request+Post +bos sure , it 's cb21rs . eos O O O B-Attraction-Inform+Post O O O N/A +bos thanks , that is all for now . goodbye . eos O O O O O O O O O O O general-bye +bos i 'm glad i could help . enjoy your visit . eos O O O O O O O O O O O O general-bye +bos i am looking for information in cambridge . a a place to dine . eos O O O O O O O O O O O O O O O N/A +bos which side of town and what is the price range ? eos O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos moderately priced , in the centre of town . eos O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos there are 21 great places to choose from . do you have a certain type of restaurant you are looking for ? perhaps italian or european ? 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 B-Restaurant-Select+Food I-Restaurant-Select+Food O O Restaurant-Request+Food +bos i want to eat thai food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are n't any thai restaurants in that price range in the centre of town . would you like to try something else ? eos O O O O B-Restaurant-Inform+Food 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 Restaurant-NoOffer,general-reqmore +bos let me know about your italian restaurants . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos okay , i found two options for you : pizza express and pizza express fen ditton . do either of those appeal to you ? eos 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Restaurant-Select +bos book the one in the centre a table for 2 at 13:45 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 N/A +bos i was able to book your table . your reference number is : osagfn8w . eos 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 will also need a hotel in that same area . please , no guesthouses ! eos 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 3 options for hotels in the centre . there is one 0 star , one 3 star and one 4 star option . which would you prefer ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O Hotel-Select +bos i want the place with 0 stars . eos O O O O O O O B-Hotel-Inform+Stars O N/A +bos cityroomz has a 0 star rating with free internet , but does not provide parking . would you like to make a reservation ? 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 O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , please . for 2 nights . eos O O O O O O B-Hotel-Inform+Stay O O N/A +bos how many people will be staying with you and what day would you like to reserve your hotel room ? 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 +bos two for the same day . i need a taxi to commute between the two places to be sure it arrives by the booked time . 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 room is booked , ref # dosetwfu , and a red audi will pick you up and get you to the restaurant for that reservation . contact number 07840525996. eos O O O O O O B-Booking-Book+Ref O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone O O O O N/A +bos i have the hotel and the taxi already ? eos O O O O B-Hotel-Inform+Type O O O O O N/A +bos yes , that is correct . 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 general-reqmore +bos thanks , those are all i need 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,general-bye +bos you too have a great day eos O O O O O O O N/A +bos thank you so much . eos O O O O O O general-bye +bos i would like to see some attractions in the north , what do you have up there ? 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 what kind would you like to see ? eos O O O O O O O O O Attraction-Request+Type +bos can you recommend an attraction type ? eos O O O O O O O O Attraction-Request+Type +bos there are three types available : boat , park , swimmingpool . eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O N/A +bos let 's go with the park . i 'll need the postcode and phone number , please ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos okay the milton country park post code is cb46az and phone number is 01223420060. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone N/A +bos i am also looking for a train form cambridge to peterborough on wednesday that arrives by 19:15. 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 B-Train-Inform+Arrive N/A +bos the tr8760 will arrive in peterborough at 18:56. does that give you enough time ? eos 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 N/A +bos yes that would be great . can you book that for me for 7 people please . eos O O O O O O O O O O O O O O O O O O N/A +bos i can go ahead and book that for you . eos O O O O O O O O O O O Train-OfferBook +bos thank you . can you tell me the reference number for the train booking please ? eos O O O O O O O O O O O O O O O O O Train-Request+Ref +bos booked ! the fee is 115.5 gbp payable at the station.reference number : qg3869dq . eos 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 great ! thanks very much for your help ! 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 would like a train going to kings lynn . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos the tr3112 will get you there by 05:58. will that work ? eos O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O general-reqmore +bos i do n't want to leave until after 17:30. eos O O O O O O O O B-Train-Inform+Leave O N/A +bos okay , there are many options for you to leave after 17:30 to kings lynn . where are you departing from ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O Train-Request+Depart +bos from cambridge . eos O O B-Train-Inform+Depart O N/A +bos what day will you travel ? eos O O O O O O O Train-Request+Day +bos i 'll be leaving on tuesday eos O O O O O B-Train-Inform+Day O N/A +bos great . there are several 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 O O Train-Request+Leave +bos i would like to leave after 17:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos i can get you a ticket on tr9452 it will arrive by 18:58 , how many tickets please ? eos O O O O O O O O B-Train-OfferBook+Id O O O O B-Train-OfferBook+Arrive O O O O O O Train-Request+People +bos i just need one ticket for myself . can i get a reference number ? 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 9.8 gbp payable at the station . reference number is : e9tvyr9y . you are all set . is there anything more 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 B-Train-OfferBooked+Ref O O 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 in the north with 4 stars and free parking . i would like to book for 2 nights starting sunday . eos 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 B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos 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 . eos O O O O O 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 can you find me 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 certainly , where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart +bos i 'm coming 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 there are 19 train departures fitting this description , they leave every hour on the :40 minute . 5:40 to 23:40. would you like to book one of these ? eos O 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 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 no that is ok i think i have everything i need now . thank you eos O O O O O 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 i would also like information on a restaurant called `` grafton hotel restaurant '' . 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 N/A +bos the grafton hotel restaurant is british and expensive . their phone number is 01223241387 and the address is grafton hotel 619 newmarket road fen ditton . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price 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 can you please book me for table for 8 at 19:30 on the same day eos O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O O N/A +bos booking was successful at grafton hotel restaurant . the table for 8 will be reserved for 15 minutes . your reference number is ue3chdim . would you like help with anything else ? 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+People 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 should be all thank you very much eos O O O O O O O O O O general-thank +bos please enjoy the rest of your day ! eos O O O O O O O O O general-bye +bos can you help me find a train leaving stevenage on thursday ? thanks . eos 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 . what time do you need to be in cambridge ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos i need it to arrive by 13:15. eos O O O O O O O B-Train-Inform+Arrive N/A +bos train tr1163 is leaving at 05:54. would you like me to book you a seat ? eos 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 what is the price ? eos O O O O O O Train-Request+Price +bos it is 12.80 pounds . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos sounds reasonable enough . i 'll book it myself but please find me some places to visit in town 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 looking for a hotel ? eos O O O O O O O O general-reqmore +bos no , looking for a pool in the centre in town . eos O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos parkside pools is located at gonville place in the centre of town . 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 O N/A +bos what 's the address , postcode , and phone number for that place ? 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 parkside pools is located at gonville place , postcode cb11ly . they can be reached at 01223446100. do you need anything other help today ? eos 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 O B-Attraction-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 general-thank +bos you are welcome , enjoy your day . eos O O O O O O O O O general-welcome +bos thanks . enjoy your day too . bye now . eos O O 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 hi ! i 'm really excited about visiting soon and would like to go to a restaurant in the centre that serves european food . can you help me ? 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 O O O O O O O O O N/A +bos there are 8 such places , do you have a price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Price +bos i would like the price range to be moderate . eos O O O O O O O O O O O N/A +bos the galleria meets these requirements , would you like a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform +bos yes , i would like to book a table for 6 people at 19:15 on monday , 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 N/A +bos i was able to book your party of 6 a table at galleria on monday at 19:15 , reference : w53sqqn6 . can i help you further today ? eos O 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 B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos yes , can your recommend any good architecture to look at in the same area ? 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 suggest all saints church . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos that sounds good . can you 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 all saints church is located on jesus lane in postcode cb23pq . can i help you with anything else 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 B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos no that is all . thank you for all of the information . eos O O O O O O O O O O O O O O general-thank +bos you 're welcome . have fun ! eos O O O O O O O O general-welcome,general-bye +bos is the mumford theatre still in operation ? eos O O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O O N/A +bos 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 ? eos O O O O O O O O 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 . that will help alot eos O O O O O O O N/A +bos their phone number is 08451962320. 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 please i am also looking for an expensive restaurant to dine at . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos i have several expensive restaurants available . what type of food would you like ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Food +bos do you have a european option ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos what area do you prefer ? eos O O O O O O O Restaurant-Request+Area +bos i need this to be in the est please . eos O O O O O O O O O O O N/A +bos i 'm sorry , there is n't anything available like that . is there something else you might like ? 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 i 'm sorry i meant to say west before . i am looking for a european place that is expensive in the west . 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 N/A +bos that i can do ! the cambridge lodge restaurant is excellent . can i book you a table ? eos 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 get me its post code eos O O O O O O Restaurant-Request+Post +bos the postcode for the cambridge lodge restaurant is cb30dq . can i help with anything else today ? 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+Post O O O O O O O O O general-reqmore +bos can you book a taxi for me ? i 'd like to leave the restaurant by 03:00 and go to the theatre . 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 N/A +bos i have booked a taxi for you . the contact number is 07892402400 and it will be a white volkswagen . can i help you with anything else ? eos 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 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 i am looking for a place to eat some moderate priced austrian food . eos O O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos sorry , i did n't get any matching results . would you like me to look for other types 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-Request+Food,Restaurant-NoOffer +bos oh , that 's okay . how about a restaurant that serves turkish food ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are two of those . i recommend anatolia . their phone number is 01223362372. eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Phone O O N/A +bos that sounds good , can you reserve for me ? eos O O O O O O O O O O O N/A +bos when would you like the booking made for ? eos O O O O O O O O O O Booking-Request+Day,Booking-Inform +bos for tuesday please . eos O O B-Restaurant-Inform+Day O O N/A +bos what time and for how many people ? eos O O O O O O O O O Booking-Request+People,Booking-Request+Time +bos actually , can i change that to friday . i would need a reservation that day for 7 people at 18:00. 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 O N/A +bos your booking was successful . the table will be reserved for you and your party for 15 minutes . the reference number is xj15ifk8 . 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 N/A +bos do you know of any colleges in the city 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 13 options available . would you like a recommendation ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O general-reqmore +bos yes , please and if i can also get their the 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 is free entry or corpus christi is 2 pounds . there are 3 more options that have free entrance also . eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O N/A +bos i choose corpus christi . may i have their phone number , please ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223338000. may i find anything else for you today ? eos O O O O O B-Attraction-Inform+Phone 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 okay , have a great day ! eos O O O O O O O O general-bye +bos can you tell me what sorts of entertainment are offered in the city center ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos i 'm afraid we do n't have any entertainment attractions in the city centre . can i help you find anything else ? 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 O O O O O O O O O O O general-reqmore +bos what about a museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos yes , there are 11 museums available in that area . would you like me to list several of them out so you can choose ? 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 O general-reqmore +bos never mind . how about colleges ? eos O O O O O B-Attraction-Inform+Type O O N/A +bos i show 13 colleges in the centre area . would you like one that is free or has an entrance fee ? 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-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee O N/A +bos what are the ones with an entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos corpus christi , saint john 's college , and trinity college have an entrance fee . eos O O O O O O 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 O O O O N/A +bos how much is it to get into trinity college ? eos O O O O O O O O O O O N/A +bos the entrance fee is 1 pound . eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos i 'm also looking for an expensive restaurant in that area . i would like to book for 6 people , at 12:00 on thursday . can you help me ? 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+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O N/A +bos what sort of food would you like it to be ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos you choose . book me a table for 6 people at 12: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 sounds good . i have booked a table for 6 at the cambridge chop house on thursday at 12:00. can i help with anything else ? 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 B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O N/A +bos i need the reference number for the reservation . eos O O O O O O O O O O Restaurant-Request+Ref +bos the reference number is 7sfrsrqc . is there anything else ? eos O O O O O B-Restaurant-Inform+Ref O O O O O O N/A +bos no , that 's all for now . thank you so much for helping me plan this ! 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 , 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 i 'm looking for an expensive 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 i have about 9 different options for you . what type of food would you like to dine on ? 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 Restaurant-Request+Food +bos i would prefer caribbean food eos O O O O B-Restaurant-Inform+Food O N/A +bos i 'm so sorry , but we do n't have any caribbean restaurants in that area . would you like a different type of food ? or i could check a different area . 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 O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos do you show any indian restaurants in that area ? eos O O O O O B-Restaurant-Inform+Food O O O O O Attraction-Request+Area +bos yes i have 5 in that area . i would like to suggest cocum . would you like to make reservations ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos that sounds great . there will be 6 of us on sunday for dinner . say , 19:15 ? eos O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O O O O B-Restaurant-Inform+Time O O N/A +bos great ! your table at cocum is booked . your reference number is 1cq2ux5f . do you need help with anything else ? eos O O O O O B-Booking-Book+Name 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 'd also like to visit a museum . eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are 23 museums in cambridge . would you like to visit a museum near your restaurant in the west ? 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+Area O O N/A +bos you can just choose the one you like best please and then tell me its postcode and area 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 +bos cafe jello gallery is in the west area . the post code is cb30af . is there anything else i can help you with ? 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 O B-Attraction-Inform+Post 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 general-thank +bos you are most welcome , enjoy your visit ! eos O O O O O O O O O O general-welcome,general-bye +bos hello , can you help me locate swimming pools on the east side of cambridge ? 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 is one swimming pool called abbey pool and astroturf pitch , located at pool way , whitehill road , off newmarket road . do you need anything else ? eos 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 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 O O O O O O O O general-reqmore +bos please provide its phone number . eos O O O O O O O Attraction-Request+Phone +bos they can be reached at 01223902088 , can i help with anything else ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos yes , please . i would like a restaurant in the same area that serves british food . 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 grafton hotel restaurant serves british food and is in the east . would you like a reservation ? eos 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 B-Restaurant-Recommend+Area O O O O O O O Booking-Inform +bos yes please make a reservation eos 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 'm not sure quite yet . can i please have the phone number and address ? 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 yes , the address is grafton hotel 619 newmarket road fen ditton and the phone number is 01223241387. anything else i can help 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 I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos that takes care of what i needed . thanks . 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 thank you . eos O O O O general-bye +bos hi i 'm looking to find a restaurant named sitar tandoori . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos yes , i can find that for you . what would you like to know about the restaurant ? eos 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 tables available to be reserved for 4 people on saturday night ? eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O N/A +bos yes there is ; would you like me reserve for you ? eos O O O O O O O O O O O O O Booking-Inform +bos yes reserve for 4 people at 19:30 on saturday . eos 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 have booked . reference number is : kfcjhkzx.any ay i can help you further ? 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 im also looking for a museum to visit . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos great ! there are many to choose from ! do you like art ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Type +bos yes , can you recommend a place ? eos O O O O O O O O O N/A +bos there are so many great museums all over the city , what area do you think you would like to go to ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type 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 Attraction-Request+Area +bos does n't matter to me , it 's my folks who want to go . 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 N/A +bos i 'd recommend the cafe jello gallery . it 's located in the west . would you like more information ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore +bos yes , the phone number and entrance fee please . eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos there 's no charge to get in and their phone number is 01223312112. is there anything else i can do for you today ? eos 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 general-reqmore +bos yes , can you arrange a taxi to take us from the gallery 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 O Restaurant-Inform,Taxi-Inform +bos okay , you are all set . look out for a white honda . the contact number is 07655899394. can i assist you any further ? 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 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 have a lovely day , goodbye . eos O O O O O O O O general-bye +bos i have the name of an attraction that i need directions to . eos O O O O O O O O O O O O O O Attraction-Inform +bos okay , what is it called ? eos O O O O O O O O Attraction-Request+Name +bos milton country park is the name . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A +bos milton country park is located in the north of the city . i do not have directions , but their phone number is 01223420060 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 I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O B-Attraction-Inform+Phone O O N/A +bos great , can you help me find a place to eat that serves expensive indian food ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i found several restaurants for you . do you prefer a certain area ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area +bos yes , can your search in the east please ? eos O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos yes , there are two options in the east . pipasha restaurant and sitar tandoori . does either of those sound appealing ? eos O O O O O B-Restaurant-Inform+Choice 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 O O O Restaurant-Select +bos yes can i get the address , postcode , and phone number for sitar tandoori ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos it is in 43 high street cherry hinton cherry hinton , cb19hx and phone number is 01223249955 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 B-Restaurant-Inform+Phone O O N/A +bos the last thing i need is a taxi to pick me up at the milton county park and take me 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 Restaurant-Inform,Taxi-Inform +bos 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 ? eos O O O O 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,Taxi-Request+Leave +bos i 'd like to leave the park at 14:45 please . can you tell me the car type and contact number too 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 O Taxi-Request+Car,Attraction-Request+Type +bos i 've booked you a yellow ford with the following contact number 07007541693. eos 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 . you have been a great help . eos O O O O O O O O O O O general-thank +bos you are so very welcome ! goodbye , and have a great trip ! eos 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 from funky funhouse . eos O O O O O O O O O O O Taxi-Inform +bos where will you be headed to ? eos O O O O O O O O Taxi-Request+Dest +bos i need to go to nusha and i would like to arrive by 04:30 eos O O O O O O B-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Arrive N/A +bos its booked ! it is a blue tesla and the contact number is 07906334474 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 your help , that 's all the help i need today . eos O O O O 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-bye +bos is there a cheap place in the north part of town ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos there are two restaurants that meet your specification . one is italian and the other is indian . which would you prefer ? eos O O O O O O O O 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 Restaurant-Select +bos italian , please . can you give me the address ? eos O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos da vinci pizzeria is in the north part of town their 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 O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos what is the phone number please ? eos O O O O O O O O Restaurant-Request+Phone +bos da vinci pizzeria 's phone number is 01223351707. 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+Phone O O O O O O O O O general-reqmore +bos no that will be it . thank you eos 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 want a moderately priced restaurant in the east part of town . what is the phone number ? eos 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 would you prefer indian food or italian food ? eos O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i do n't care . give me their phone number . eos O O O O O O O O O O O O Restaurant-Request+Phone +bos curry prince is a moderately priced restaurant in the east part of town that serves indian food . would you like the phone number ? 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 I-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O general-reqmore +bos yes give me the phone number . eos O O O O O O O O Restaurant-Request+Phone +bos the phone number for curry prince is 01223 566388. eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos awesome , thank you ! goodbye ! 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,general-bye +bos i would like 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 golden wok is a moderately priced restaurant in the north side of town . 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 N/A +bos what type of food does golden wok serve ? eos O O O O O O O O O O Restaurant-Request+Food +bos the golden wok serves chinese food . would you like more information ? 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 general-reqmore +bos yes what is the address for the business ? eos O O O O O O O O O O Restaurant-Request+Addr +bos they are located at 191 histon road chesterton eos O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos great . i have everything i need , thank you eos O O O O O O O O O O O general-thank +bos you 're welconme eos O O O O general-welcome +bos i want somewhere that serves traditional food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are no traditional restaurants in the city . can i help you with 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 how abou asian oriental food eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos there are 5 restaurants meeting your criteria . what area and price range did you have in mind ? 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+Price,Restaurant-Request+Area +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 dojo noodle bar serves asian oriental food . they are located at 40210 millers yard city centre and their phone number is 01223 363471. eos 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 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 . good bye . eos O O O O O O O general-bye +bos good bye eos O O O general-bye +bos hello , i am looking for an expensive restaurant that serves australian food . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos there are no records matching your request for an expensive restaurant serving australian food . may i help you find 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 Restaurant-NoOffer,general-reqmore +bos what about british food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are six restaurants matching your query . one of them is travellers rest . eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos could i have the phone number for one of the restaurants ? eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos there phone number is 01223352500 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 thanks , goodbye . eos O O O O O general-bye +bos thank you , goodbye . eos O O O O O O general-bye +bos i am wanting an expensive restaurant that offers african food . what is their number ? eos 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 where are you located ? i see two that might work but id like to offer the closest . 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 do not care about the area of town . eos O O O O O O O O O O O N/A +bos bedouin is an expensive african restaurant in the city centre . eos 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 O N/A +bos that sounds good , what is their number so that i can ring them ? eos O O O O O O O O O O O O O O O O N/A +bos their phone number is 01223 367660. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos great ! thank you . good bye . eos 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 need to find an expensive restauant that 's in the south section 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 O O N/A +bos there are several restaurants in the south part of town that serve expensive food . do you have a cuisine preference ? 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 B-Restaurant-Inform+Price O O O O O O O O O Restaurant-Request+Food +bos no i do n't care about the type of cuisine . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos chiquito restaurant bar is a mexican restaurant located in the south part of town . 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos what is their address ? eos O O O O O O Restaurant-Request+Addr +bos there address is 2g cambridge leisure park cherry hinton road cherry hinton , it 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 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 what is the food type they serve ? eos O O O O O O O O O N/A +bos they serve mexican food . eos O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos nope , that 's what i was looking for . thanks a lot ! eos O O O O O O O O O O O O O O O general-thank +bos thank you very much for using the cambridge restaurant system . eos O O O O O O O O O O O O general-greet +bos i am looking for a restaurant that is moderately priced and serves cantonese food . eos 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 there are no restaurants that serve cantonese food in the moderate price range . eos O O O O O O O O O O O O O O O Restaurant-NoOffer +bos how about chinese type of food ? eos O O O B-Restaurant-Inform+Food O O O O N/A +bos the golden wok serves chinese food 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 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 O general-reqmore +bos their phone number please . eos O O O O O O Restaurant-Request+Phone +bos their phone number is 01223 350688. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos what is the area ? eos 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos thank you for your help . good bye . eos O O O O O O O O O O general-bye +bos goodbye . eos O O O 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 O O 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 O O O B-Train-Inform+Leave 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 O O O O O O O O B-Train-OfferBooked+Ref O O O O N/A +bos great , thank you ! i 'm also looking for a guesthouse that includes free parking . can you help out ? 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 absolutely . there are 21 guesthouses that have free parking , could you tell me which area you would like to stay in ? 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 O O O O O O Hotel-Request+Area,Hotel-Inform+Parking +bos i am not picky about the area . i prefer the moderate price range and a 4-star rating , please . eos 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 which area would you prefer north , south , or east ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos i really do n't care about the area , can you just suggest one for me ? 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 acorn guest house , its moderately priced located in the north ? eos 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 O O O B-Hotel-Inform+Area O O N/A +bos yes please book the acorn guest house . also could you give me the address for the hotel . 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 Hotel-Request+Addr +bos 154 chesterton road . would you like a reservation ? eos O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O Booking-Inform +bos no thank you . i just needed the address . thanks for your help . eos O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos you are welcome enjoy . eos O O O O O O general-welcome +bos i 'm so tired . really need a place to lay my head for the nights . can you find me some 3-star lodgings somewhere in the south ? 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 B-Hotel-Inform+Area O O O O N/A +bos absolutely ! there is the bridge guest house which is moderately priced and the lensfield hotel which is more expensive . they are both 3-star establishments in the south . 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O general-greet +bos does the lensfield hotel include parking ? eos O O O O O O O O Hotel-Inform +bos yes , it does include parking . 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 Booking-Inform,Hotel-Inform+Parking +bos yes please book that for 6 people starting thursday for 5 nights ? i need the reference number as well . eos 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 N/A +bos your rooms for 6 have been reserved at the lensfield hotel . reference number : p00b5c1r . can i help you with anything else today ? eos O O O O O B-Booking-Book+People O O O O B-Booking-Book+Name I-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 yes please , i need a trains going to london liverpool street . eos 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 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 leaving cambridge on tuesday and need to arrive by 13:15. eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day I-Train-Inform+Day O O O O B-Train-Inform+Arrive O N/A +bos i 've booked 6 tickets for you . the total is 99.6 gbp and your reference number is vzx1qagn . can i help you with anything else today ? eos O O O O B-Train-OfferBooked+People 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 O O O O O O O O O general-reqmore +bos no , that seems to be everything . thank you . eos O O O O O O O O O O O O general-thank +bos perfect . have a great day . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos i 'd like to find a moderately priced chinese restaurant . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos golden wok is a moderately priced chinese restaurant in north . eos O B-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 B-Restaurant-Inform+Area O N/A +bos can you give me the address , phone number , and area code ? eos O 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 at 191 histon road chesterton , post code c.b 4 , 3 h.l . the phone number is 01223 350688. 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 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 very much for the address of the golden wok ! eos O O O O O O O O O O O O O Restaurant-Request+Addr +bos you 're welcome . good bye ! eos O O O O O O O O general-welcome,general-bye +bos send a taxi to the parkside police station to go to little seoul eos 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 N/A +bos do you have a frame of time you would like to arrive or leave in ? 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 gt there by 6:30. eos O O O O O O O O O N/A +bos booking completed ! booked car type : black lexuscontact number : 07080991212 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 how do i locate the closest police station ? eos O O O O O O O O O O Police-Inform +bos the closest station is at parkside , cambridge , in the postal code cb11jg . eos O O O O O O O O O O O O O O O O N/A +bos thank you so much . could you also provide me with the phone number ? eos O O O O O O O O O O O O O O O O Police-Request+Phone +bos their phone 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 N/A +bos no , that 's all that i need . thank you very much . eos O O O O O O O O O O O O O O O general-thank +bos thank for inquiring with us eos O O O O O O general-bye +bos can i find the nearest police station eos O O O O O O O O Police-Inform +bos hello . you can reach them at 01223358966 , and they are in parkside , postcode cb11jg . 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 O O O O O O N/A +bos can you give me the address ? eos O O O O O O O O Police-Request+Addr +bos the full address is parkside , cambridge . may i help you further ? eos O O O O O O O O O O O O O O O N/A +bos no , that 's good , thanks . eos O O O O O O O O O general-thank +bos great , i 'm glad i could help . if you think of anything else you need 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 O general-bye +bos i am looking for the nearest police station eos O O O O O O O O O Police-Inform +bos the nearest police station is in parkside cambridge , the telephone number is 01223358966. eos O O O O 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 take care . eos O O O O O general-bye +bos thank you for your help eos 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 the addenbrookes hospital . the hospital should have the paediatric clinic department eos O 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 telephone for the paediatric clinic at addenbrookes hospital is 01223348313. the hospital address is hills rd , cambridge , postcode 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 thank you . that was all i needed . eos O O O O O O O O O O general-thank +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-bye +bos i 'm looking for a restaurant in the south that serves international 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 unfortunately , i was unable to find a restaurant in the south that serves international cuisine . is there another type of cuisine that would interest you ? eos O O O O O O O O O O O B-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 Restaurant-Request+Food +bos no , i really need a restaurant in the south that serves international food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos there is international food in the east and centre of town . the south has many cuisines but no international food . eos 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 B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O N/A +bos are there any restaurants in the south that serve indian food ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A +bos taj tandoori is a indian place that is in the south . the number is 01223412299. eos O 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 B-Restaurant-Inform+Phone O N/A +bos will you please book a table for 4 people at 16:15 on wednesday ? eos O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O N/A +bos unfortunately , the time and day you 've chosen is unavailable . would you like to book 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos we can go earlier . how about 15:15 , please ? eos O O O O O O O B-Restaurant-Inform+Time O O O O N/A +bos booking was successful for 15:15. the table will be reserved for 15 minutes . your reference number is xqa73lql . anything else ? eos O O O O O B-Booking-Book+Time O O O O O O O O O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos great , that was all . thanks 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-welcome,general-bye +bos hello , i need a hospital please and make sure it has a medical decisions unit , if you will . eos 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 N/A +bos addenbrookes hospital has a medical decisions unit . it is at hills rd , cambridge . eos O O O O O O O O O O O O O O O O O N/A +bos thank you . can you please let me know their phone number ? eos O O O O O O O O O O O O O O Hospital-Request+Phone +bos the medical decisions department can be reached at 01223596066. eos 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 O N/A +bos thank you for your help eos O O O O O O general-thank +bos you 're very welcome . will there be anything else ? eos 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 O general-thank +bos you are welcome . 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 to stay at a 4 star hotel eos O O O O O O O O B-Hotel-Inform+Stars O N/A +bos there are 33 hotels that satisfy your request are you looking for a specific 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 i need a place in the east with free wifi . eos O O O O O O O O O O O O N/A +bos i am recommending the acorn guest house eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos okay that sounds good . let 's book it for just me , and i am planning to stay 4 nights beginning thursday . eos O 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 N/A +bos i apologize , but the hotel is n't available during that time frame . eos O O O O O O O O O O O O O O O Booking-NoBook +bos could you please try one night eos O O O O O O O N/A +bos booking was successful.reference number is : 8dw9yafr . 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 your 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 general-welcome,general-reqmore +bos nope that was all i needed today . thanks ! take care ! eos O 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 was in a car accident and have a dispute with the other driver so please contact the police and tell them i need 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 Police-Inform +bos the cops are on the way . what is your location ? is anyone hurt ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos no , i just need 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 thank you much , goodbye . eos O O O O O O O general-bye +bos 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 . eos O O O O O 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 can you point me to the nearest police station ? eos O O O O O O O O O O O Police-Inform +bos please call the parkside police station at 01223358966. they will be able to assist 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 your help . 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 general-reqmore +bos thanks , that 's all . good bye . eos 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 '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 i have guesthouses in all parts of the city from cheap to moderately priced . do you have more preferences ? eos 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 I-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O N/A +bos yes please , i 'd like it to be in the cheap price range and i 'd also like to stay at a 4 star location . 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+Stars O O O O O N/A +bos finches bed and breakfast is a guesthouse in the west , it 's in the cheap price range with 4 stars . would you like to reserve 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 O O B-Hotel-Inform+Area 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 Booking-Inform +bos please just give me the address , phone number , and area . eos O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Phone,Hotel-Request+Addr +bos i can certainly provide you with that . finches is located in the west at 144 thornton road . their phone number is 01223276653. can i book you a room ? eos O O O O O O O O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Area 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 Booking-Inform +bos no , i 'm also looking for some attractions in town . any multiple sports attractions located around 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 unfortunately i can not find any multiple sports place in the center . do you want to try museum maybe ? eos O 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 B-Attraction-Select+Type I-Attraction-Select+Type O O O N/A +bos well , can i try swimming pool maybe ? i 'm really sporty ! eos O O O O O O O O O O O O O O O N/A +bos i found one . there is the parkside pool in the center . is there anything else i can help ? eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore +bos yes . can you please give me their 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 their phone number is 01223446100 and postcode is cb11ly . do you need anything else ? eos O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O O O O O general-reqmore +bos you have been super helpful . thanks that 's all i need . 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 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 i just need to get there by 21:30. eos O O O O O O O O O N/A +bos okay i have a train would you like a ticket to hogwarts ? eos O O O O O O O O O O O O B-Booking-Inform+Name O Train-OfferBooked +bos to peterborough , please , for 4 people . i need to arrive by 21:30. eos O O B-Train-Inform+Dest O O O B-Train-Inform+People O O O O O B-Train-Inform+Arrive O O O N/A +bos i have booked it and the reference is gkjebzn9 . eos O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thanks , i also need a place to stay in cambridge . i do n't care about free 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 N/A +bos there are so many places . which side do you prefer ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area +bos i would like to stay in the south please . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos rosa 's bed and breakfast is a 4 star guesthouse in the south part of town in the cheap price range including 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 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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos thank you . what is the postcode ? eos O O O O O O O O O Hotel-Request+Post +bos the post code is cb22ha . can i assist you with anything else ? eos O O O O O O B-Hotel-Inform+Post 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 it was a pleasure assisting you today . good-bye . eos O O O O O O O O O O O general-bye +bos i need a train to broxbourne . eos O O O O O O B-Train-Inform+Dest O N/A +bos there are many trains available . will you be traveling on a certain day or at a specific time ? 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 Train-Request+Leave,Train-Request+Day +bos i 'll need to travel on sunday , from cambridge to broxbourne , and i 'd like to arrive by 10:15 please . eos 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 O B-Train-Inform+Arrive O O O O O O N/A +bos tr4249 leaves at 06:01 and arrives at 07:01 giving you plenty of time . 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 O O O O O O Train-OfferBook +bos yes please . i need to book it for 7 people . can i please get the reference number after it 's booked ? 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 N/A +bos i have it booked for you . the total fee is 100.24 gbp and the reference number is jixsct7d . is there anything else i can help you with ? 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 general-reqmore +bos yes , i need a cheap place to stay . eos O O O O O B-Hotel-Inform+Price O O O O O N/A +bos do you have a preference for the area , stars , internet or parking ? eos O O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet +bos i want it to have star of 4 , and include free wifi . it does n't need to 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 does location matter ? the alexander is a popular choice in the center , but rosa 's is a favorite in the south . 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 O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O Hotel-Request+Area +bos no , the location is flexible . can you tell me if rosa 's offers free parking or wifi or both ? 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 yes , rosa 's bed and breakfast provides free parking . would you like me to book that for your ? 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 Booking-Inform,Hotel-Inform+Parking +bos yes i need it for friday for two nights for 7 people please . i will also need the reference number . eos 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 N/A +bos all set- your reference number is 9zld8y9e . 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 no thank you . that is all . have a good night . goodbye eos O O O O O O O O O O O O O O O general-bye +bos goodbye , and you 're welcome eos O O O O O O O general-welcome,general-bye +bos i 'm looking for something fun in town , can you help ? eos O O O O O O O O O O O O O O N/A +bos there are 79 attractions in cambridge . do you have any preferences in terms of type of attraction or area of town ? 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+Area,Attraction-Request+Type +bos i would like information on colleges to visit . i need the area , 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+Area,Attraction-Request+Fee,Attraction-Request+Addr +bos what area of town would you like to visit this college ? eos O O O O O O O O O O O B-Attraction-Inform+Type O Attraction-Request+Area +bos pick one that you like and that one will work great . i will just need the address , 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 O Attraction-Request+Area,Attraction-Request+Fee,Attraction-Request+Addr +bos queens ' college is a great college in the west . it is located on silver street . their entrance fee is 2.50 pounds . is there anything else i can help you with ? eos O B-Attraction-Inform+Name B-Attraction-Inform+Type 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 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 also need a place to dine in the centre . something expensive . eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price 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 really do n't have a preference but it needs to in the expensive price range 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 midsummer house restaurant is a nice british restaurant , would you like me to book a table for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O Booking-Inform +bos yes and find me a contact number for a car , and its type . it should be at the restaurant at 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 Restaurant-Inform +bos there is no car what are you referring . eos O O O O O O O O O O general-reqmore +bos i need a rental car is what i mean eos O O O O O O O O O O N/A +bos we never actually made that restaurant reservation . do you want to take care of it now ? i 'll need to know when you want to eat 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 O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day,Booking-Inform +bos expensive for 2 at 16:30 monday , if not then book it for sunday and i need the conf # too eos O B-Restaurant-Inform+Price O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day 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 : ebp8rc1v . the table will be reserved for 15 minutes . would you also like a taxi ? 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 O O O general-reqmore +bos yes i need one to take me to the restaurant before my booked time . eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos a yellow lexus has been booked for you . the contact is 07695267367 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 thank you that 's all i need today . eos O O O O O O O O O O general-thank +bos it was my pleasure to help . good day . eos O O O O O O O O O O O general-welcome,general-bye +bos can you help me find a moderately priced indian restaurant ? eos O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos curry prince is available , would you like to try that ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Restaurant-Select +bos that sounds good . where is it located ? i was looking for somewhere 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 N/A +bos curry prince is located in the east section of town ! what day and time can i make your reservations for ? 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 O O O Booking-Request+Day,Booking-Request+Time +bos i think i would just like to get the postcode , address and phone number to contact them myself . 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 sure ! the postcode is cb58jj , address is 451 newmarket road fen ditton and the phone # is 01223566388. enjoy your dining experience ! eos O 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 O O O O B-Restaurant-Inform+Phone O O O O O O O general-greet +bos thanks you , im think of doing something after i eat , are there any good entertainment places in the east area ? 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 yes , there are quite a few good places . was there a certain type of entertainment you were interested in ? 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 Attraction-Request+Type +bos the attraction type is entertainment , in the east area , please . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O N/A +bos i found two attractions that match your request : cherry hinton hall and grounds and funky fun house . eos O O O O B-Attraction-Inform+Choice 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 N/A +bos cherry hinton hall sounds good can i get the phone number , address , and postcode . 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 O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos the cherry hinton hall and grounds is on cherry hinton road . their phone number is 01223446104 and the postcode is cb18dw . 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+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 N/A +bos thank you . i will also need a taxi between the two places that leaves the restaurant by 09:15. eos 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 booking completed ! booked car type : red skodacontact number : 07396377066can i help you with anything else ? 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 O O O O general-reqmore +bos nope , that 's it . thank you . bye now eos O O O O O O O O O O O O general-bye +bos good bye , enjoy your stay in cambridge . eos O O O O O O O O O O general-bye +bos i am looking for a theatre in the centre town please . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos there are four theaters in centre eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area N/A +bos oh ? which one is the best ? how much is their entrance fee ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i do not know the entrance fee for any of the 4 theatres . is there anything else i can help you with ? 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+Choice O O O O O O O O O O O general-reqmore +bos can you give me the name of the theatre you think is best along with the postcode for 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+Post +bos i really enjoy the mumford theatre on east road . the postcode is cb11pt . can i get any other information for you ? 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 B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos i really need to know the entrance fee . what would be the best way to figure that out ? 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 you could try calling to get the fee . the phone number for mumford theatre is 08451962320. i hope this helps ! eos O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O N/A +bos it does , thanks . can you tell me about a hotel called the warkworth 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 O N/A +bos i sure can . they are a guesthouse in the east . they are moderately priced and 4-star rated . they also offer free internet and free parking . can i help book a room ? eos O O 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 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 +bos yes i would like to book it for 3 nights starting on wednesday for 4. eos O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O B-Hotel-Inform+People N/A +bos i have made the reservation for you . the confirmation number is yygzqrjr . they will expect you on wednesday . is there anything else i can get 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 B-Booking-Book+Day O O O O O O O O O O O general-reqmore +bos yeah . i also need a taxi to go between the theatre and the hotel . i want to leave the theatre by 10:15 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 N/A +bos okay , a grey audi will pick you up at 10:15 at the theatre . the contact number is 07998086698. eos 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 O O O B-Taxi-Inform+Phone O O N/A +bos awesome . that 's all i need . eos O O O O O O O O O N/A +bos great ! thank you for contacting us . 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 place to stay in the centre of cambridge with free wifi . eos O O O O O O O O O O O O O O O O N/A +bos there are many places located in cambridge that meet your criteria . do you mind narrowing your search preferences ? 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 O O O O O O O Hotel-Select +bos yes i need a hotel in the east and 2 stars with free wifi . eos O O B-Hotel-Inform+Internet O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O N/A +bos the express by holiday inn cambridge is the only options fitting your preferences . would you like me to reserve 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 O O O O Booking-Inform +bos i would like to book it 3 nights for one person starting on thursday eos O O O O O O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Day N/A +bos you are booked for express by holiday inn for 3 nights starting thursday night . your reference number is lehr9zyq . 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 I-Booking-Book+Name O O B-Booking-Book+Stay O B-Booking-Book+Day I-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 are there any multiple sports attractions in the centre area ? eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos unfortunately , no . are there any other attractions you are interested in ? eos O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-NoOffer +bos oh no , ok. what about a college ? eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos there are more than a few colleges in that area - would you like to avoid the ones with entrance fees ? eos O 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 general-reqmore +bos sure . could you give me the postcode and phone number of a free one ? 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 emmanuel college is located at saint andrew 's street , postcode cb23ap , phone 01223334200. can i help with anything else ? 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 B-Attraction-Inform+Post O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos great can i also get a taxi between the hotel and emmanuel college ? i want to leave the attraction by 19:15 please . eos O O O O O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Depart B-Attraction-Inform+Type O O O O O O O B-Taxi-Inform+Leave O O O N/A +bos i 've successfully booked a taxi leaving emmanuel college at 19:15 -- it 'll be a grey lexus . the contact number is 07103614017 if you have any issues . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Arrive I-Taxi-Inform+Arrive 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 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 our service . 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-bye +bos yes thank you so much . eos O O O O O O O general-thank +bos you are welcome , if you need anything else , just contact us we are always 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 general-welcome +bos please help me make a taxi reservation eos O O O O O O O O Taxi-Inform +bos sure ! where is your departure site ? eos O O O O O O O O O Taxi-Request+Depart +bos i want to depart from the riverside brasserie . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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,general-welcome +bos it does n't matter , just so i arrive by 18:15. eos O O O O O O O O O B-Taxi-Inform+Arrive 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,general-welcome +bos i want to go to the shanghai family restaurant . and i need the car type and contact number please . eos 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 O Taxi-Request+Car +bos okay , i have a black bmw for you with the contact number 07678946250. 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 B-Taxi-Inform+Phone 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 O general-thank +bos you 're welcome , have a wonderful time ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'm involved in a minor traffic accident , and the other driver is n't being very cooperative . eos O O O O O O O O O O O O O O O O O O O O N/A +bos oh dear i am sorry to hear that . i can get you the phone number for parkside police station if 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 general-reqmore +bos yes , please . i need the address , postcode too . eos O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos the phone number is 01223358966 and they are located at parkside , cambridge cb11jg . eos O O O O O O O O O O O O O O O O N/A +bos thank you so much for your help . bye now . eos O O 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-welcome +bos i am looking for a restaurant called hk fusion . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos would you like a reservation ? eos O O O O O O O Booking-Inform +bos yes , i would love a reservation for tuesday for 3 people at 19:15 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 your booking is taken care of , your reference number is amf28nf1 . may i help 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 wonderful . yes , can you also help me find a cool place to check out in the west ? 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 absolutely . there are some wonderful attractions in that area . would you like something free ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A +bos sure thing . and could i get the postcode for it too ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos i would recommend the museum of classical archaeology the post code is cb39da . would you like a reservation ? 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 B-Attraction-Recommend+Post O O O O O O O Booking-Inform +bos i would like a booking and the reference number . eos O O O O O O O O O O O Restaurant-Request+Ref +bos how many tickets do you need ? eos O O O O O O O O general-reqmore +bos 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 . eos O O O O O O O O O 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 if you want tickets to the museum , i suggest calling because my system can not book tickets there . however , i did book you a red honda taxi . contact # 07125574680 eos O 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+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O O 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 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 can you tell me where the nearest police station is to me ? eos O O O O O O O O O O O O O O Police-Inform +bos it is the parkside police station located at parkside , cambridge . eos O O O O O O O O O O O O O N/A +bos great , can you give me the post code and actual address ? eos O O O O O O O O O O O O O O Police-Request+Post +bos the postcode is cb11jg and the address i have on file is just 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 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 thank you for contacting us . 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 O O general-reqmore +bos i would like to come visit cambridge and need a train . eos O O O O O O O B-Train-Inform+Dest 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 am leaving from birmingham new street and want to leave on tuesday . 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+Day O N/A +bos sure , is there a particular time you 'd like to either arrive or leave by ? eos 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 a train that will leave after 12:15 please . eos O O O O O O O O O B-Train-Inform+Leave O O N/A +bos tr0734 leaves at 12:40 , would that be okay ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O Train-Select +bos yes , can you please make a booking for 4 people ? eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos okay , i 've done that for you . your reference number is g1zzibbd eos O O O 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 hotel called cityroomz . eos O O O O O O O O O O B-Hotel-Inform+Name O O O N/A +bos i 've found cityroomz . would you like a room booked ? eos O O O B-Hotel-Inform+Name O O O O O O O O O Booking-Inform +bos yes , please book the room for 4 people and 4 nights starting from tuesday . eos 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 your cityroomz reservation has been made and your reference number is 0r3345ms . can i help you with anything else ? eos O O B-Booking-Book+Name 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 thank you eos 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 hi , i 'm traveling to cambridge and i 'm excited about tourist attractions . i 'm looking for theatres 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 O O O O N/A +bos i have many . may i suggest either the cambridge arts theater or mumford theater ? eos O O O B-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 N/A +bos mumford theater sounds great . may i have their address and entrance fee , 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 unfortunately i am unable to find information on the entrance fee but the address is anglia ruskin enterprise , east road . their phone number is 08451962320 eos O O O O O O O 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 , thank you . i 'm also looking for a particular hotel . it 's called the bridge guest house , could you help me find it ? 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 N/A +bos sure . the bridge guest house is at 151 hills road . did you need any other assistance ? 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 O O O O O O O O general-reqmore +bos can i please get their phone number as well ? that 's all i 'll need for the day . 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 bridge guest house phone number is 01223247942. can i help you with anything else ? 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 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 are very welcome , anytime . eos O O O O O O O O general-welcome +bos i am looking for the nearest police station eos O O O O O O O O O Police-Inform +bos that would be the parkside police station . you can reach them at phone number 01223358966. 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 full mailing address for that location ? eos O O O O O O O O O O O O Police-Request+Addr +bos the address is parkside , cambridge . 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 N/A +bos yes i need their postcode also . eos O O O O O O O O Police-Request+Post +bos postcode : cb11jg is their postcode eos O O O O O O O N/A +bos thank you . i will call them . eos O O O O O O O O O general-thank +bos you 're welcome . call us again and have a wonderful afternoon . 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 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-greet +bos help me arrange for a taxi to tandoori palace eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos alright . 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 'd like to leave after 16:30 , please . eos O O O O O O B-Taxi-Inform+Leave O O O O N/A +bos booking is done . your car is a white tesla and contact number is 072411211316 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 great . that 's all for today . thanks eos 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 am looking for a fun theatre to visit while i am in cambridge . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos i have the adc theatre on park street and they are located in the centre . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Area O N/A +bos awesome . is there an entrance fee at adc theatre ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos it seems that the adc theatre does not have it 's entrance fee posted to the public . i 'm sorry about that . did you want information about something else ? eos O O O O O O B-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 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 general-reqmore +bos i 'm also looking for a train leaving from london kings cross after 13:30. 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 N/A +bos there multiple trains leaving london kings cross after 13:30. is there a more specific time you would like to leave ? eos O O B-Train-Inform+Choice 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 Train-Request+Leave,Train-Request+Arrive +bos i just need to leave anytime after 13:30 and go to cambridge on wednesday . eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos tr0397 leaves at 15:17 heading to cambridge would you like this ? eos O O O B-Train-Inform+Id B-Train-Inform+Leave O O B-Train-Inform+Dest O O O O O Train-OfferBook +bos what time does that arrive in cambridge ? eos O O O O O O O O O Train-Request+Arrive +bos tr0397 arrives at 16:08. would you like me to book ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos no thats alright , thanks for the info eos O O O O O O O O O general-thank +bos is there anything else i may help you with today ? eos O O O O O O O O O O O O general-reqmore +bos yes , what is the travel time in duration ? eos O O O O O O O O O O O Train-Request+Duration +bos the duration of the trip is 51 minutes . is there anything else i may help you with today ? 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 general-reqmore +bos that 's all i needed , thanks . have a good 'un ! eos O O O O O O O O O O O O O O general-thank +bos no problem ! 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 general-bye +bos i am looking for places to go in a boat in the cambridge area . can you help me ? 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 N/A +bos sure , we have 4 different boat attractions here in cambridge . what part of town will you be in ? eos 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 O O O O O Attraction-Request+Area +bos any part of town would be fine , can i just get the postcode of one ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos absolutely . the postcode for camboats is cb58sx , located east of cambridge . eos O O O O O B-Attraction-Inform+Name O B-Attraction-Inform+Post O B-Attraction-Inform+Area O O O O O N/A +bos i 'm also looking for a train leaving from cambridge and arriving by 15:15. 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 where are you traveling to please ? eos O O O O O O O O Train-Request+Dest +bos i would like to go to peterborough . eos O O O O O O O B-Train-Inform+Dest O N/A +bos awesome . and for what day will that be for ? eos O O O O O O O O O O O O Train-Request+Day +bos traveling to peterborough will be on monday . eos O O O O O O O O O N/A +bos tr2586 arrives by 14:56. would you like to book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos can you tell me the departure time as well as the travel time of the 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 the train leaves at 14:06 and will arrive at the destination in 50 minutes eos O O O O O B-Train-Inform+Leave O O O O O O O O B-Train-Inform+Time N/A +bos great . thank you very much . that is all i need for now . eos 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-bye +bos i 'm looking for entertainment places in the centre of town . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O N/A +bos i apologize there are currently no entertainment places in this area . i would be more than happen to look in another area or other attraction types . 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 O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos how about a cinema ? eos O O O O B-Attraction-Inform+Type O N/A +bos yes , the vue cinema is in the center of town . would you like their address or phone number ? eos O 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 O O O O O O O O O O O general-reqmore +bos yes please , i would like the address , postcode , 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+Addr +bos the address is the grafton centre , east road . the phone number is 08712240240. the postcode is cb11ps . 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 B-Attraction-Inform+Post O O O N/A +bos i am also looking for a train that will go to peterborough and leave on a sunday . can you locate one for me ? 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 O O O O O N/A +bos i have 38 trains travelling to peterborough on sunday . could you be more specific on where you are departing from and when would you like to arrive ? 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 O O O O O O O O Train-Request+Arrive,Train-Request+Depart +bos the train should leave after 13:45 and should depart from cambridge . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Depart O N/A +bos i have 20 trains that meet this criteria . is there a particular time that you would 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 O O O O O O Train-Request+Arrive +bos as early as possible , but still departing after 13:45. eos O O O O O O O O O B-Train-Inform+Leave O N/A +bos the earliest train would leave at 14:06 and arrive at 14:56. would you like me to make a reservation ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice 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 Train-OfferBook +bos that will work , can you please give me the train id , price , 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 the train id is tr0283 , the price is 13.20 pounds and the travel time is 50 minutes . eos O 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 B-Train-Inform+Time I-Train-Inform+Time O N/A +bos great . 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-welcome,general-bye +bos i need train reservations from cambridge to stevenage eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest N/A +bos i have located several trains departing cambridge and arriving in stevenage . to help narrow the search , do you have a particular day and time you want to leave ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart 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+Leave,Train-Request+Day +bos yes , i need to leave on monday and arrive in stevenage by 16:30 please . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A +bos tr2045 will arrive by 16:10 in stevenage , would you like to book a ticket ? eos O B-Train-Inform+Id I-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 yes , please make a booking for 7 people . eos O O O O O O O O B-Train-Inform+People O O N/A +bos your booking was successful ! the total fee will be 89.6 gbp and it is payable at the station . the reference number is 60h70lqf . 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 O B-Train-OfferBooked+Ref O O O N/A +bos can you also recommend a park for me to visit ? eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i can . i would personally recommend milton country park . it 's free to visit and located in the north . 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 B-Attraction-Recommend+Fee O O O O O O B-Attraction-Recommend+Area O O O N/A +bos that sounds great , what is the entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos it is free ! would you like the address or number ? eos O O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos holy moly ! no , thanks , that 's everything i needed today . eos O O O O O O O O O O O O O O O general-thank +bos so glad we could help . thank you for using 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-bye +bos i was wondering if there is a french restaurant here in cambridge ? eos O O O O O O O O O O O O O O Restaurant-Inform +bos i 'm sorry , but 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 O N/A +bos yes , i 'm looking for 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 O N/A +bos there are 11 museums in the centre area . there is cambridge contemporary art . is that acceptable , or do you have other criteria ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 general-reqmore +bos that sounds interesting . what is the entrance fee for the museum ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos that is free to enter . eos O O O B-Attraction-Inform+Fee O O O N/A +bos i 'm also looking for a train to london kings cross . eos 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 there are plenty of trains that will take you to london kings cross . may i ask what day and time you would like to take this train ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice 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 O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive +bos i want to leave thursday and arrive by 16:00 eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos i see . tr5266 arrives by 15:51. will that be sufficient ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O Train-Select +bos i think so . can you give me the travel time and price for tr5266 ? 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 train departs at 15:00 and the price is 23.60 pounds . eos 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 N/A +bos great , thank you , i think that 's all i need . eos O O O O O O O O O O O O O O general-thank +bos alright then . have a wonderful day . eos O O O O O O O O O general-greet +bos hello i want to see some authentic architectures in cambridge ! eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there is plenty of architectural churches in the centre . would you like their addresses ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos please . could you also provide their phone number and entrance fees ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos holy trinity church is in the centre of town their number is 01223355397 and they have a free entrance fee . eos 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 B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee O O O N/A +bos okay . wonderful . may i have the exact address as well ? also i need help finding a train to go to stansted airport that will arrive by 18:00. 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 O B-Train-Inform+Arrive O O O Attraction-Request+Addr +bos the holy trinity church 's address is market street , postcode cb23nz . there are many trains arriving in stansted airport by 18:00. would you like to narrow your search further ? eos 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 B-Attraction-Inform+Post O O B-Train-Inform+Choice I-Train-Inform+Choice 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 O O general-reqmore +bos yes . i would like a direct , nonstop train . eos O O O O O O O O O O O O Train-Inform +bos what day and time do you want to leave ? eos O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i would like to leave from cambridge on friday . i need to arrive by 18:00. eos O O O O O O O O O O O O O O O O O N/A +bos there is a direct , 28 minute train from cambridge to stansted that leaves at 14:40 and arrives at 15:08. all other trains arrive after 16:00. would you like me to book this ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Arrive I-Train-Inform+Arrive 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 great ! i have you booked for four tickets on train tr1316 with a total fee of 40.4 gbp . your reference number is efge9m7z . anything else ? eos O O O O O O O O B-Train-OfferBooked+People 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 B-Train-OfferBooked+Ref O O O O general-greet,general-reqmore +bos no , thank you . eos O O O O O O general-thank +bos have a great day ! eos O O O O O O N/A +bos thank you . you too ! eos O O O O O O O general-thank +bos it 's been my pleasure to assist you . eos O O O O O O O O O O general-greet +bos i need to find a train that goes to london kings cross from cambridge please . 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+Depart O O N/A +bos what day would you like to travel and when would you want to leave ? eos O O 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 thursday after 17:30. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos the earliest departure i have for thursday from cambridge to london kings cross leaves at 19:00. will this suit you ? 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 O B-Train-Inform+Leave O O O O O N/A +bos yes , that will work . can you book me for five people please . 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 118 gbp payable at the station . your reference number is z5qw0890 . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos yes . i would like help in locating a place to go in town . a college 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+Type O O B-Attraction-Inform+Area O O O O O O N/A +bos there are no colleges in the east area of town . would you like to check a different area or different type of attraction ? 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 O O O O Attraction-Request+Area,Attraction-Request+Type +bos yes , are there any museums in the east area ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos 4 museums located in the east area . cambridge artworks , cambridge museum of technology , gallery at twelve a high street , and saint barnabas press gallery . do any interest you ? eos 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 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 N/A +bos yes could i have the address , telephone number and postcode of the cambridge museum of technology ? 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 they are located at the old pumping station , cheddars lane cb58ld phone number 01223368650 eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O B-Attraction-Inform+Phone 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 have a great day . eos O O O O O O general-bye +bos are there any colleges i can visit in the center of town ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos there are 13 options . ten of these colleges are free to enter . eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Type O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos great ! i 'll take any of the free ones you have , but can i please have the phone number and the postcode 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 Attraction-Request+Post,Attraction-Request+Phone +bos how about pembroke college ? it 's number is 01223331100 and post code is cb21st eos O O 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 N/A +bos i also need a train to cambridge , arrive by 21: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 ? eos O O O O O O O Train-Request+Depart +bos i 'm departing from birmingham new street , and need to leave on monday . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Day O O O N/A +bos the closest arrival i have to that is tr1404 which arrives by 21:23. would you like to book a ticket ? eos O O 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 the departure time is 18:40. would you like for me to book it ? eos O O O O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos no booking needed . i have everything i need . thank you and have a nice day . 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 to you as well . eos O O O O O O O O O O general-bye +bos hello , i am looking to book a train that will be departing cambridge after 13:15. eos O O O O O O O O O O O O O B-Train-Inform+Depart O O O N/A +bos the first train leaves at 15:00 and they run every 51 minutes . eos 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 N/A +bos i 'd like to go to birmingham new street on thursday and leave after 13:45. do you have anything that would work for me ? 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 O O B-Train-Inform+Leave O O O O O O O O O O O N/A +bos i have a train that leaves cambridge 14:01 arriving in birmingham new street at 16:44. would that work ? eos O O O O O O O B-Train-Inform+Depart I-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 Train-OfferBook +bos that should work , what is the travel time on that ? eos O O O O O O O O O O O O O Train-Request+Duration +bos that would be 163 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos that works . i 'm also looking for an attratiction that is college type . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are 18 different colleges in cambridge . did you wish to go to a certain part of town ? eos O O O O B-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 Attraction-Request+Area +bos no particular area , what 's the first one on the list ? eos O O O O O O O O O O O O O O N/A +bos the first one is christ 's college . would you like the address and phone number ? 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 that would be great , thanks . eos O O O O O O O O general-thank +bos the christ 's college address is saint andrew 's street and their phone number is 01223334900. can i help you with anything else ? 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 B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos no i 'm all set . thanks for the help ! 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 O general-welcome,general-bye +bos thanks , you too ! eos 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-welcome,general-bye +bos i 'm looking for museums that i can go in town . eos O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos there are 23 different museums in town , did you have a particular area you were looking at ? 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 Attraction-Request+Area +bos i do n't have one specifically in mind but could you tell me your opinion on what would be a good 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 Attraction-Request+Area +bos how about the cafe jello gallery and it 's free admission ! eos O 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 which area of town is that in ? eos O O O O O O O O O Attraction-Request+Area +bos the cafe jello gallery is on the west 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 O O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore +bos sure , please give me the address . could you also help me find a train leaving saturday ? eos 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 cafe jello gallery is located at 13 magdalene street . yes , what time are you leaving ? also what destination , and departure point ? 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 O O O O O O O O Train-Request+Dest,Train-Request+Depart,Train-Request+Leave +bos i am departing from birmingham new street and arriving at cambridge . may i have the travel time and train id ? 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 O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos there are 19 trains that meet your criteria . do you prefer a certain departure 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 like to leave after 14:15. eos O O O O O O O O B-Train-Inform+Leave O N/A +bos ok , there are 10 different trains that fit that criteria , what time would you like to 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 Train-Request+Arrive +bos as long as it leaves on saturday after 14:15 , that 's all that matters . please give me travel time and train id . eos O O 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 Train-Request+Duration,Train-Request+TrainID +bos tr1843 leaves at 14:40 and the travel time is 163 minutes . would you like to book ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Leave O O O O O O B-Train-OfferBook+Time I-Train-OfferBook+Time O O O O O O N/A +bos i need to think about it for a bit . thank you for your help though . i think 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 O O O general-thank +bos awesome . come back if you have any questions ! eos O O O O O O O O O O O general-bye +bos i am looking a place serving gastropub 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 the cow pizza kitchen and bar is a moderately priced gastropub in the centre area . would you like their address and phone number ? 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 O O B-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore +bos most definitely . eos O O O O N/A +bos the phone number for the cow pizza kitchen and bar is 01223 308871 and they are located at the corn exchange street . can 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 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore +bos no , that is all i need . 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 , thank you for calling . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a particular attraction , could you assist ? eos O O O O O O O O O O O O O Attraction-Inform +bos i would be happy to find the attraction . what is the name of the attraction ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Name +bos do you have information on cherry hinton hall and grounds ? 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 yes , i have the cherry hinton hall and grounds located in the east area . would you like more information on it ? 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O general-reqmore +bos yes , please . could you give 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 the address is cherry hinton road but it does not show if there is an entrance fee . may i help with anything else today ? eos O O O O B-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 O O O O O general-reqmore +bos i 'd like to find a restaurant that serves modern european food in the moderate price 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 i have 3 restaurants matching your request , 2 in the center and on in the south . what area do you prefer ? eos O O O O 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 O O O O O Restaurant-Select +bos i would like to be in the south . eos O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos i suggest restaurant alimentum , would you like me to make a reservation 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 Booking-Inform +bos book a table for 7 people at 11:30 on monday . 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 booking was successful . the table will be reserved for 15 minutes.reference number is : ao05kjx4 . 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 , thanks , that 's all 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-greet +bos thanks again eos O O O general-thank +bos goodbye , enjoy your stay . eos O O O O O O O general-bye +bos i am looking for a train departing out of norwich to cambridge , 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 certainly . what day and time would you like to travel on ? eos 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 leave on friday after 08:15 eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos tr3293 will leave at 08:16 would that work 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 that would be perfect . can you book that for 5 people and give 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 ok , i 've booked 5 people on tr 3293. your reference number is bbg39tvv and your total due is 88 gbp payable at the station . anything else i can do ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref I-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 general-reqmore +bos i need a place to stay too . eos O O O O O O O O O N/A +bos how about guesthouses ? or would you prefer a hotel ? how long is your stay and how many rooms ? eos 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 O Booking-Request+People,Booking-Request+Stay +bos we will need the guesthouse for 4 nights starting friday and will need 2 rooms . thank you . eos 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 in the centre is an excellent choice . would you like to make reservations ? eos 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 O O Booking-Inform +bos what is the price range of 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 the price range on the alexander bed and breakfast is cheap . would you like to book a room ? 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 Booking-Inform +bos no , actually i need a hotel in the expensive price range . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O N/A +bos i have no expensive guesthouses , but i do have the university arms hotel that is expensive in the centre of town , rated 4 stars with wifi and parking . eos O O O O B-Hotel-Recommend+Price B-Hotel-NoOffer+Type 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 I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O B-Hotel-Recommend+Stars O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos could i get the postcode and phone number ? eos O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos sure , their phone number is 01223351241 and the postcode is cb21ad . can i assist you with anything else ? eos O 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 general-reqmore +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 ! 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 lots of choices for you ! do you have a price range or certain kind of food that sounds good ? 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 O O Restaurant-Request+Food,Restaurant-Request+Price +bos expensive price range is fine eos O B-Restaurant-Inform+Price O O O O N/A +bos there are plenty of options . is there a particular type of cuisine you are 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 O O O Restaurant-Request+Food +bos not really . i am just looking for a good local restaurant . eos O O O O O O O O O O O O O O Restaurant-Inform +bos i recommend cambridge lodge restaurant it 's located in the west . would you like more information on it ? eos O 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 general-reqmore +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 need you to tell me the date and time for the reservation , and how many people will be attending . 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 i need a table for 2 people at 17:45 on sunday please . eos O O O O O O O O O O O O O O N/A +bos cambridge lodge rest is a nice place , would you like me to book it 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 O O Booking-Inform +bos i want to book a train from stansted airport 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 there are several trains leaving from stansted airport on thursday , is there a specific time you would prefer to leave ? eos O O O B-Train-Inform+Choice O 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 Train-Request+Leave +bos i need it to arrive by 17:15 and go to cambridge eos O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Dest N/A +bos tr7012 departs the airport at 16:24 and arrives in cambridge by 16:52. would this work for you ? eos 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+Dest O B-Train-Inform+Arrive O O O O O O Train-Select +bos yes . please book for 1 person . eos O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 10.1 gbp payable at the station .reference number is : 5p72xenh . 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 ! can you also recommend something fun to do in town ? eos O O O O O O O O O O O O O O O O general-thank +bos what side of town ? eos O O O O O O Attraction-Request+Area +bos what area do you recommend for entertainment ? eos O O O O O O O B-Attraction-Inform+Type O Attraction-Request+Area +bos i am not showing anything in the centre , is there another area you would like to try ? eos O O O O O O O O B-Attraction-NoOffer+Area O O O O O O O O O O O Attraction-Request+Area +bos well , what area do you recommend for entertainment ? eos O O O O O O O O O O O Attraction-Request+Area +bos how about in the south part ? there are two venues , nusha and tenpin . would you like information about one of those ? eos O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O general-reqmore +bos sure , could i have the address and phone number for both ? eos O O O O O O O O O O O O O O N/A +bos nusha : unit g6 , cambridge leisure park , clifton road cb17dy , phone : 01223902158. tempin : cambridge leisure park , clifton way cb17dy 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 O O N/A +bos thank you for the entertainment information in the south . that 's it . you 've been 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 general-bye +bos you are 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 O general-welcome,general-bye +bos hi ! i 'm planning my trip to cambridge and i was wondering if you had information on any mediterranean restaurants located in the centre of cambridge ? 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 O B-Restaurant-Inform+Area O O O O O N/A +bos thre are 3 such places . do you have a price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Price +bos 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 . eos O O O O O 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 would like to recommend the gardenia is that okay to book ? eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O Booking-Inform +bos yes . that sounds good . do you have any moderate priced guesthouses available ? eos 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 i was able to book the table for you the reference number is hh5j45z5 . there are many guesthouses to chose from , what area do you want to stay in ? eos O O O O O O O O O O O O O O B-Booking-Book+Ref 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 do n't seem to have a preference but i wiukd like a moderately priced place 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 N/A +bos can i reccommend acorn guest house in the north , it has free parking and moderately priced ? 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 B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O Hotel-Recommend+Parking +bos could i have the postcode and how many stars of the hotel ? eos O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Post +bos the postcode of acorn guest house is cb41da . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post O N/A +bos i also need to get a taxi to go from the hotel to the restaurant . i need it to arrive at 16:45. i 'd like 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 O B-Taxi-Inform+Arrive O O O O O O O O O O O O Taxi-Request+Car +bos the car type is a white volkswagen and the contact info is 07869317817. they will pick you up in time to have you at the restaurant by 16:45. 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 O O O O O N/A +bos thank you so much , thats all i need eos O O O O O O O O O O general-thank +bos you 're very welcome ! have a great stay ! bye ! eos O O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos we would like to find a restaurant that is north of town . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are 9 restaurants that match your request . what price range are you interested in ? 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 please find me one in the expensive price range . eos O O O O O O O B-Restaurant-Inform+Price 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 do n't care as long as it 's expensive . eos O O O O O O O O O O O O N/A +bos hakka is an expensive chinese restaurant in the north . would you like to reserve a table ? eos 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 O O O O Booking-Inform +bos no . please get me their address instead . eos O O O O O O O O O O Restaurant-Request+Addr +bos certainly . hakka 's address is milton road in chesterton . what else can i assist with ? eos 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 O O O O O O O general-reqmore +bos give me information about tenpin and a taxi to commute between these two places eos O O O O O B-Attraction-Inform+Name O O O O O O O O O N/A +bos tenpin is great entertainment located on cambridge leisure park , clifton way . what day do you need the taxi for ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type I-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 Taxi-Request+Leave +bos could i get the postcode for tenpin ? eos O O O O O O O O O Attraction-Request+Post +bos the postcode for tenpin is cb17dy . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post O N/A +bos thank you ! sorry about that . i will need a taxi to leave the attraction by 05:00. eos 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 i can set that up for you . where are you going ? eos O O O O O O O O O O O O O O Taxi-Request+Dest +bos i need to go from the attraction by 05:00 to the restaurant . eos O O O O O O O O O O O O O O N/A +bos booking completed ! booked car type : red volvocontact number : 07731620452 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 thanks for all of your help ! eos O 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 no . i 'm good . thanks a lot . 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 is there an expensive restaurant in the area that serves light bites ? eos O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i believe there are no restaurants in the area that have what you are looking for . eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos what type of expensive restaurants are there in the centre ? eos O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O N/A +bos there are 33 dining options in the centre . a few of the types are african , british , chinese , european , and many more . would you like more information on any of these ? 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 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 general-reqmore +bos no that is ok i need to think about it goodbye eos O O O O O O O O O O O O general-bye +bos are you sure there is nothing 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 actually , i want chinese food . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i have four places fitting that criteria . shall i book one ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O Booking-Inform +bos yes , please book a table for 4 people at 16:15 on saturday . eos O O O O O O O O O O O O O O O N/A +bos sure thing , i will work on getting this booked for you . eos O O O O O O O O O O O O O O Booking-Inform +bos alright , take your time . eos O O O O O O O N/A +bos booking was successful at hk fusion . the table will be reserved for 15 minutes.reference number is : djr9ys0y . is there anything else i can help you with ? eos 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 O O O O O general-reqmore +bos i also need help finding a train . i want to go to london liverpool street and get their by 17:45. eos 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+Arrive O N/A +bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day +bos the train should leave on thursday and should depart from cambridge . eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O N/A +bos i have train tr5504 leaving 11:59 and arriving at 13:27 with a travel time of 88 minutes . should i get you tickets ? eos 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 O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O Train-OfferBook +bos that is all i need for today thanks anyway eos O O O O O O O O O O general-thank +bos thank you for calling . if you need anything else , please ring 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,general-reqmore +bos i 'm trying to find a restaurant that serves african food in the centre 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 have you tried bedouin ? i can make a reservation , if you like . eos O O O O B-Restaurant-Inform+Name O O O O O O O O O O O Booking-Inform +bos i 'm looking for something expensive . is bedouin expensive ? eos O O O O O O O O O O O O N/A +bos yes , they are . it 's a great place . they are located at 100 mill road city centre . would you like 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 O O O O O O O O O O Booking-Inform +bos yes , please . table for 2 , on sunday at 11:30. eos 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 reference numbeer is 05613g8f . can i help with anything else today ? eos 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 it . thanks and goodbye . eos O O O O O O O O O O O O O O general-bye +bos alright , enjoy the rest of your day . eos O O O O O O O O O O general-greet +bos i am looking for a restaurant that sell seafood , will prefer one in the center 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-Inform +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 i would like a train into cambridge from stevenage . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos is there a specific day and time you would like to travel at ? eos O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos yes , i 'd like to travel on wednesday . i 'll need to arrive by 8:00. eos 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 tr9448 arrives at 06:43. would you like me to book a ticket for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos yes , please book 7 seats . eos O O O O O B-Train-Inform+People O O N/A +bos all set . you are booked for 7 people on tr9448 . you reference number is b1q6ddte . can i help with anything else ? eos O O O O O O O O B-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 general-reqmore +bos yes , i need a hotel as well . eos O O O O O O O O O O Hotel-Inform +bos ok for how many people and when are you planning your stay ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos whoa whoa , easy there tiger , lets narrow the search down first . in the center , 0 stars , cheap and it can be a hotel or guesthouse . 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+Price O O O O O O O O O O O O O N/A +bos how about el shaddai ? fits your request perfectly . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O N/A +bos is el shaddai a guest house or hotel ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos el shaddai is a guesthouse . anything other questions about them ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O O O O O general-reqmore +bos do they have parking ? eos O O O O O O Hotel-Request+Parking +bos yes , they have 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 O Booking-Inform,Hotel-Inform+Parking +bos no , i do n't need to . i was just curious about it . 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 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 yes i need a chinese restaurant . eos O O O O O O O O Restaurant-Inform +bos ok what location ? eos O O O O O Restaurant-Request+Area +bos it should be in the same area ? eos O O O O O O O O O N/A +bos i only have one option can i book it for you ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O Booking-Inform +bos no , i do n't need a chinese restaurant after all . thanks for looking . eos O O O O O O O O O O O O O O O O O Restaurant-Inform +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 no . that 's everything i needed and then some , actually ! thanks , take care ! 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 calling . have a great day ! 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 i am glad that you are visiting , but i can not help you until you give me something 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 general-reqmore +bos i 'm looking for a train from cambridge to leicester on monday . eos 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 we have quite a few trains available that day . is there any 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 O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need to leave after 21:45 eos O O O O O O B-Train-Inform+Leave N/A +bos tr2919 is leaving at 22:21 , would that work ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O O N/A +bos yes , could you book me 2 tickets and get me a 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 absolutely . i have booked two tickets for tr2919 at a total fee of 75.59 gbp . your reference number is 8bg1o6w0 . is there anything else i can assist you with ? eos O O O O O O B-Train-OfferBooked+People 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos yes , i also need a hotel with free wi-fi . i do not mind if it is expensive . eos O B-Hotel-Inform+Internet 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 how about allenbell ? it looks lovely eos O O O B-Hotel-Recommend+Name O O O O N/A +bos does it have free parking ? eos O O O O O O O N/A +bos allenbell has free parking . should i book it ? eos O B-Hotel-Inform+Name O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos yes , i need it for thursday . 2 people 4 nights . eos O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O N/A +bos your all set ! reference # is dq0z16n7 . 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 general-reqmore +bos that is all i need . eos O O O O O O O N/A +bos have a great day ! eos O O O O O O general-bye +bos what kind of attractions are there in cambridge ? i would like to visit a college . can you suggest a college ? 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 N/A +bos there are many colleges . is there an area of town you are interested in ? we also have museums , churches , and others ! 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+Area +bos what 's the phone number and entrance fee for your favorite college ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos christ 's college is in the centre and is free . their phone number is 01223334900. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O N/A +bos thank you much . i also need to find a place to stay . eos O O O O O O O O O O O O O O O general-thank +bos would you like your hotel to also be in the centre of town ? eos O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O N/A +bos it does n't matter but i do prefer a 4 star with free parking . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos the cambridge belfry is a nice 4 star hotel with parking , located in cambourne . 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 O O B-Hotel-Inform+Addr O O Hotel-Inform+Parking +bos that sounds great . thank you . eos O O O O O O O O general-thank +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 what 's the wifi situation like at this belfry place ? eos O O O O O O O O O O O O N/A +bos the cambridge belfry also includes free wifi . i 'd be more than happy to make your reservations , would you like to do so ? 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 O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes make reservations for 6 people for 5 nights eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay N/A +bos what day will you begin your stay ? eos O O O O O O O O O Booking-Request+Day +bos arriving on tuesday eos O O O B-Hotel-Inform+Day N/A +bos booking was successful . reference number is : 6ela20cj . is it anything 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 general-reqmore +bos no that is all . thank you eos 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 'd like to get a bite to eat 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 N/A +bos okay ! what kind of cuisine would you like to eat ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos i would really like indian food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos how about curry prince that serves indian food that is in the moderate price range ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O N/A +bos do you have anything expensive ? eos O O O O O B-Restaurant-Inform+Price O N/A +bos yes ! would you like to try pipasha restaurant , or sitar tandoori ? eos O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O N/A +bos pipasha restaurant would be great . can you book a table for 6 at 16:30 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 N/A +bos yes ! i 've got your table booked , they 'll hold it for 15 minutes . your reference number is 5357s0ac . 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore +bos i am looking for a place called the junction what area in the city is that located ? eos 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 Attraction-Request+Area +bos it is a theatre located in the south . would you like information for it ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos no , that was all i needed . but i could use a taxi from the junction to pipasha restaurant by 16:30. eos 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+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O N/A +bos okay . your booking was completed . the car type is grey ford . the contact number is 07384640819. 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 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 . have a great day ! eos O O O O O O O O O O general-welcome,general-bye +bos could you help me find 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 O N/A +bos i love the acorn guest house . need me 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 Booking-Inform +bos can you tell me a little bit about the acorn first ? eos O O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos it is a guesthouse located in the north , at a moderate price range . it is rated 4 stars . would you like to book a room ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area 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 Booking-Inform +bos no , i do n't really like the north side - do you have any guesthouses in the east with free parking and wifi ? 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 O N/A +bos what kind of price would you like to pay ? i have 5 available with cheap to moderate for price ranges . eos O O O O O O O O O O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O Hotel-Request+Price +bos i will take a cheaper one please . eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A +bos the allenbell guesthouse have everything you are looking for . it is within your price range , on the east side with free wifi and parking . would you like 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 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,Hotel-Inform+Parking +bos yes , i would need 5 people for 5 nights starting thursday , can they accommodate me ? eos 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 N/A +bos they can accommodate you ! here is your reference number bs2c1q5x . is there anything else i can do to help 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 O general-reqmore +bos i am also looking for a train to cambridge from stansted airport on thursday . i would need to arrive by 14:00. eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A +bos tr3637 will arrive at 13:52 would that work ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O O N/A +bos i am looking for a college in the centre of cambridge eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos there are several colleges in the center . may i suggest saint catharine 's college ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos ok , that sounds like a good idea . how much does it cost to visit ? eos O O O O O O O O O O O O O O O O O O N/A +bos the admission is free ! eos O O O O B-Attraction-Inform+Fee O N/A +bos may i have the postcode , please ? eos O O O O O O O O O Attraction-Request+Post +bos yes , the postcode is cb21rl . is there any thing 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 O general-reqmore +bos yes , i would like an expensive vietnamese restaurant in the centre . eos O 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 sorry , i could n't find any restaurants matching your requirements . eos O O O O O O O O O O O O O Restaurant-NoOffer +bos are there any restaurants that serve italian food in the area ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are 4 available , can i recommend , stazione restaurant and coffee bar ? eos O O O O B-Restaurant-Inform+Choice 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 N/A +bos sure that sounds good . i want to book a table for 2 people at 12:45 on tuesday . 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 N/A +bos reference number is : a4rxhhpx . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos that 's all i need , thanks 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 general-thank +bos you too , thanks for calling ! 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 N/A +bos i can help book a train to get you here . eos O O O O O O O O O O O O Train-OfferBook +bos ok i will book it for you eos O O O O O O O O N/A +bos how can i help you today ? are you needing train information or 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 O O O O general-reqmore +bos i need an expensive place to stay that 's 2 stars . eos O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos i show two hotels in the north , 1 is expensive and 1 is moderate . i also show 1 expensive 2 star hotel in the east . which area do you prefer ? eos O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type 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 B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Request+Area +bos do any of them have free parking ? eos O O O O O O O O O N/A +bos express by holiday inn cambridge has free parking . that looks to be the only option 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 O O O O O O O O O O Hotel-Inform+Parking +bos great , thanks ! which area is it in ? eos O O O O O O O O O O O Hotel-Request+Area +bos its on the east side . would you like me to book you a room there ? eos O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform +bos no , thanks . i just need to now the postcode . eos O O O O O O O O O O O O O Hotel-Request+Post +bos okay the postcode is cb13lh . eos O O O O O B-Hotel-Inform+Post 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 where are you departing from and on what day ? eos O O O O O O O O O O O Train-Request+Day,Train-Request+Depart +bos i am departing from london liverpool street eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A +bos on what day would you like to travel ? eos O O O O O O O O O O Train-Request+Day +bos saturday , please . i 'm thinking just a short vacation over the weekend . eos O B-Train-Inform+Day O O O O O O O O O O O O O O N/A +bos there are 5 trains on saturday headed to cambridge , what time are you wanting to leave ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Day O O B-Train-Inform+Dest O O O O O O O O O Train-Request+Leave +bos what options do i have ? eos O O O O O O O N/A +bos the first leaves at 5:39 and the latest leaves at 23:39 eos O O O O O O O O O O O O N/A +bos i need at a train that leaves after 12:30 eos O O O O O O O O O B-Train-Inform+Leave N/A +bos ok i have one leaving at 13:39. shall i book it ? eos O O O O O O O B-Train-Inform+Leave O O O O O Train-OfferBook +bos yes , can you please book that thank you . eos O O O O O O O O O O O general-thank +bos how many tickets will you need for the train ? eos O O O O O O O O O O O Train-Request+People +bos i just need one ticket . can you tell me what time it arrives ? eos O O O O O O O O O O O O O O O O Train-Request+Arrive +bos booking was successful , the total fee is 13.28 gbp payable at the station .reference number is : lmze8amh . 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 so much . eos O O O O O O O O general-thank +bos your train departs london liverpool street saturday at 13:39 and arrives in cambridge at 15:07. can i help connect you to anything else in our city today ? eos O O O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Day I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O O O O O O O O O O O general-reqmore +bos no . thank you . that will be all for today . goodbye 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 general-bye +bos i 'm looking for a 4 star hotel . ca n't wait to check out cambridge . 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 i have both guesthouses and hotels that are 4 stars . any preference on amenities or price ? eos O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos i need it to have free parking too . eos O O O O O O O O O O N/A +bos i can suggest allenbell . eos O O O O B-Hotel-Recommend+Name O N/A +bos is it expensive ? eos O O O O O N/A +bos no quite cheap actually eos O O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos hmm , i do n't usually like the cheaper places . how about anything that is 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 is nothing that matches your criteria . eos O O O O O O O O O Hotel-NoOffer +bos no problem . i would like a place to eat . chinese food around 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 O N/A +bos okay i have many choices . do you have a preference for price ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price +bos yes is should be expensive eos O O O O O B-Restaurant-Inform+Price N/A +bos i 've heard great things about hk fusion . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos actually , i am looking for one that is in the same price range as the hotel for 3 people 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 N/A +bos i have 3 options for moderately priced chinese in the centre . i would suggest jinling noodle bar . eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos that will be nice . can you book it for monday at 14:45 for 3 people ? 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 N/A +bos ok , your booking was successful . the table will be reserved for 15 minutes , the reference number is : sbdevyh9 . 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 thank you . going back , i do n't think we chose a hotel . i need a moderate price guesthouse with 4 stars . remember ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O N/A +bos we have 9 moderately priced guesthouses with parking , which side of town are you looking for ? 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 Hotel-Request+Area,Hotel-Inform+Parking +bos i am looking for the centre area . eos O O O O O O B-Hotel-Inform+Area O O N/A +bos based on the criteria , i can not find a hotel . would you like to try a different preference ? eos O O O O O O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O O general-reqmore +bos what about an expensive one ? eos O O O O O O O N/A +bos the jinling noodle bar had already been booked for you , is that not ok ? 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 Restaurant-Select +bos no that is fine but i do need a taxi to arrive at the reastaurant by 14:45 and pick me up from the hotel . eos 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 N/A +bos i do n't see where you have chosen a hotel . perhaps we should look at that first ? 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 an expensive one would be great with a 4 star rating and free parking . eos O O B-Hotel-Inform+Parking B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos the university arms hotel sounds like exactly what you 're looking for . 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 O O O O O O O O O O O O O O O O Booking-Inform +bos no i just need their phone number and address . eos O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos they are on regent street and the phone number is 01223351241. eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone N/A +bos i 'm planning a trip and need some suggestions . i 'm 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 N/A +bos i 'm sure we can find you something you will really love . i have close to 80 attractions to choose from . did you have a certain type of attraction in mind ? eos O O O O O O O O O O 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 Attraction-Request+Type +bos can i get some information on nightclubs in the east area ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos i 'm sorry i do n't have any nightclubs there . would another part of town work for you ? 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 O 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 we have 4 fantastic museums in the east . my personal favorite is the gallery at twelve a high street , it is free to get in ! eos O 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-Recommend+Name I-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 O O O N/A +bos could i have the phone number and postcode ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos of course ! their postcode is cb15dh and they can be reached at 01223295264. can i help you find a restaurant in the area ? eos O O 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 O O general-reqmore +bos no but i need a hotel . eos O O O O O O O O Hotel-Inform +bos anything in particular you had in mind and when is your stay ? eos O O O O O O O O O O O O O O general-reqmore +bos i need to be in the same area as the attraction eos O O O O O O O O O O O O N/A +bos there are 7 results for places to stay in the east , would you prefer a guesthouse or hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Type +bos i do n't care about that . i do need a 4-star , moderately priced accommodation in the east area , but it does n't need to have free parking . eos O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price 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 'd recommend the a and b guest house . it meets your criteria . would you like to book a room ? 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 O O O O O O O O O O O O O Booking-Inform +bos yes . 1 person , 3 nights from monday on . eos O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos i will work on getting this booked and be back with you shortly . eos O O O O O O O O O O O O O O O Booking-Inform +bos i will be waiting for my reference number for 1 person for 3 nights at a and b guest house . eos 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 O O O Hotel-Request+Ref +bos booking was successful.reference number is : wbjgaot8 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you for your help planning my trip . i think that 's everything i need for now . 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-thank +bos have a great day too ! good bye . eos O O O O O O O O O O general-bye +bos i 'm a big fan of architecture . is there some in the centre that i can check out ? eos 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 N/A +bos definitely ! all saints church is one that is a definite must-see . and it 's free to enter ! 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+Fee O O O O O O N/A +bos phone number , address please thank you eos O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos their phone number is 01223452587 , and address is jesus lane . can i help with anything else ? eos O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore +bos yes , am also looking for a train . the train should leave after 16:45 and should leave on thursday eos O O O O O O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O O N/A +bos no problem ! where are you departing from ? eos O O O O O O O O O O Train-Request+Depart +bos im leaving from cambridge and headed to broxbourne . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos what about tr7222 ? it leaves at 21:01 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that will work . can i have the train id , price 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+Price,Train-Request+TrainID +bos the tickets are 17.90 pounds and it 's a 60 minute ride . eos O O 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 I-Train-Inform+Time O N/A +bos what is the train id ? eos O O O O O O O Train-Request+TrainID +bos the train id for this route is tr7222 . how many tickets would you like me to book ? eos O O O O O O O O B-Train-Inform+Id O O O O O O O O O O O Train-Request+People +bos none right now . thank you . 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 general-reqmore +bos you covered it all . thanks . eos O O O O O O O O general-thank +bos have a wonderful day . bye . eos O O O O O O O O general-bye +bos i want a train leaving from stevenage eos O O O O O O O B-Train-Inform+Depart N/A +bos when would you be departing and where would you like to go ? eos O O 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 leave on friday , and arrive in cambridge by 11:30. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos there is a train leaving stevenage at 9:54 on friday arriving in cambridge at 10:43. would you like me to book this for you ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O B-Train-Inform+Day I-Train-Inform+Day 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 , that is perfect . i need 5 seats please . eos 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 64 gbp payable at the station .reference number is : 8nki5wl2 . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos yes i also need information on a place to eat called the cow pizza kitchen and bar . 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos the phone number is 01223308871. it is located on corn exchange street . 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 O N/A +bos could i get a reservation for 5 people at 16: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 N/A +bos your booking was successful . the table will be reserved for 15 minutes.reference number is : gt4m0uvd . 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 nothing , thank you . that 's all i need . goodbye . eos O O O O O O O O O O O O O O general-bye +bos i 'm glad i could help . have a wonderful trip . if you need anything else , do n't hesitate to call us . 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 general-welcome,general-bye +bos i am looking for a place to stay . the hotel should be in the east and does n't need to include internet . 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 O O O O N/A +bos i like the express by holiday inn cambridge . it is 2 stars and expensive , really nice . 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+Stars O B-Hotel-Recommend+Price O O O O N/A +bos i would prefer a 4 star for my taste , and a guesthouse please eos O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Type O O N/A +bos i have many to choose from . would you like me to recommend one ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O general-reqmore +bos yes that would be wonderful . eos O O O O O O O N/A +bos i recommend carolina bed and breakfast , it 's in the east , moderately priced , and comes with internet and parking . 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+Area B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos is the parking free perchance ? eos O O O O O O O Hotel-Request+Parking +bos yes , parking is free . 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 Booking-Inform,Hotel-Inform+Parking +bos could i have the post code ? eos O O O O O O O O Hotel-Request+Post +bos sure , the postcode is cb13nx . anything else ? eos O O O O O B-Hotel-Inform+Post O O O O O general-reqmore +bos could i have the phone number too ? eos O O O O O O O O O N/A +bos yes carolina bed and breakfast phone is 01223247015 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 N/A +bos can you help me find some sort of entertainment ? eos O O O O O O O O O O O N/A +bos absolutely , what area and what type of attraction are you looking for ? eos O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos i 'd like an entertainment attraction , please . eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos i see several options for you . how about funky fun house on mercers row ? it 's located in the east area of town near your hotel . eos O O O B-Attraction-Inform+Choice 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 O B-Attraction-Recommend+Area O O O O O O O O O O N/A +bos it sounds like a great place . what is 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 Attraction-Request+Post,Attraction-Request+Phone +bos yes , the phone number is 01223304705 and cb58hy is the postcode . eos O O O O O O B-Attraction-Inform+Phone O B-Attraction-Inform+Post O O O O O N/A +bos i 'd like a taxi to pick me up at 23:15 at my hotel , then take me to the attraction . please give me the car type and contact number . 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 O O O O O O O O O O Taxi-Request+Car +bos booking completed ! booked car type : black skodacontact number : 07804688108is 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 O O O O O O O O O O O general-reqmore +bos awesome ! ! thank you for making this so easy . eos O O O O O O O O O O O O general-thank +bos you are most welcome . do you have any other concerns or questions ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos that is everything that i need . eos O O O O O O O O N/A +bos glad to help . 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-bye +bos i need a hotel to stay in cambridge that has free parking but may not have 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 is there a certain area or price range you would like . eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i would like it to be a cheap hotel please . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are 33 total entries would you like a certain area ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Area +bos how about one with free wifi ? eos O O O O O O O O N/A +bos the cambridge belfry is a hotel that offers both . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O N/A +bos can you tell the the area , postcode , and phone number for it ? 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+Phone +bos the cambridge belfry is located in the west . the phone number is 0195414600 and it is located at the cb236bw postcode . eos 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+Phone I-Hotel-Inform+Phone O O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O N/A +bos perfect , thanks . can you recommend a restaurant in the west that offers indian 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 O N/A +bos there are a few . do you have a price preference ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Price +bos a cheap place , please eos O O B-Restaurant-Inform+Price O O O N/A +bos there is no place fitting that description . eos O O O O O O O O O Restaurant-NoOffer +bos could you find any restaurant that serves indian food eos O O O O O O O O B-Restaurant-Inform+Food O N/A +bos meghna is a moderately priced indian restaurant in the west . eos O B-Restaurant-Recommend+Name 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 N/A +bos could i get their phone number ? eos O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223727410. would you like to make a reservation ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O Booking-Inform +bos no thanks , that is all i need . thanks so much ! 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,general-bye +bos help me find a place to stay that has free parking and 4 stars . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos there are several options to choose from . do you have a specific location or pricerange you would like ? 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+Area,Hotel-Request+Price +bos no specific price or location . i 'd like it to include 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 i 'd recommend arbury lodge guesthouse . it 's a guesthouse in the north , moderately priced . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O N/A +bos okay , can i have the postcode , address , and phone number . eos 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 82 arbury , post code cb42je . the phone number is 01223364319. eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone O N/A +bos thank you . i would also love some help finding a moderately priced italian 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 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 area does not matter . eos O O O O O O N/A +bos how about prezzo , it is in the west ? there are also pizza express 's in the centre and pizza huts in the south and east . eos O O O B-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area 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+Area I-Restaurant-Inform+Area O O O N/A +bos the prezzo sounds good . can you tell me the address and postcode please ? eos O O B-Restaurant-Inform+Name O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos absolutely , the address is 21 - 24 northampton road , and the postal code is cb30ad . 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 B-Restaurant-Inform+Post O O O N/A +bos i would like to get a taxi to the place as well . eos 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 want to leave the restaurant by 01:30 to go to the hotel . please give me contact info and car type 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 O Taxi-Request+Car +bos a white bmw will pick you up by 1:30 from arbury lodge guesthouse and take you to aprezzo . their contact number is . 07237218579. anything else i can help with today ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Leave O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-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 general-reqmore +bos thank you that is all . have a nice day eos 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,general-bye +bos hello , i need to take a train to norwich on tuesday , can you please tell me what 's available ? eos 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 N/A +bos we have 19 trains that meet that criteria , 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 cambridge and should leave after 14:45 eos O B-Train-Inform+Depart O O O O B-Train-Inform+Leave N/A +bos train tr6524 would work for you . 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 O Train-OfferBook +bos yes please book tr6524 on tuesday leaving at 14:45 going to norwich from cambridge . please confirm departure time . thank you . eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O O N/A +bos will you only need 1 ticket ? the train will leave cambridge at 15:36. eos O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave Train-Request+People +bos i just need the train travel time , please . eos O O O O O O O O O O O Train-Request+Duration +bos the travel time is 79 minutes . anything else today ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O general-reqmore +bos yes please , i 'm looking for a guesthouse with free wifi . the area does n't matter . eos O O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A +bos i found a result for a and b guest house in east that has internet . would you like more info ? 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-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos yes , i 'm celebrating a special occasion , so money is no object . is a and b an expensive , 4-star guesthouse ? 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 O O O O O O O O O O O O O N/A +bos a and b guesthouse is moderately priced . could you like an expensive guesthouse instead ? 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 O O O O O O O Hotel-Recommend +bos yes i am rich i need expensive eos O O O O O O O B-Hotel-Inform+Price N/A +bos i do n't have a expensive guesthouse . eos O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type O O N/A +bos how about a hotel type instead ? eos O O O O B-Hotel-Inform+Type O O O N/A +bos there are a few available . i highly suggest 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 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 , please book for 5 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 O O N/A +bos booking was successful the reference number is : ecpe3kuv . 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 general-reqmore +bos no . thanks . eos O O O O O general-thank +bos great . i 'm glad i could be of help . eos O O O O O O O O O O O O general-greet +bos have a nice day . eos O O O O O O N/A +bos thank you for calling . eos O O O O O O general-greet +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 okay we 've got 9 different options . what area of town are you wanting 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 Hotel-Request+Area +bos any of them with free wifi and 4 star rating ? eos O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos the leverton house is a cheap guesthouse with a four star rating and wifi . 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 B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes , that sounds good . i need to book it for 8 people for 2 nights starting from thursday . is that possible ? 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 O O O O N/A +bos great ! booking was successful.reference number is : wd4s0ijz anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O general-reqmore +bos yes , i 'm also needing to book a train to cambridge ; i must arrive by 12:45 and no later please . eos O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos what is your departure station , and 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,Train-Request+Depart +bos i want to take the train on thursday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos okay ! from where will you be traveling ? eos O O O O O O O O O O Train-Request+Depart +bos i should depart london kings cross and arrive in cambridge by 12:45 on saturday . i just need the price of one ticket . eos 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+Day O O O O O O O O O O Train-Request+Price +bos tr7309 would suit your needs . can i book a ticket 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 need to know how much it will cost per ticket . eos O O O O O O O O O O O O O N/A +bos train tr7309 cost 18.88 pounds per ticket . eos O O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos thank you . i appreciate the help . 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 'm looking for a hotel in the north to stay in . can you help me ? 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 we have 2 hotels in the north . both are in the moderate price range . eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A +bos great ! do either one have a 2 star rating ? eos O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos yes , they both do . do you want to book one ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Booking-Inform +bos yes please book one for 6 people and 4 nights starting from tuesday . can i please have the reference number ? thank you for your help . 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 O O O O O O O O Hotel-Request+Ref +bos i will book that for you now . eos O O O O O O O O O Booking-Inform +bos your booking was successful . can i help you with anything else like restaurants or attractions 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 Restaurant-Inform,Attraction-Inform +bos the booking was successful . reference number is mo0ru0nn . what else can i 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 general-reqmore +bos i need a train to cambridge . eos O O O O O O B-Train-Inform+Dest O N/A +bos what day will you be traveling on and what is your departure city ? eos O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart +bos i need to depart from london liverpool street , after 15:15. can you tell me how long the travel time is too ? 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 O O O O Train-Request+Duration +bos on which day do you want to travel ? eos O O O O O O O O O O Train-Request+Day +bos it needs to be on tuesday . eos O O O O O O B-Train-Inform+Day O N/A +bos the train ride time is 88 minutes . would you like me to book that for you ? 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 Train-OfferBook +bos no thanks , group is still deciding on a carpool or a train , but thank you for all of 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 Train-Inform +bos can i look up anything else for you ? eos O O O O O O O O O O general-reqmore +bos i do need a train from london liverpool street on tuesday 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 N/A +bos there are 5 leaving after 15:15. the first one is leaving at 15:39 and takes 88 minutes . you 'd arrive by 17:07 and the cost is 16.60 pounds . 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 O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos i 'd like to book the previously mentioned train that leaves 15:39. eos O O O O O O O O O O O O O Train-Inform +bos are you sure you want to book now , if so , 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 please book for 6 people . eos O O O O O B-Train-Inform+People O N/A +bos all booked . your reference number is tpje3ltq . is there anything else i can help you with ? 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 okay . thank you for all your help . eos 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 i need a 4 star hotel in the east , please . eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O N/A +bos sure . there are six different options in that area . what were you looking for as far as price range and amenities ? 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 Hotel-Request+Stars,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos it really does n't matter . i do n't need internet . i just for sure want a 4 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 O O O N/A +bos might i suggest the autumn house . it is a cheaper guesthouse that offers both free parking and free internet . would you like more info for them ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price B-Hotel-Recommend+Type I-Hotel-Recommend+Type 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 i think this is what i needed . thanks . eos O O O O O O O O O O O general-thank +bos is there anything else that you need ? eos O O O O O O O O O general-reqmore +bos i need a room for 4 for 4 nights starting on tuesday . eos O 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 : 544d87ng . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you ! can you also get me a train going to cambridge that day ? eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos sure ! i just need to know where you plan on departing from and what 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 O O O O Train-Request+Leave,Train-Request+Depart +bos i want a train leaving on saturday . eos O O O O O O O B-Train-Inform+Day 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 O Train-Request+Depart,Train-Request+Dest +bos i am departing from bishops stortford and i would like to go to cambridge . eos O O O O O O O O O O O O O O O O N/A +bos there are no trains leaving from that location . eos O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart O N/A +bos hmm , can you double check ? i would be departing from bishops stortford and going to cambridge for saturday . 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 B-Train-Inform+Day O O O N/A +bos of course ! i have found 10 trains departing from bishops stortford towards cambridge . do you have a preferred time to leave or arrive by ? eos O O O O O O O B-Train-Inform+Choice 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 Train-Request+Leave,Train-Request+Arrive +bos i want to leave after 19:45 eos O O O O O O B-Train-Inform+Leave N/A +bos train tr1382 leaves at 21:29 and arrives by 22:07 , 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 O Train-OfferBook +bos can you please provide the price and travel time . i am also looking for a cheap guesthouse in the east 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 O O O O O O O B-Hotel-Inform+Stars O Train-Request+Duration,Train-Request+Price +bos 8.08 pounds per ticket and the ride is 38 minutes eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O B-Train-Inform+Time N/A +bos thank you . so what do you have for guesthouses ? eos O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos we have 24 guesthouse options . would you like to narrow it down by area , price , star or parking and internet availability ? 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+Internet,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Stars,Hotel-Request+Price +bos yes please make sure the guesthouse has internet and please provide me with the address and phone number . 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+Phone,Hotel-Request+Internet,Hotel-Request+Addr +bos i found the a and b guest house . the address is 124 tenison road postcode cb12dp . the phone number is 01223315702. may 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 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 Booking-Inform +bos no that 's all , thanks ! eos O O O O O O O O general-thank +bos i hope you enjoy your stay ! eos O O O O O O O O general-bye +bos good morning ! can you help me get a taxi to take me from clare college to cambridge that gets there by 18:00 ? eos 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+Dest O O O O B-Taxi-Inform+Arrive O O N/A +bos yes , i have a car for that time , 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 general-reqmore +bos please . can i get the contact number and car type for that ? eos O O O O O O O O O O O O O O O Taxi-Request+Car +bos yes , look out for a grey ford . the contact number is 07562472408. may 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+Phone O O O O O O O O O general-reqmore +bos actually , can i change the destination to christ 's college ? eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos ok , so that was a cab leaving from clare college and going to christ 's college arriving there at 18: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 Taxi-Request+Arrive,Taxi-Request+Depart,Taxi-Request+Dest +bos yes . could i have the contact number and car type for this trip ? eos O O O O O O O O O O O O O O O O Taxi-Request+Car +bos yes , it will be a grey ford and the contact number is 07562472408. what else can i help 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 general-reqmore +bos that takes care of what i needed today . thanks 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 , goodbye . eos O O O O O O general-bye +bos hi , i 'm looking for a train that 's departing cambridge and going to london liverpool street . eos 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 O O N/A +bos i have the listings up for you , what date and time will you need that train ? 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 need to travel on thursday , and i need to arrive by no later than 16:15. eos O O O O O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Arrive O N/A +bos there are 5 results , depending on when you want to leave . there is a train that leaves at 11:59 and arrives by 13:27 , will that be ok ? 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 O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos yes , that will work can you book that for me ? eos O O O O O O O O O O O O O N/A +bos yes i can book that for you . how many people will be needing tickets ? 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 tickets for 8 people . eos O O O O O O B-Train-Inform+People O N/A +bos your reference number is owvuy7zz . the total fee is 132.8 gbp payable at the station . do you need anything 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 general-reqmore +bos thanks and yes , now that you asked , i really would like to check out some colleges in the centre 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 N/A +bos you 're in luck , we have 13 colleges in the centre . may i recommend christ 's college for you ? it has free admission . eos O O O 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 B-Attraction-Inform+Fee O O O O O O O N/A +bos could you please provide the address , phone number , and entrance fee . eos 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 christs college is on st. anfrews st. and phone is 01223334900 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 B-Attraction-Inform+Phone N/A +bos i 'd really like to get the number for the yippee noodle bar restaurant if you please ? 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 N/A +bos sure the number is 01223518111 eos O O O O O B-Restaurant-Inform+Phone N/A +bos ok , i would like to book a table for 4 at 13:15 on monday if possible ? 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 N/A +bos i 'm sorry but a table is n't available at that time or day . would you like 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 hmm.. how about 12:15 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos i have booked a table for 4 at 12:15 on monday . your reference number is yys0sw42 . 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 N/A +bos i would also like a train on the same day as the restaurant booking and should arrive by 09:45. eos O O O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos okay , i 've located a train departing peterborough and arriving at 09:38. how many train tickets do you want ? eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O O O O O O O O Train-Request+People +bos the train needs to depart from kings lynn and go to cambridge . eos 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 there is a train leaving kings lynn at 08:11 arriving at 08:58 in cambridge . do you want me to make a reservation ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O O O O Train-OfferBook +bos no , just tell me the price . eos O O O O O O O O O Train-Request+Price +bos the price is 9.80 pounds , payable at the station . how else can i help you ? 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 that should be all thank you eos O O O O O O O general-thank +bos alright . if you think of anything else you may need feel free to contact me . 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-welcome,general-bye,general-greet +bos i need to book a taxi . eos O O O O O O O O Taxi-Inform +bos could you tell me when and where from you would like to be picked up ? eos 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 need picked up at saffron brasserie after 1:30. eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos and what is the destination ? eos O O O O O O O Taxi-Request+Dest +bos i would like to go to whipple museum of the history of science . 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 I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos sure . a white lexus will pick you up at 1:30 at saffron brasserie . the contact number is 07399627486. is there anything else i can help with ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Leave O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos that will be all . thank you so much for your help . bye . eos O O O O O O O O O O O O O O O O general-bye +bos thank you for using cambridge towninfo centre , and have a wonderful day . eos O O O O O O O O O O O O O O O general-bye +bos i would like a ticket for a train going to ely , leaving on thursday 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 hello , there are trains leaving every two hours on the :50 's , would you prefer a morning , afternoon , or evening departure ? eos O O O 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,general-greet +bos i want to leave after 14:15. eos O O O O O O B-Train-Inform+Leave N/A +bos the first departure from cambridge to ely on thursday leaves at 15:50. would you like to reserve a ticket ? eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest B-Train-Inform+Day O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos no thank you but i 'll need the train id and travel time . eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos no worries . it is the tr0013 and lasts for 17 minutes . eos O O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos thanks . i was also wondering about restaurants . any chance there are places that serve new zealand cuisine ? eos 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 N/A +bos i am not finding anything , can you please tell me where you are dining ? is it cambridge or ely ? eos O 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 O Restaurant-Request+Area,Restaurant-NoOffer +bos ely please . sorry for any confusion . any type of food is fine , i am not picky . 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 found 110 restaurants , do you have anything to narrow it down ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O N/A +bos yes i am looking for an expensive restaurant serving asian oriental food eos O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos there is saigon city on 169 high street in chesterton and kymmoy on 52 mill road in city centre . 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos please make reservations for me at saigon city . eos O O O O O O O O O O N/A +bos i 'd be happy to make a reservation for you at saigon city , how many people will be in your party and for what day and time ? eos O 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 O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos you know what , i 'm not sure , that you for your information . i 'll get back to 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 N/A +bos is there anything else i can help you with today , then ? eos O O O O O 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 you 're welcome ! thank you for using our services . eos O O O O O O O O O O O O general-welcome,general-bye +bos i want to go to a particular attraction called great saint mary 's church . where is it ? 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 N/A +bos the great saint mary 's church is in city centre , the entrance fee is 2 pounds . would you like more 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+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 general-reqmore +bos please provide the address . eos O O O O O O Attraction-Request+Addr +bos the address is market square and the postcode is cb23pq . is there anything else i can find for you ? 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 i also need a train leaving from cambridge and should leave after 13:45. eos O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave N/A +bos what is your destination and what day will you be leaving cambridge ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i 'd like the train for saturday and i 'm headed to london liverpool street , please . eos 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 O O O O O N/A +bos great ! the tr4466 leaves at 13:59 ! eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O N/A +bos i need to book that for 6 people . eos O O O O O O O O O O N/A +bos i will work on booking this for you . eos O O O O O O O O O O Train-OfferBook +bos please provide the reference number after booking is completed . eos O O O O O O O O O O O Train-Request+Ref +bos i will just a minute please eos O O O O O O O N/A +bos i need a train from london liverpool street to cambridge . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest N/A +bos there are many trains . what day and what time ? 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 friday after 21:45 please . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A +bos train tr6769 fits what you 're looking for . 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 O O Train-OfferBook +bos no , i just need to know the travel time of the train at the moment . eos O O O O O O O O O O O O O O O O O O Train-Request+Duration +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 am needing a taxi at the saffron brasserie after 14:45. can you help me with that ? eos 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 N/A +bos i can help you with that . first i just need your destination . eos O O O O O O O O O O O O O O O Taxi-Request+Dest +bos the good luck chinese food takeaway please . eos 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 sure ! its a white ford and the contact number is 07449185919 eos 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 very much for your help today . eos O O O O O O O O O O O O general-thank +bos no , thank you and i hope the rest of your day goes great . eos O O O O O O O O O O O O O O O O general-welcome +bos i hope your day goes well too ! eos O O O O O O O O O N/A +bos let us know if you need any further assistance . eos O O O O O O O O O O O general-bye +bos i would like to find a restaurant that serves turkish food in the centre please . 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 3 turkish restaurants in the centre , did you have a 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 O Restaurant-Request+Price +bos i 'd like someplace expensive , please . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos great , i have found meze bar restaurant , they are located in the area of centre , serve turkish food and is expensive , how many can i book for and what time please ? 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 B-Restaurant-Inform+Area 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 O Booking-Request+Time,Booking-Request+People,Booking-Inform +bos i need a table for five at 18:30 on friday , and i need the reference number too . eos 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 N/A +bos i 've successfully booked your table . your reference number is : ad41by5a . can 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 O O general-reqmore +bos yes , i need a train to kings lynn on saturday . eos 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 certainly , there are 19 trains to kings lynn saturday , do you have an arrival or departure time preference ? eos O O O O O B-Train-Inform+Choice 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+Leave,Train-Request+Arrive +bos how about 15:00 ? eos O O O O O N/A +bos i 'm sorry . was that an arrival time or a departure time ? eos O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos it should leave after 9:45. eos O O O O O O N/A +bos how about train tr9680 ? it leaves at 10:11 and will arrive at 10:58. would you like me to book ? eos O O O O B-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 Train-OfferBook +bos yes i would like you to book that . eos O O O O O O O O O O N/A +bos how many tickets do you need for that train ? eos O O O O O O O O O O O Train-Request+People +bos i would need 5 tickets . can you provide me with the reference number once it is booked ? thanks . 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 N/A +bos your booking request was successful ! the total fee is 39.2gbp and your reference number is filyruys . can i help you with anything else ? eos O O O O O O O O O O B-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 that should be all , thank you . 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 O general-bye +bos what trains leave london liverpool street and go to cambridge ? eos 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 several trains that depart from london liverpool street on friday . is there a particular time you wish to leave by ? eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Leave +bos yes , sometime after 09:15. eos O O O O B-Train-Inform+Leave O N/A +bos there are several trains departing on friday every :39 of the hour from 9:39 to 23:39. would you like me to book one of these for you ? eos O O O B-Train-Inform+Choice O O O 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 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 'll go with the 9:39. eos O O O O O O O N/A +bos wonderful , your train has been booked ! eos O O O O O O O O O Train-OfferBooked +bos i think i forgot to add that i will need the booking for 3 people please . will you modify the booking for me ? 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 O N/A +bos great ! thank you for your help . eos O O O O O O O O O Booking-Book +bos please modify the booking for three people please . eos O O O O O O O O O O N/A +bos sure . just a moment . eos O O O O O O O N/A +bos i need a reference number for the train . then i need to find a moderate italian restaurant in the east for 3 people at 16:30 on saturday , and a reference number . 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 B-Restaurant-Inform+Area O O B-Train-Inform+People O B-Restaurant-Inform+Time O B-Train-Inform+Day O O O O O O O N/A +bos ok , i have three tickets booked on the 9:39. the reference number is qol9gx6f . does pizza hut fen ditton sound good ? it 's the only italian restaurant in east . eos O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref 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 O O B-Restaurant-Recommend+Area O O O O O N/A +bos yes i think that would be good . is that available at 4:30 pm ? eos O O O O O O O O O O O O O O O O N/A +bos what day and how many people are you looking to book for ? eos O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos i am looking for 3 people , at 16:30 on saturday . 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 ok , i have booked dinner for three on saturday at 16:30 at pizza hut fen ditton . your reference number is mlmbljeg . enjoy your meal ! eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Day O B-Booking-Book+Time 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 N/A +bos thank you that is all the info i need . eos O O O O O O O O O O O general-thank +bos thank you for choosing cambridge towninfo centre . have a nice trip ! eos O O O O O O O O O O O O O O general-bye +bos i want to find a hotel in the moderate price range . i do n't need 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 O N/A +bos there are several hotels in that price range . do you have a particular area of town you are interested in staying 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 O O O O Hotel-Request+Area +bos yes i need it to be in the north . eos O O O O O O O O O B-Hotel-Inform+Area O N/A +bos i have two hotels . one located at 63 milton road and 62 gilbert road ? which one would you like for me to book you for ? eos O O O O B-Hotel-Inform+Choice 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 O Booking-Inform,Hotel-Select +bos are either of them 4 star hotels ? because that 's what i need . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos the avalon guesthouse has a 4 star rating . would you like me to book a reservation ? 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 Booking-Inform +bos yes could you check for a booking for 4 people and 2 nights starting from 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 i am sorry that booking 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 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 the alpha-milton guest house is 3 stars . it does n't have internet or parking . is that okay ? i could try another area , too . 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 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,Hotel-Select +bos that 's fine can you try booking that for me ? eos O O O O O O O O O O O O N/A +bos that booking was successful . may i help you with anything else today ? eos O O O O O O O O O O O O O O O Booking-Book,general-reqmore +bos no , thank you . that 's everything i need . eos O O O O 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 yes thank you . eos 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 have an odd request , i am looking for a place to stay with a 0 star rating . 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 N/A +bos there are actually 3 hotels with a 0 rating . would you like to book one of them now ? 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 Booking-Inform,Hotel-Select +bos is one of them in the centre of town ? eos O O O O O O O B-Hotel-Inform+Area O O O N/A +bos yes i have one hotel and one guesthouse in the centre of town . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos what sort of rates do they charge ? eos O O O O O O O O O N/A +bos one is in the cheap price range and one is in the moderate price range . eos O 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 N/A +bos can we go ahead and get the cheap one please eos O O O O O O O O B-Hotel-Inform+Price O O N/A +bos i can try to book at the el shaddai for you . how long is your stay and for how many please ? eos 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 O O O O Booking-Request+People,Booking-Request+Stay +bos i will be by myself and staying for 5 nights starting on wednesday eos O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A +bos the booking was unsuccessful , would you like to try a different hotel ? eos O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes , same price range . eos O O O O O O O N/A +bos okay . i got you in at the alexander and your reference number is ukj7t0fw . 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 that is all i need , thank you . eos O O O O O O O O O O general-thank +bos okay great . please call us again . eos O O O O O O O O O general-bye +bos yes , i am looking for cheap lodging in town that includes free wifi . eos O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos i have two guest houses matching your criteria . city centre north b and b and worth house . what star rating do you prefer ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type 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 Hotel-Request+Stars +bos i would like a hotel with a star rating of 3. eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars N/A +bos i 'm sorry , but i was unable to find any cheap , three star hotels with wifi . would you be open to a different star rating ? eos O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Stars,Hotel-Inform+Internet +bos do you have anything with a 4 star rating ? eos O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos the cambridge belfry is 4 stars and cheap , would you like me to make a booking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform +bos yes please and make it for wednesday and for 3 days . eos O O O O O O O O O O O O O N/A +bos how many people is that booking for ? eos O O O O O O O O O Booking-Request+People +bos i will be booking it for 5 people for 2 nights , and i 'd actually like it to start from friday . 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 B-Hotel-Inform+Day O O O N/A +bos i 'm sorry , but there are no rooms available at that time . would 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 O Booking-NoBook,general-reqmore +bos yeas please , one in the same price range please . eos O O O O O O O O O O O O N/A +bos i only have the belfry in that star and price range . would you like to try another combination of stars and price ranges ? 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 O O O O O Hotel-Request+Stars,Hotel-Request+Price +bos how about three stars ? eos O O O O O O N/A +bos there are none found . eos O O O O O O Hotel-NoOffer +bos i just need a hotel , cheap range , that is the only criteria i need . 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 booking was successful at worth house . it is a guesthouse that is cheap like the cambridge belfry hotel . reference number is : n8mjx1yx . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Ref O O O N/A +bos did this have wifi ? eos O O O O O O N/A +bos yes it does . i hope you enjoy your stay . eos O O O O O O O O O O O O Hotel-Inform+Internet,general-bye +bos thank you so much . eos O O O O O O general-thank +bos your welcome . enjoy your stay . eos O O O O O O O O general-welcome,general-bye +bos i need to find a place to stay in town with atleast a 4 star rating . wifi optional . 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 N/A +bos i see 21 hotels so let 's try to narrow it down . is there a price range you want 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 O O O O Hotel-Request+Price +bos the hotel should include free parking and should be in the cheap price range . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos there is one hotel and a number of guesthouses . do you have a preference ? eos O O O 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 Hotel-Select +bos do any of them have free wifi ? eos O O O O O O O O O N/A +bos they do . do you prefer any specific area of town ? eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Internet +bos i do not have a preferred area . which ones have availability for 6 people for 5 nights starting thursday ? eos 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 alexander bed and breakfast is a nice place.would you like me to book it 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 O Booking-Inform,Hotel-Select +bos hi i am looking for a place to stay 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 N/A +bos i have 5 options for you . in what area would you like to stay ? 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 am not particular about the area . it is all right if the hotel does n't 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 how about the university arms hotel ? it is a 4 star hotel in the centre of town with free wifi and free parking . eos O O O O B-Hotel-Select+Name I-Hotel-Select+Name B-Hotel-Select+Type I-Hotel-Select+Name O O O B-Hotel-Select+Stars O O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O O O O O O O Hotel-Select+Internet,Hotel-Select+Parking +bos i actually do n't want free parking . is there a hotel that does n't 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-Inform +bos express by holiday inn cambridge is a nice place and will suit your needs.do you want me to book it for you ? 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 O O O O Booking-Inform,Hotel-Select +bos i am looking for the warkworth house hotel . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos warkworth house is a 4 star moderately priced guesthouse on the eastside . it offers free wifi and parking . would you like the address or phone number ? 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 O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos no , i think i would like to book it for myself for 5 nights . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos of course , what day would you like your reservation to begin ? eos O O O O O O O O O O O O O O Booking-Request+Day +bos on thursday please . can i have the reference number once it 's booked ? eos O O B-Hotel-Inform+Day O O O O O O O O O O O O O Hotel-Request+Ref +bos i 'm very sorry , but there are no rooms available for five days starting on thursday . should i try to find a different hotel ? 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 general-reqmore +bos sure , as long as it is in the same price range . and can i get the reference number once you book 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 O O O Hotel-Request+Ref +bos alright . i was able to book you a room at the carolina bed and breakfast . your reference number is oz7qg2ok . is there anything else you need ? 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 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 . eos O O O O O O O O O O O general-thank +bos thank you , good day . let us know if you need any thing else . 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 hotel . something not too expensive ... mid range ? oh , and i 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 O O O N/A +bos yes , i have three hotels that match that description . two in the north and one in the centre . eos O O O O O B-Hotel-Inform+Type 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 O O N/A +bos i would like the one in the centre . eos O O O O O O O O O O N/A +bos the hotel is cityroomz . it 's address is sleeperz hotel , station road . it has internet and no parking . would you like for me to book it for you ? eos O O O O B-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 O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking,Hotel-Select +bos do any of those three have a four star rating ? eos O O O O O O O O O O O O N/A +bos no 2 have 2 star ratings and one has a 0 rating . eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars N/A +bos not about to stay at a nasty hotel . can you find an expensive hotel with at least a 4 star rating that includes wifi ? 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 B-Hotel-Inform+Stars O O O O O N/A +bos the huntingdon marriott hotel is in the center part of town and fits all of your criteria . 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 B-Hotel-Inform+Area O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos let 's go for that . book it for 3 people and 2 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 O N/A +bos booking was unsuccessful . do you want to find another hotel ? eos O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes , i would like to try a different hotel that is in the same price range . eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos i could book you at the university arms . it is in the centre area instead of the west . would that work for you ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Select +bos yes , please book it for 3 people and 2 nights starting from monday . eos O O O O O O O O O O O O O O O O N/A +bos alright . i have you booked at the university arms hotel , your reference number is : yswjoms1 . anything else i can get you today ? 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 B-Booking-Book+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 general-thank +bos okay great . well enjoy your stay . eos 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 welcome . good-bye . eos O O O O O O O general-welcome,general-bye +bos hello . i am looking for a hotel called gonville hotel . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos the gonville hotel is an expensive 3-star hotel in the centre part of town . they have free wifi and free parking . should i book it ? eos O O B-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 O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking,Hotel-Select +bos yes , i am looking for a booking for 8 people starting saturday , please . 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 how many nights would you like to stay ? eos O O O O O O O O O O Booking-Request+Stay +bos two nights starting from saturday for 8 people . eos O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O N/A +bos i have that accommodation made for you , thank you ! eos O O O O O O O O O O O O Booking-Book +bos i 'd like to find a 4 star lodging with free parking . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos i have 19 hotels or guest houses throughout the city that meet your needs . can you tell me if you want a hotel or a guest house ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Select+Type I-Hotel-Select+Type I-Hotel-Select+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 that does not matter but i need it to have free wifi and in the expensive 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 have 2 hotels that meet your criteria . 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 O O O Booking-Inform +bos sure . can you book it for 4 people ? we will be staying there for 5 nights starting from thursday . eos O O O O O O O O B-Hotel-Inform+Stay O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O N/A +bos i booked the university arms hotel for 4 people starting thursday staying for 5 nights . your reservation number is xqe5glod . anything else i can help you with ? eos O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+People O B-Booking-Book+Day 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 general-reqmore +bos no , thank you . thank you for 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 thanks again for your help . eos O O O O O O O general-thank +bos goodbye and enjoy your stay ! eos O O O O O O O general-bye +bos i am looking for some information on rosas 's bed and breakfast . eos O O O O O O O O O O O O O O N/A +bos rosa 's bed and breakfast is a cheap priced guesthouse in the south part of the city . 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 B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A +bos do they have a room available that will accommodate 4 people ? eos O O O O O O O O O O O B-Hotel-Inform+People O N/A +bos yes for what day and time please ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos 4 people and 5 nights starting from thursday eos O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A +bos the booking was unsuccessful . eos O O O O O O Booking-NoBook +bos try another hotel , same price range of rosa 's . eos O O O O O O O O O O O O N/A +bos would you like me to book you at the allenbell ? it 's in the cheap price range in the east part of town . eos O O O 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 B-Hotel-Inform+Area O O O O O O N/A +bos yes , please do . eos O O O O O O N/A +bos okay i have you booked for the allenbell guesthouse . your reference code is l0enmaag . is there anything else i can do for you today ? eos O O O O O O O O B-Booking-Book+Name B-Hotel-Inform+Type O O O O B-Hotel-Inform+Ref O O O O O O O O O O O O O general-reqmore +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 you are welcome . have a great stay at allenbell . bye . eos O O O O O O O O O O B-Hotel-Inform+Name O O O general-welcome,general-bye +bos are there any hotels where the wifi does n't cost extra ? eos O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos yes of course we can arrange a hostel that does not charge for wifi as extra . do you have a brand 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 Hotel-Request+Name,Hotel-Inform+Internet +bos no , it just needs to include parking and wifi eos O O O O O O O O O O O N/A +bos which offers wifi for free ? eos O O O O O O O Hotel-Request+Internet +bos i would appreciate it if you could tell me which hotel includes free wifi and free parking . thanks . 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 actually there are 29 options to choose from , sir . what price range are you 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 any price range . be a hotel , has free parkin . get me the address too eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Addr +bos how about the ashley hotel . the address is 74 chesterton road . 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 N/A +bos that would be great . what 's the area ? eos O O O O O O O O O O O Hotel-Request+Area +bos the ashley hotel is in the north . would you like me to book accommodation 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 O O O O O Booking-Inform +bos no , thank you . that is all the information i needed 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 , and hope you enjoy your stay . 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-bye,general-greet +bos my wallet was stolen . can i get some help ? eos O O O O O O O O O O O O N/A +bos you should contact the police at 01223358966. the parkside police station is located in parkside , cambridge cb11jg . 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 goodbye . eos O O O O O general-bye +bos you 're welcome . i hope everything works out . eos 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 saturday and arrives by 19:00. eos O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos we have many trains that meet your request , do you have a departure or destination in mind ? 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+Depart,Train-Request+Dest +bos yes , i need to get to cambridge . i 'll be leaving norwich . eos O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart O O O N/A +bos there is a train on saturday that leaves at 8:16am . shall i book it ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos what time does that train arrive in cambridge ? that seems terribly early . i just need to be there by 19:00. 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 B-Train-Inform+Arrive N/A +bos the train arrives in cambridge at 9:35. would you like me to book that for you ? eos O O 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 no thanks . i 'm looking for a place to stay too . eos O O O O O O O O O O O O O O general-thank +bos i can definitely help with that . first of all , may i ask where you will be leaving 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 O O O O Train-Request+Dest,Train-Request+Depart +bos the train should depart from norwich and should go to cambridge . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O N/A +bos tr5693 meets all your criteria and arrives by 10:35. will that work for you ? eos O B-Train-Inform+Id O O O O O O O O O O O O O O Train-OfferBook +bos that sounds good . what 's the travel duration on that one ? eos O O O O O O O O O O O O O O Train-Request+Duration +bos it is 79 minutes . eos O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos okay . can you help me find a place to stay ? i would like it to be 4 stars and i do n't need it to have free parking . eos 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 there are a lot of options to choose from . do you know what part of town you 'd like ? in the north i can recommend arbury lodge guesthouse . 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 B-Hotel-Recommend+Area O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O Hotel-Request+Area +bos i 'd like it to be moderate , any will do . and i 'd like to book it for 5 people and 4 nights , starting on the same day . 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 B-Hotel-Inform+Stay O O O O O O O O O O O N/A +bos i have the avalon guesthouse in the north area . would you like that one booked ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O O O O O O Booking-Inform +bos yes please , for 5 people and 4 nights . can i please get the reference number too ? eos O 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 starting what day ? eos O O O O O Booking-Request+Day +bos it will be on saturday as well . eos O O O O O B-Hotel-Inform+Day O O O N/A +bos booking was successful . reference number is : 8xpjyir0 . 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 is all for now . thank you . eos O O O O O O O O O O general-thank +bos no problem at all , have a great day . eos O O O O O O O O O O O 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 O N/A +bos i 'd be happy to help you find something . is there an area you prefer ? and do you want a 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 O O O Hotel-Request+Area,Hotel-Request+Type +bos i definitely want both a guesthouse and the centre of town . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos i would recommend 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 is it in the moderate price range ? if so , yes . eos O O O O O O O O O O O O O O N/A +bos it is not in the moderate price range , would you like to try another area or a different price range 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,Hotel-Request+Price,Hotel-Request+Area,Hotel-Inform +bos i would like to try another price range , only in the moderate range . i would like to stay in the city centre . 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 i 'm sorry there are no moderate guesthouses in the centre , maybe another area perhaps ? eos O O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O Hotel-Request+Area +bos are there any cheap guesthouses in the centre of town ? eos O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos yes , i 've located alexander bed and breakfast that is a 4 star and el shaddai that is a 0 star . do you have a preference ? 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 B-Hotel-Inform+Stars O O O O O O O O O Hotel-Select +bos no preference i also need a reference number . eos O O O O O O O O O O N/A +bos what day would you like to stay and how many people will be staying ? eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos there will be 2 people and we will arrive on monday . eos O O O O O O O O O O O B-Hotel-Inform+Day O N/A +bos and for how many days ? eos O O O O O O O Booking-Request+Stay +bos i 'm sorry , 5 nights please . eos O O O O B-Hotel-Inform+Stay O O O O N/A +bos good news ! i got the alexander bed and breakfast in 56 saint barnabas road cb12de , phone number 01223525725. the reference # is 3mwi64s9 . 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 O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos great . i also need a train leaving on saturday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos please give me your departure site and your destination station . eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos the train should leave after 10:00 and should go to stevenage , leaving from cambridge . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O O N/A +bos there are 7 trains that fit your criteria . the first one after 10 is the tr8377 , leaving cambridge 11:21 , arriving stevenage 12:10. would you like to book a seat ? eos 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 O O O B-Train-Inform+Id O B-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos yes , that will work ! i need the reference number please . 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 10.24 gbp payable at the station .reference number is : y5av9stn . 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 so much ! 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 O O general-thank +bos have a nice day then , and goodbye . eos O O O O O O O O O O general-bye +bos hi , on tuesday i need to leave cambridge by train . can you help me with the arrangements ? eos O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O O O O O O O O O O O N/A +bos what destination will you be traveling to ? eos O O O O O O O O O Train-Request+Dest +bos the train should leave after 10:15 and should go to peterborough eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest N/A +bos will you be travelling alone or in a party ? eos O O O O O O O O O O O Train-Request+People +bos i have n't decided yet . what time will the train reach the station in peterborough ? 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 if you leave cambridge at 10:34 , you should arrive in peterborough at 11:24. eos O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos welcome . at your service next time eos O O O O O O O O N/A +bos do you need any further assistance ? eos 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 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 the a and b guest house . can you help me out ? 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 O O O O O O O N/A +bos yes , what would you like to know about it ? eos O O O O O O O O O O O O N/A +bos i 'm hoping to book a room for 8 people on friday . we will be in town for 4 nights . eos 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 B-Hotel-Inform+Stay O O N/A +bos i was able to successfully book that for you . your reference number is xusq4e7t . 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 B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos yes , i need a train that leaves after 9:30 eos O O O O O O O O O O O N/A +bos i can help with that . what are your departure and arrival stations please ? eos O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am departing cambridge and going to peterborough , on tuesday please . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O N/A +bos how about tr9522 ? it leaves at 09:34. eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that sounds good . could you give me the arrival time 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+Arrive +bos train tr9522 departs at 09:34 and arrives at 10:24. the travel time is 50 minutes . would you like to book any tickets ? 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 O O O O O O O O Train-OfferBook +bos yes , please go ahead and book the tickets . can i 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 Hotel-Request+Ref +bos 7kkkclip is the reference number . eos O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O N/A +bos thank you so much for all your help today . eos O O O O O O O O O O O general-thank +bos is there anything else i may help you with today ? eos O O O O O O O O O O O O general-reqmore +bos no , that is all i will be needing . 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 general-welcome +bos i need a cheap place to stay eos O O O O B-Hotel-Inform+Price O O O N/A +bos there are many cheap places . in which area would you like to search for a place to stay ? eos 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 Hotel-Request+Area +bos it should include free parking.the hotel should include free wifi . eos O O O O O O O O O O O O N/A +bos there are 10 cheap hotels what area would you like ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O N/A +bos whichever is the cheapest for 2 people , 5 nights starting thursday . please book it , and i will need a reference number . thanks . eos O O O O B-Hotel-Inform+Price 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 O O O O O O Hotel-Request+Ref +bos alright , you are booked at the alexander bed and breakfast . reference number is uk8t46j8 . 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 B-Booking-Book+Ref O O N/A +bos thank you , i just want to confirm that this hotel includes free parking and wifi eos O O O O O O O O O O O O O O O O O N/A +bos yes it includes both . eos O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos thanks , that will be all . good bye . eos O O O O O O O O O O O general-bye +bos enjoy your stay . goodbye ! eos O O O O O O O general-bye +bos could you help me find a train that leaves on a wednesday after 8:45 ? eos O O O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos can you tell me where you are leaving from and where you are headed to ? 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 certainly . i need to travel from leicester to cambridge . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos the first train after 08:45 is the tr1672 , which leaves at 09:09. eos O O O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos i need it for four people please . eos O O O O O O O O O N/A +bos of course . your reference number is te5qeu4h . the total is 151.19 payable at the station . eos O O O O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket O O O O O O O N/A +bos great thank you i also need to find a guesthouse in a moderate price range . eos 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 there are several guesthouses in the moderate price rance . i can recommend the archway house . they 're in the north , have 4 stars , and offer both free wifi and parking . eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Hotel-Inform+Parking +bos can you find one in the south , actually ? eos O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i have the aylesbray lodge guest house or the bridge guest house . would you like me to book one for you today ? 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 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 Booking-Inform +bos can you try booking at the aylesbray lodge for 2 nights , and may i have the postal code ? 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 how many guest will be staying with you at the lodge ? will the booking be for 4 guests also ? 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+People +bos i actually think i will book myself later . if i could just get the postal code and if 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 Hotel-Request+Post,Hotel-Request+Internet +bos the postal code is cb17sr . they do have internet . is there anything else i could help 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 Hotel-Inform+Internet,general-reqmore +bos no that 's all the info i needed . thanks for all your help eos O O O O O O O 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 hi , i need a train from stansted airport that arrives by 14:30. can you help ? eos 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 N/A +bos i sure can help with that ! can you please tell me where you will 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 +bos yes i will traveling to cambridge and want to arrive by 14:30. eos O O O O O O B-Train-Inform+Dest O O O O O O N/A +bos tr3659 arrives at 05:52 eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive N/A +bos could you please tell me the price and travel time of that train ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos sure , price is 10.10 pounds and the travel time is 28 minutes . 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O general-reqmore +bos i also need a place to stay . i need a hotel that is 4 star and of moderate price . eos 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 Train-Request+Price +bos i have about 11 different options . all are guesthouses . do you have a preference on area so that we can narrow it down ? eos O O 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 Hotel-Request+Area +bos i would like a hotel to the north that is a guesthouse , please . eos O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Type O O O N/A +bos i show 7 guesthouses that match your criteria . might i suggest acorn guesthouse . they have free parking and internet . phone number is 0122353888. 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 B-Hotel-Recommend+Phone Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos can you reserve us some rooms ? we 're a party of 8 and we 'd like to stay 3 nights , starting sunday . can you check that the train is also on 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+Stay O B-Train-Inform+Day O O O O O O O O O O O O O O O O N/A +bos i 've successfully booked your rooms , and your reference number is d4tv4g4t . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thank you , that was all i needed eos O O O O O O O O O general-thank +bos have a nice stay in cambridge ! eos O O O O O O O O general-bye +bos there 's been a traffic accident and i need some help resolving a dispute about it . 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 '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 thank you so much . do you have their address ? eos O O O O O O O O O O O O Police-Request+Addr +bos their address is parkside , cambridge eos O O O O O O O N/A +bos thank you so much ! i think 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 you are more than welcome ! eos O O O O O O O general-welcome +bos you can help by getting me a taxi to curry king eos O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos sure thing , when you like to leave by ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i 'd prefer to leave after 02:30 eos O O O O O O B-Taxi-Inform+Leave 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 want to be picked up from holy trinity church eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos okay , i have a white lexus and the contact number is 07229542563. 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos nothing else . you have been most helpful . thank you and 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 ! eos O O O O O O general-bye +bos i 'm looking for a place to stay in the north 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 N/A +bos yes , what price range are you looking for ? eos O O O O O O O O O O O Hotel-Request+Price +bos price is no issue . i would like a 3 star guesthouse though . eos O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos the hamilton lodge sounds like it 's perfect for you . would you like for me to make 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 O O O O O Booking-Inform +bos yes , please . 4 people for 4 nights starting on monday . eos O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O N/A +bos the hotel is unable to accommodate that stay . could you shorten your stay ? eos O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay +bos try 2 nights , then . eos O O O B-Hotel-Inform+Stay O O O N/A +bos ok , i was able to book your stay at the hamilton lodge for 4 people beginning monday and going for 2 days . your reference number is swfuw5ji . anything else ? eos O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People 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 general-reqmore +bos yes , i am also looking for a train that leaves after 14:15 and goes to bishops stortford . eos O O O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos what day are you leaving ? eos O O O O O O O Train-Request+Day +bos i 'd like to leave on wednesday , from cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O N/A +bos train tr3661 leaves cambridge at 15:29 on wednesday and arrives at bishops stortford at 16:07. 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 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 'll be perfect . how much will it be ? eos O O O O O O O O O O O O N/A +bos 10.10 pounds per ticket . would you like me to book you passage ? 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 no i will book the passage myself . 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 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 , i believe that was 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 you 're welcome . enjoy your day . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for places to go on the south side of town . can you help me with that ? 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 sure . would you like to go to a cinema , museum , nightclub , park , theater , or to see some entertainment ? 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 I-Attraction-Select+Type I-Attraction-Select+Type O O O O O O N/A +bos pick a place for me . i need the postcode . eos O O O O O O O O O O O O Attraction-Request+Post +bos there is a cinema cineworld cinema with postcode cb17dy . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O N/A +bos actually , could you find me a park , instead ? eos O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos okay great ! there 's sheep 's green and lammas land park fen causeway or wandlebury country park . both have free entrance fees . eos O O O O O 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 is perfect ! can you give me the postcode for the sheep 's green park ? that 's in the south area 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 O Attraction-Request+Post +bos sheep 's green is indeed in the south . the postcode is cb22ad . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O O N/A +bos i am also looking for a train departing from cambridge to stansted airport on thursday . the train should depart after 08:15. i also need the train id and price . eos O 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 O O B-Train-Inform+Leave B-Train-Inform+People O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos trian tr7924 leaves the station at 08:40. price for 1 ticket is 10.1 gbp . eos O O B-Train-Inform+Id 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 okay 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 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 in the centre of town and i would like it to be a museum . 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 B-Attraction-Inform+Type O N/A +bos how does the museum of archaelogy and anthropology sound ? it is in the centre and has free admission . 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-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos what 's the postcode for that ? eos O O O O O O O O Attraction-Request+Post +bos the post code for the museum of archaeology and anthropology is cb23dz . 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 B-Attraction-Inform+Post O N/A +bos can i also 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 01223333516. is there anything else that 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 O general-reqmore +bos i 'll also need a train on monday . eos O O O O O O O B-Train-Inform+Day O O N/A +bos i can help you with that , what destination , departure site , 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 Train-Request+Leave,Train-Request+Dest,Train-Request+Depart +bos leaving monday from kings lynn after 19:15 going to cambridge . i need to get 2 tickets and may i have the referral number please ? eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref +bos reference number is : doa079hv is there anything else i can help you with eos O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O 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 general-thank +bos thank you for using help desk . goodbye . eos O O O O O O O O O O general-bye +bos i 'd like to find a north american restaurant in any area . i 'd like the address , phone , and price range . eos 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 O Restaurant-Request+Phone,Restaurant-Request+Price,Restaurant-Request+Addr +bos gourmet burger kitchen is a restaurant serving north american food and in the expensive price range . the phone number is 01223 312598 and the address is regent street city centre . eos O B-Restaurant-Inform+Name I-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 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 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 O general-welcome,general-bye +bos good bye . eos O O O O general-bye +bos thank you . goodbye ! eos O O O O O O general-bye +bos is there a moderate priced restaurant ? eos O O O O B-Restaurant-Inform+Price O O O N/A +bos i found several . do you have a preference on location ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Area +bos yes , in the east part of town . eos O O O O B-Restaurant-Inform+Area O O O O O N/A +bos there are three results with your preferences of east area and moderate price range . eos 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos what is the address of one of them ? eos O O O O O O O O O O Restaurant-Request+Addr +bos 451 newmarket road fen ditton eos O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos excellent , 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 that 's it , goodbye eos O O O O O O general-bye +bos you are welcome goodbye eos O O O O O general-welcome,general-bye +bos where would i find the cambridge belfry 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 cambridge belfry is located in the west and rated 4 stars . would you like their address ? i can also book a stay for you if you would like . 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 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,general-reqmore +bos i 'd like you to book a stay please , for 8 people . eos O O O O O O O O O O O B-Hotel-Inform+People O O O N/A +bos what day do you want me to book it for ? and how many days ? 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 we will be coming in on wednesday for 2 nights . eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A +bos your rooms for 8 at the cambridge belfry have been reserved . your reference number is 0xqv7rny . can i help with anything else ? eos O O O O O B-Booking-Book+People 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 general-reqmore +bos yes , i need a train from cambridge to leicester that arrives by 12:15 on friday . eos 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 there are several trains that meet your criteria . is there a particular time you would like 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 O Train-Request+Leave +bos no it does n't matter , i 'd like the booking 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 O N/A +bos booking was a success ! your reference number is atte8gfk . what else can i 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 general-reqmore +bos no that is all , thank you very much for your time . eos O O O O O O O O O O O O O O general-thank +bos glad to help ! enjoy your day . eos O O O O O O O O O general-welcome,general-bye +bos hello ! i 'm looking for a train that leaves after 10:15 on sunday . eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A +bos where is your departure and destination ? eos 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 peterborough , please . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O O O N/A +bos train tr1492 departs from cambridge at 10:34 on sunday and arrives at peterborough by 11:24. would you like me to book you a ticket ? eos O O B-Train-Inform+Id O O B-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 O O O Train-OfferBook +bos yes , please make a booking for 1 person . eos O O O O O O O O B-Train-Inform+People O O N/A +bos unfortunately , there is not a train on sunday matching your criteria . eos O O O O O O O O B-Train-NoOffer+Day I-Train-NoOffer+Day O O O O N/A +bos are you sure there are no trains going from cambridge to peterborough on sunday leaving after 10:15 ? what about tr1492 that you said ? 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 O O O O N/A +bos the tr1492 train to peterborough leaves at 10:34 and arrives at 11:24 , may i book this trip for you ? 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 O O Train-OfferBook +bos yes , book that for me and get me a reference number . eos O O O O O O O O O O O O O O N/A +bos the booking was successful , the total fee is 13.2 gbp payable at the station .reference number is : gqsot34u . 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 . can you also help me find a hotel for my group ? eos O O O O O O O O O O O O O O O O Hotel-Inform +bos do have any hotel preferences like price or location ? eos O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos the hotel name i am looking for is named hamilton lodge . eos O 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 located in the north . they are moderately priced and have a 3-star rating . they offer both free wifi and free parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos can you book that hotel for me for 1 person for 2 nights starting from friday , please ? 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 booking was successful . reference number is : q52lox3w . 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 no , you have been a great help already . thanks , and 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 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 need a place to stay in the north eos O O O O O O O O O B-Hotel-Inform+Area N/A +bos ok im seeing alot of choices in hotels is there anything else you need in the hotel that would help narrow it down 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 O O O O N/A +bos i 'd really like to stay in a guesthouse . i heard the ones in cambridge are very nice . 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 how about the acorn guesthouse ? it is rated 4 stars and is in the moderate price range . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price O O O O N/A +bos is it in the north ? and do they have free parking ? eos O O O O O O O O O O O O O O N/A +bos it is indeed in the north and offers both free parking and free wifi . eos O O O O O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos do they have a room available for 5 people starting tuesday ? we will need it for 5 nights . eos 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 alright , i got you booked . your reference number is : dvd9mh3r . 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 yes . i need to travel from cambridge to london liverpool street on sunday . can you help me find a train ? 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 B-Train-Inform+Leave O O O O O O O O O N/A +bos there are no trains available on sunday leaving cambridge and arriving in london liverpool street . can you travel on a different day ? eos O O O O O O O B-Train-NoOffer+Day O B-Train-NoOffer+Depart O O O B-Train-NoOffer+Dest I-Train-NoOffer+Dest I-Train-NoOffer+Dest O O O O O O O O O N/A +bos not really . can you check again ? i need to get to london liverpool street by 19:00. 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+Arrive O O N/A +bos i just checked again . unfortunately there are no trains available . any other arrangements i can make 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 Train-NoOffer,general-reqmore +bos what would be the next available if not on sunday ? eos O O O O O O O O O O B-Train-Inform+Day O N/A +bos i did find a train for sunday . tr0189 departs at 15:59 and arrives by 17:27. would that work for you ? eos O O O 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 N/A +bos tr0189 departs cambridge going to london liverpool street ? eos 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 yes , it does , would you like me to book you ? eos O O O O O O O O O O O O O O Train-OfferBook +bos yes , please . i need 5 tickets . eos O O 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 : 8gvknm9j . 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 O O general-bye +bos enjoy your stay , good bye ! eos O O O O O O O O general-bye +bos hello , are you familiar with warkworth house ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos yes . they are located in the east on warkworth terrace . is there any other information you need ? eos O O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O general-reqmore +bos can you book it for me ? wednesday , 5 nights , 6 people . reference number please . eos O 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 Hotel-Request+Ref +bos booking was successful.reference number is : 5wq37wun . eos O O O O O O O B-Booking-Book+Ref O N/A +bos can you find a train that departs from cambridge after 15:30 ? eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos what day would you like to travel and whats your destination ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i am leaving on monday and going to leicester . eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A +bos the tr6067 leaves at 16:21 , will that work for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O Train-Select +bos yes , thank you . that 's all for me . bye ! eos O O O O O O O O O O O O O O general-bye +bos you 're welcome . have a lovely day . eos O O O O O O O O O O general-welcome,general-bye +bos i need help finding a train for thursday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos can you please tell me your departure and destination ? what time 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 Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest +bos i would be leaving from cambridge going o peterborough . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos what time would you like to arrive at your destination ? eos O O O O O O O O O O O O Train-Request+Arrive +bos i just need to leave after 20:30. eos O O O O O O O B-Train-Inform+Arrive N/A +bos how about the last train , it 'll get you there at 07:56. how many tickets please ? eos 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 Train-Request+People +bos as long as it leaves after 20:30 , then it 's fine . can you give me the train id ? i 'll buy at the station . 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 O O O O Train-Request+TrainID +bos the id is tr6688 . eos O O O O B-Train-Inform+Id O N/A +bos can you tell me the departure and arrival time for that train ? eos O O O O O O O O O O O O O O Train-Inform +bos yes , it leaves at 07:06 and arrives by 07:56. may i help with anything else ? eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O general-reqmore +bos i also need a place to stay . i am looking for a 0 star hotel in the moderate price range 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 B-Hotel-Inform+Price O O O N/A +bos that narrowed it down to 1 hotel that meets your criteria . it 's called cityroomz . they offer free internet . they are located at sleeperz hotel , station road . would you like to book ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O B-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 O O Booking-Inform,Hotel-Inform+Internet +bos could you just give me the postcode please ? eos O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb12tz . is there anything else i can help with ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore +bos no thank you . that is all i needed . good bye . 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 hello ! i am looking for a place to stay . i would like to stay in the moderate price range with a rating of 2 stars , if possible . 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 B-Hotel-Inform+Stay O O O O O O N/A +bos i have two options that are in the north area . how many people would you like to reserve a room for ? 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 Booking-Request+People +bos i do n't know for sure yet . does either include free wifi and parking ? eos O O O O O O O O O O O O O O O O O N/A +bos they both have free internet and parking and are both in the moderate price range . eos O O O O O O O O O O O O O O O O O N/A +bos okay , i need to book one of them for 1 person starting tuesday for 2 nights . please send me the reference number once the reservation is booked . 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 O O O O O O O O O O O O O Hotel-Request+Ref +bos i made you a reservation at the ashley hotel your reference number is nc5xpxnd . 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 N/A +bos thank you . also , i 'm looking to book a train from cambridge to norwich ? can you help me with that ? eos 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 what is your departure day and time ? eos O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i am leaving on thursday and need to arrive in norwich by 16:15. eos O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive N/A +bos train tr5190 leaves cambridge at 14:36 and arrives in norwich at 15:55. would you like 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 no thank you . can you confirm the travel time for that commute ? eos O O O O O O O O O O O O O O O Train-Request+Duration +bos absolutely . the total travel time is 79 minutes . is there anything else i can help you with ? 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 general-reqmore +bos what is the departure time ? eos O O O O O O O Train-Request+Leave +bos the departure time is 14:36 from cambridge . eos O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O N/A +bos thanks . that is all i need for now . goodbye . eos 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 need a guesthouse in the north to stay at . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos alright how does the avalon guesthouse sound ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos does it have free parking ? eos O O O O O O O N/A +bos no it does not . how about the hamilton lodge guesthouse ? it is moderately priced and has 3 stars . 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 I-Hotel-Recommend+Name O 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 Booking-Inform,Hotel-Inform+Parking +bos yes please . i need it for saurday , sunday , monday and tuesday please . eos O O O O O O O O O O O O O O O O O N/A +bos and how many will be staying ? eos O O O O O O O O Booking-Request+People +bos three people , 4 nights , thanks ! eos O O O O B-Hotel-Inform+Stay O O O O N/A +bos i was able to book that for you . your reference number is x5ngavnb . anything else i can assist 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 general-reqmore +bos yes , i also need to book a train to kings lynn that leaves after 8:30 on wednesday departing cambridge . eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O N/A +bos the first train after 08:30 is tr2831 , it leaves at 09:11 and arrives at 09:58 , i can book you if you like . 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 O O O Train-OfferBook +bos yes please , go ahead and book that . 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 i do not need to book . eos O O O O O O O O N/A +bos ok , is there anything else i can help you with today then ? eos O O 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 you are welcome ! enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos i am looking to stay at the carolina bed and breakfast . what availability do you have ? 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 N/A +bos is there a specific day you are wanting to stay there ? eos O O O O O O O O O O O O O Booking-Request+Day +bos no i just need a phone number . eos O O O O O O O O O Hotel-Request+Phone +bos the phone number is 01223247015. do you need additional information ? eos O O O O O B-Hotel-Inform+Phone O O O O O O general-reqmore +bos i 'm also going to need a train . i 'm going to be leaving from london liverpool street and should arrive by 15:15. 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 O O B-Train-Inform+Arrive O O O N/A +bos i have several options that could work . what day will you be travelling ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Day +bos sunday . and i 'll be travelling to cambridge . eos O B-Train-Inform+Day O O O O O O O O O N/A +bos okay we have tr2620 , would you like me to book it for you ? eos O O O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook +bos yes , i will need seats for 5 people . please provide me with a reference number . thank you for your assistance . 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 Train-Request+Ref +bos you are all set . reference sxb123qi . total is 66.39 gbp payable at the station . anything else i can help you with ? 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 O O O O general-reqmore +bos no . 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 excellent . enjoy your trip . eos O O O O O O O general-welcome,general-bye +bos hi , can you help me figure out a train schedule , please ? i need to travel to london liverpool street sometime after 18: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 B-Train-Inform+Leave O O O N/A +bos where are you leaving from ? eos O O O O O O O Train-Request+Depart +bos i am leaving from cambridge on saturday eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos the tr2166 train leaves at 19:59 on saturday , would that work ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Day O O O O O N/A +bos yes , may i please have the price ? eos O O O O O O O O O O Train-Request+Price +bos the cost per ticket is 13.28 pounds . can i assist you in booking a ticket ? 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 Train-OfferBook +bos yes please . also i am looking for a 4 star hotel with a moderate price range . can you make a recommendation ? eos 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 Train-Request+Price +bos we only have guesthouses that fit your requests , would you like a different hotel ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Type +bos a guesthouse in the north should be perfect . eos O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos how about the acorn guest house in the north ? it 's 4 stars and a moderate price . i would be happy to help you with a reservation . 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 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 Booking-Inform +bos i wo n't be needing to book the train . regarding the guest house , does it 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 Hotel-Request+Parking +bos yes it does offer free parking and they also offer internet . 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos no , but could you provide me with their postcode and phone number 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 absolutely . their phone number is 01223353888 and the postcode is cb41da . eos O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O N/A +bos fantastic , thank you , that should be all . eos O O O O O O O O O O O general-thank +bos no problem , have a great day . eos O O O O O O O O O general-greet +bos hello , i need a hotel that 's moderately priced , please . eos O O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos would you like me to book arbury lodge guesthouse eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Type N/A +bos what is the star rating of the arbury lodge ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos it has a four star rating . what else can i do for you ? eos O O O O O O O O O O O O O O O O general-reqmore +bos i am really looking for one with a zero star rating . what do you have available . eos O O O O O O O O O O O O O O O O O O O N/A +bos cityroomz is 0 stars and moderately priced . do you need assistance booking a room today ? eos O B-Hotel-Inform+Name 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 Booking-Inform +bos could you please book for 1 person for 4 nights starting from saturday . if 4 nights is not available , how about 2 nights . i also need the 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 O O O B-Hotel-Inform+Stay O O O O O O O O O O N/A +bos we could n't do 4 nights , but i do have you booked for two . your reference number is l4n1zryo . anything else i can do for you today ? eos O O O O O B-Booking-NoBook+Stay 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 need a train on sunday to cambridge , please . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O O N/A +bos there are 202 trains , do you have a specific day time or departure in mind ? 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,Train-Request+Leave,Train-Request+Day,Train-Request+Depart +bos yes . i need the train on saturday also . it should leave norwich and arrive by 8:45. eos 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 i have booked for you train tr4202 . he total fee is 14.08 gbp payable at the station .reference number is : pi9js0x7 . eos 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 N/A +bos i 'm trying to find a train that leaves on sunday and going to cambridge . can you help ? eos O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart 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 headed to cambridge . eos O O O O B-Train-Inform+Dest O O N/A +bos i 'm sorry , i needed to ask you from where would you be departing ? 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 ely . eos O O O O O O B-Train-Inform+Depart O N/A +bos the earliest train leaves at 5:35 and the latest at 23:35. they run every 2 hours . what time would you like to depart or arrive ? eos 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 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 14:45 eos O O O O O O B-Train-Inform+Leave N/A +bos how about tr9823 departing ely at 15:35 and arriving in cambridge at 15:52 ? would you like me to book a seat for you ? eos O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Depart B-Train-OfferBook+Leave O O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest O O O O O O O O O O O O O N/A +bos wait . leaving for london king not ely . i am going to cambridge . i need a train for 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 tr7931 departing london kings cross at 15:17 and arriving in cambridge at 116:08. would you like me to book a seat for you ? 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 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 could i get the price and the travel time for that train ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos it is 18.88 pounds and last a total of 51 minutes . eos 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 ! thank you ! i 'm also looking for a particular restaurant . its name is called the varsity 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 I-Restaurant-Inform+Name O O O O N/A +bos it is located at 35 saint andrews street city centre . it is a moderately priced international restaurant . 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+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos thanks for the info ! can you please book me a table for 7 people at 18:45 on sunday ? 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 booking confirmed . reference number is : hajw2i1i . the table will be reserved for 15 minutes . eos 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 thank you for all your help today . i appreciate it . eos O O O 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 general-welcome,general-bye,general-greet +bos i am looking for an expensive french restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are two restaurants that fulfill your inquiry , cote in the center and restaurant two two in the north . would you like more information on either ? eos O 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 I-Restaurant-Inform+Name O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O general-reqmore +bos can i get the address of one place ? eos O O O O O O O O O O Restaurant-Request+Addr +bos cote is located at bridge street city centre . eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos that 's it . thank you , goodbye eos O O O O O O O O O general-bye +bos you are welcome and thank-you . eos O O O O O O O general-welcome,general-bye +bos i am looking for a portuguese place to dine in the south . eos O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O N/A +bos i 'd recommend nandos . would you like to make a reservation ? eos O O O B-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos is this in the cheap price range ? eos O O O O O O O O O N/A +bos yes , nando 's is a cheaper restaurant . would you like me to reserve a table for you ? eos O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O Booking-Inform +bos yes please . i need it for tuesday . eos O O O O O O O B-Restaurant-Inform+Day O O N/A +bos i can do that . how many people should i list on the reservation and what time do you want to dine ? eos 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 for 5 people at 16:00 , please . eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A +bos reference number is : xiviwpp2 . anything else ? eos O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos i would like to go to a nightclub in the same area as the restaurant . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos i found the place located at 22 sidney street . eos O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos great , thanks ! thats all i need . goodbye . eos O O O O O O O O O O O O general-bye +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 hi , can you please help me book a train departing from london king 's cross on sunday ? eos 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 we have 10 different trains for that day . do you want to depart and/or arrive at a particular 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+Arrive,Train-Request+Leave +bos i want to leave after 9. eos O O O O O O O N/A +bos there is a train leaving at 9:17 , sunday . would you like for me to book that ? eos O O O O O O O B-Train-Inform+Leave B-Train-Inform+Day O O O O O O O O O O O Train-OfferBook +bos i need a booking on the train for 7 people to go to cambridge . is that doable ? eos O O O O O O O O O O B-Train-Inform+People O O O B-Train-Inform+Dest O O O O O N/A +bos yes it is . do you have a preferred time of departure ? eos O O O O O O O O O O O O O O Train-Request+Leave +bos i would like to leave after 9:00. eos O O O O O O O O N/A +bos i have booked the train for 9:17. the reference number is bbqxvmzk . the total for 7 people is 132.16 gbp and is payable at the station . anything else i can do for you ? eos O O O O O O O B-Train-OfferBooked+Leave O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Ref 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 general-reqmore +bos yes , could you please help me find a expensive danish 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 it looks like there are n't any expensive danish restaurants in town . would you like me to look for another cuisine ? 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 Restaurant-Request+Food +bos british food would be a suitable replacement i suppose . eos O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos we have many to choose from . any part of town work best ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area +bos no preference . can you recommend one and book the same group of people on the same day 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 ok , i recommend the the cambridge chop house . it is in the city centre . what time would you like to eat ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+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-Request+Time +bos i would like the reservation to be for sunday for 7 people at 20:15. eos 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 B-Restaurant-Inform+Time N/A +bos booking for 7 was successful . the table will be reserved for 15 minutes . your reference number is exzlqazy . may i help you with anything else ? eos O O O O B-Booking-Book+People 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 . that 's all . goodbye eos O O O O O O O O general-bye +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-bye +bos i 'm traveling to cambridge and i need a train that leaves on friday . eos O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Day O O N/A +bos where will you be coming from , and what time would you like to depart from there ? 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+Leave +bos i 'd like to get on the train at london kings cross and arrive in cambridge by 15:15. 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 B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos tr4748 leaves kings cross at 13:17 and arrives at 14:08. will that work ? 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+Arrive O O O O Train-OfferBook +bos that sounds perfect ! can i purchase 3 tickets on that train , please ? eos O O O O O O O O O B-Train-Inform+People O O O O O O N/A +bos ok , 3 tickets are booked ! your reference number is bdjacgot . can i help you with anything else ? eos 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 general-reqmore +bos yes , i would also like a place to eat near the centre area . can you assist me with that ? eos 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 N/A +bos of course ! i have many options for you in that area . eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O general-greet +bos what i 'd really like is spanish food . what are my choices ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos there are two different place : la tasca and la raza . la tasca is moderately price and la raza is 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 N/A +bos la raza sounds great . can i book a table for 3 on friday at 19:15 ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 it is booked ! your reference number is : kdxkrqcd . 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 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 glad to have been of assistance . 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 O general-welcome,general-bye +bos hi , i 'm looking for a european restaurant . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos the eraina is an expensive european restaurant located at free school lane city centre . 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos is this actually located in the centre area ? i just want to make sure . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos yes it is located in the centre area , shall i reserve a table for you ? eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos yes . please reserve it for 5 people on friday 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : dj7mzl41 . 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 O general-reqmore +bos great . i 'll also need to find a train out of cambridge . i need to leave sometime after 13:45. eos 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 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 . eos O O O O O O O O O O O O O O O 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 +bos of course , my destination will be stansted airport . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos i have train tr1316 , it arrives at 15: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+Arrive O O O O O O O O O O O Train-OfferBook +bos yes , can you book it for 5 people and get me the reference number ? eos O O O O O O O O B-Train-Inform+People O O O O O O O O N/A +bos unfortunately , i am unable to book it right now . eos O O O O O O O O O O O O Booking-NoBook +bos oh . could you please try again ? eos O O O O O O O O O N/A +bos booking was successful , the total fee is 50.5 gbp payable at the station .reference number is : gaf920n6 . 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 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 no there is nothing else today . thanks , bye eos O O O O O O O O O O O general-bye +bos you 're welcome and enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos can i ask you for a restaurant suggestion in the north today ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos okay , there are 9 different available restaurants . 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 what types of expensive restaurants are in that part of town ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos i have asian oriental , chinese , french , italian and indian . any preference ? eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Restaurant-Select +bos i would like to try french and i need a reservation for 2 people at 12:45 on friday . eos O O O O O O B-Restaurant-Inform+Food 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 you for restaurant two two . the table will be reserved 15 minutes after 12:45. reference number is 6bd74vbb . is there anything else i can do ? eos 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+Time O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos i am looking for a train going to cambridge and should depart from king lynn arriving by 08:15 eos O O O O O O O O O B-Train-Inform+Dest O O 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 need it on friday . eos O O O O O B-Train-Inform+Day O N/A +bos there is a train arriving at 07:58 would you like me to book tickets for that one ? eos O O O O O O O B-Train-OfferBook+Leave O O O O O O O O O O O N/A +bos yes , i need 2 tickets please . eos O O O O O B-Train-Inform+People O O O N/A +bos your booking was successful , the total fee is 19.6 gbp payable at the station .reference number is : skg9jjlb . what else can i help you with 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 general-reqmore +bos that is it for today . have a god day eos O O O O O O O O O O O N/A +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 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 what day would you like to depart ? and where will you be heading ? eos 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 on friday and go cambridge . eos O O O O O O B-Train-Inform+Day O O O O N/A +bos which station will you be leaving from ? eos O O O O O O O O O Train-Request+Depart +bos i 'll be leaving from stevenage on friday after 15:15. how much will that cost ? eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave O O O O O O O N/A +bos there are 5 different trains for that day/time , but they are all 12.80 pounds . would you like to book a ticket ? eos O O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook +bos no , that 's fine , thank you . i 'm also looking for a restaurant called the curry garden . 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 N/A +bos i found it would you like a reservation ? eos O O O O O O O O O O Booking-Inform +bos no thank you . i am also looking for a restaurant called curry garden . 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 curry garden is an expensive indian restaurant in the center of town , located at 106 regent street city centre , cb21dp . 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 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 thanks so much . you have been very helpful . that is all i 'll be needing for today . 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 okay enjoy your dining and your visit in cambridge . eos O O O O O O O O O O O general-bye +bos can you help me find train tickets ? thanks ! eos O O O O O O O O O O O Train-Inform +bos when would you be traveling ? eos O O O O O O O Train-Request+Day +bos i need to leave on wednesday after 11:45 please . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A +bos where are you bound , and where are you departing from ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'm leaving from kings lynn and headed to cambridge . eos O O O O O O O O O O O O N/A +bos there is no train leaving kings lynn . eos O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart O N/A +bos none , can you check the spelling and search again ? eos O O O O O O O O O O O O N/A +bos tr7040 will leave at 12:11 and arrive 47 minutes later at 12:58. the trip will cost 9.80 pounds . would you like to book this train ? eos O B-Train-Inform+Id O 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 I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook +bos no , i 'll book it myself but you can help me get some information on the thanh binh 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 O N/A +bos there is no listing for this restaurant eos O O O O O O O O Restaurant-NoOffer +bos i 'd like something moderately priced please . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos do you care what type of food ? eos O O O O O O O O O Restaurant-Request+Food +bos no , the type of food does n't matter . eos O O O O O O O O O O O N/A +bos yippee noodle bar serves asian oriental food in the moderate price range . 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+Price I-Restaurant-Inform+Price O 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 yippee noodle bar is 01223 518111. 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 N/A +bos thank you for giving me the information . good bye . eos O O O O O O O O O O O O general-bye +bos goodbye . eos O O O general-bye +bos i need a moderately prices two start hotel in the north with wifi . can you help ? eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos would you need parking ? eos O O O O O O Hotel-Request+Parking +bos no . i just misspoke . i 'm looking for a moderately priced spanish restaurant . eos 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 how about la tasca that serves spanish food and is in the moderate price range located in the centre 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+Price I-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos i would like a table on sunday . eos O O 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 Booking-Inform,general-reqmore +bos yes . i need the reference number and would like to know of some places to visit in the same 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+Ref +bos what time would you like your reservation for and for how many people ? we will work on your attraction once we get the restaurant booked . eos O O O O 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,general-greet +bos 12:15 on sunday for 2 people . eos O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A +bos booking at la tasca was successful . your reference number is xv1087fk . what type of attraction are you interested in ? eos 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 Attraction-Request+Type +bos i do n't need an attraction . i am done for now . thank you . eos O O O O O O O O O O O O O O O O O Attraction-Inform +bos okay , have a great time during your stay ! eos O O O O O O O O O O O general-bye +bos i am looking for a cheap restaurant . eos O O O O O O B-Restaurant-Inform+Price 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 dont care eos O O O O N/A +bos there are 22 results . is there an area that you would prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area +bos yes , in the west part of town please . eos O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos there are two results . la margherita serves italian food and thanh binh serves vietnamese food . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 thanh binh is located at 15 magdalene street city centre and the phone number is 01223 315232. 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 I-Restaurant-Inform+Phone N/A +bos is there anything else ? eos O O O O O O N/A +bos would you prefer information on la margherita ? it 's the only other cheap restaurant in that area . eos O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O B-Restaurant-Select+Price O O O O O O N/A +bos yes , please . eos O O O O O N/A +bos la margherita 's phone number is 01223 315232 and you can find them at 15 magdalene street city centre . 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+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 and have a great day ! eos O O O O O O O O O general-bye +bos i am looking for king 's college . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos yes , king 's college is in the centre and located on king 's parade . their phone number is 01223331100. 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 O N/A +bos thank you ! eos O O O O general-thank +bos may i help you with any thing else ? eos O O O O O O O O O O general-reqmore +bos yes . do you know what their entrance fee is ? also , i need some help finding an italian restaurant in the centre area . 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 B-Restaurant-Inform+Area O O O Attraction-Request+Area,Attraction-Request+Fee +bos it is free admission into the king 's college . sure i can help with that . what is your price range ? 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 O O Attraction-Request+Price,general-reqmore +bos i do n't have a price range preference . eos O O O O O O O O O O N/A +bos there is pizza express it 's moderately priced , would you like more information or for me to book it for you ? eos O O 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 Booking-Inform,general-reqmore +bos yes please . i would like the reservation for thursday at 15:00 for 2 people . 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 N/A +bos i was able to book your table . the reference number is : wa5jka4g . is there anything else you needed ? 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 i also need a taxi to travel between king 's college and the restaurant . eos 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 booking completed ! booked car type : blue teslacontact number : 07982639539 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 was all i needed , thank you . eos O O O O O O O O O O general-thank +bos thanks for using our services and welcome anytime eos O O O O O O O O O general-welcome +bos are there any accommodations in the east part of town that off free parking ? eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos i have 6 places . would you prefer a guesthouse or a hotel ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos i want it to be a hotel and also include free wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i have the express by holiday inn cambridge . 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 Booking-Inform +bos what is their star rating ? eos O O O O O O O N/A +bos it has a two star rating eos O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars N/A +bos can you also tell me the address ? eos O O O O O O O O O Hotel-Request+Addr +bos it is located at 15-17 norman way , coldhams business park . eos 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 N/A +bos i need a train , as well . it should leave on tuesday and go to london liverpool street . eos 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 O O N/A +bos great , what is your departure site ? eos O O O O O O O O O Train-Request+Depart +bos my departure site is cambridge please . eos O O O O O B-Train-Inform+Depart O O N/A +bos and what time will you be needing to leave after 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 will need to leave after 15:45 eos O O O O O O O B-Train-Inform+Leave N/A +bos tr4276 leaves at 15:59 , will this option work 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 yes that train will work for me . eos O O O O O O O O O Train-Inform +bos for how many people do i book ? eos O O O O O O O O O Train-Request+People,Train-OfferBook +bos just one person please and i need a reference number eos O O O O O O O O O O O Train-Request+Ref +bos i have booked one seat on tr4276 . your reference number is fkix0bce . can i be of further assistance ? eos O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +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 do you need a taxi ? eos O O O O O O O N/A +bos no , i think that was it . have a good day . eos O O O O O O O O O O O O O O N/A +bos you are welcome eos O O O O general-welcome +bos thanks a gain for your help . eos O O O O O O O O general-thank +bos the pleasure is all mine eos O O O O O O general-greet +bos actually , i do need a taxi to get to the train station . can you look one up 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 Taxi-Inform,Train-Inform +bos wow just wow ! where will the taxi be from and what time ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart +bos sorry , my friend was talking to me while i was trying to get all of this taken care of . i have all the information i need . 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 O O O O O N/A +bos i 'm glad we could help you today . good-bye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i need to take a train from cambridge to the stansted airport , which train would be the best one ? eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O N/A +bos i have several trains traveling to stansted airport , which day would you like to leave ? eos 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 Train-Request+Day +bos i need to leave on tuesday after 16:00 , please . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O N/A +bos tr0471 leaving cambridge on tuesday at 16:40 and arriving at stansted airport by 17:08. would this one work for you ? eos 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 O B-Train-Inform+Arrive O O O O O O O general-reqmore +bos yes , that sounds good . thank you . 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 yes i 'm looking for a place to stay in the south part of town with a 3 star rating . eos 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 N/A +bos okay i have two different options . there is a guesthouse and a hotel . both have free parking and wifi . any preference as to which one ? eos O O O O O B-Hotel-Inform+Choice 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 O O O O O Hotel-Request+Type,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i am looking for the gardenia restaurant a friend told me to try . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O N/A +bos your friend has good taste . it is located at 2 rose crescent city centre , postcode cb23ll . 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 B-Restaurant-Inform+Post O O general-welcome +bos i 'd like to book a table for 7 people on monday at 15:15 please . 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 N/A +bos no problem ! i 've booked you a reservation at the gardenia for monday at 15:15 for 7 people . the reference number is 3b3402qr . is there anything else ? eos O 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 B-Booking-Book+People O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos thank you . can you help me find a place to go , maybe something to do with architecture ? 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 absolutely . there are five in the centre , four churches and one old school . would you like more information on any of those ? eos O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O general-welcome +bos i would like the post code for the old school eos O O O O O O O O O O O Attraction-Request+Post +bos the postal for old schools is cb21tt , can i help 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 general-reqmore +bos that 's all for today ! thank you so much , goodbye ! eos O O O O O 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 please dig up some information on the mutliple sports in the centre for me eos O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos i 'm afraid there is n't one . can i help you find something else ? eos O O O O O O O O O O O O O O O O O general-reqmore,Attraction-NoOffer +bos oh well . i guess maybe a theatre instead . eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are 4 theatres in the centre . they are adc theatre , cambridge arts theatre , mumford theatre , and the cambridge corn exchange . 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+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A +bos can you tell me the postcode , entrance fee , and phone number of 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+Fee +bos the entrance fee is n't listed , but you can reach them by phone at 01223300085. the postcode is cb58as . 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 O O O B-Attraction-Inform+Post O O O N/A +bos thanks i also need a train that 's going to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos no problem , where will that be coming from ? eos O O O O O O O O O O O general-welcome,Train-Request+Depart +bos i need to leave from norwich sometime after 20:15 on saturday . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos tr0615 departs at 20:16 and arrives by 21:35. 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 no . that is all the info i need . eos O O O O O O O O O O O N/A +bos ok , have a good day ! eos O O O O O O O O general-bye +bos find me a cheap indian place to dine at please . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O N/A +bos sure , i have 4 options for you eos O O O O O B-Restaurant-Inform+Choice O O O N/A +bos okay can you tell me which one is in the centre ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos there 's three in the centre , kohinoor , the gandhi , and mahal of cambridge . do you need more information on any of these ? eos O O B-Restaurant-Inform+Choice 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 O O N/A +bos can i have a booking for the gandhi ? i 'd like to book it on sunday at 11:45. there will only be one person . 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 O O O O O O N/A +bos your table is reserved , reference # bxpquzan . 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 , nothing else . thanks so much . 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 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 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 +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 O 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 i am looking for a place to stay . the hotel should be in the type of guesthouse and should be in the east . 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 B-Hotel-Inform+Area O O N/A +bos there are several to choose from . is there a price range you are 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+Price +bos yes , i 'm on food stamps and i can only afford the cheapest place . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are 3 guesthouses available . all are 4 star rated and offer free parking and wifi . they are the allenbell , the autumn house , and the leverton house . 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 O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos do they have free wifi , and parking ? free is my ideal price . eos O O O O O O O O O O O O O O O O Hotel-Request+Internet +bos yes , the guesthouses all provide free wifi and free parking . would you like to a book a room 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos no , but could you give me the postcode ? eos O O O O O O O O O O O Hotel-Request+Post +bos there are three guesthouses that meet that criteria , allenbell , autumn house , and leverton house . for which would you like the postcode ? eos O O O B-Hotel-Inform+Choice B-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 O O O O O Hotel-Select +bos may i have the postcode for the allenbell , please ? eos O O O O O O O O B-Hotel-Inform+Name O O O Hotel-Request+Post +bos sure thing it is cb13js eos O O O O O B-Hotel-Inform+Post N/A +bos i also wanted to find a nightclub to visit while i 'm there . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are quite a few in the towns centre . the kambar is quite nice at 1 wheeler st eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O B-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A +bos that sounds great . is there a cover charge ? eos O O O O O O O O O O O N/A +bos yes there is . it is five pounds . eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos can you give me the address and phone number ? eos O O O O O O O O O O O Attraction-Request+Addr +bos yes i will work on rounding that up for you . eos O O O O O O O O O O O O N/A +bos great i appreciate it ! eos O O O O O O N/A +bos the address is 1 wheeler street , postcode cb23qb , ant the phone is 01223842725. eos 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 B-Attraction-Inform+Phone O O N/A +bos i also want a taxi to commute between the two places eos 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+Leave,Taxi-Request+Arrive +bos i 'd like to leave the hotel by 15:45 please eos O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos booking completed ! booked car type : red teslacontact number : 07362491637can i help you anything else today ? 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 O O O O general-reqmore +bos thank you very much eos 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 can i please book a train to bishops stortford on saturday ? 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 where would you like to depart from ? eos O O O O O O O O O Train-Request+Depart +bos i 'd like to leave cambridge and arrive by 17:30. eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A +bos i have the tr0121 train available . it departs from cambridge at 15:29 and arrives at bishops stortford at 16:07. would you like to book a ticket ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id 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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos yes . please book for 2 people . eos O O O O O O B-Train-Inform+People O O N/A +bos your passage has been booked . 16.16 gpb will be payable at the station and your reference number is zvftq0x3 . will that be all ? eos 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 O O O O general-reqmore +bos thank you . i also need help finding a place to stay . i 'd prefer a guesthouse with free wifi 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 may i ask a price range that you would like ? eos O O O O O O O O O O O O Hotel-Request+Price +bos i do n't care about price . it needs to be in the north , however . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O Hotel-Request+Price +bos we have many guesthouses located in the north , many of which are 4 stars . may i recommend the kirkwood house located in the north for a moderate price with 4 stars ? eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Recommend+Area B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O B-Hotel-Recommend+Price O O O O O O O N/A +bos does the kirkwood house include free parking ? eos O O O O O O O O O N/A +bos yes it most certainly does . eos O O O O O O O Hotel-Inform+Parking +bos what 's the price range , postcode and address please eos O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Addr +bos the kirkwood house is moderately priced and is located at 172 chesteron road , cb4 1da . can i help you with anything else today ? eos O 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post I-Hotel-Inform+Post 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 okay . the guesthouse is kirkwood house and it is moderately priced , located at 172 chesterton road reference number cb4 1da . eos O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Ref I-Hotel-Inform+Ref N/A +bos can you find a hotel named worth house for me ? thanks . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos sure , it is a guesthouse in the north . would you like me to book a room for you ? 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 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 yes , they have free wifi . do you need anything else ? eos O O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos i would also like a train that leaves on tuesday and arrive by 14:30. 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 there are many trains moving on tuesday , can i get your preferred point of departure and arrival ? eos O O O B-Train-Inform+Choice O 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 i will be going from cambridge to bishops stortford . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos there are multiple trains leaving that match your request . when is the earliest you would want 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 O Train-Request+Leave +bos i need to arrive by 14:30 i do n't have a preference on departing time . eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O O N/A +bos tr2771 leaves at 13:29 and arrives at 14:07. would this one 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 O Train-Select +bos yeah that works for me . could you book that train for 6 people and then give 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 booking was successful , the total fee is 60.59 gbp payable at the station . reference number is : 1gwwev63 . will there be 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-Inform+Ref O O O O O O O O O O general-reqmore +bos no , that 's all i needed . thank you very much ! eos O O O O O O O O O O O O O O general-thank +bos i 'm glad i could have been of service ! eos O O O O O O O O O O O general-bye +bos i 'd like to get some latin american food , nothing cheap , but should n't be expensive either . eos 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 N/A +bos i am very sorry , but i do not see any restaurants in the area that match your criteria . eos 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 a restaurant that serves italian food in the same price range ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O Train-Request+Price +bos we have 5 entries that match your search . do you have a particular preference further ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O N/A +bos what areas of town are those restaurants in ? i 'd like addresses and phone numbers please . 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+Phone,Restaurant-Request+Addr +bos two are in the centre , one in the south , one in the west , and one in the east . 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A +bos just hook me up with whichever one you like the most . eos O O O O O O O O O O O O O N/A +bos how about prezzo . it 's at 21 - 24 northampton road . postcode cb30ad . phone number 01799521260. eos O O O B-Restaurant-Recommend+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 N/A +bos that 's great . thanks ! i 'm also looking for a train to broxbourne leaving after 21:30. eos O O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O O N/A +bos i can help with that , what day would you like to travel ? eos O O O O O O O O O O O O O O O Train-Request+Day +bos i would like to arrive on tuesday . and i am departing from cambridge . eos O O O O O O O O O O O O O O O O N/A +bos i show trains departing on monday after 21:30 or tuesday after 21:30 all arriving on tuesday . which day would you like to depart ? eos O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Arrive I-Train-Inform+Day O O O O O O O O O O O O O O Train-Request+Day +bos i would like to depart on monday . what will be the arrival time and price 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 Train-Request+Price,Train-Request+Arrive +bos train tr9611 will arrive in broxbourne at 24:01. it will cost 17.90 pounds . would you like me to book a ticket ? eos O O B-Train-Inform+Id 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 O O O Train-OfferBook +bos that 's ok. thank you for all of your time today . eos O O O O O O O O O O O O O general-thank +bos you are welcome . have a beautiful 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 . the hotel should be in the expensive price range and should have a star of 0 eos 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 O O O N/A +bos unfortunately i am not finding any hotels matching your criteria , would you like me to look for three star hotels ? 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 N/A +bos how about a star of 0 ? eos O O O O O O B-Hotel-Inform+Stars O N/A +bos sorry , still zero matches . perhaps some other criteria ? eos O O O O O O O O O O O O Hotel-NoOffer +bos ok how about a cheap priced hotel , free wifi would be a plus . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos el shaddai is a cheap guesthouse with free wifi and parking . does this suit your needs ? eos O O B-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 Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos yeah . can you help me book it please ? it 'll be for 8 people eos O O O O 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 , and 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+Stay,Booking-Request+Day +bos 2 nights for 8 people starting on sunday . eos O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Day O N/A +bos booking was successful.reference number is : e69cnu30.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 general-reqmore +bos no thank you , that is all the info i needed . 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 here is the address for your hotel 41 warkworth street postcode cb11eg . have a great day ! eos 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 O O N/A +bos are there any chinese food restaurants in the south ? eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A +bos there are 3. what is your price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O Restaurant-Request+Price +bos thank you ! i do not care about the price range . eos O O O O O O O O O O O O O general-thank +bos how about peking restaurant ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos great , could we have a table for 8 on monday 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 your table at the peking restaurant is booked , ref # n2xf9gwq . can i help you with anything else today ? eos 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 general-reqmore +bos yes , i need a guesthouse with free wifi . eos O B-Hotel-Inform+Internet O O O B-Hotel-Inform+Type O O O O O N/A +bos there are 23 guesthouses with free wifi . would you like to stay in the south near the restaurant ? 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-Inform+Internet +bos yes please , and i 'll need free parking as well . eos O O B-Hotel-Inform+Parking O O O O O O O O O O N/A +bos i think allenbell would fit your needs . want me to book it ? eos O O O B-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform +bos well how many stars does it have ? eos O O O O O O O O O Hotel-Request+Stars +bos my apologies . allenbell is not in the south . however , i highly recommend the 4 star aylesbray lodge located in the south and moderately priced . can i help you with your booking ? eos O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Recommend+Area I-Hotel-Inform+Area O O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Name I-Hotel-Recommend+Name O 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 how many stars , also the postcode and address ? i will also need a taxi and want it to arrive by 17:00. 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 Taxi-Request+Car,Hotel-Request+Stars,Hotel-Request+Post,Hotel-Request+Addr +bos it is four stars . 5 mowbray road . shall i book it ? eos O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O Booking-Inform +bos just find me the postcode and address . eos O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos the address is 5 mowbray road in the postcode , cb17sr . do you still need a taxi ? eos O O O O 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 general-reqmore +bos yes . i 'm leaving aylesbray lodge and need to be at peking restaurant by 17:00. please get me the contact number and car type . 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 O O O O O Taxi-Request+Car +bos i 've booked you a yellow bmw departing the guesthouse and arriving and peking restaurant prior to your 17:00 reservation . you can reach the driver at 07462630170. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Arrive O O O O O O O B-Taxi-Inform+Phone O O N/A +bos thanks . that is all for today . 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 some help involving a problem with an automobile accident . eos O O O O O O O O O O O O O N/A +bos if you are in an accident and need help you can contact the police department at parkside , cambridge phone 01223358966 or the hospital on hills rd 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 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-bye +bos i have had an injury ! where do i find the nearest hospital ? eos O O O O O O O O O O O O O O O Hospital-Inform +bos sorry to hear that ! the closest hospital is at hills rd , cambridge . eos 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 Hospital-Request+Post +bos 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 N/A +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 're welcome . have a great day . eos O O O O O O O O O O general-bye +bos i need a tax to curry garden . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos i can definitely help with that - what time would you like to leave and/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 arrive by 19:00. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos great . and can you tell me 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 Taxi-Request+Depart +bos i need to leave from archway house . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos okay , what time would you like to leave ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave archway house in time to arrive at curry garden by 19:00. eos O O O O O O O O O O O O O O O O O N/A +bos ok i have a blue volvo with contact number 07401999983. eos 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 that 's all i needed . eos O O O O O O O O O general-thank +bos you 're welcome , will that be all ? eos O O O O O O O O O O general-welcome,general-reqmore +bos that 's all i need . thank you . eos O O O O O O O O O O general-thank +bos it was a pleasure to help you . goodbye . eos O O 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 leave after 16: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+Leave O N/A +bos where are you going and where are you headed ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos the train should leave on monday and should leave after 16:45 , departing from stevenage and should go to cambridge . eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O O N/A +bos i have a train that departs at 17:54 and meets your criteria . would you like me to book it for you ? eos O O O O B-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 Train-OfferBook +bos can you book passage for 7 people , please ? eos O O O O O O O B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 89.6 gbp payable at the station .reference number is : 3fdgdhds . 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 you are more than welcome ! eos O O O O O O O general-welcome +bos have a wonderful day ! eos O O O O O O N/A +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 all . goodbye . eos O O O O O O O O general-bye +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 i am looking for a place to stay . the hotel should be in the expensive price range and should be in the type of guesthouse 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 B-Hotel-Inform+Type O N/A +bos i 'm sorry there are no results for an expensive guesthouse , would you like to try another type , such as hotel ? eos O O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O B-Hotel-Select+Type O O O O Hotel-Request+Type +bos well i 'm really looking for that expensive guesthouse type . how about something in the north with free parking included ? eos 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 N/A +bos there are no results for expensive guesthouse in the north . would you like to try something else ? eos O O 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 N/A +bos how about something in the moderate price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos how about acorn 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 sure , please make a reservation for 2 people 2 nights starting on 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 sorry , the hotel ca n't accommodate you for that time frame . want to change dates ? eos 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 N/A +bos can we make it 1 night then ? eos O O O O O O B-Hotel-Inform+Stay O O N/A +bos booking was successful for one night . reference number is : fjfv11ja . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you for assisting me with that . i wo n't need anything else 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 . eos O O O O O O O O general-bye +bos i 'd like for a taxi to take me to gonville hotel today eos O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos and where will you be leaving from ? eos O O O O O O O O O Taxi-Request+Depart +bos i 'll be departing from j restaurant . 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 depart at ? eos O O O O O O O O O O Taxi-Request+Leave +bos i 'd like to leave after 21:15. eos O O O O O O B-Taxi-Inform+Leave O N/A +bos booking completed ! booked car type : white hondacontact number : 07694199231 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 , 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 you 're quite welcome . have a lovely trip ! goodbye . eos O O O O O O O O O O O O O general-bye +bos i will be traveling soon and am excited about seeing some attractions . i am looking for a place to stay 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 O O Attraction-Inform +bos i can certainly help with that ! can you tell me a little more about 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 Attraction-Request+Type,general-greet +bos thank you ! i would like to stay in the north part of town , please . 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 many places to choose from . do you have a certain price range you want to stay in ? how about free wifi and parking ? 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 Hotel-Request+Internet,Hotel-Request+Price,Hotel-Request+Parking +bos i definitely need free wifi , and i 'd like a 4 star place . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos the archway house is in the north and 4 stars eos 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 B-Hotel-Recommend+Stars N/A +bos that sounds great ! what 's their address and phone ? 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 Hotel-Request+Phone,Hotel-Request+Addr +bos archway house is a guesthouse . the address is 52 gilbert road and the phone number is 01223575314. is there anything else i can help you with ? eos O B-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 B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore +bos 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 ? eos O O O O O O 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 what price range are you looking for ? eos O O O O O O O O O Attraction-Request+Price +bos i am looking for a cinema , are there any in the area ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos i have 2 cinemas . one is in the south . the other is in the centre of town . which do you prefer ? eos O O O O B-Attraction-Inform+Type O O 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 Attraction-Select +bos i need a cinema in the north . eos O O O O O O O B-Attraction-Inform+Area O N/A +bos unfortunately there are no cinemas in the north part of town . would you like me to see if we have a few located in a different area ? 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 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 +bos what about a pool in the north ? eos O O O O O O O O O N/A +bos there are 2 pools in the north , jesus green outdoor pool and kings hedges learner pool . would you like more information on one of them ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 O O general-reqmore +bos can i have the phone number and postcode for kings hedges ? eos 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,Attraction-Request+Phone +bos 01223353248 and cb42xh respectively eos O O O B-Attraction-Inform+Post I-Attraction-Inform+Post N/A +bos thank you , i also need a taxi to communte between the two places . i 'll need to leave the kings hedges learner pool by 3:45. eos O 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 I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O N/A +bos look out for a blue ford . the contact is 07584361462 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 okay , great . thank you for your help ! eos O O O O O O O O O O O general-thank +bos no problem , is there anything else i can help with ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos no that 's all thank you for the help ! eos O O O O O O O O O O O general-thank +bos glad , i could help you plan your experience in cambridge , enjoy your 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 'm looking for british food . i want the restaurant to be in the town centre . 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 N/A +bos sure , there are quite a few british restaurants in the centre . would you prefer something expensive or moderately priced ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos it does n't matter . please give me the phone number to the restaurant you choose . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos how about the copper kettle ? the phone number is 01223365068. eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Phone O N/A +bos perfect , thank you very much for your help eos O O O O O O O O O O general-thank +bos welcome . anything else i can help you with ? eos O O O O O O O O O O O general-welcome,general-reqmore +bos no , i look forward to dining at the copper kettle . thank you . 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 using our system , enjoy . eos O O O O O O O O O O general-bye +bos hi , i 'm looking for restaurants in the area that serve british cuisine . could you give me some suggestions ? 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 O N/A +bos there are many indian restaurants in the city . could you tell me in what area you would like to eat ? 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 Restaurant-Request+Area +bos is there something available in the west ? eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos yes , there are 3. would you like something in the moderate or expensive price range ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A +bos i do n't care about the price range . however , i need to confirm that the restaurant serves british food and is in the centre of town . 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 B-Restaurant-Inform+Area O O O O O O N/A +bos the restaurant one seven meets your specifications of british food in the centre of town . would you like me to book that for you ? 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+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 Booking-Inform +bos yes . for 6 people at 19:30 on friday , please . i 'll need 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 Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 59jrjr4e . 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 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 O general-reqmore +bos that 's all i needed thank you eos O O O O O O O O general-thank +bos you 're welcome . have a great meal ! eos O O O O O O O O O O general-bye +bos yes , i am looking for information for the kirkwood house . can you help me ? 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 N/A +bos i would love to help ! this is a guesthouse located in the north . it is moderately priced and has a four star rating . any thing else ? eos 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 general-reqmore +bos does the kirkwood house have free parking and wifi ? eos O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos yes kirkwood house has both internet and parking available , would you like help booking 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 O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'm not sure about that ... maybe i could just get their phone number from you ? eos O O O O O O O O O O O O O O O O O O O N/A +bos the phone number for the kirkwood house is 01223306283. may i assist you with anything else today ? 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 O general-reqmore +bos no , that 's all i need today . thanks . eos 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 O general-bye +bos i 'm looking for a restaurant that serves kosher food in the west side . eos 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 'm sorry , we do n't have any kosher restaurants on the west side . would you like to try a different cuisine type ? eos O O O O O O O B-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 N/A +bos i was really hoping for kosher . eos O O O O O O O O N/A +bos unfortunately , there are no kosher restaurants anywhere in the city . can i help you find something else ? eos O O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O O O O general-reqmore +bos how about an expensive indian restaurant ? i know there are many of those ! eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos we have 5 in the west side . cocum is very popular , would you like to try there ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O N/A +bos sure . what 's cocum 's address , phone number , and postcode ? eos 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 here is the information you 've requested for cocum : 71 castle street city centre , 01223366668 , cb30ah eos O O O O 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 B-Restaurant-Inform+Post 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 you 're quite welcome . thank you and goodbye ! eos O O O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for a place to stay with free wifi in the east 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 O O N/A +bos there are 6 guesthouses and 1 hotel that match your request . would you like to add additional preferences to narrow your search ? eos 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 N/A +bos preferably something on the cheaper side . eos O O O O O B-Hotel-Inform+Price O O N/A +bos i have 3 guesthouses that meet your needs , would you like to book one of them ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Booking-Inform +bos do any of the three have parking ? eos O O O O O O O O O Hotel-Request+Parking +bos yes , all three have free parking . i personally recommend the autumn house . 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 O O Hotel-Inform+Parking +bos okay , could you tell me the address for that guesthouse ? eos O O O O O O O O O O O O O Hotel-Request+Addr +bos sure . it 's located on 710 newmarket road . anything else ? eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O general-reqmore +bos thank you . how many stars does the autumn house have ? eos O O O O O O O O O O O O O Hotel-Request+Stars +bos the autumn house has 4 stars . do you want me to book a room 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 Booking-Inform +bos no , that 's okay . thanks for your help . bye ! eos O O O O O O O O O O O O O O general-bye +bos glad we could help , thank you and goodbye ! eos O O O O O O O O O O O general-bye +bos i am looking for a cheap gastropub restaurant in the centre of town eos O 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 i was not able to find any restaurants matching your requirements . eos O O O O O O O O O O O O O Restaurant-NoOffer +bos how about something in the south and moderate price range ? eos O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O N/A +bos i 'm still not finding anything . would you like me to search a different part of town or 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 Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer +bos sure let 's try chinese food . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 3 cheap chinese restaurants in the centre of town : charlie chan , rice house , or golden house . would you like me to book any of these ? 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 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 i 'll take rice house , what 's the postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post +bos it 's cb12bd . anything else i can get you ? eos O O B-Restaurant-Inform+Post 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 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 that serves indian food located in the centre . eos 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 are several indian restaurants in the centre of town . would you prefer something cheap or expensive ? 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-Select+Price I-Restaurant-Select+Price O O N/A +bos could you get me a table for sunday at someplace nice ? there will be 8 in my party and we 'd like to eat at 17:30. eos 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 O O O O O O B-Restaurant-Inform+Time O O N/A +bos i 've successfully made a booking at curry garden ! this is your reservation number pcmh26uy . how else may i assist 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 general-reqmore +bos that should do it for today . thanks a lot . 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 and have a nice time at curry garden ! eos O O O O O O O O O O O O general-bye +bos i 'd like 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 we certainly have plenty expensive places in the center of town ! what type of cuisine are you looking for ? eos O O 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 Restaurant-Request+Food +bos honestly , i am not sure . which ones do you show available ? eos O O O O O O O O O O O O O O O N/A +bos we have just about anything you can think of , from loch fyne 's seafood to bedouin 's african . 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 O N/A +bos can you make a reservation at loch fyne 's for 4 people at 14:30 on sunday ? eos O O 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 N/A +bos i was able to reserve that for you . your reference number is 439gp4j5 . is there anything else i can assist 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 thanks so much . that is all i need . 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 , enjoy your meal ! eos O O O O O O O O O general-greet +bos book me a train from broxbourne for sunday please eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos sure can you tell me your destination and time of travel ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i would like to go to cambridge and i would like to leave after 21:00. eos 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 tr1016 leaves at 21:32 and arrives at 22:32 , will this train work ? 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 , that would be great ! i 'll need to book tickets for 8 people , please ? also , can i have 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 O O O O O O Train-Request+Ref +bos booking was successful , the total fee is 114.56 gbp payable at the station .reference number is : aa3v02dd . 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 O general-reqmore +bos i could use some information on an attraction called kambar ? eos O O O O O O O O O O B-Attraction-Inform+Name O N/A +bos certainly ! kambar is a great nightclub in city centre at 1 wheeler street . the postcode is cb23qb and their phone is 01223842725. the entrance fee is a mere 5 pounds ! eos O O B-Attraction-Inform+Name O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos can i have the full address for kambar ? eos O O O O O O O O O O Attraction-Request+Addr +bos the address is 1 wheeler street postcode cb23qb and the phone number is 01223842725. eos 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 N/A +bos thank you goodbye eos O O O O general-bye +bos you are welcome . enjoy your visit . eos O O O O O O O O O general-welcome,general-bye +bos hi , i am looking for some museums that i could visit when in town , could you help me find some ? 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 N/A +bos is there an area of town you prefer ? eos O O O O O O O O O O Attraction-Request+Area +bos no , i do n't care . eos O O O O O O O O N/A +bos i recommend the cafe jello gallery in the west . it 's free to enter ! eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O B-Attraction-Recommend+Fee O O 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 great ! there are 33 hotels in the area . what area of town would you like to stay in ? what is your preference on price ? 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 Hotel-Request+Price,Hotel-Request+Area +bos the attraction should be in the type of museum . i do n't care about the price range or the area 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 N/A +bos just to clarify - did you need a different museum ? or a hotel ? eos O O O O O O O O O O O O O O O O Hotel-Request+Name,Attraction-Request+Type,general-reqmore +bos that museum from earlier is fine , i just need their postalcode . i need a hotel two in the west and 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+Area O B-Hotel-Inform+Price O O O Attraction-Request+Post +bos the postal code for cafe jello gallery is cb30af . okay , hobson 's house matches your request . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O B-Hotel-Inform+Name I-Hotel-Inform+Name O O 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 do . 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 Booking-Inform,Hotel-Inform+Internet +bos no thanks . i will do that later . can you please arrange for taxi service from cafe jello to hobson 's house sometime after 04: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 O O N/A +bos i was able to book that for you . be expecting a grey tesla . if you need to reach them , please call 07615015749. 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 well that you that is all i need for 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,general-bye +bos i 'm looking for a moderately priced place to stay in the south . eos O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O Train-Request+Price +bos i have 2 options for you , both guesthouses . i recommend the aylesbray lodge , at 5 mowbray road . eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Type 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 N/A +bos thank you , i 'll accept the recommendation at aylesbray lodge . eos O O O O O O O O O O O O O general-thank +bos would you like me to go ahead and book that ? eos O O O O O O O O O O O O Booking-Inform +bos yes please . i would like to book it for 2 people for 3 nights starting from 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 ok i have booked that and the reference number is 1n67nesa . is there 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 i also need a train . eos O O O O O O O Train-Inform +bos there are over two thousand trains . where is your destination ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O Train-Request+Dest +bos leicester is where i am going eos O B-Train-Inform+Dest O O O O O N/A +bos would you be leaving from cambridge ? eos O O O O O O O O Train-Request+Depart +bos yes leaving from cambridge , on friday please . eos O O O O O O B-Train-Inform+Day O O O N/A +bos okay i have 19 trains . could you give me a time by which you 'd like to leave or arrive ? 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 Train-Request+Leave,Train-Request+Arrive +bos i need to be there by 16:15. eos O O O O O O O B-Train-Inform+Arrive N/A +bos okay , i have tr4170 that leaves at 9:09 and arrives at 10:54. it cost 37.80 pounds . would you like this train booked ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave I-Train-Inform+Leave 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 Train-OfferBook +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 for using the cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O O general-bye +bos hello . i need a college to visit in the centre of town . eos O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O N/A +bos christ 's college is a college in the centre of town . it 's entrance fee is free . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Fee O O O O N/A +bos oh , nice ! can you tell me 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 01223334900. is there anything else i can help you with ? eos O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos also would like to find a place to dine . chinese and moderate prices . eos O O O O O O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O N/A +bos sure , we have 4 moderate priced chinese restaurants . may i suggest golden wok , or shanghai family restaurant . eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food 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 N/A +bos sure , can i get the address , area , and postcode for shanghai family restaurant ? 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 Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 39 burleigh street city centre . it is in the centre area of town and the postcode is cb11dg . 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 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+Post O O O O O O O O O general-reqmore +bos no that 's all the info i needed . thank you 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 general-bye +bos you are so very welcome ! i hope you have a wonderful trip and a fantastic day , call anytime you need 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 general-welcome,general-greet +bos i am planning a trip in cambridge , eos O O O O O O O O O N/A +bos okay . are you looking for a train , place to stay , or an attraction ? we can even make restaurant reservations 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 the cambridge punter is what i would love to go to eos O O B-Train-Inform+Dest I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O N/A +bos what a great choice ! that is a boating attraction that is located in the center of town . they are located at 251a chesterton road . their postcode is cb41as . eos O O O O O 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 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 i am also looking for a train . the train should leave after 20:15 and should depart from london liverpool street . eos O O O O O 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 every day at 21:39 and 23:39 that run from london liverpool street to cambridge . do you know what day you 'll be travelling ? would you like to book tickets ? eos O O O O B-Train-Inform+Day I-Train-Inform+Day O O O B-Train-Inform+Leave I-Train-Inform+Leave 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 O O O O O O O O Train-Request+Day,Train-OfferBook +bos please book 10 round trip tickets for wednesday at 21.39. please send me the confirmation number along with the total cost of everything . eos O O O O B-Train-Inform+People O O O B-Train-Inform+Day O O O O O O O O O O O O O O O O N/A +bos your tickets are booked . the confirmation number is ikgwpf5t and the total cost is 166 gbp which you can pay at the station . eos O O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O N/A +bos i need a train that leaves after 10:00 on wednesday . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos i can assist you 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 Train-Request+Depart +bos i 'd like to depart from cambridge , going to london kings cross . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos how about tr9781 leaving cambridge to london kings cross on wednesday ? it leaves at 11:00 and gets in at 11:51. it costs 23.60. can i book this ? eos 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 O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket O O O O Train-OfferBook +bos no , i do n't need a booking at the moment . what 's the 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 +bos the travel time is 51 minutes . will that be all for today ? 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 not quite yet . i 'm also looking for a moderately priced hotel . eos O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O Train-Request+Price +bos what area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos in the north . i really prefer 4 star hotels . eos O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O N/A +bos the best that we have in the moderate price range is 2 stars . could i help you find something else ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O 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 O N/A +bos how about a guesthouse ? eos O O O O B-Hotel-Inform+Type O N/A +bos it looks like there are a number of guesthouses in the north , would you like to look for a certain price range ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 the hotel should be in the moderate price range eos O O O O O O O B-Hotel-Inform+Price O O Train-Request+Price +bos i have 7 moderately priced hotels . do you need free parking and internet ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos i would also want something 4 star rated . i do n't need the free parking or wifi but if it comes with it thats fine . 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 O O N/A +bos how about the acorn guest house ? eos O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name N/A +bos sounds good . can you book it for 5 nights starting friday ? there are 4 of us . eos 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 will check their availability . eos O O O O O O O Booking-Inform +bos okay , thank you . i 'll need the reference number for the booking . eos O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos okay , i have it booked for you . your reference number is fti92d9b . 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 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 great day ! eos O O O O O O O O O O general-welcome +bos are there any museums on the west side ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos yes , there are 7 ! what type of museum would you like to visit ? eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Type O O O O O O O O Attraction-Request+Type +bos pick one for me and i would need the address and entrance fee eos O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos people 's portraits exhibition at girton college has free entrance and is located at girton college , huntingdon road , can i give you the phone number ? 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 O B-Attraction-Inform+Fee I-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 O O general-reqmore +bos no that 's all i needed . can you find me a train that arrives to cambridge by 8:45 from norwich ? eos 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+Depart O O O N/A +bos i have many options that meet that criteria . would you like to narrow it down by departure time or day of travel ? 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 O Train-Request+Leave,Train-Request+Day +bos i 'd like to arrive by 08:45 on sunday . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos there are 3 trains on sunday , arriving at 06:35 , 07:35 , and 08:35. which one would you like to book ? eos O O O O B-Train-Inform+Choice 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 Train-Select,Train-OfferBook +bos actually , i do n't need to book just yet . could you tell me the price and the id of the train arriving at 08:35 ? eos O O O O 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 the tr420 is 14.08 pounds . how is that ? eos O O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O Train-Select +bos that is great , that is all i need for now . eos O O O O O O O O O O O O O N/A +bos terrific . 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 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 , would you like some information ? eos O O O O O O O O O general-reqmore +bos i 'm looking to go to leicester . i want to leave on sunday and arrive by 21:45. 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 train tr9831 arrives in leicester at 21:06 , will that work for you ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O B-Train-OfferBook+Dest I-Train-OfferBook+Dest B-Train-OfferBook+Arrive O O O O O O O N/A +bos that would be fine . i 'll need the travel time , 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 Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos train id is tr9831 leaves at 19:21 and will cost 30.24 pounds eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos thank you . also i need to book a reservation at a restaurant named nandos . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O N/A +bos okay , we have two nandos . one in the south and one in the centre . which would you prefer ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Restaurant-Select +bos i 'll go with the one in the centre . i need a booking for 8 at 16:45 on sunday . 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 O N/A +bos your table is reserved , reference # viunxvbc . 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 need . eos O O O O O O O N/A +bos ok. have a great day . eos O O O O O O O general-bye +bos i 'm trying to get some information on the thanh binh restaurant please eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos that is a great inexpensive vietnamese place in the west . would you like their phone number ? eos 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 O O O O O general-reqmore +bos i need a address and the area please ? eos O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr +bos they are located on the west side and their address is 17 magdalene street city centre . is there anything else i can help you with ? eos O O O O O 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 general-reqmore +bos i also need a train departing cambridge on thursday eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos i can look that up . where are you headed out of cambridge ? eos O O O O O O O O O O O O O O O Train-Request+Dest,general-greet +bos i 'm heading into norwich . i 'd like to leave after 10:30 , if possible . eos O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O O O O O O N/A +bos the tr779 meets your criteria . would you like to make a booking ? 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 i sure would . i need 8 seats please . eos O O O O O O O O B-Train-Inform+People O O N/A +bos i booked you 8 ticket on tr7779 . your reference number is mikbiizu . can i help you with anything else ? eos O O O O O B-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 N/A +bos that is all , thank you . eos O O O O O O O O general-thank +bos thank you , enjoy your visit . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for places to go in town eos O O O O O O O O O O N/A +bos there are many fun attractions to go to around town and most are free . is there a particular type of attraction you are interested in ? eos O O O O O O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee O O O O O O O O O O O O O Attraction-Request+Type +bos what 's the best place to go on the east side of town ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos i 'm a big fan of the funky fun house , which is an entertainment venue . 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+Type O O O O N/A +bos okay what is the entrance fee ? eos O O O O O O O O Attraction-Request+Fee +bos i do n't have that information available . their phone number is 01223304705 if you 'd like to call . can i help 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 B-Attraction-Inform+Phone O O O O O O O O O O O O O O O O general-reqmore +bos i need a really cheap hotel with a 4 star rating eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O N/A +bos the cambridge belfry will fit your needs . would you like for me to book a room 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 yes , please . 5 people for 5 nights starting from friday . eos O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O N/A +bos booking was successful . reference number is i5ze4aqv . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos that 's great , thanks ! that 's all i needed ! eos 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 all the help i needed . bye , thanks . eos O O O O O O O O O O O general-bye +bos great . thanks for letting us assist you today ! eos O O O O O O O O O O O general-bye +bos can you help me find a place to stay that has 0 stars and does n't need to have free parking ? 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 N/A +bos there are 2 results in the centre and one in the north . would you like more information on one ? 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 O O O O Hotel-Select,general-reqmore +bos i would prefer a hotel . eos O O O O O B-Hotel-Inform+Type O N/A +bos cityroomz is a hotel that has a rating of 0 stars . would like to book a room ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O O O O O O O O Booking-Inform +bos 0 stars , what could go wrong . i just need to find out 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 O O Hotel-Request+Post,Hotel-Request+Phone +bos of course ! cityroomz 's postcode is cb12tz , you can reach them by phone at 01223304050. how many nights would you like to book ? eos O O O B-Hotel-Inform+Name 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 O Booking-Request+Stay +bos i do n't want to book right now , but could you confirm what area of town that 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 Hotel-Request+Area +bos yes it is in the city 's center . eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos 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 . eos O O O 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 sure , where do you want to depart and arrive ? eos O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i 've changed my mine . i 'd like a train that departs from stansted airport and goes to cambridge instead . 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 O N/A +bos sure , i 've got lots of options for you . what day would you like to travel 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 O Train-Request+Day +bos i 'd like to leave on sunday after 12:00. can i have the arrival time , price , and train id please ? 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 O O O O O O Train-Request+Price,Train-Request+Arrive,Train-Request+TrainID +bos there are several trains that leave after 12:00. do you have an arrival time in mind ? 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-Request+Arrive +bos any arrival time is fine as long as i leave stansted airport after 12:00. the train which leaves the soonest after 12:00 would be fine with 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+Leave O O O O O O O O O O O O O O Train-Request+Arrive +bos tr5358 leaves stansted airport at 12:24 on sunday and arrives in cambridge at 12:52. would you like me to book it for you ? 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 O O O Train-OfferBook +bos thanks ! no need , i just need the price , please . eos O O O O O O O O O O O O O O Train-Request+Price +bos it will cost you 8.08 pounds eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos thank you . that is all for now . eos O O O O O O O O O O general-thank +bos welcome , it was a pleasure serving you . eos O O O O O O O O O O general-welcome +bos hi , i 'm looking for information on a restaurant called efes . what type of food do they serve and will i need 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 Restaurant-Inform +bos efes serves turkish food and is located at king street city centre . i can book a reservation for you if you would like . eos O B-Restaurant-Inform+Name 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 O O O O O O O O O O O O O Booking-Inform +bos yes , please . i will need a table for 4 at 18:30 on saturday . thank you . 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 N/A +bos alright , i have made your reservation . the reference number is id46b4kq . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos can you also help me with places to go in the west of town ? i 'm looking for entertainment . 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 O O N/A +bos whale of a time is in the west . does that sound good ? eos 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 general-reqmore +bos that sounds great . can you tell me their postcode , 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+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos sure , it is located at unit 8 , viking way , bar hill . postcode cb238el , and phone number 01954781018. is there anything else i can help you with ? eos O O O 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 B-Attraction-Inform+Phone O O O O O O O O O O O O O O general-reqmore +bos 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 . eos O O O O O O O O O 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 a black tesla will arrive . reach them at 07424011188. is that everything for today ? eos 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 for today . thank you for your time . eos O O O 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 O general-welcome,general-bye +bos do you have any great places to visit in the centre ? eos O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos indeed we do ! 44 of them , in fact . we have nightclubs and concerthalls as well as museums and theatres . what strikes your fancy ? eos O O O O O B-Attraction-Inform+Choice 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 Attraction-Select,general-greet +bos not really , what do you suggest , and can you provide 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 primavera is a museum in the centre located at 10 king s parade . the phone number is 01223357708. eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Phone O N/A +bos great i 'm also looking for a tuscan restaurant in the centre of town too 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 i dont have anything available . for that . do you have another choice eos O O O O O O O O O O O O O O O Restaurant-NoOffer +bos ok , what about mediterranean food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos do you have a price range ? there are both cheap and expensive options . eos O O O O O O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price Restaurant-Request+Price +bos price range does n't matter . eos O O O O O O O N/A +bos i would suggest la gardenia . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos can you book that for 2 people at 11:30 on friday ? 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 booking was successful . the table will be reserved for 15 minutes.reference number is : 3bcc8ogu . 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 was all i needed . 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 looking for hotel with 4 star in the center of town . eos O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos the university arms hotel is fantastic . it 's expensive , but worth the cost . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Inform+Price 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 Hotel-Request+Ref +bos for how many should i book ? eos O O O O O O O O Booking-Request+People +bos i actually need to book a specific hotel called , the archway 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 that is a guesthouse located in north and is moderately priced . eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos please book that for 8 people for two nights starting on saturday . eos O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A +bos your booking is confirmed . your reference number is : vy4y4erg . can i assist 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 great , i also need to book a train on saturday for norwich to cambridge leaving after 19:00. eos O 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 B-Train-Inform+Leave O N/A +bos there is a 19:16 that would arrive at 20:35. how does that sound ? eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O N/A +bos yes what is the price of the ticket and when does the train arrive please ? 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 it arrives at 20 35 and the price is 14.08 pounds eos O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos great thank you . that will be all for today . goodbye eos 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 need to find out about guesthouses in the north part of the city . 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 can help with that . what price range were you looking for ? eos O O O O O O O O O O O O O O O Hotel-Request+Price,general-greet +bos as long as it is 4 star , i 'm not really worried about the price . 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 there are about 8 different ones . most of them offer both free parking and wifi . i can recommend one if you like . eos 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 Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos i would like free wifi . could you find me rooms at one , four nights for 2 people , beginning saturday ? 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 N/A +bos reference number is : dpfnet0i . is there anything else i could help with ? eos 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 north african restaurant . eos O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Food O O O O N/A +bos i do n't have a north african restaurant right now , is there another cuisine that appeals to you ? 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 Restaurant-Request+Food +bos no i cant change the type of food eos O O O O O O O O O N/A +bos is there anything else i can help you with at this time ? eos O O O O O O O O O O O O O O general-reqmore +bos are there any expensive restaurants ? in the same area as the hotel ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A +bos what kind of cuisine do you want ? eos O O O O O O O O O Restaurant-Request+Food +bos i 'm fine with anything as long as it 's expensive and near the hotel area . 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 there are 5 results for expensive restaurants in the north , would you like to make a reservation ? the choices are chinese , european , french or asian oriental . eos O O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O O O Booking-Inform +bos let 's do chinese food , please . eos O O O B-Restaurant-Inform+Food O O O O O N/A +bos how about the hotpot chinese restaurant ? it meets all of your criteria . 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 N/A +bos sounds great . could i please book a table for the same group of people at 19:45 ? eos O O O O O O O O O O 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 : 05jkm1zf . eos O O O O O O O O O O O O O O O B-Restaurant-Recommend+Choice O O N/A +bos thank you . goodbye eos O O O O O general-bye +bos thanks for using our services , enjoy your day . eos O O O O O O O O O O O general-bye +bos i am looking for train leaving on friday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos sure ! what is your destination and departure preference ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i will be going to the lovely village of kings lynn , it be be after i get out of work , so i need to leave after 21:30. 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 O O O O O O O O O O O N/A +bos there is a 12:11 is that is not too soon for you to leave . eos O O O O B-Train-Inform+Leave O O O O O O O O O O O N/A +bos i said 21:30. try again . eos O O O B-Train-Inform+Leave O O O N/A +bos i 'm sorry i misunderstood you . there are 2 trains leaving after 21:30. tr0394 leaves at 22:11 and tr2311 at 23:11 both depart from cambridge . eos O O O O O O O O O B-Train-Inform+Choice O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Depart O O O N/A +bos i am looking for information in cambridge . looking for a restaurant . eos O O O O O O O O O O O O O O Restaurant-Inform +bos sure , what kind of restaurant ? eos O O O O O O O O Restaurant-Request+Food +bos it does n't matter but it should be expensive and it should be in the centre . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O N/A +bos do you have any cuisine preferences ? eos O O O O O O O O Restaurant-Request+Food +bos yes , we would like american type food . eos O O O O O O O O O O N/A +bos we actually have different categories of american food -- latin american , modern american , north american , and `` the americas . '' which of these 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 how about latin america ? eos O O O O O O N/A +bos i 'm sorry . i have no results that meet your criteria . would you like to try a different food type , price range , 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 Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer +bos how about north american cuisine instead ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos gourmet burger kitchen is expensive and in the center . would you like to book a table ? eos 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 Booking-Inform +bos yes please , for thursday , 7 people at 16:45. i also need a reference number . eos O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People O B-Restaurant-Inform+Time 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 : 2fx5xcum . 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 i also need a train . going to ely friday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos okay and what time would you like to arrive ? eos O O O O O O O O O O O Train-Request+Arrive +bos i 'd like to depart cambridge after 21:30. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos the train tr9842 is leaving cambridge on friday at 21:50. the cost is only 4.40 pounds and the travel time is 17 minutes . would you like me to book ? eos 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 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 Train-OfferBook +bos yes please book that for me . eos O O O O O O O O N/A +bos booking was successful , the total fee is 4.4 gbp payable at the station .reference number is : zc86hrq4 . is there anthing else i can do ? 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 general-reqmore +bos that is all i will need . thank you . eos 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 a place for a restaurant called anatolia . can you help me ? eos O O O O O O O O O O O B-Restaurant-Inform+Name O O O O O O N/A +bos anatolia is a moderately priced turkish restaurant in the city centre . eos O B-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 I-Restaurant-Inform+Area O N/A +bos thank you . what is the post code ? eos O O O O O O O O O O Restaurant-Request+Post +bos the post code is cb21uj . would you like me to book a table for you ? eos O O O O O 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 finding a train leaving kings cross after 15:45. eos O O O O O O O O O O O O O O B-Train-Inform+Leave N/A +bos okay what day would you like to leave ? eos O O O O O O O O O O Train-Request+Day +bos the train should go to cambridge and should leave on sunday . eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Day O N/A +bos i found 4 trains departing kings cross , heading to cambridge after 15:45 on sunday . 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 O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O Train-Request+Leave +bos i have no preference . i just need to book one of those for 4 people . 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 ok , you have 4 seats reserved on tr2952 , reference # j5o3amv7 . can i help you with anything else today ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O B-Train-OfferBooked+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 general-thank +bos perfect . thank you for using the cambridge towninfo centre . 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 N/A +bos i need a restaurant in the centre that serves asian oriental 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 N/A +bos sure , i have 4 options for you eos O O O O O B-Restaurant-Inform+Choice O O O N/A +bos i need something in the cheap price range . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos okay , how about j restaurant ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos sounds great ! please book a table for sunday at 16:00 for 6 people . eos O O O O O O O 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 : qyj31p1z . 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 for all 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 yes , actually . i 'd like to find a guesthouse with free wifi . eos O B-Hotel-Inform+Internet O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos i have so many . what area would you like to stay in ? eos 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 it does not matter but please find a guesthouse in the expensive range and include 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 N/A +bos there are no expensive hotels in the area . could we look at a moderately priced one ? eos 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 N/A +bos actually , how about a cheap one ? eos O O O O O B-Hotel-Inform+Price O O O N/A +bos what area of town ? eos O O O O O O Hotel-Request+Area +bos in the centre . eos O O O O O N/A +bos how about el shaddai , it seems lovely . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O N/A +bos great ! what is their postcode ? eos O O O O O O O O Hotel-Request+Post +bos the postal code is cb11eg . may i help you with another aspect of your stay at el shaddai ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name O N/A +bos no thank you that will be all 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 i needed . eos 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 please find a place to eat that serves indian food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are several is there a price range or area you prefer ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos yes , i would like it to be in the west . eos O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are 6 results . is there a certain pricerange you 'd like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price +bos thank you ! i would like to go to an expensive restaurant , please . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos i would recommend tandoori palace at 68 histon road chesterton . the food there is great . would you like for me to book a reservation 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 O O O O O O O O O O O O O O O O O O Booking-Inform,general-greet +bos yes 4 people on 18:15 on friday . should be a fin way to start the weekend . 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 your booking was successful . your reference number is opaf3jmb . 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 general-reqmore +bos yes , i 'm also looking for a nightclub to go to in the same area . 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 there are no nightclubs in the west , would you like me to do another searchby area or attraction type ? 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 O Attraction-Request+Type,Attraction-Request+Area +bos how about a museum then ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there are 7 museums in the west . would you prefer one with free admission ? 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 N/A +bos yes please . eos O O O O N/A +bos the cafe jello gallery has free admission and is located at 13 magdalene street , postcode cb30af . would you like information on any others ? eos 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O O O O O O O O general-reqmore +bos no , that is all the information i need . thank you . eos O O O O 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 visiting cambridge and want a bed and breakfast like experience , can you help me find a guesthouse with free wifi ? 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 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 thank you ! i would like to stay in the east part of town , please . 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 i recommend the carolina bed & breakfast . would you like a room there ? 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 Booking-Inform +bos thank you ! does it have 4 stars ? eos O O O O O O O B-Hotel-Inform+Stars O O N/A +bos yes , it does have 4 stars . eos O O O O O O B-Hotel-Inform+Stars O O N/A +bos great , i also want to make sure that it has free parking . eos O O O O O O O O O O O O O O O Hotel-Request+Parking +bos yes it the carolina bed and breakfast has 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 O O Hotel-Inform+Parking +bos what 's their address and phone number ? eos O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos the address to carolina bed and breakfast is 138 perne road and their phone number is 01223247015. 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Phone N/A +bos thanks do you have info on a place to eat called golden house ? i need to make reservations for 5 at 13:30 thurs 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 B-Restaurant-Inform+People B-Restaurant-Inform+Time O O N/A +bos yes , golden house is located on 12 lensfield road in the centre . i ahve made a reservation . . the table will be reserved for 15 minutes . reference number is : 4tdxcev6 . eos 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 O B-Restaurant-Inform+Area 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 N/A +bos that should be everything 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 enjoy your time in cambridge ! i 'm glad i could help you with your plans today . 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 am planning a trip in cambridge eos O O O O O O O O N/A +bos 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 ? eos O O O O O O O O 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 leaving cambridge leaving after 11:00 on tuesday and i am going to london liverpool street . eos O O O O O O B-Train-Inform+Depart 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 i have a train leaving at 11:59. would that do for you ? eos O O O O O O O B-Train-Inform+Leave O O O O O O general-reqmore +bos yes that will do . what time does it arrive in london liverpool street and what is the train id number . 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 O O O O O O O Train-Request+Arrive,Train-Request+TrainID +bos tr8394 arrives at 13:27. eos O B-Train-Inform+Id O O B-Train-Inform+Arrive N/A +bos i also want 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 N/A +bos we have many fine attractions in the center of town ! might i recommend the regency gallery museum ? it 's free to enter . eos 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 I-Attraction-Inform+Area O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Price O O O O O O N/A +bos i would like to find a swimming pool , please . eos O O O O O O O O O O O O N/A +bos i 'd recommend parkside pools . the address is goville place . their phone number is 01223446100. would you like any other information ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O 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 O general-reqmore +bos that 's it , thanks ! 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 '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+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 general-reqmore +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 O 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 I-Hotel-Inform+Area O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos hi , i am looking for 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 O N/A +bos okay ! there are 5. would you like chinese , indian , italian , or mexican cuisine ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos i would like to try some japanese , do you have anything matching that ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos unfortunately , no . would you like to change the location or the restaurant type ? eos 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 mexican food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos the chiquito restaurant bar fits your criteria . would you like to make a reservation ? eos 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 . can you reserve me a table for tuesday for 8 people at 15:15 ? eos O 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 N/A +bos your table is reserved , reference # ucrwm8u3 . 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 that was all i needed . thanks 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 very welcome . enjoy your meal ! eos O O O O O O O O O O general-welcome +bos i need a place to dine in cambridge with expensive gastropub food eos O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O N/A +bos we have three places , two in the center and one in the east , would you like more info or a booking on any of those ? 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 O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos i want one in the centre eos O O O O O O B-Restaurant-Inform+Area N/A +bos the backstreet bistro would be an excellent choice . it 's at 2 sturton street city centre . i will book a table for you if you provide the party details . 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 I-Restaurant-Inform+Addr O O O O O O O O O O O O O O O O Booking-Inform +bos book a table for 4 people at 12:00 on tuesday . 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 reference number is : 65fui2ba . may i assist you 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 thank you . can you help me find a nightclub also in the city centre ? eos O 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 i found some night club in the center of town . do you have preference for entrance fee ? eos 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 I-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Price +bos not really just close to the restaurant . can you give me the address of 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 O Attraction-Request+Addr +bos its ok here is the address code v91275-45 thanks alot eos O O O O O O O O B-Hotel-Inform+Post O O N/A +bos can you help me find a place to stay ? i 'm looking for somewhere in the west . 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 can help with that . would you like a hotel or a guesthouse ? eos O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos that does n't really matter , but i do need it to include free wifi . eos O O O O O O O O O O O O O O O O O N/A +bos there are four possibilities . do you have a price range 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+Price +bos we would like it to be in the expensive price range . eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos the huntingdon marriott hotel fits your criteria , would you like me to 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 O O O O O O O O O O O O Booking-Inform +bos yes , sounds get . i need to get a room for just myself for 5 nights starting monday eos 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 N/A +bos i have booked a room for five nights beginning monday for a party of 1. your reference number is ixezznyl . can i help you find anything else in the city ? eos O O O O O O O B-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay 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 O O O general-reqmore +bos yes please , can you help me find a restaurant that serves british food in the same area as my 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 N/A +bos would you prefer moderate or expensive prices ? eos O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O N/A +bos 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 eos O O O O O O 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 booking was successful . reference number is : ixezznyl . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos uhh yes , the name of the place please ? after that i need a taxi from the hotel to the restaurant to arrive at the mysterious unnamed 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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos the name is saint johns chop house . what time would you like a taxi for ? 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 Taxi-Request+Arrive,Taxi-Request+Leave +bos i would like it to arrive by my booked time at the restaurant which is 14:15. eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos your booking is complete . a blue lexus has been assigned to pick you up . 07848295370 is the contact number . 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 O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O 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 general-thank +bos you are quite welcome ! goodbye ! eos O O O O O O O O general-welcome,general-bye +bos hi , i 'm planning a trip to cambridge . can you suggest some places i could visit 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 sure , there 's lots to do here ? is there a certain area or type 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 Attraction-Request+Area,Attraction-Request+Type +bos what 's your favorite college to visit ? i 'm not picky about the 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 +bos there are 18 of them in the city . do you mind an entrance fee or would you prefer one that 's free ? 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 B-Attraction-Select+Fee I-Attraction-Select+Fee O O N/A +bos please just tel me which one you think best , then provide the area it is in and 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 Attraction-Request+Area,Attraction-Request+Phone +bos queens ' college is pretty great . it 's in the west . their number is 01223335511. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Phone O O O O N/A +bos that 's fine . i also need a train from cambridge to stevenage . 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 would you like to travel , and what time would you leave 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+Day,Train-Request+Leave,Train-Request+Arrive +bos i would like that the train should leave on saturday and after 16:15. eos O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos alright , tr4216 leaves at 17:21. would you like me to book you passage ? eos 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 yes , book me for 1 please . eos O O O O O O B-Train-Inform+People O O N/A +bos you 're all set . your reference number is r55dtsws and there will be a 10.24 gbp fee due at the station . eos 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 N/A +bos what is the arrival time ? eos O O O O O O O Train-Request+Arrive +bos the arrival time for that train is 18:10 , is there anything else i can help you with ? eos 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 what is the train id ? eos O O O O O O O Train-Request+TrainID +bos the train id is tr4216 . can i help you with anything else today ? eos O O O O O B-Train-Inform+Id 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 have a great day ! eos O O O O O O general-bye +bos could you help me find a museum to visit ? eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos we have 23 museums in cambridge . do you have a particular part of the city you 'd like to go ? 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 Attraction-Request+Area +bos i do n't have a preference . can you recommend me one ? eos O O O O O O O O O O O O O O N/A +bos sure . i really enjoy castle galleries . it 's conveniently located in the town centre and has free admission . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O N/A +bos that sounds good . what is the phone number there ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos the number there is 01223307402. anything else ? eos O O O O O B-Attraction-Inform+Phone O O O general-reqmore +bos awesome , thanks . no , 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 to castle galleries ! eos O O O O O O O O O O O O general-welcome,general-bye +bos are there any 4-star places to stay that also have free wifi ? eos O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos yes , there are 21 places found . 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 O Hotel-Request+Area +bos i prefer something in the north . and a guesthouse would be better . eos O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Type O O O O O N/A +bos i have eight places , do 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 free wifi and four star please . eos O O O O O O O O O O O N/A +bos the acorn guest house is a nice 4 star guesthouse in the north with free wifi . 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 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 Booking-Inform,Hotel-Inform+Internet +bos please book it for 1 people for 2 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 you 've been successfully booked and your reference number is tjzmy6l9 . is there anything else you need ? 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 yes , i 'm also looking for a cheap place to eat that 's also in the north . 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 N/A +bos i found two cheap places in the north . 1 indian on victoria ave and 1 italian at 20 milton rd both in chesterton . is that all ? eos O O O O O O O O O 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 italian one . can i get the postcode and phone number for it , too ? 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos da vinci pizzeria is located at 20 milton road chesterton , postcode cb41jy and their phone number is 01223351707. 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 B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O N/A +bos great , thank you for all your help today . eos O O O O O O O O O O O general-thank +bos anything else i can help with ? eos O O O O O O O O general-reqmore +bos no , that would be all . thanks . bye . eos O O O O O O O O O O O O general-bye +bos enjoy your stay ! eos O O O O O general-bye +bos i 'm trying to find an italian restaurant 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 what price range are you looking at ? eos O O O O O O O O O Restaurant-Request+Price +bos i would like a expensive price range . eos O O O O O B-Restaurant-Inform+Price O O O Hotel-Request+Price +bos how about caffee uno . there are also 3 others . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O N/A +bos that sounds interesting actually . can you give me the address and phone number perhaps ? 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 sure , they are on 32 bridge street city centre and their 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 O O O B-Restaurant-Inform+Phone O N/A +bos great can i also get some information on the huntingdon marriott 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 huntingdon marriott hotel has 4 stars and is located in the west and is in the expensive price range . they have internet and parking . 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 B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos thanks for the information . have a lovely day . 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 yes , actually . what is the postcode of caffee uno ? eos O O O O O O O O O O O O O Restaurant-Request+Post +bos the postcode for caffe uno is cb21uj . is there anything else i can help you with ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos can i get a taxi to take me from the restaurant to the hotel ? eos 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 that taxi to pick you up ? eos O O O O O O O O O O O O O Taxi-Request+Leave +bos i am wanting to leave the restaurant by 11:45. once the taxi is booked , can i have the contact number and car type ? 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 Taxi-Request+Car +bos ok , your taxi is booked . the car will be a yellow skoda and the contact number is 07563271262. 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 N/A +bos perfect ! thanks . that 's it for today . goodbye . eos O O O O O O O O O O O O O general-bye +bos great ! i hope 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 general-bye +bos i would like information on the cambridge corn exchange eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos the cambridge corn exchange is a theatre in the centre area . i would be happy to book tickets for you . 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 I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O O Booking-Inform +bos no thanks , i just need their phone number , please . eos O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number for the cambridge corn exchange is 01223357851. 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 I-Attraction-Inform+Name B-Attraction-Inform+Phone O O O 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 welcome , have fun ! eos O O O O O O O O general-welcome +bos what attractions are in the town centre ? eos O O O O O O O B-Attraction-Inform+Area O N/A +bos in the centre of town i have a total of 79 different attractions , would you like to narrow your search by entrance fee or zip code ? eos 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 O O O O O O Attraction-Request+Price +bos what different attraction types are there in the centre ? eos O O O O O O O O O B-Attraction-Inform+Area O Attraction-Request+Type +bos there are museums , colleges , architectural buildings , parks , nightclubs , etc . does any of that sound 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 O N/A +bos what museum would you recommend ? eos O O B-Attraction-Inform+Type O O O O N/A +bos i recommend the broughton house gallery at 98 king street . it 's free to enter and a great museum . 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 B-Attraction-Recommend+Fee O O O O O O O O O N/A +bos thanks so much , that 's very helpful . could i get the postcode as well , 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 +bos the postcode for the broughton house gallery is cb11ln . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O N/A +bos thanks so much . i am all set . good bye . eos O O O O O O O O O O O O O general-bye +bos you are welcome . have a good time ! eos O O O O O O O O O O general-bye +bos i am looking for a train that 's going to cambridge arriving by 16:30. 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 i have several trains that fit . where are you departing ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Depart +bos i 'm leaving from london liverpool street on sunday . eos 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 i have one leaving at 13:39 and arrive by 15:07. would you like that one ? eos 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 on that ? eos O O O O O O O O O Train-Request+Duration +bos the travel time for that route is 88 minutes . can i book you a ticket ? 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 Train-OfferBook +bos yes please . i am also looking for a college type attraction in town . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos would you like christ 's college it hs free entrance fee . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee O O O O N/A +bos sure . what time is is open ? eos O O O O O O O O O N/A +bos i do not have information on open and close times but here is the phone number if you would like to find out,01223334900 . eos O O O B-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open O O O O O O O O O O O O O O O O B-Attraction-Inform+Phone O N/A +bos great . thanks for the information . eos O O O O O O O O general-thank +bos it will be located in the city centre . eos O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos yes i am looking for colleges in town to go visit eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos in which area of town would you prefer ? eos O O O O O O O O O O Attraction-Request+Area +bos i do n't really have a preference . can you suggest a college and give me the postcode 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 Attraction-Request+Post +bos sure , clare college on trinity lane , postcode cb21tl , is very nice . can i help you find anything else today ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr 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 , i need a train as well . it needs to leave cambridge on sunday . eos O 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 where should it be going ? eos O O O O O O O Train-Request+Dest +bos i 'm sorry , it needs to depart from leicester and go to cambridge . eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O N/A +bos trains leave leicester on the :09 every hour , starting at 5:09 in the morning . what time would you like to travel ? eos O O O B-Train-Inform+Depart 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+Leave +bos i need to arrive in cambridge by 15:30. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos tr0104 would get you to cambridge by 14:54 , would you like me to book you passage ? eos 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 Train-OfferBook +bos actually , that 's ok. i will do that later . but can you please let me 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 O O O O Train-Request+Duration +bos the travel time is 105 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time 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 welcome . thanks for contacting us , have an amazing day ! eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos i would like a cheap restaurant in the centre of town . any suggestions ? 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 there are quite a few different options you can choose from . is there any particular type of food you are in the mood for ? 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 O O O O O Restaurant-Request+Food +bos no , just somewhere i can get in on friday , 11:45. eos O O O O O O O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O N/A +bos golden house on 12 lensfield road , city centre has chinese cuisine and their price range is considered cheap . would this be a suitable choice or would you like other options ? 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+Area O B-Restaurant-Inform+Food 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 N/A +bos this works . can you book a table for 8 people at 11:45 on friday ? eos O O O O O O O O O O B-Restaurant-Inform+People O O O O O O N/A +bos unfortunately they are currently booked 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 Booking-NoBook,Booking-Request+Time +bos what about an hour earlier ? eos O O O O O O O N/A +bos i have reserved you a table for 8 at 10:45 on friday your reference number is 6r8d8j8p 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 N/A +bos thank you . i 'm looking for a cheap guesthouse to stay at as well , are there any 4 star accommodations like that ? eos O O O O 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 O O O N/A +bos alexander b & b would suit you . would you like me to book it ? 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 , please book me the room for friday . eos O O O O O O O O B-Hotel-Inform+Day O O N/A +bos unfortunately they do not have any rooms available on friday . would you like to try another guest house ? eos O O O O O O O O O O B-Booking-NoBook+Day O O O O O O O O O O N/A +bos is there another 4 star guest house we can try ? eos O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos you did n't mention how many people and for how many nights you will need a room for , can i have the 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 Booking-Request+People,Booking-Request+Stay +bos i need the hotel for 3 nights and for 8 people . eos O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+People O N/A +bos luck is with us tonight ! i was able to book the alexander on friday for 3 nights and 8 people . the reference number is zdt7pp0g . would you like anything else ? eos O O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name 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 general-reqmore +bos yes , i will need a taxi to take me from the restaurant to the hotel . could you book one 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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos sure , i can do that . can you give me the time frame for the taxi ? 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 i 'd like to get from the hotel to the restaurant by 10:45. eos O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos got you booked- black skoda phone 07407455573. anything else i can help you with ? eos 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 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 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 tell me about museums on the west side of town . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos i have found several galleries and museums in the west side of town , were you looking for something with free entrance ? eos O O O O B-Attraction-Inform+Choice O O 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 Attraction-Request+Price +bos which type of museums are available ? eos O O O O O O O O N/A +bos there are three galleries , two museums , kettle 's yard , and the people 's portraits exhibition at girton college . eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 O O O O O N/A +bos 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 . eos O O O O O O 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 i find kettle 's yard to be fascinating . their phone number is 01223748100 , and they 're located on castle street . can i be of any further assistance ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 O O O O O O O O general-reqmore +bos thanks . no , that will be it . eos O O O O O O O O O O N/A +bos enjoy your visit to kettle 's yard . thank you for calling 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 O general-bye +bos hello . i 'm looking for a restaurant that serves good chinese food , preferable in the city centre . can you help me locate one ? eos O O O 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 N/A +bos of course ! there are ten chinese restaurants in the centre . how about charlie chan ? it 's a cheap place on regent street . eos O O O O O O B-Restaurant-Inform+Food 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O N/A +bos actually i would prefer something in the expensive range if possible . eos O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos tang chinese looks good , would you like to try that ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform +bos 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos tang chinese is located on napier street city centre , postcode cb11hr , and the phone number is 01223357187. 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 B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O N/A +bos great . now i need an expensive place to stay with free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos is there an area of town you 'd prefer ? eos O O O O O O O O O O O Hotel-Request+Area +bos no area in specific , however i would like free parking as well eos O O O O O O O O O O O O O O N/A +bos i can recommend the university arms hotel . it is located in the city centre 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 I-Hotel-Recommend+Area O N/A +bos how many stars does that hotel have ? eos O O O O O O B-Hotel-Inform+Type O O Hotel-Request+Stars +bos it has 4 stars . eos O O O O B-Hotel-Inform+Stars O N/A +bos does it have free parking as well ? eos O O O O O O O O O N/A +bos yes it has free parking . would you like to make a reservation ? eos O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos no , thank you . eos O O O O O O general-thank +bos well then , can i do anything else for you today ? eos O O O O O O O O O O O O O general-reqmore +bos no , i think that will be all today . eos O O O O O O O O O O O N/A +bos thank you for calling ! i hope you have a fantastic day ! eos O O O O O O O O O O O O O O general-bye +bos i need help finding a hotel that has free wifi and parking , can you help ? 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 the ashley hotel and lovell lodge are moderately priced hotels , and the express by holiday cambridge , gonville hotel , and huntingdon marriot are more expensively priced . all have parking and wifi . 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+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos actually , are any of these 4 star rated ? eos O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos the huntingdon marriott hotel is a four star hotel . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A +bos sounds perfect . can you book a room for 2 nights starting sunday ? there are 7 of us . eos 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 yes i have done so and your reference number is u2utf524 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i 'm also looking for a place to dine that 's in the centre and in the expensive range . eos O O O O 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 the bedouin features african cusine and is located in the centre in the expensive 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 O O B-Restaurant-Inform+Price O O N/A +bos is there anything that serves turkish food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes there is the meze bar restaurant would you like me to book it for you ? 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 Booking-Inform +bos no , i just need the phone number . eos O O O O O O O O O O Restaurant-Request+Phone +bos i 'm sorry , but meze bar restaurant 's phone number is not listed . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O N/A +bos i need a taxi from huntingdon marriott hotel to meze bar restaurant 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 N/A +bos what time do you want to leave the hotel ? eos O O O O O O O O O O O Taxi-Request+Leave +bos does n't matter . i just need to leave the restaurant by 13:00. i will also need the contact number and car type of the taxi . 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 Taxi-Request+Car +bos sure thing . a yellow honda will be outside waiting for you . the driver 's contact number is 07929295523. can i help with anything else ? eos 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 O O O general-reqmore +bos that will be all . thanks 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 i 'm interested in finding a restaurant that serves tuscan food . do you know of any in the moderate price range ? eos 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 N/A +bos no i am sorry i do n't have anything but i 'm sure i could find you something that is simply italian . eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Select+Food O O O Restaurant-NoOffer +bos i 'm sorry . i 'm only looking for a place that is moderately priced and serves tuscan food . 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 apologize , but it appears tuscan with the moderate price range does not have any result . eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Price O O O O O O O O O N/A +bos that okay . italian does sound fine , actually . could you find a moderately priced italian restaurant instead ? eos 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 O N/A +bos i found prezzo in the west part of town , would that work ? 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 I-Restaurant-Inform+Area O O O O N/A +bos yes , that works . please book a table for 8 people at 19:00 on wednesday . can you do that ? 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 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 can we book the table for 8 people at 18:00 on wednesday please ? eos O O O O O O O O O O B-Restaurant-Inform+Time O O O O N/A +bos sure . no problem . your reference number is 7u1bwj5q . eos 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 thank you , goodbye . eos O O O O O O general-bye +bos i need to find a hotel with free parking and wifi that is close to local restaurants . 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 29 results for hotels , would you like to narrow them down to a particular location or 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 O O O Hotel-Request+Stars,Hotel-Request+Area +bos something in the east would be good ! eos O O O O B-Hotel-Inform+Area O O O O N/A +bos there are only 6 hotels located in the east that match your request . 5 of which are guesthouses , is that okay ? eos O O O O O O O O O B-Hotel-Inform+Area O 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 N/A +bos any one of them is fine . please book for 5 people and 2 nights starting from tuesday . 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 i 've successfully booked you 2 nights for 5 guests at the allenbell , starting tuesday . reference number is : 8ape3cjz . is there anything else i can help you with today ? eos O O O O O O B-Booking-Book+Stay O O B-Booking-Book+People O O B-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 O O O O general-reqmore +bos yes i also need to find a restaurant in the moderate price range in the same area as the hotel . 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 N/A +bos i 've found 3 restaurants in that area in the moderate price range . two are indian food and one is italian food . would one of these 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 N/A +bos i would like the address and phone number for both restaurants . eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the indian restaurants are : the curry prince , 451 newmarket road fen ditton cb58jj , phone number 01223566388 ; and rajmahal , 7 barnwell road fen ditton cb58rg ; phone number 01223244955. 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 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O N/A +bos wonderful , thank you for your time ! eos O O O O O O O O O general-thank +bos it 's my pleasure ! 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 an expensive restaurant in the north side ? eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos there are 5 available . do you want to specify a food type ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food +bos yes , are there any that serve persian food ? i would also like a 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 none of them serve persian food . would you like to search for another option ? eos 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 it does n't really matter then . i just need to know the type of food , name of the restaurant , and 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 Restaurant-Request+Phone +bos may i suggest hakka ? it is a chinese food . the phone number is 01223568988. is there anything else i can help you with ? eos O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Phone O 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 2 star hotel . eos O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos may i suggest the ashley hotel , the express by holiday inn cambridge or the lovell lodge as recommend hotels to stay in . these are all two stars hotels . eos O O O O O O O O O O O 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 send me reviews eos O O O O O O O N/A +bos there are no reviews available at this time for the three hotels mentioned . eos O O O O O O O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O N/A +bos do they include free parking ? eos O O O O O O O N/A +bos the three hotels have parking , but i am not sure if it is free . would you like me to call and check ? eos 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 Hotel-Inform+Parking +bos no . but i also need help booking a taxi to leave the restaurant by 20:00. could you provide a contact number and car type with my taxi booking please ? 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 O O O Taxi-Request+Car +bos in order to book the taxi could you please tell me your destination ? eos O O O O O O O O O O O O O O O Taxi-Request+Dest +bos yes , from hakka , to the ashley hotel please . i want to leave hakka at 20:00. 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+Leave O O O N/A +bos ok , i have a taxi booked for you . the car will be a yellow skoda , and the contact number is 07941022282. can i help you with anything else today ? 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 O O general-reqmore +bos 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 you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'd like a place to say that is a guesthouse type , and includes 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 there are many matches to your request . do you have a preference in area or star rating ? 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+Area +bos i have no preference for area but i am looking for something with a 4 star rating and moderately priced . 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 Hotel-Request+Area +bos i have 11 guesthouse hotels fitting this 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 Hotel-Request+Internet,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Type,Hotel-Request+Stars +bos i would prefer a 4 star guesthouse please and i 'll need the area and address please . eos 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 Hotel-Request+Area,Hotel-Request+Addr +bos there are 11 matches that fit 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 Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Internet,Hotel-Request+Stars,Hotel-Request+Parking +bos no , no other preferences . what would you recommend ? eos O O O O O O O O O O O O N/A +bos i recommend acorn guest house in the north . the address is 154 chesterton road . 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 O O O 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 i prefer something a little more south . eos O O O O O O O O O N/A +bos aylesbray lodge guest house matches your criteria . would you like me to book that 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 O O Booking-Inform +bos ok , can you send me the address and area of aylesbray lodge ? i am also looking for a restaurant called royal spice . 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 O O Hotel-Request+Area,Hotel-Request+Addr +bos aylesbray lodge is in the south part of town and the address is 5 mowbray road . eos 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos i 'd like to book table at the royal spice for 6 people at 19:45 tuesday . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O N/A +bos the booking was successful and the table will be reserved for 15 minutes . your reference number is eq2ewq22 . 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 can i book a taxi from acorn guest house to aylesbray lodge ? it needs to get there by 19:45 tuesday . 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 B-Taxi-Inform+Arrive O O O N/A +bos i was able to book your taxi . you will be in a white skoda . if you need to contact them , the number is 07145741426. can i help 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 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 's all i need . thank you ! eos O O O O O O O O O O O general-thank +bos you are welcome . please let me know if i can be of any other assistance . enjoy your visit . 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-reqmore +bos i am looking for a restaurant in the center of town that would serve south indian food . 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 N/A +bos i 'm sorry i have nothing listed matching your criteria . what about just indian food ? eos O O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O Restaurant-NoOffer +bos darn . will you look for a turkish restaurant in that area instead ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos you have your choice of meze bar , anatolia , or efes restaurant . 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 N/A +bos can i get the address of anatolia ? eos O O O O O O O O O Restaurant-Request+Addr +bos anatolia is located at 30 bridge street city centre . eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 help you with ? eos O O O O O O O O O O O general-reqmore +bos no , 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 thank you for calling , goodbye . eos O O O O O O O O general-bye +bos can you tell me if there is a restaurant named kohinoor in cambridge ? eos O O O O O O O O O O O B-Restaurant-Inform+Name O O O N/A +bos yes there is one listing , it serves indian food , it is in the centre , and has a cheap price . would you like me to give you the information ? eos O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food 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 O O O O general-reqmore +bos just go ahead and book a table for 7 on saturday at 12:45 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 N/A +bos i apologize , i am unable to book at that time . is there another time you 'd like me to try 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-NoBook,Booking-Request+Time +bos 11:45 will be ok. eos O O O O O N/A +bos i found indian restaurant called kohinoor 74 mill rd , which is in center . is that good for you ? eos O O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Select +bos yes that is perfect . can i get the reference number please ? eos O O O O O O O O O O O O O O Restaurant-Request+Ref +bos the reference number for your reservation at kohinoor is hb7jspfk . your table will be reserved for no longer than 15 minutes . eos O O O O O O O O B-Booking-Book+Name O B-Booking-Book+Ref O O O O O O O O O O O O O N/A +bos i also need to find a 4 star guesthouse that is located in the north , can you help me book one please ? eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O O O O O O O O N/A +bos avalon has good reviews and is in the moderate price range would you like to book that ? eos O B-Booking-Inform+Name O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos can you let me know whether they have free parking and what the postcode is ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Parking +bos sure , the avalon has free internet but no free parking . the postcode for them is : cb43pd . the archway house has both free internet and free parking . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Post 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-Inform+Parking,Hotel-Inform+Internet +bos thank you for your help ! eos O O O O O O O general-thank +bos no problem ! enjoy your trip here in cambridge ! eos O O O O O O O O O O O general-welcome,general-bye +bos yes i am looking for an expensive chinese restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are quite a few options . do you have a preference for the area ? 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 i do n't . could you make a recommendation ? eos O O O O O O O O O O O N/A +bos the ugly duckling located in the centre has great food and is very popular . would you like me to make you a reservation ? 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 O O O O O O O O O O O Booking-Inform +bos what is the postcode for that restaurant ? eos O O O O O O O O O Restaurant-Request+Post +bos ugly duckling 's postcode is cb21tw . can i book a table for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Post O O O O O O O O O O Booking-Inform +bos that wo n't be necessary . thank you for the help ! eos O O O O O O O O O O O O O general-thank +bos thank you , have a great time . eos O O O O O O O O O general-bye +bos i 'm looking for a moderately priced place to eat that 's in the centre of town . 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 N/A +bos what type of cuisine are you looking for ? there are 21 restaurants in that area . eos O O O O O O O O O O O O B-Restaurant-Inform+Choice O O O O O Restaurant-Request+Food +bos i do n't have a preference . eos O O O O O O O O N/A +bos out of the 21 restaurant choices , one is the yippee noodle bar which is moderately priced in the centre of town . would you like to make a reservation ? eos 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 O 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 O O O O O O O Booking-Inform +bos that sounds great , what is the postcode ? eos O O O O O O O O O O Restaurant-Request+Post +bos their postcode is cb11lh and if you want a reservation just let me know the time , party size , and day and i 'll make it for you . eos O O O O B-Restaurant-Inform+Post O O 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 not now , thanks . here 's a weird one , though - are there any expensive 0-star hotels in the center of town ? eos O O O O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O O O O O O O O O N/A +bos i 'm sorry , but there are no expensive 0-star hotels in the area . can i help you find something else ? eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O general-reqmore +bos do you have a hotel in the moderate price range ? eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos the cityroomz hotel is moderatly priced , and has free internet and parking . would you like to make a reservation now ? eos 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 O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds nice , yes please book a room for 3 guests staying for 5 nights starting on sunday . eos O O O O 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 N/A +bos i 'm sorry , those particular dates are filled , if you 'd like i could try to make the trip shorter or maybe change 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 O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos how about just for the one night ? eos O O O O O O O O O N/A +bos alright , i was able to book your hotel room at the cityroomz , for 3 people , for one night . your reference number is e62ixzgb . is there anything else i can do ? eos O O O O O O O O O O O O B-Booking-Book+Name O O B-Booking-Book+People 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 go from the restaurant to the hotel , i want to leave the restaurant at 02:15 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 N/A +bos i have booked your taxi . it will be a blue volvo and the contact number is 07729446320. 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 great . thanks . 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 . have a wonderful visit . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a place to stay . i 'd like to stay in a guesthouse that does n't need to include internet . 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 N/A +bos there are a total of 24 guesthouses available . acorn guest house has a 4 star rating , offers free wifi and free parking . would you be interested in booking here ? eos O O O O O O O B-Hotel-Inform+Choice 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos is that in the center of town ? i do need to be in the center . eos O O O O O O O O O O O O O O O O O O N/A +bos acorn guesthouse is not in the center , however i found two guesthouses that are . alexander bed and breakfast is 4 stars . would you like to book there ? eos O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Choice 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 O O O O O O O O O Booking-Inform +bos yes , please make my reservation at the alexander bed and breakfast . eos O O O O O O O O O O O O O O N/A +bos what day would you like to book on and for how long ? eos O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos could i get the phone number ? eos O O O O O O O O Hotel-Request+Phone +bos i am sorry i can not find acorn for you . i do however have a four star guesthouse called alexander bed and breakfast . how does that sound ? eos O O O O O O O B-Hotel-NoOffer+Name I-Hotel-NoOffer+Name O O O O O O B-Hotel-Recommend+Stars I-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Booking-Inform +bos that 's fine . can i please have the phone number ? eos O O O O O O O O O O O O O Hotel-Request+Phone +bos the phone number for the alexander bed and breakfast is 01223525725. is there anything else i can help with today ? 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+Phone O O O O O O O O O O general-reqmore +bos yes , may i have the address ? eos O O O O O O O O O N/A +bos the phone number for alexander bed and breakfast is 01223525725. 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 'm also looking for a restaurant that is in the expensive price range and serves spanish 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 O N/A +bos unfortunately i do not find any expensive spanish places to dine . would you like to try something different ? also the hotels address is 56 saint barnabas road . eos 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 B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O general-reqmore +bos is there a restaurant in the expensive price range that serves british food ? eos 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 6 restaurants fitting that criteria . is there a particular area of town that 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 O O Restaurant-Request+Area +bos i do n't care eos O O O O O N/A +bos how about graffiti ? it is located in the west part of town . eos O O O B-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos let 's go ahead and make a reservation for 6 at 19:30 for this coming wednesday . oh , and can i get that reference number , too , please ? eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos all right , you have a table for six at the graffiti . your reference number is 5dhn40hk . eos O O O O O O O O O B-Booking-Book+People O B-Restaurant-Inform+Name 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 you 're welcome . can i do anything else for you ? eos O O O O O O O O O O O O O general-reqmore +bos no . that sounds like everything . thank you . 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-welcome,general-bye +bos can you find a restaurant the serves gastropub food and is on the east side ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O N/A +bos there is one recommendation and that is the royal standard . would you like me to provide the address and phone number ? eos O 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 O general-reqmore +bos yes i would like you to provide 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 Restaurant-Inform +bos certainly , the address is 290 mill road city centre and the phone number is 01223247877. 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 B-Restaurant-Inform+Phone O N/A +bos can i book a reservation for 7 at 13:00 this 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 booking was successful . the table will be reserved for 15 minutes starting at 13:00. your reference number is xu553dwz . 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+Time 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 called gonville 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 gonville hotel is located at gonville place , cb11ly . the phone number is 01223366611. would you like me to book it for you ? eos O 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 B-Hotel-Inform+Phone O O O O O O O O O O O O Booking-Inform +bos yes please , we will check in after we eat at the royal standard and stay for five nights . 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 . your reference number is x1h1fh32 . 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 no , i think 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 general-thank +bos wonderful ! glad to have been of help . have a wonderful day ! eos O O O O O O O O O O O O O O O general-bye +bos i would like an expensive place to dine , 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 great ! there are 33 such restaurants . 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 Restaurant-Request+Food +bos the type of food does n't matter , but i need a reservation for 8 people . eos O O O O O O O O O O O O O O B-Restaurant-Inform+People O O O N/A +bos what day and time are you looking to book your reservation ? eos O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos 12:45 on wednesday for 8 people please and may i get the reservation number after you book it please ? eos O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O O O O O O O O O O O O O O N/A +bos i made a reservation at the restaurant kymmoy . the confirmation number is ur49skna eos O O O O O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O N/A +bos thank you for booking the reservation for mr , goodbye . eos O O O O O O O O O O O O general-bye +bos let me 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 am looking to get some eritrean food in the west 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 N/A +bos unfortunately there are n't any restaurants that fit your criteria . is there anything else that 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 Restaurant-NoOffer,general-reqmore +bos can you see if there are any that serve indian food ? eos O O O O O O O O O O O B-Restaurant-Inform+Food O N/A +bos there are six restaurants , one in the moderate price range and the rest in the expensive price range . which one would you prefer ? eos O O O O B-Restaurant-Inform+Choice 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 Restaurant-Request+Price +bos any would be fine . but i need to book a table for 8 people for sunday at 12:15. 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 N/A +bos booking was unsuccessful at rice boat . would you like to find another restaurant ? eos O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O general-reqmore +bos sure as long as it 's in the same area and price range . i need 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 Restaurant-Request+Ref +bos okay i booked you at the tandoori palace and your reference number is nbld7e0v . 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 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 okay glad i could be of help ! eos O O O O O O O O O general-welcome +bos i am looking for a place to dine in the west . eos O O O O O O O O O O O O O N/A +bos yes i have many restaurants to choose from in the west . do you have a price range preference ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Price +bos yes i would like it to be expensive . eos O O O O O O O O B-Restaurant-Inform+Price O N/A +bos there are nine restaurants available . do you have a food type preference ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Food +bos no preference on type . eos O O O O O O N/A +bos graffiti is a nice place and is in expensive price range.would you like the address ? 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 general-reqmore +bos i am looking for a place serving expensive indian food eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O N/A +bos there are 14 places that serve expensive indian food . we could narrow it down more if you specified an area . do you have one in mind ? 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 O O O O O O O O O O O Restaurant-Request+Area +bos let 's try the west part of town . eos O O O O B-Restaurant-Inform+Area O O O O O N/A +bos there are 5 in the west . you might want to try cocum on 71 castle street city centre . eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O O O O O B-Restaurant-Select+Name O O B-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr O N/A +bos okay , can you book for 7 people on sunday 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 i am sorry there is no booking at this time , there are 2 other places would you like me to check booking for any of 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 Booking-Inform,Booking-NoBook,Restaurant-Select +bos yes , if one is in the same area and price range as cocum . eos O O O O O O O O O O O O O O O O N/A +bos i was able to get you in at maharajah tandoori restaurant . your reference number is o9k319cu . 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 O O O O B-Restaurant-Inform+Ref 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 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 need a cheap place to dine please . eos O O O O B-Restaurant-Inform+Price O O O O O N/A +bos we have 22 inexpensive restaurants . what sort of cuisine would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food +bos i do n't care about the type of food . i need a reservation for wednesday night . 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 book you for dojo noodle bar , how many should i book for and what is the preferred time ? eos 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 O O O O O O Booking-Request+Time,Booking-Request+People +bos is dojo noodle bar in the centre of town ? i need something in that area , please . 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 it is . how many people will there be and what time would you like on wednesday ? 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 the reservation needs to be for 2 for 17:00 on wednesday evening . do they have a table then ? 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 N/A +bos the booking was unsuccessful . would like to book it at another time ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos no . it needs to be t 17:00. another restaurant in the same area and price range would work . 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 N/A +bos okay i booked you into the j restaurant that also serves asian food in the cheap price range and your reference number is 7mumbmfd . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O B-Booking-Book+Ref O N/A +bos thanks so much . that 's all i needed . 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-welcome,general-bye +bos i am looking for a restaurant that is expensive and in the west eos O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area N/A +bos there are 9 matching restaurants . what food would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos i would really like to try some british food please . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have 2 matching restaurants . would you like more details on them ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O general-reqmore +bos no , if you could just book me into one for saturday , that would be great . eos O O O O O O O O O O O O O O O O O O O N/A +bos ok , how many people and what is the time preference ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos i need if for four , 13:30 , saturday . eos O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O N/A +bos sure , you 're booked at travellers rest with reference number a5lk844g . may i help with anything else ? eos 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 general-reqmore +bos okay great no that will be it . eos O O O O O O O O O N/A +bos okay . glad i could be of help . please call again . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos good morning , i need help finding a restaurant that serves bistro in the moderate price range . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O N/A +bos i could n't find a restaurant with the attributes 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 how about one with british food ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 5 restaurants serving british food . do you have a preferred area ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Area +bos i do not have a preferred area . which ones have a table available for 6 people at 12: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 O O N/A +bos is there a price range you would prefer to stay within ? eos O O O O O O O O O O O O O Restaurant-Request+Price +bos no i do not need to stay within a price . eos O O O O O O O O O O O O N/A +bos i have restaurant one seven in the moderate price range . would you like me to book a reservation ? 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 O O O O O O O Booking-Inform +bos yes , please . eos O O O O O N/A +bos the booking was unsuccessful , do you have any other preference ? eos O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos i just need a restaurant in the same area and has the same price range . eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos sure . i booked you a table in the oak bistro which is in the center part of the town . your reservation number is cmj6wm0z . eos O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Ref O O O N/A +bos great , thanks for that . see you ! eos O O O O O O O O O O general-thank +bos sure , i 'm here to help you . bye ! eos O O O O O O O O O O O O general-bye +bos are there any expensive restaurants in the city centre you could recommend ? eos 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 many expensive restaurants in the city centre . do you have a cuisine preference ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Food +bos i would like to eat indian food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 5 indian restaurants available in the centre . what day are you looking to dine ? 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 Booking-Request+Day +bos i need a reservation for thursday . there will be 1 person at 11:15. any of the 5 restaurants would be fine . eos O O O O O O B-Restaurant-Inform+Day O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O O O O O N/A +bos i was able to get you a table at the golden curry . your reference number is 7dd4dk3n and they 'll hold your table for 15 minutes . can i help with anything else ? 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 O O O O O O O O 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 . goodbye . eos O O O O O O O general-welcome,general-bye +bos i am looking for a place to dine that serves indian food and is located close to the centre , can you help me please ? eos 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 O O O O N/A +bos we have nine indian restaurants in the centre , with prices ranging from cheap to expensive . do you have a preference ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Select +bos i would like a restaurant in the expensive range . eos O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos there are several . would you like to book a table to panahar , or perhaps one of the others ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O B-Booking-Inform+Name O O O O O O O O O N/A +bos yes , please make a reservation for 6 people at panahar on sunday at 13:00. eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Name O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos you are booked at panahar on sunday at 13:00 for 6 people . is there anything else i can help you with ? eos O O O O O B-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 O O O O O O O general-reqmore +bos may i have the reference number for the reservation ? eos O O O O O O O O O O O Restaurant-Request+Ref +bos i am so sorry but the panahar is fully booked . my i find another restaurant for you that serves indian food ? eos 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 general-reqmore +bos yes please , in the same area and price range , please . eos O O O O O O O O O O O O O O N/A +bos okay . i was able to get you into the golden curry instead . your reference number is oxkpjh2r . 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 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 you are so welcome . eos O O O O O O general-welcome +bos 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos yes ! the restaurant is at the little rose 37 trumpington street in the expensive price range . would you like me to book tickets ? eos O O 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 B-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform +bos please book a table for 8 people at 18:15 on friday . 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 am sorry there are no reservations at that time , can i find you another restaurant that fits 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 O Booking-NoBook,general-reqmore +bos please try booking 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 O Restaurant-Inform +bos i will found you a different restaurant . eos O O O O O O O O O general-reqmore +bos 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 . eos O O O O O O O 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 how does the cambridge chop house sound ? it serves british food ? eos O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O B-Restaurant-Inform+Food O O O N/A +bos that would be good . i would like to try that one if you recommend it . eos 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 that for you , the reference number is 8jkpea74 . can i assist 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 general-reqmore +bos no that will be all . 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 general-welcome,general-bye +bos can you help me find 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 a whopping 13 colleges in the centre of the city . would you like me to suggest one for you ? 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 general-reqmore +bos which is the best college in the centre and how can i contact them by phone ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos there are many options . can i recommend one for you eos O O O B-Attraction-Inform+Choice O O O O O O O O general-reqmore +bos please recommend one in the centre and i would also like the phone number . eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos christ 's college is nice . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A +bos that sounds great , can i please get their phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos of course , their phone number is 01223334900. is there anything else that i can help you with today ? eos O O 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 that would be all thank you very much . eos 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 i 'm looking for a place to dine . 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 O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos do you have a preference on the type of food ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos yes . i would like greek food please . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry there 's no matches for greek food . eos O O O O O O O B-Restaurant-Inform+Food O O O O Restaurant-NoOffer +bos okay , can you search for british food instead then ? eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are 3 restaurants that meet that criteria . may i suggest fitzbillies restaurant ? eos 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 that sounds great . could you book a table for 2 people at 15:45 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 booking was successful . the table will be reserved for 15 minutes . reference number is : bsmdjmxh . can i be of further assistance ? 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 general-reqmore +bos thank you that 's all i need today . eos O O O O O O O O O O general-thank +bos okay , great . i 'm glad i could help . 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-welcome,general-bye +bos i need a train for saturday at 13:00 and i will be traveling from cambridge to london kings cross . please book it for 7 people . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave 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 B-Train-Inform+People O N/A +bos you are all booked for the tr4003 train . price is 132.16 gbp . reference number b02eelpu . is there anything else i can help you with ? eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 yes , my apologies , but can you confirm that the tr4003 train leaves after 13:00 ? eos O O O O O O O O O O O O O O B-Train-Inform+Leave O O O N/A +bos it leaves right at 13:00. if you 'd like to leave later , the next train departs at 15:00 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 N/A +bos the 13:00 train is perfect . please book 7 tickets . thanks . eos O O B-Train-Inform+Leave O O O O O O B-Train-Inform+People O O O O N/A +bos it has been booked and your reference number is : b02eelpu . is there anything else i can do for you ? 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 , that is all . thank you for the help . eos O O O 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 day . eos O O O O O O O O O O O O O O O O O general-bye +bos i am trying to find the parkside pools . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos parkside pools is located in the centre of town gonville place . phone number is 01223446100. 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 I-Attraction-Inform+Area B-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 can you give me the full address of parkside pools as well as the zip code ? eos O O O O O O O O O O O O O O O O O O N/A +bos the address of parkside pools is cb11ly and the zip code is gonville place . can i help you with anything else ? eos O O O O O O O B-Attraction-Inform+Addr 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 that 's all for now . thanks a bunch ! eos 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 am looking for the price range and address of the meze bar restaurant 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 Restaurant-Request+Price,Restaurant-Request+Addr +bos they are in the expensive price range , and their address is 196 mill road city centre . can i help you with anything else ? 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 O O O O O O O O O general-reqmore +bos no that is all the info i needed . thanks . eos O O O O O O O O O O O O general-thank +bos alright , you 're quite welcome ! enjoy your time in town ! 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 4 star place to stay . eos O O O O O O O B-Hotel-Inform+Stars 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 it to be in the north , and to be a guesthouse . eos O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Type O O O N/A +bos great , there are 4 options for you here . i personally recommend avalon . would you like to book ? eos O O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Recommend+Name O O O O O O O O O Booking-Inform,Hotel-Select +bos yes , please book it for 5 people and 5 nights starting from wednesday . 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 your booking was successful . reference number is : yb23kvsx . 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 . thanks for your help ! eos O O O O 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 'm looking for a train to take 5me to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos okay and when would you like to leave ? eos O O O O O O O O O O Train-Request+Leave +bos i would like to leave from stevenage on thursday and get to cambridge by 9:15. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O N/A +bos there is a train departing stevenage at 7:54 thursday , and arriving in cambridge at 8:53. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave B-Train-Inform+Day O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos can you tell me how long the trip will take ? eos O O O O O O O O O O O O N/A +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 ok , that is all the information i need . thank you . eos O 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 give me information about museums in the west side 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 a few museums in the west side of town . i highly recommend checking out the cafe jello gallery if you 've got the time . eos O O O O B-Attraction-Inform+Choice 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 I-Attraction-Inform+Area 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 what is the full address and zipcode of 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 cafe jello gallery is located at cafe jello gallery , 13 magdalene street . their postcode is cb30af . is there anything else i can assist you with today ? eos 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 I-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 no that 'll be all . thanks so much ! eos O O O O O O O O O O O general-thank +bos okay , great . have a great trip . goodbye . eos O O O O O O O O O O O O general-welcome,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 B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos what is the destination ? eos O O O O O O Taxi-Request+Dest +bos i 'm sorry . i gave you the wrong information . i need to leave from the fitzwilliam museum and arrive at royal standard by 07:45. 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 O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O N/A +bos i have booked you a white tesla . the contact number is 07099074893. can i help you with anything else 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 general-reqmore +bos am good thanks so much eos O O O O O O general-thank +bos no problem . 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 taxi from kings lynn station at 5:15 , going to hk fusion , please . 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 O O O N/A +bos you are booked with a grey volvo , phone number is 07406139758. anything else i can do for you ? eos 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-reqmore +bos no that 's it ! thank you ! eos O O O O O O O O O general-thank +bos you 're very welcome ! have a great time in town ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i am looking to eat at a north restaurant in the expensive 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 N/A +bos i have about 5 restaurants in that area . what kind of food would you like them to serve ? 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 Restaurant-Request+Food +bos surprise me , i just need the booking for 8 people monday at 18:00. please provide me with a reference number for this booking . 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 O O Restaurant-Request+Ref +bos i can make a reservation at saigon city for 8 people on monday evening . the reference number is eckx7ysf . is there anything else i can do for you ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Booking-Book+People O B-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 O general-reqmore +bos thank you so much ! that 's all i needed . eos O O O O O O O O O O O O N/A +bos you are very welcome . would you like the address for the restaurant ? eos O O O O O O O O O O O O O O O general-welcome +bos no thank you . have a great day ! eos O O O O O O O O O O general-thank +bos you have a great day as well ! eos O O O O O O O O O general-bye +bos i need help with the train schedule , please . eos O O O O O O O O O O O Train-Inform +bos i have almost 3,000 trains on schedule . what is your preferred departure day and time and arrival day and 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 Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos i would need a train leaving cambridge and arriving in peterborough on thursday at 15:45. eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Arrive N/A +bos we have the tr4274 arriving in peterborough at 15:56. does that work ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O Train-OfferBook +bos that would be great , can you book that for 6 people please ? eos O O O O O O O O O O O O O O O N/A +bos of course . so just to confirm before booking , you are looking to travel from cambridge to peterborough on thursday before 16:00 ? 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 B-Train-Inform+Arrive O O O N/A +bos before 15:45 , yes for 6 people . please send me the reference number . i am also looking for a hotel called acorn guest house . eos O O O O O O B-Hotel-Inform+People 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 i have booked tr8531 which arrives at peterborough at 1524. the reference number is pdlpm33d and 99 gbp is payable at the station . eos O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O N/A +bos i also am looking for a particular hotel called acorn 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 N/A +bos the acorn guesthouse is located in the north and is moderately priced . it has a 4 star rating with free wifi and parking . would you like to book here ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes . i need a booking for 6 people 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 O N/A +bos okay , i have booked the acorn guesthouse for you , starting on sunday , for 4 nights , for 6 people . your reference number is k69ioq1z . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name 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 N/A +bos thank you for your help ! how much was that booking at the acorn guesthouse ? eos O O O O O O O O O O O O O O O O O general-thank +bos i 'm sorry but it does not say . i would suggest calling the hotel and providing them with your reference number to find out . eos O O 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 O O O O O O O O O N/A +bos thank you . can you give me the phone number for the hotel please ? eos O O O O O O O O O O O O O O O O Hotel-Inform +bos sure , the phone number to acorn guest house is 01223353888. is there anything else i can assist you with ? eos 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-reqmore +bos thanks . that 's all i need right now . goodbye . eos O O O O O O O O O O O O O general-bye +bos no problem ! thank you for your business and i hope we see you again . take care ! eos 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 'd like to find an expensive 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 O O N/A +bos curry garden is an indian restaurant in the expensive price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A +bos is curry garden 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 make a reservation for you there ? eos O O O O O O O O O O O O O O O O O Booking-Inform +bos i 'm not looking for a reservation at the moment . can i just get the phone number , postcode , 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos certainly . the phone number for curry garden is 01223302330 , the postcode is cb21dp , and the address is 106 regent street city centre . may i assist you with anything else today ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone 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 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 for using this system ! eos O O O O O O O O general-bye +bos are there any 4 star hotels in cambridge ? eos O O O O O B-Hotel-Inform+Stars O O O O N/A +bos how many days will you stay and 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 Booking-Request+Stay,Booking-Request+People +bos firstly , before that , i need a hotel that includes free wifi and parking , and needs to be 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 B-Hotel-Inform+Price O O O O O O Train-Request+Price +bos there are 8 options . do you want to specify hotel type or area ? 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+Type +bos a hotel is fine if you have it please . eos O O O O O O O O O O O Hotel-Inform +bos the only hotel that fits is on the west side . it 's called the cambridge belfry . does that sound like it will work for you ? i can book it if you like . eos O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area 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 Booking-Inform +bos that is fine . i need it for 8 people starting monday for 4 nights . can i please have the reference number as well ? 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 O O Hotel-Request+Ref +bos the booking was unsuccessful ? would you like to try for a different day or a different 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos can you try it for 2 nights ? eos O O O O O O O B-Hotel-Inform+Stay O N/A +bos they do indeed have rooms for you for two nights . your reference number is qx5fhjvd . is there anything else i can do for you today ? 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 i get 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 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 need to leave on wednesday after 21:00. what options do i have ? 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 there are 3 trains that are going to the stansted airport after 21:00. we have train id tr4364 that leaves at 21:40 , should i book that for you ? eos O O O O B-Train-Inform+Choice 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+Id O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos yes , please . i would like to book tickets for 8 people on that train - how much will that cost ? 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 yes the total cost of 8 tickets was 80.80 pounds . i have a booking reference number for you . it is wqtgd7s4 . thank you for calling . eos 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 O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-bye +bos what is the arrival time for that train ? eos O O O O O O O O O O Train-Request+Arrive +bos the arrival time is 22:08. do you have any other questions ? eos O O O O O B-Train-Inform+Arrive O O O O O O O general-reqmore +bos thank you for your assistance ! have a good day ! 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 'd like an expensive restuarant with chinese food . eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O N/A +bos sure , i have 9 restaurants like that . is there a certain area you had in mind ? 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+Area +bos i would like to stay in the south please . eos O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have 2 chinese restaurants in the south . both are expensive but worth the money ! i have the peking restaurant and the good luck chinese food takeaway . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price 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 N/A +bos could you reserve a table for 5 at peking restaurant . i need it for wednesday at 11:15. eos 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 N/A +bos i was able to successfully book at table for 5 at peking restaurant for 11:15. your reference number is wok3ftdi . your table will be reserved for 15 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 N/A +bos thank you so much , that is all that i needed ! 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-bye +bos looking for a restaurant in the east side that serves basque 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 i did not find any restaurants with that criteria . do you want to change the area ? eos 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 will you look for indian food in the east ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos how about curry prince ? it is indian food . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O N/A +bos perfect ! i would like a table for 2 at 16: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 N/A +bos i was unable to complete your booking . 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos would 15:00 on the same day work ? eos O O B-Restaurant-Inform+Time O O O O O O N/A +bos the booking was successful for tuesday at 15:00 for a party of 2. your reference number is h2voxsp6 . is there anything else i can help you with ? eos O O O O O O B-Booking-Book+Day O B-Booking-Book+Time 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 thanks ! eos O O O general-thank +bos you are welcome ! eos O O O O O general-bye +bos i 'm looking for an expensive vietnamese place to eat , can you help me find one ? 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 N/A +bos it does n't look like there are any expensive vietnamese restaurants . would you like me to look for a different cuisine type or price range ? eos 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 O O O Restaurant-Request+Food,Restaurant-Request+Price +bos are there any british food joints ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos graffiti is in the west part of town in the expensive price range , would you like to book that ? eos O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform +bos yes , please book a table for 6 on thursday . eos O O O O O O O O O O O O N/A +bos what time shall we make that booking for ? eos O O O O O O O O O O Booking-Request+Time +bos make it for 11:15 and please give me a reference number . eos O O O O B-Restaurant-Inform+Time O O O O O O O O Restaurant-Request+Ref +bos alright , your table for 6 has been booked for graffiti for thursday at 11:15. is there anything else i can do for you ? eos O O O O O O B-Booking-Book+People O O O B-Restaurant-Inform+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O O O O general-reqmore +bos yes , can i please have the reference number as well for the booking ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos of course , the reference number is 1jr8k2op . may i assist 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 no that is all , thank you very much . eos O O O O O O O O O O O general-thank +bos you are very welcome . please feel free to contact us 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 general-welcome,general-bye +bos i need to get to cambridge on friday . eos O O O O O O B-Train-Inform+Dest O O O N/A +bos there are 1414 trains heading to cambridge , what is your starting 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 need a train that departs from stevenage on friday . it should arrive in cambridge by 11:00 eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos certainly , the train that arrives right before 11 is tr2860 arrives by 10:43. shall i book it , if so how many riders will there be ? eos O O O O O O O O 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 Train-Request+People,Train-OfferBook +bos what is the departure and travel time please ? eos O O O O O O O O O O Train-Request+Duration +bos it departs at 9:54 and arrives at 10:43. that gives you about 15 minutes to spare . is that alright ? eos 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 N/A +bos yes . i also need a place to stay please . eos O O O O O O O O O O O O N/A +bos i have 33 hotels , 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 area does n't matter , but i would like something moderate priced that includes wifi . eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos that leave us with 17 choices . do you care whether it 's a normal hotel or a guesthouse ? 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-Request+Type +bos i would like it to be a guesthouse please . eos O O O O O O O O B-Hotel-Inform+Type O O N/A +bos the acorn guest house fits your criteria as well as includes free parking - would you like me to book 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 O O Hotel-Recommend+Parking,Booking-Inform +bos yes i will need that for 2 people for 5 nights for friday please . 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 Hotel-Request+Ref +bos booking was successful for your stay at acorn guest house starting friday . your reference number is : 8igoi38r . is any further assistance needed ? 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 that 's all i needed . thank you ! eos O O O O O O O O O O general-thank +bos fantastic ! have a lovely visit ! goodbye ! eos O O O O O O O O O O general-bye +bos hi ! i 'm looking for a train to norwich on saturday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A +bos what is your departure site and time ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos from cambridge and i want to arrive by 20:30. eos O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive N/A +bos i have a train that would leave at 18:36 and arrive by 19:55. it 's 79 minutes long and costs 14.08 pounds . would you like me to book it ? eos O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O B-Train-Inform+Time I-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 Train-OfferBook +bos yes please , book it for 7 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos all booked and ready to go ! the reference number is rjvne0pt . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos i am also looking for a place to stay . can you find a 1 star hotel for me that is a guesthouse ? 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 B-Hotel-Inform+Type O O N/A +bos unfortunately , there are no guesthouses that meet that criteria . in the area , there are 24 guesthouses , some of them cheap , some expensive . can you narrow down your choices ? eos 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-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Price O O O O O O O O O O O O O general-reqmore +bos if there are no 1 star guesthouses , please find me the cheapest one that includes 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 alexander bed and breakfast is a 4 star cheap guesthouse with free interenet and parking located in the centre . does 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 B-Hotel-Inform+Stars B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Area O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos yes alexander bed and breakfast that has a star of 4 would be great . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos sure , i can book that for you . how many people will be staying and for how long also arriving 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Stay,Booking-Inform +bos there will be 7 people staying for 2 nights beginning on thursday . eos 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 my attempt to book your party was unsuccessful . would you like to try a different length of stay , or 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 O O O O Booking-Request+Stay,general-reqmore +bos would 1 night work instead ? if it does could i get the reference number please ? eos O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O O N/A +bos yes , 1 night will work . i 've booked the hotel for you , and your reference number is fiinue5n . 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 O general-reqmore +bos that will be all . thank you . eos O O O O O O O O O general-thank +bos wonderful . enjoy your stay in cambridge ! eos O O O O O O O O O general-bye +bos i need a cheap spanish restaurant . are there any around ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O N/A +bos yes , la raza is a restaurant serving spanish food in the cheap price range . it is located at 4 - 6 rose crescent . would you like a reservation ? eos O O 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 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 Booking-Inform +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 la raza is a cheap restaurant serving spanish food in the centre part of town . it 's address is 4 - 6 rose crescent and it 's post code is cb2311 . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price 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 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 O O N/A +bos great . can you book me a table for 7 on tuesday at 11:45 and provide me with a 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 Restaurant-Request+Ref +bos all right , i 've made a reservation . your reference number is oog9kq5v . what else can i 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 hey , do you know any restaurants near me in the city ? eos O O O O O O O O O O O O O O Restaurant-Inform +bos there a lot of restaurants in the city , what kind are you looking for ? 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 never mind , i 'm all set . i even have the reference number for my reservation . 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 O O Restaurant-Request+Ref +bos it was a pleasure to serve you . please feel free to use our service again anytime . 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-bye +bos i want a cheap , european restaurant please . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos the river bar steakhouse and grill is in the cheap price range and features a modern european menu . 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 B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 it is located at quayside off bridge street . the phone number is is 01223 301030. 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 B-Restaurant-Inform+Phone N/A +bos thank you good bye . eos O O O O O O general-bye +bos you 're welcome . have a good evening and enjoy . eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'd like a kosher restaurant that 's in the moderate price range . eos 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 'm sorry , there is not a kosher restaurant in the moderate price range . would you like to try something else ? 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 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 yippee noodle bar is a moderately priced restaurant serving asian oriental food . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 yippee noodle bar 's phone number is 01223 518111. their address is 40428 king street city centre 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 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 . eos O O O O O general-welcome +bos i 'm looking for a restaurant serving irish food in any area . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there are no irish restaurants in the area . eos O O O O B-Restaurant-Inform+Food O O O O O Restaurant-NoOffer +bos well can i get the phone number to a european restaurant ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Phone +bos cambridge lodge restaurant serves european food . their phone number is 01223 355166. 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 O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O 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 your welcome good bye eos O O O O O general-welcome,general-bye +bos i need the name and phone number for a cantonese restaurant on the west 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 Restaurant-Request+Phone +bos do you have any preference regarding price range ? eos O O O O O O O O O O Restaurant-Request+Price +bos no . eos O O O N/A +bos there are no cantonese restaurants located in west . are you interested in another type of cuisine ? 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 Restaurant-Request+Food,Restaurant-NoOffer +bos vietnamese sounds good . eos O B-Restaurant-Inform+Food O O O N/A +bos thanh binh is in the west part of town . would you like the phone number ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O O O O O general-reqmore +bos yes please and the address as well . eos O O O O O O O O O N/A +bos the address is 17 magdalene street city centre , and the phone number is 01223 362456. 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+Phone I-Restaurant-Inform+Phone O N/A +bos thank you good bye . eos O O O O O O general-bye +bos you are welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant that serves australian food and in the cheap 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 i 'm sorry , there are no restaurants that serve australian food . eos O O O O O O O O O O O O O O Restaurant-NoOffer +bos do you have some places that serve italian ? eos O O O O O O O O B-Restaurant-Inform+Food O N/A +bos la margherita seems to fit your request . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O 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 the address is 15 magdalene street city centre and the phone number is 01223 315232. 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+Phone I-Restaurant-Inform+Phone N/A +bos okay , perfect . thank you very much . 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 is there a cheap swedish restaurant in town ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos there are no restaurants matching those preferences . would you like a different restaurant ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos how about one serving mediterranean food ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there is a cheap mediterranean restaurant in the centre area of town . it is called the gardenia . 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos that sounds good . what is their phone number and postcode ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the gardenia is in the postcode c.b 2 , 3 l.l . their phone number is 01223 356354. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos thank you ! eos O O O O general-thank +bos your welcome , is there anything i could help you with ? eos 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 goodbye . eos O O O general-bye +bos hello , i am looking for a moderately priced restaurant that serves basque food . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , there are no restaurants matching your request . 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 Restaurant-NoOffer,general-reqmore +bos how about british food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are several moderately priced restaurants that serve british food . do you prefer a particular area of town ? eos O O O B-Restaurant-Inform+Choice 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 O O Restaurant-Request+Area +bos i do n't care . give me their phone number . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Phone +bos cotto is a moderately priced restaurant in the city centre that serves british food . would you like the phone number ? eos O B-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 B-Restaurant-Inform+Food O O O O O O O O O general-reqmore +bos yes , please . eos O O O O O N/A +bos the phone number for cotto is 01223 302010. do you need any further assistance ? eos O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O general-reqmore +bos nope ! thank you , goodbye . 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 i want to find a restaurant in any area and serves scottish food . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are no restaurants serving scottish food . 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 Restaurant-NoOffer,general-reqmore +bos yes , how about modern european food ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos eraina is a great european eatery . what other information can i provide to you ? eos O B-Restaurant-Inform+Name O O O B-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 their phone number is 01223 368786. may i help you with anything else ? eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos no , thank you . eos O O O O O O general-thank +bos thanks , enjoy ! eos O O O 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 are five restaurants in the expensive category in that area . would you prefer mexican , italian , chinese , or indian ? eos 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 B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O N/A +bos i would prefer mexican eos O O O O B-Restaurant-Inform+Food N/A +bos chiquito restaurant bar serves expensive mexican food in the south part of town . would you like more info ? 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 B-Restaurant-Inform+Area 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 the address for the mexican restaurant chiquito restaurant bar is 2g cambridge leisure park cherry hinton road cherry hinton and their phone number is 01223 400170. eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 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 . good bye . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a restaurant on the north side of town that serves tuscan 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 i 'm sorry there are no locations serving tuscan food on the north side town . eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos how about chinese type of food ? eos O O O B-Restaurant-Inform+Food O O O O N/A +bos yes , there are 3 chinese restaurants in the north . what price range would you prefer ? 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 Restaurant-Request+Price +bos price does n't matter . suggest one please . eos O O O O O O O O O O N/A +bos golden wok serves chinese food and is located in the north part of town . eos 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 N/A +bos thank you , goodbye ! eos O 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 +bos i 'm looking for a park 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 cambridge university botanic gardens is the park you are looking for then . it charges and entrance fee of 4 pounds . eos 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 O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos can i have the phone number ? eos O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223336265. eos O O O O O B-Attraction-Inform+Phone N/A +bos i also need a train leaving on sunday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos got a destination or departure site in mind ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i would be departing from cambridge and going to the airport . eos O O O O O O B-Train-Inform+Depart O 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 Train-Request+Leave,Train-Request+Arrive +bos i want to arrive by 10 am . eos O O O O O O O O O N/A +bos i have several options would you like me to book something for you ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O Train-OfferBook +bos no , i would just like to know how much the tickets are and how long the trip lasts . 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 okay the price for a train ticket will be 8.08 pounds for 28 minute ride . eos O O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos great thank you . that 's all i needed . eos O O O O O O O O O O O general-thank +bos wonderful ! have a great time ! eos O O O O O O O O general-welcome,general-bye +bos hi ! could you help me find a museum to go in 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 many but may i suggest the cambridge contemporary art museum ? eos O O O B-Attraction-Recommend+Choice O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O Attraction-Inform +bos sure . what is the postcode and phone number , please ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos their postcode is cb21su and phone number is 01223324222. what else can i 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 general-reqmore +bos that 's it . thanks ! eos 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 any trains running on thusday ? eos O O O O O O O N/A +bos yes i have 404 trains that day , where will you be leaving 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 leaving from cambridge . eos O O O O B-Train-Inform+Depart O 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 the standsted airport and would like to arrive by 08:00. what would the travel time be on that ? 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+Duration +bos i have train tr7966 leaving at 5:40 and arriving at 6:08. would you like to book that ? 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 no tickets right now , thanks , but what 's the total 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 Train-Request+Duration +bos the travel time is 28 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 need some place to go in the centre . eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos is there a specific type of attraction you 'd like ? or would you like for me to make a 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 Attraction-Request+Type +bos can you make a recommendation and proved the entrance fee and postcode ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos great saint mary 's church is located at cb23qp and it is 2 pounds to enter . eos O B-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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos great . thank you . that 's 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 am looking for kings hedges learner pool . can you help me with that ? 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 N/A +bos yes i can . would you like the phone number or address ? eos O O O O O O O O O O O O O O N/A +bos yes , please . i need the area and phone number . eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone +bos absolutely ! it 's located in the north and the phone number is 01223353248. can i help with anything else ? eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos i also need to find a train out of here for saturday . eos O O O O O O O O O O O O B-Train-Inform+Day O N/A +bos what time will you be departing ? eos O O O O O O O O Train-Request+Leave +bos i will be departing after 09:45 and going to peterborough . eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O N/A +bos ok , tr9803 leaves at 10:06. do you need a ticket ? 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 could you tell me the travel and arrival time of this train ? eos O O O O O O O O O O O O O O Train-Request+Arrive +bos sure , it leaves cambridge at 10:06 and gets to peterborough by 10:56 . 50 minutes total . eos 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 B-Train-Inform+Time I-Train-Inform+Time O O N/A +bos okay , thank you so much for your help . eos O O O O O O O O O O O general-thank +bos would you like me to book the tickets for you today ? eos O O O O O O O O O O O O O Train-OfferBook +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 need anything else do n't hesitate to contact our help desk again ! 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 with 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 O N/A +bos where in town would you like to go ? eos O O O O O O O O O O Attraction-Request+Area +bos i would love to see some of the beautiful architecture that cambridge has to offer . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i would recommend the holy trinity church , located in the centre of town on market street . admission is free ! 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 B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee O O O O O O O O O general-reqmore +bos yes , could i get the phone number for holy trinity church ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos here is the phone number you requested , 01223355397. eos O O O O O O O O B-Attraction-Inform+Phone O N/A +bos i am also looking for a train that goes to kings lynn leaving after 12:30. i would prefer it to leave on tuesday and depart from cambridge eos 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 O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart N/A +bos i have train tr6585 leaving at 13:11 and arriving at 13:58. 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 do you have anything leaving closer to 12:30 ? if not , could i have the train id of the tr6585 please ? 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-Request+TrainID +bos the train id of tr6585 ... ... ..is tr6585 . do you need anything else ? eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O general-reqmore +bos how much are the tickets and the travel time ? eos O O O O O O O O O O O Train-Request+Duration +bos 47 minutes and 9.8 per ticket eos O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos thank you so much for your help . have a nice day ! eos O O O O O O O O O O O O O O general-thank +bos you , too . thanks so much for calling . 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 what museums can i visit in town ? eos O O B-Attraction-Inform+Type O O O O O O N/A +bos the broughton house gallery is a museum located in the center of town . eos O O O O O O O O O O O O O O O N/A +bos that sounds great . can you give me the area and phone number for that museum ? eos 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 sure , the phone number is 01223314960. it is located in the centre area . eos O O O O O O B-Attraction-Inform+Phone O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area N/A +bos i also need a train that is leaving 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 the tr2775 leaves london kings cross thursday at 5:17 and arrives in cambridge 51 minutes later . does that work ? 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 I-Train-Inform+Day B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Time I-Train-Inform+Time O O O O O N/A +bos yes as long as it arrives by 16:30 and i will be departing from stevenage eos O O O O O O O O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Depart N/A +bos tr2833 departs stevenage at 13:54 on thursday and arrives in cambridge at 14:43. i can book a ticket , if you like . eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O B-Train-Inform+Day I-Train-Inform+Day 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 ok , yeah get me a ticket eos O O O O O O O O N/A +bos okay , your ticket has been reserved . your reference number is yoavpyxh . can i help you with anything else ? 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 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 i want a train leaving from leicester . eos O O O O O O O B-Train-Inform+Depart O N/A +bos sure ! where would you like to travel to ? what day would you like to travel ? do you have any preferences on departure times ? eos O O O O 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,Train-Request+Day +bos i 'll be coming from leicester to cambridge on friday . i 'd like to arrive by 21:15. eos 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+Arrive O O N/A +bos anytime you prefer to leave ? eos O O O O O O O Train-Request+Leave +bos no . just as i make my arrival time but not leave unnecessarily early . eos O O O O O O O O O O O O O O O O N/A +bos the tr4170 leaves at 09:09. will 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 yes can you book that one please ? eos O O O O O O O O O N/A +bos how many tickets ? eos O O O O O Train-Request+People +bos i need 5 tickets and the reference number . i would like to go to a museum attraction in town . please provide a area , phone number , and postcode . thank you . eos O O O O B-Train-Inform+People 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 O Train-Request+Ref,Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Phone +bos okay , booking was successful . the total cost is 189 gbp . reference number is : 44kvovjm . what area do you need the museum to be in ? eos O O O 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 B-Attraction-Inform+Type O O O O O O O O Attraction-Request+Area +bos it does n't matter as long as it is a nice museum . eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos does it matter if it has a entrance fee ? eos O O O O O O O O O O O Attraction-Request+Price +bos no . find me where it is located , 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 okay how about broughton house gallery in the centre ? their phone is 01223314960. postcode is cb11ln and address is 98 king street . entrance 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 O B-Attraction-Recommend+Phone O O B-Attraction-Recommend+Post I-Attraction-Recommend+Post O 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 yes , that 's fine.thank you so much . that 's all i needed today . 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 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 hi , i 'm looking for a park in the town centre . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O N/A +bos cambridge university botanic gardens is located at bateman street . 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 N/A +bos i also would like 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 sure . postcode cb21jf on bateman street . it is 4 pounds to get in . eos O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos i am looking for a train . the train should depart from norwich and should leave after 11:45 eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave O N/A +bos i am happy to help , i just need the day you will be taking that train . 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 to leave on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos i have the tr6590 leaving at 12:16 how many tickets please ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O Train-Request+People +bos 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 ? eos O O O O O O O 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 sure , it will arrive at 13:35 and it costs 17.60 pounds . eos O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos how long will i be traveling ? eos O O O O O O O O N/A +bos about an hour and 15 minutes . eos 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 thanks you have been very helpful 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 general-reqmore +bos no , that should be it for me , 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 would like to find a nightclub to go to while i am in cambridge . can you give me information on any ? 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 N/A +bos yes , there are six clubs in centre , cambridge . each location charges a 4-5 pound entrance fee . do you have transportation ? eos O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Choice 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 , i would like a taxi . eos O O O O O O O O O Taxi-Inform +bos i 'd be happy to book a taxi for you . what are your departure and arrival sites , and what time 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 O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive +bos actually , i need to find a college . eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos sure ! there are several colleges in the centre . may i suggest emmanuel or downing college , both have free entrance fees . would you still like to book the taxi ? eos O O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O 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 O O O O N/A +bos yes , that is good . but i really need a train to cambridge , leaving after 12:15. eos O O O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O N/A +bos 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 Train-Request+Day,Train-Request+Depart +bos i am departing from broxbourne on friday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos how about a 12:32 on friday that will arrive by 13:32 ? eos O O O O B-Train-Inform+Leave O B-Train-Inform+Day I-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos that will work can you get me a ticket for that ? eos O O O O O O O O O O O O O N/A +bos booking was successful , the total fee is 17.89 gbp payable at the station .reference number is : g3i6dq4c . 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 's all i need , 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 general-thank +bos thank you for choosing us for your booking needs . havea great day . eos 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 on sunday . eos O O O O O O O B-Train-Inform+Day O N/A +bos i can help with that . what is the date and 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 Train-Request+Leave,Train-Request+Day +bos i need to leave cambridge and go to kings lynn and arrive by 16:45 on sunday eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Arrive O O N/A +bos the train that will have you arrive closest to the time of 16:45 is trainid tr9024 . would you like me to secure a reservation ? eos 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 O O O O O Train-OfferBook +bos yes please . and can i have the reference number ? eos 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 changed my mind , do n't worry about getting me a train reservation . just please recommend an attraction to visit on the west 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 B-Attraction-Inform+Area O O O O O O N/A +bos i would recommend churchill college on storey 's way . they have free admission . would you like anything else ? eos 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+Fee I-Attraction-Recommend+Fee O O O O O O O O O general-reqmore +bos yes . may i please get the phone number to churchill college ? eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Phone +bos yes the number is 01223336233. is there anything else you need assistance with today ? eos O O 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 ! thank you ! eos O O O O O O O O O O general-thank +bos i was happy to help you today . please contact us again , if you need 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 general-welcome,general-bye +bos could you help me find a boat to visit on the north side ? 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 i have one in that area . it 's called the riverboat georgina . it 's located at cambridge passenger cruisers , jubilee house . would you like their phone number for 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 O O O O O O O O O O O O O N/A +bos yes , i want the phone number and also the entrance fee , 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 01223902091 and we do not have the entrance fee in our database at this time . 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 okay , 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 very 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 want to get a train that is leaving after 18:15. eos O O O O O O O O O O O O N/A +bos what area would you like to catch a train 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 O O Train-Request+Depart,Train-Request+Day +bos i need to go from cambridge to london kings cross on tuesday . 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 B-Train-Inform+Day O N/A +bos there is a train leaving at 19:00 and arriving at kings cross at 19:51 would you like me to book it 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 O B-Train-Inform+Arrive O O 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 it 's 23.60 pounds . eos O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos ok. i also want to book an expensive restaurant in the centre part 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 N/A +bos i just want to make sure you did n't want me to book that train for you ? and what type of food 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 Restaurant-Request+Food,Train-OfferBook +bos i just needed the price and arrival time . food wise , anything will do , i 'm not a picky eater 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,Train-Request+Arrive +bos then how about bedouin an african restaurant on 100 mill road city centre ? eos O O O O B-Restaurant-Inform+Name O B-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 N/A +bos that sounds great . is it expensive ? eos O O O O O O B-Restaurant-Inform+Price O O N/A +bos yes , it 's an expensive restaurant . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos great . thanks for your assistance today ! eos O O O O O O O O O general-thank +bos you 're very welcome . have a good visit . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a place to eat tonight . eos O O O O O O O O O O O N/A +bos there are some great choices . what type of place are you looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Food +bos greek sounds good , and price is no issue for me- i want the very best . eos O O O O O O O O O O O O O O O O O O N/A +bos do you want a certain area ? eos O O O O O O O O Restaurant-Request+Area +bos i would like the north please . eos O O O O O B-Restaurant-Inform+Area O O N/A +bos i do n't have anything in the north . can i try a different 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 no , i would like to dine in the north , but can you search for european food instead ? 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 N/A +bos the city stop restaurant is in that area . eos 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 N/A +bos that sounds great would you be able to book that for me ? eos O O O O O O O O O O O O O O N/A +bos how many people will be dining and about what time would your prefer ? eos O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos please book a table for 7 people , for 19:45 , this 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 all set , the reference number is 9hqqulfl , any further questions ? eos O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i am also looking for a particular 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 , carolina bed and breakfast is a guesthouse located in the east . their address is138 perne road . is there anything else you would like 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 I-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 O O O O O O O O O N/A +bos what is the postcode ? eos O O O O O O Hotel-Request+Post +bos the postcode is cb13nx . is there anything else i can help you with today ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore +bos thank you . i will also need a taxi to commute between the two locations . eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos booking completed ! booked car type : red teslacontact number : 07567121444 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 thanks for the help , goodbye ! eos O O O O O O O O general-bye +bos you are more than welcome . please do not hesitate to call us again if you need anything . 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 moderate priced place to stay that has free wifi . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos yes i have many options . do you have an area of stay preference ? eos O 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 want to be in the north . preferably in a guesthouse . eos O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Type O O N/A +bos okay , and what star should the hotel have ? eos O O O O O O O O O O O Hotel-Request+Stars,Hotel-Inform +bos i do not care about the star . i do need it to be open for 5 nights from saturday . eight people . 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 O N/A +bos i 'd recommend the avalon . it 's a 4 star moderately priced hotel . does that work for you ? eos O O O O B-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Type O O O O O O O O O O general-reqmore +bos thanks for the recommendation . yes , that will work for me and my party . may i please get 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 O O Hotel-Request+Ref +bos you have a reservation at the avalon for 5 nights from saturday for 8 people . your reference number is 1nwu0hdv . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Stay O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People O O O O B-Booking-Book+Ref O O N/A +bos what are my options for cheap restaurants in the city center ? eos O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos there are 15 options to choose from . is there a particular style of food you would like ? 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 Restaurant-Request+Food +bos i do n't have a style preference . eos O O O O O O O O O N/A +bos well how about asian oriental ? i have several good but cheap options . eos O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos that sounds wonderful , can you book a table for 5 on tuesday at 15:15 ? eos O O O O O O O O O O O O O O O O O N/A +bos certainly ! i have made a reservation at dojo noodle bar for the time specified and number of people in your party . enjoy the restaurant ! eos O O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref I-Booking-Book+Ref 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 dine in the centre . can you help me ? eos 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 i can . is there a type of food that you are looking for ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos light bites , please . eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos sorry there are no matches do you want me to look for any other type of 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-NoOffer +bos check for portuguese food . eos O O O B-Restaurant-Inform+Food O O N/A +bos nandos city centre is a portuguese cuisine in the town centre . would you like to make a reservation ? 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 I-Restaurant-Inform+Area O O O O O O O O O Booking-Inform +bos no reservation but can i get the price range , the post code and the address ? 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,Restaurant-Request+Addr +bos absolutely ! the price range is cheap . it 's postcode is cb23ar . and the address is 33-34 saint andrews street . can i help you with anything else ? eos O O O O O O B-Restaurant-Inform+Price 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 O O O O O O O general-reqmore +bos yes , i am also looking for a 4 star hotel . eos O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos what area of the city would 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 i would like it near the centre . eos O O O O O O O B-Hotel-Inform+Area O N/A +bos i have one guesthouse and one hotel that would work . what price range did you want ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Price +bos let 's go for the guesthouse please eos O O O O O B-Hotel-Inform+Type O O N/A +bos alexander bed and breakfast is the guesthouse . would you like me to book it for you ? 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 Booking-Inform +bos can you tell me if it has free parking ? eos O O O O O O O O O O O N/A +bos yes it has free parking and free wifi . eos O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos please give me their price range and postcode . eos O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price +bos cheap price range and postcode is cb12e eos O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Post N/A +bos i want a place to stay in the moderate price range . eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos okay , were you looking for a hotel or a guesthouse ? eos O O O O O O O O O O O O O Hotel-Request+Type +bos i am interested in a guesthouse on the east side 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 3 guesthouses on the east side . would like one with free parking ? 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 Hotel-Request+Parking +bos yes , free parking would be helpful . please book me a room for four guests , for four nights . i will be arriving on friday . may i have the reference number ? 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 B-Hotel-Inform+Day O O O O O O O O O O O O N/A +bos i have booked warkworth house and the reference number is : 93sg6ioj eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Ref N/A +bos i need to find somewhere to eat . eos O O O O O O O O O N/A +bos there are 110 restaurants in the city , do you know the area you would like to eat 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 O Restaurant-Request+Area +bos the same area as the hotel , please eos O O O O O O O O O N/A +bos is there a price range you 'd prefer ? eos O O O O O O O O O O Restaurant-Request+Price +bos i want fancy , but not quite `` frasier and niles crane fancy '' , how about moderately priced ? 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 N/A +bos there are a few moderately priced restaurants on the east side of town . would you prefer indian or italian ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-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 B-Restaurant-Select+Food I-Restaurant-Select+Food N/A +bos i do not have a preference . eos O O O O O O O O N/A +bos how about curry prince ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos that sounds interesting . can i book it for friday ? eos O O O O O O O O O O O O N/A +bos i 'd be happy to help with that . what day and time would you like the table ? 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+Time,general-greet +bos friday at 18:30 please eos O O O O O N/A +bos sure , how many people would you like it booked for ? eos O O O O O O O O O O O O O Booking-Request+People +bos i need to book it for 4 people . eos O O O O O O O O B-Restaurant-Inform+People O N/A +bos your all set , your reference number is 5d033k1e , 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 'll need a taxi to the restaurant for that reservation . eos O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos great . your driver will be there in a red volkswagen to bring you to curry prince by 18:30. their number is 07105624128. 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+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O B-Taxi-Inform+Phone O general-greet +bos thank you so much for your help . i greatly appreciate it . eos O O O O O O O O O O O O O O general-thank +bos you are 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 i get some information on the ali baba restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos sure . would you like to make a reservation ? eos O O O O O O O O O O O Booking-Inform,general-greet +bos yes , for 3 people on sunday at 14:00. eos O 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 , a reference number would be great ! could i also get information on the ashley 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 N/A +bos yes the ashley hotel is moderately priced , 2 stars and on the north side . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A +bos that sounds great please make reservations for 3 people for 2 nights on sunday . 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 N/A +bos your reference number is o39ntcee . may i help you with anything else today ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos i think you answered all my questions . thanks so much . 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 general-bye +bos you 're very welcome ! thank 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 'm hoping to book a train . eos O O O O O O O O O Train-Inform +bos where and when are you departing from ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i 'm going to ely from cambridge on sunday . thank you . eos O O O O O B-Train-Inform+Dest B-Train-Inform+Depart O B-Train-Inform+Day O O O O O N/A +bos great , what is your preferred departure or arrival time ? eos 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 20:15. eos O O O O O O O O N/A +bos the first train leaves at 5:50. eos O O O O O O B-Train-Inform+Leave N/A +bos do you have something that leaves later but still makes the arrival time ? eos O O O O O O O O O O O O O O O N/A +bos there 's a train that arrives at 20:07. if you do n't want to cut it that close , there 's an earlier train that arrives at 18: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 B-Train-Inform+Arrive I-Train-Inform+Arrive O O O N/A +bos give me the arrival time and train id of the earlier train . also find me a cheap restaurant that serves north american food if available or indian food . 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 B-Restaurant-Inform+Food O O O Train-Request+TrainID +bos the arrival time of the tr5389 is 18:07. there are four restaurants that meet your criteria . would you like a recommendation ? eos O O O O O O B-Train-Inform+Id O B-Train-Inform+Arrive O O B-Restaurant-Inform+Choice O O O O O O O O O O O O N/A +bos yes , any you choose will be fine . i 'll need to book a table for the same day , at 15:30 , and it will just be me . 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 O O O O O O O N/A +bos i booked you a table at kohinoor ! here is your reference number ztgxvbxu . anything else i can do for you ? eos 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 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 have a good day as well . bye . eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a theatre to visit . would you have any suggestions ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos there are 5 theatres in town , 4 in the centre and 1 in the south , do you have a preference for area ? eos O O O O B-Attraction-Inform+Type 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 O O O O O O Attraction-Request+Area +bos the one on the south side , please . could you tell me it 's postcode and if it has an entry fee ? 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 Attraction-Request+Post +bos the junction is in the south area . the postcode is cb17gx . the entrance fee is not listed . would you like the phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Price I-Attraction-Inform+Price O O O O O O O O O general-reqmore +bos unlisted ! what a pain . okay , i suppose give me the phone number , thanks . eos O O O O O O O O O O O O O O O O O O O general-thank +bos sure thing . the phone number is 01223511511. how else may i help you ? eos O O O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos that 's all the information i need . 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 +bos i need suggestions for a moderately priced restaurant in the center part of town . can you help me ? 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 N/A +bos there are 21 matches . what type of food do you want ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food +bos we 're willing to experiment . i have 7 people . anything you recommend ? eos O O O O O O O O O O O O O O O O N/A +bos there is a british restaurant named cotto that you may want to try . eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name O O O O O O O N/A +bos okay , let 's go with that one . i need a table for 7 at 19:15 on saturday . 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 O N/A +bos you 're all set ! your reference number is xdenso4l . 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 general-reqmore +bos yes , if you could also help me find a train that will depart from peterborough . 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 sure , we have a lot of trains . where are you heading to ? eos 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 Train-Request+Dest +bos i will be heading to ely . eos O O O O O O B-Train-Inform+Dest O N/A +bos there do n't seem to be any trains going to ely from peterborough . eos O O O O O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart O O N/A +bos wait , what ? are you serious ? eos O O O O O O O O O N/A +bos yes , very serious . i 'm not sure why but it appears all of those trains have been cancelled . eos O O O O O O O O O O O O B-Train-NoOffer+Choice I-Train-NoOffer+Choice O O O O O O O O N/A +bos i think we got some crossed wires . i need the train from peterborough to cambridge . i need it for saturday . 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 B-Train-Inform+Day O O O N/A +bos there is a train that leaves at 05:19 am . eos O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O N/A +bos okay , please book the train for 7 people on saturday . eos O O O O O O O O B-Train-Inform+People O O O O N/A +bos do you have a specific departure time or arrival time in mind before i book the train ? 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 just need to arrive by 12:15. eos O O O O O O O O B-Train-Inform+Arrive O N/A +bos there are 13 trains that would get you to cambridge by 12:15. train tr8494 would arrive at 12:09. would you like me to book a seat for you ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos yes , please book that for 7 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos your total is 92.4 gbp , which you can pay at the station when you pick up the tickets . your reference number is : dwz3t4rk . 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 O O O O O O B-Train-OfferBooked+Ref O O O N/A +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 you 're welcome , glad i could help . eos O O O O O O O O O O general-welcome +bos hello , i 'd like some information on a restaurant . eos O O O O O O O O O O O O Restaurant-Inform +bos do you have a certain cuisine or area in mind ? eos O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos i want british food . in the east , please . eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O N/A +bos the graffton hotel restaurant is in the east and serves british food . it 's location is 619 newmarket rd . fen ditton . eos O O B-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 O B-Restaurant-Recommend+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 N/A +bos i will need it for saturday , 7 people at 17:45 please . eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A +bos i have successfully booked a table for 7 on saturday at 17:45 for you . the table will be reserved for 15 minutes and your reference number is r8cv0hu9 . eos O 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 O O 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 on sunday . 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 please tell me what station you will be leaving from and your destination . also a time 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 O O O O Train-Request+Leave,Train-Request+Dest,Train-Request+Depart,general-greet +bos i 'll be leaving sunday from cambridge and heading to birmingham new street . i need to arrive by 19:15. i need to book this for 7 people . rererence number ? 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 O O O O O B-Train-Inform+Arrive O O O O O O O O B-Train-Inform+People O O O O N/A +bos you are booked on tr2776 , with the reference number d1p5x7fs . the total fee is 420.56 gbp payable at the station . is there anything else ? eos 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 general-reqmore +bos thank you so much . that 's all i need today . eos O O O O O O O O O O O O O general-thank +bos in case you and your party need assistance , the parkside police station number is 01223358966. 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 N/A +bos i would like to book a reservation at the cambridge lodge restaurant 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 i can assist you with that . what day and time are you interested in reserving ? eos 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 i 'm sorry , i 'm just looking for information . could you tell me the area , food type , and post code 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 O O O O O O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Food +bos it is a european place on the west side the postcode is cb30dq . 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 B-Restaurant-Inform+Post O N/A +bos i alkso need a place to stay , what would you offer in cheap price range ? 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 i have two cheap places on the west side near the restaurant . one is a guesthouse and the other is a hotel . would you like to book one of them ? 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 I-Hotel-Inform+Area O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-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 Booking-Inform,Hotel-Select +bos i would like the guesthouse . eos O O O O O B-Hotel-Inform+Type O N/A +bos how many people and the number of days needed ? eos O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos i need it for 3 days for 2 people . eos O O O O O O O O O O O N/A +bos also what day are you staying ? eos O O O O O O O O Booking-Request+Day +bos i do not have a specific day at this time . eos O O O O O O O O O O O O N/A +bos well , the name of the guesthouse is finches bed and breakfast . the phone is 01223276653. do you need anything else ? eos O O O O O O B-Hotel-Inform+Type I-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+Phone O O O O O O O O general-reqmore +bos could you please give me the address and postcode ? eos O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos yes phone is 012233276653 and postcode is cb30nd eos O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O N/A +bos i need a hotel room . are there any left ? eos O O O O O O O O O O O O Hotel-Inform +bos i can check for you . what type of hotel are you looking for ? eos O O O O O O O O O O O O O O O O Hotel-Request+Type,general-greet +bos a place in the west with free parking and free wifi please . eos O O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos i have 4 hotels pulling up . do you have a preference in the 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 not really . i would like you to pick one and book it for 5 people for 3 nights staring from 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 O B-Hotel-Inform+Day 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 general-reqmore +bos yes please , i need the reference number eos O O O O O O O O O N/A +bos your booking was successful . huntington marriott hotel , 3 days for 5 people . your reference number is : df32qq7o . 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 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 O O O O general-reqmore +bos can yo find an indian 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 have 4. from which area do you prefer . eos O O O O B-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Area +bos i would like it in the same area as my hotel . eos O O O O O O O O O O O O O N/A +bos how about meghna ? it is lovely eos O O O B-Restaurant-Recommend+Name O O O O general-greet +bos sounds great , can you reserve me for 5 people on wednesday at 13: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 O N/A +bos your table is booked . reference number is 2h4emzym . they will hold the table for 15 minutes . eos 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 thank you so much , goodbye ! eos O O O O O O O O general-bye +bos you are welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos i 'm looking for a sports facility in the town centre . eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos unfortunately , i do not have any sports attractions in the centre of town . can i look in another area or for a different type of attraction ? 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 O O O Attraction-Request+Type,Attraction-Request+Area +bos how about a museum instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos how about , the cambridge contemporary art museum located at 6 trinity street ? 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos that sounds good . what is their phone number ? eos O O O O O O O O O O O Attraction-Request+Phone +bos the number there is 01223324222. anything else ? eos O O O O O B-Attraction-Inform+Phone O O O general-reqmore +bos what 's their postcode , and how much is it to get in ? eos O O O O O O O O O O O O O O O Attraction-Request+Post +bos there is no entrance fee ; it is free . the postcode is cb21su . may i help you with anything else ? eos O O O O O O O O B-Attraction-Inform+Price O O O O B-Attraction-Inform+Post 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 excellent . take care ! eos O O O O O O general-bye +bos i need a taxi to go to anatolia eos O O O O O O O O B-Taxi-Inform+Dest N/A +bos okay , do you have a specific time in mind ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos yes i want to arrive at 20:45 eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos where are you leaving from , please ? eos O O O O O O O O O Taxi-Request+Depart +bos i 'm leaving from castle galleries . eos O O O O B-Taxi-Inform+Depart O O O N/A +bos i 've booked you a blue car , the contact info is 07733215888. is there anything else i can do for you ? eos 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 that will be all . thank you eos 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 this is an emergency . i was robbed and need help . eos O O O O O O O O O O O O O N/A +bos contact the parkside police station at 01223358966 eos O O O O O O O O N/A +bos what 's their postcode , please ? eos O O O O O O O O Police-Request+Post +bos their postcode is cb11jg . is there other information you need , or 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 no thanks . have a nice day eos O O O O O O O O general-thank +bos you have a great day as well , thank you so much ! eos O O O O O O O O O O O O O O general-bye +bos hi , can you help me with a train for my upcoming trip ? eos O O O O O O O O O O O O O O O Train-Inform +bos absolutely ! where are you leaving from ? and where are you headed ? eos 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 am 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 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 would like to leave on monday and arrive as close to 20:30 as possible . eos 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 the closes arrival time to 20:30 would be train tr4655 that arrives in broxbourne at 20:21. would you like me to book you a seat ? eos O O O O 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 O O O O O O Train-OfferBook +bos no , thanks . i just need the travel time and departure time . 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 leaves cambridge at 19:01 and arrives to broxbourne at 20:01 on monday . 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 B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos thanks . are there any colleges in the centre i can visit ? 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 a few . downing college is beautiful and there is no entrance fee charged . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-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 N/A +bos my i have the address please ? eos O O O O O O O O Attraction-Request+Addr +bos sure , downing college is located on regent street . do you need any additional information ? eos O 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 general-reqmore +bos about the train , i know the arrival and departure , but need travel time ( time on train ) ? 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 the travel time is 60 minutes . will there be anything else i can assist 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 O general-reqmore +bos that is all the information i need today . 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 general-bye +bos you are welcome . thanks you for contacting cambridge towninfo centre . have a good trip . 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 am looking for a place to dine . the restaurant should be in the centre and should be in the moderate price range . 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 N/A +bos i have the oak bistro they serve british food . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos is there any place that serves international food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two international restaurants that are in the moderate price range : the varsity restaurant and the bloomsbury restaurant . eos 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos either would be fine , could you make me a reservation for 8 people at 17:30 on wednesday ? eos O B-Restaurant-Inform+Name I-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 N/A +bos i 've booked you a table for eight , your reference number is pjyz9vq9 . 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 O O general-reqmore +bos no , that is all . thanks , good bye . eos 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-greet +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 i can assist you with that . there are many options available to you leaving london kings cross arriving in cambridge , what day and time would you prefer ? eos O O O O O O O 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 O B-Train-Inform+Dest O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i want to leave on sunday , and i want to leave after 0930 am . eos O O O O O O B-Train-Inform+Day O O O O O O O O O O N/A +bos tr7147 departs at 11:17 would that work ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O N/A +bos yes . i need 3 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 booked ! reference number is yv5pjqhu . you will pay 56.64 gbp at the station . anything else you need ? eos O O O O O B-Train-OfferBooked+Ref 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 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 thank you . eos O O O O O general-bye +bos i am looking for a train from cambridge to ely . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos there are 70 trains from cambridge to ely . do you have a preferred departure time and date ? 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 Train-Request+Leave,Train-Request+Day +bos i want to leave on thursday . and be there by 11:15. eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O N/A +bos i have three trains that match your specifications . do you have a time you would like to leave by ? 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 +bos no , any of them is fine . please give me the departure time that you choose . eos O O O O O O O O O O O O O O O O O O O Train-Request+Leave +bos the departure time for trainid tr0996 is 05:50 eos O O O O O O B-Train-Inform+Id O B-Train-Inform+Leave N/A +bos thank you that 's all i need today . eos 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 i want to book an evening train from bishops strotford to cambridge . eos O O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos certainly , there are lots of trains available . which 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 sunday please . i 'd like to leave after 16:30. eos O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O O N/A +bos train tr5298 leaves at bishops strotford at 17:29 and arrives in cambridge at 18:07. would you like to book this trip ? eos O O B-Train-Inform+Id O 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 O O O Train-OfferBook +bos yes , let 's book it for four , please . may i have a 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 alright , i 've got 4 tickets booked leaving at 17:29. your reference number is zihx30ra . eos O O O O O O O O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O O Booking-Book +bos thank you . that is all i need today . eos O O O O O O O O O O O general-thank +bos okay . glad i could help you today . enjoy your journey . eos O O O O O O O O O O O O O O general-bye +bos i 'd like to find a train that leaves monday and arrives by 19:00. eos O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos very well . where are you traveling from , and to where ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i am departing from birmingham new street , going to cambridge . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A +bos i have a train that departs at 15:40 and arrives in cambridge at 18:23. will that do ? eos 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 N/A +bos that would work just fine . could you tell me the price and 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,Train-Request+Price +bos the tr5385 has a travel time of 163 minutes . would you like me to book you some tickets ? eos O O B-Train-Inform+Id 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 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 . eos O O O O O O O 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 sure . the price of those tickets are 75.10 pounds each . eos O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos great ! 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 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 'd like a train to ely that leaves wednesday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos easy enough . where is your departure point ? eos O O O O O O O O O O Train-Request+Depart +bos cambridge . i would like to leave after 15:30 if possible . eos O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O O O O N/A +bos tr6745 departs cambridge at 15:50 wednesday , arriving at ely at 16:07. will that one work for you ? it 's only 4.40 gbp to ride . eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave B-Train-Inform+Day O O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O N/A +bos great can i book that for 8 people and get a 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 you are booked for 8 seats on tr6745 leaving cambridge wednesday at 17:50. reference # is ocwicaxz and you can pay at the station . 4.40 pounds each . eos O O O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Ref O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O N/A +bos thank you . that 's is all i need . goodbye . eos O O O O O O O O O O O O O general-bye +bos welcome . have a lovely day . eos O O O O O O O O general-bye +bos i need a train leaving cambridge after 17:30. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos okay , is there somewhere specific you would like to travel to ? eos O O O O O O O O O O O O O O Train-Request+Dest +bos i want to go to stansted airport 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 how many tickets would you like ? eos O O O O O O O O Train-Request+People +bos i am not sure yet , could you tel me how long the train takes to get there ? 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 train ride lasts 28 minutes . would you like to book a ticket now ? eos O 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 , thank you . eos O O O O O O general-thank +bos ok , is there another train i can check for you ? eos 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 general-thank +bos okay do n't hesitate to call us if you need further assistance . eos O O O O O O O O O O O O O O general-bye +bos thank you for your assistance bye ! eos 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-bye +bos i 'm going to need a train on wednesday . i need to arrive by 16:00. eos 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 where are you departing from ? eos O O O O O O O Train-Request+Depart +bos i will be departing from leicester . eos O O O O O O B-Train-Inform+Depart O N/A +bos what will be your destination ? eos 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 N/A +bos there are trains arriving in cambridge 6 minutes before the hour throughout the day . which time would be best for you ? eos O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O O Train-Request+Arrive +bos as long as i arrive close to 16:00 i am good . eos O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos tr 8292 arrives in cambridge at 14:54 on wednesday . it costs 37.80 pounds . how many tickets can i book for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Day O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O Train-Request+People,Train-OfferBook +bos 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 . eos O O O O O O O O O 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 sure . the tr8292 departs at 13:09. the ride is 105 minutes long . do you have any other questions ? eos O O 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 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 thank you , and have a pleasant trip . goodbye . eos O O O O O O O O O O O O general-bye +bos i need a train that is leaving on sunday and leaving after 13:30. eos O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos i would be happy to help you . i have 221 trains departing sunday , what day/time will you be departing and what is your destination ? eos O O O O O O O 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 O O Train-Request+Leave,Train-Request+Dest,Train-Request+Day +bos i need to leave cambridge after 13:30 to go to stevenage . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O N/A +bos i have trains leaving to there , what time would you 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 that really should n't matter , i just need the booking for six . eos O O O O O O O O O O O O O O O N/A +bos okay , you have six tickets reserved on tr4550 . the total fee is 61.44 gbp payable at the station , and your reference number is p9p4ubvh . 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 O B-Train-OfferBooked+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 okay great . glad we could be of help . eos O O O O O O O O O O O general-bye +bos i need to book a taxi to take me from mumford theatre to go to darry 's cookhouse and wine shop . 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 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+Depart +bos i need to get there by 24:45. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos your booking is complte , a grey lexus will pick you up . the contact number is 07486674737. do you need any further assistance ? 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 general-reqmore +bos that was everything . thanks ! ! eos O O O O O O O O general-thank +bos you are quite welcome . thanks for using our services . eos O O O O O O O O O O O O general-bye +bos i 'm looking for a train on saturday that will take me into cambridge . eos O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest O O N/A +bos where will you depart from ? eos 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 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 +bos yes i need to arrive by 20:00. eos O O O O O O O B-Train-Inform+Arrive N/A +bos i have one arriving at 19:35. it leaves norwich at 18:16. does that work ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Arrive O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O N/A +bos sure , they are normally on time . could you book that for 2 people please ? 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 certainly . i have booked you on the 18:16 arriving at 19:35 for 2 people . your reference number is c4o2xoza . will that be all ? eos O O O O O O O O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Arrive O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O N/A +bos yes , thanks for your help ! eos O O O O O O O O general-thank +bos it was my pleasure 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 need a train on tuesday out of kings lynn eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart I-Train-Inform+Depart N/A +bos what time of day would you like to leave ? eos O O O O O O O O O O O Train-Request+Leave +bos i want to leave on tuesday . eos O O O O O O O O N/A +bos do you have a time you 'd 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 after 9:30. eos O O O O O O B-Train-Inform+Leave O N/A +bos is that 9:30 am or pm ? eos O O O O O O O O Train-Request+Leave +bos looking for a train tuesday leaving kings lynn after 9:30 to go to cambridge . eos O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Dest O N/A +bos i 'm sorry , i 'm not seeing any trains for that time . would you like to try another time or a different route ? eos O O O 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+Dest,Train-Request+Depart,Train-Request+Leave +bos no , i 'd like a train leaving after 09:30 departing from kings lynn and going to cambridge . please take another look ? eos O O O O O O O O B-Train-Inform+Leave 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 N/A +bos there are no trains running at this time . can i narrow your search in any way ? eos O O O O O O O O O O O O O O O O O O O Train-NoOffer +bos wow ... no , i really needed that time . i guess not . thanks anyway . eos O O O O O O O O O O O O O O O O O O general-thank +bos i do have a train living at 10:11 of that would work for you . eos O O O O O O O O B-Train-Inform+Leave O O O O O O O N/A +bos yes , that works . please book for two people . thanks for checking again . eos O O O O O O O O O O O O O O O O O N/A +bos it 's my pleasure . you 're booked with reference hxg3n56o . the total fee is 19.6 gbp payable at the station . may i help with anything else ? 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 general-reqmore +bos perfect . thank you for your help . have a great day . bye . 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 service , goodbye . 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 N/A +bos booking was successful , the total fee is 19.6 gbp payable at the station .reference number is : hxg3n56o . 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 looking for a place to stay . the hotel does n't need to have free parking 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 O O O O O B-Hotel-Inform+Stars O O N/A +bos what area of town would you like ? eos O O O O O O O O O Hotel-Request+Area +bos preferably the north side of town or somewhere near a shopping center eos O O O O O O O O O O O O O N/A +bos great , i have found several guesthouses but unfortunately no hotels in the north side that are rated 4 stars . would you be interested in something like that ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O B-Hotel-NoOffer+Stars O O O O O O O O O O N/A +bos i would prefer a hotel , is there one that has free wifi ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos the university arms hotel sounds like something you 'd like ! eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O N/A +bos that sounds great . can you give me their address and postcode ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos sure ! the address is regent street and the postcode is cb21ad . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post 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 again some other time eos O O O O O O general-welcome,general-bye +bos i need a taxi to take me to broughton house gallery eos 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 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 will be leaving the scudmores punting co. eos O O O O O O O O O N/A +bos i can book that for you , what time will you be leaving/arriving ? 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 at 6:00. eos O O O O O O O O N/A +bos your booking is complete with a red bmw and a contact number of 07899029932. 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 N/A +bos thank you for your assistance . eos O O O O O O O general-thank +bos enjoy your visit to the broughton house gallery ! eos O O O O O O O O O O general-greet +bos can you help me find some information about places to go on the west side 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 N/A +bos there are many colleges on the west side . is that something you are interested in getting more information about ? 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 general-reqmore +bos yes please suggest a college and i will need the entrance free for that . eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos churchill college is located at storey 's way and has free entrance fee . 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 B-Attraction-Inform+Fee O O O O N/A +bos thank you . can you help me with a train for sunday ? eos 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 ! where are you heading ? eos O O O O O O O O O O O O Train-Request+Dest +bos i 'll be leaving bishops stortford heading to cambridge . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A +bos what time will you be traveling ? eos O O O O O O O O Train-Request+Leave +bos i would like to arrive in cambridge by 19:30 please . eos O O O O O O O O O O O O N/A +bos okay is there a certain time you want to leave ? eos O O O O O O O O O O O O Train-Request+Leave +bos not as long as it arrives by 19:30 , no . eos O O O O O O O O B-Train-Inform+Arrive O O O N/A +bos the latest train leaves bishops stortford at 17:29 , arriving in cambridge at 18:07. would you like to book a ticket ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-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 O O Train-OfferBook +bos yes please , for 8 people . eos O O O O O B-Train-Inform+People O O N/A +bos your booking has been made for 8 people on tr9219 . your reference number is n5aqlngk . may i assist you in any other way ? eos O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id 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- i thank you for your extremely helpful advice and i look forward to my trip . 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 calling cambridge towninfo centre ! we hope you enjoy your visit 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 general-welcome,general-bye +bos hello , i 'd like some information on a train going to london liverpool street that arrives by 16:00 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 O B-Train-Inform+Arrive O O N/A +bos there are multiple trains . where will you 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 Train-Request+Depart,Train-Request+Day +bos i 'm departing on sunday . eos O O O O B-Train-Inform+Day O O N/A +bos the tr2141 leaves cambridge at 13:59 on sunday and arrives at london liverpool street at 15:27. is that the train you need ? 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 I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O N/A +bos what is the total travel time ? eos O O O O O O O O Train-Request+Duration +bos the trip will take 88 minutes . would you like me to make a reservation ? eos O 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 , i am also looking for a place to dine . the restaurant should serve british food and should be in the moderate price range 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 B-Restaurant-Inform+Price O O O O N/A +bos there are several restaurants that serve british food . would you prefer a restaurant in the centre or the west ? 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 O O B-Restaurant-Select+Area I-Restaurant-Select+Area N/A +bos i just need it to be moderately priced so i can make a reservation . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos restaurant one seven is moderately priced . would you like me to make a reservation ? eos 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 Booking-Inform +bos i would like a cheap restaurant that serves malaysian food eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A +bos i 'm sorry , there are no restaurants in the city that serve malaysian food . can i help you find another 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 Restaurant-NoOffer,general-reqmore +bos is there a cheap european restraunt ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos yes . i found the river bar steakhouse and grill . it is a cheap restaurant serving modern european food and in the centre of town . would you like the address and phone number ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 O O O O O O O O O O O O general-reqmore +bos of course eos O O O N/A +bos the river bar steakhouse and grill is located at quayside off bridge street and its phone number is 01223307030. is there anything else i can help you with ? 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 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 , and thank you for your help . goodbye . eos O O O O O O O O O O O O general-bye +bos our pleasure . please call again . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant serving spanish food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two restaurants serving spanish food in the cheap and moderate price range . which price range would you prefer ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O O Restaurant-Select +bos i am looking for a restaurant in any area that serves lebanese food . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos ali baba serves lebanese food . would you like the location information ? 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 O O general-reqmore +bos yes please , i would like the address and phone number . 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 ali baba is 01462 432565 and their address is 59 hills road city centre . can i help you with anything else today ? 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 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 thank you . no , that 's all i need . goodbye ! eos O O O O O O O O O O O O O O general-bye +bos thanks for using cambridge restaurant system , goodbye . eos O O O O O O O O O O general-bye +bos need a restaurant serving turkish style venue eos O O O O O B-Restaurant-Inform+Food O O N/A +bos ok , so you would like a turkish restaurant . in what area would you like to eat ? 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+Area +bos any area would be fine ! could i please get the address and postcode of a turkish restaurant ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos anatolia is a turkish restaurant at 30 bridge street city centre , c.b 2 , 1 u.j . is there anything else i can help you with today ? eos O B-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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-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 , goodbye . eos O O O O O O general-bye +bos i would like 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 N/A +bos there are two moderately priced restaurants in the north , an italian restaurant and a chinese restaurant . would you like more information ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O general-reqmore +bos what is the address of anyone of them ? eos O O O O O O O O O O Restaurant-Request+Addr +bos the golden wok is a moderately priced chinese restaurant in the north located at 191 histon road chesterton . can i be of further assistance ? eos O O B-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 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 general-reqmore +bos thank you eos O O O general-thank +bos you 're welcome , enjoy your food . eos O O O O O O O O O general-welcome,general-greet +bos thank you goodbye . eos O O O O O general-bye +bos good bye . thank you for using the system . eos O O O O O O O O O O O general-bye +bos hi i am looking to go see a college while in cambridge . can you tell me about any of them ? 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 i 'd be happy to . any preference on location ? eos O O O O O O O O O O O O Attraction-Request+Area +bos nope , just tell me the area where your favorite is located , 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 Attraction-Request+Area +bos how about churchill college ? it 's in the west . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O O N/A +bos that sounds perfect . thanks so much ! eos O O O O O O O O O general-thank +bos it 's located on storey 's way . do you need any more info on it ? 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 general-reqmore +bos no , i am familiar with the area . thanks for your help . bye . eos O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos okay , enjoy your visit ! bye . eos O O O O O O O O O general-bye +bos i am looking for a restaurant that serves irish food and is in the expensive price 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 O N/A +bos there is not a restaurant serving irish food in the expensive price range . would you like another restaurant ? 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 is there an expensive korean restaurant ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos yes , little seoul is a korean restaurant in the expensive price range . eos 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 great ! can you give me the address and area of little seoul ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr +bos little seoul is located at 108 regent street city centre . may i help you with anything else 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 O O O general-reqmore +bos no 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 am looking for a danish restaurant eos O O O O O O B-Restaurant-Inform+Food O N/A +bos there are no danish restaurants listed . may i direct you toward another restaurant ? eos O O O O B-Restaurant-Inform+Food 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 there is one listing for north american food , gourmet burger kitchen in centre part of town . eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O O O N/A +bos what is their phone number and postcode ? eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos postcode : c.b 2 , 1 a.b , phone number is 01223 312598 eos O 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 N/A +bos is there anything else ? eos O O O O O O N/A +bos that is the only restaurant serving north american food . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos could you give me the phone number 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 01223 312598 and postcode is c.b 2 , 1 a.b eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A +bos thank you good bye . 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 i am looking for a cheap 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 missing sock is a cheap international restaurant in the east side . would you like the address or phone number ? 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 I-Restaurant-Inform+Area O O O O O O O O O O general-reqmore +bos yes , please . could you tell me both the address and phone number ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos they are at finders corner newmarket road , and their number is 01223 812660 . 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+Phone I-Restaurant-Inform+Phone O O N/A +bos thank you . good bye . eos O O O O O O O general-bye +bos thank you and goodbye ! eos O O O O O O general-bye +bos hi . can you please help me find a moderately priced restaurant in the south 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 N/A +bos here is a list of restaurants located in the south side of town in the moderate price range eos 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 O O B-Restaurant-Inform+Price O O N/A +bos may i have the address and phone number please eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos pizza hut cherry hinton is at g4 cambridge leisure park clifton way cherry hinton and 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 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 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 an expensive restaurant please eos O O B-Restaurant-Inform+Price O O N/A +bos do you have an area of town or type of cuisine in mind ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos i was thinking catalan food eos O O O O B-Restaurant-Inform+Food O N/A +bos there are no expensive catalan restaurants . can i help you find something else ? eos O O O O O O O O O O O O O O O O Restaurant-Inform,Restaurant-NoOffer,general-reqmore +bos are there any mid-range catalan restaurants ? eos O O O O O O O O Restaurant-Inform +bos yes . what type of food do you want ? eos O O O O O O O O O O O Restaurant-Request+Food +bos how about italian ? eos O O O B-Restaurant-Inform+Food O N/A +bos prezzo is an italian restaurant in the moderate price range . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A +bos great , what is thier address , phone number and area ? eos O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr +bos prezzo is located at 21-24 northampton road . its phone number is 01799521260 and it is in the west . is there anything else can i help you with ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Area 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 calling , enjoy your meal ! goodbye . eos O O O O O O O O O O O O general-bye +bos i need to book a train for friday please . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos great . where are you headed ? eos O O O O O O O O Train-Request+Dest +bos i am going to cambridge . i would like to arrive in the afternoon , please . eos O O O O O B-Train-Inform+Dest O O O O O O O O O O O O N/A +bos where are you departing from ? eos O O O O O O O Train-Request+Depart +bos there are two of us departing from kings lynn and we need to arrive by 16:45. can you book it for 2 people and send me the reference number ? eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart 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 Train-Request+Ref +bos i booked tr5331 for you . your reference is gpfba8k5 . eos O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O N/A +bos can i also get information on king 's college . eos O O O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O N/A +bos of course . king 's college has a free entrance fee and is in the centre of town eos O O O B-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+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos what is the address ? eos O O O O O O Attraction-Request+Addr +bos adress is kings parade eos O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos i 'm trying to find 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 N/A +bos ok , it 's located at market square . would you like the phone number ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O N/A +bos yes . the type of attraction , adress including area as well . eos O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos sure . it is an architecture attraction in the centre area . the address is market square . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos i also need a train to go to peterborough . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos i can help you with that . what time and 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+Leave,Train-Request+Arrive,Train-Request+Day +bos i will need to leave cambridge after 8:00 on saturday . eos O O O O O O B-Train-Inform+Depart O O O O O N/A +bos okay , the tr0160 leaves at 08:06 and is 13.20 pounds per ticket . 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 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 please book for one person and get me a reference number . eos O O O O O O O O O O O O O O Train-Request+Ref +bos it 's booked ! your reference number is : bu9j8ukf . can i help you 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 O O general-reqmore +bos no thank you , my mac and cheese is almost ready , got ta go . thanks 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 general-thank +bos you 're welcome , click end chat to end this session 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 need to find a train from cambridge on wednesday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos the tr3702 takes you to london kings cross . do you need a ticket ? 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 O O O O O O O Train-OfferBook +bos no . i would like to go to norwich at 9:30. eos O O O O O O O O B-Train-Inform+Dest O O O N/A +bos do you want to leave at 9:30 or arrive by then ? eos O O O O O O O B-Train-Select+Leave O O O B-Train-Select+Arrive O N/A +bos arrive by 9:30 in norwich . eos O O O O O O O N/A +bos what time could you like to depart at ? eos O O O O O O O O O O Train-Request+Leave +bos i have no preference for that . can you make a booking for me on the train with the earliest 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-Inform +bos sure , i can do that . how many tickets did you need ? eos O O O O O O O O O O O O O O O Train-Request+People +bos 3 tickets please . and a reference number too eos O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos i made those reservations on train tr9179 and your reference number is juapvb1i . 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 N/A +bos thanks so much for your help . eos O O O O O O O O general-thank +bos you 're welcome ! 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 general-welcome,general-reqmore +bos i also need information about funky fun house . eos O O O O O O O O O O N/A +bos sure thing let me get that for you . eos O O O O O O O O O O general-welcome +bos ok , thanks . can you tell me the postcode and area it 's 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 in the east and the postcode is cb58hy . is there anything else you need ? eos 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 no . that will be all for today . thanks so much ! goodbye eos O O O O O O O O O O O O O O O general-bye +bos funky fun house is located at 8 mercers row , mercers row industrial estate . may i assist you with something else ? eos O B-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 I-Attraction-Inform+Addr O O O O O O O O O general-reqmore +bos could you tell me if there is a swimmingpool in the center of town ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos yes , parkside pools is located in the centre of town at gonville place . would you like their phone number ? 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O N/A +bos no but i would like 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 's located at gonville place and unfortunately , i do not know the entrance fee . is there anything else i can help you with ? eos 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 O O O general-reqmore +bos yes , i am looking to buy a train ticket departing from cambridge , and i need to arrive by 14:30. eos 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+Arrive O O N/A +bos there are several trains that depart from cambridge . can you please tell me the destination and the day you would like to depart . eos O O O B-Train-Inform+Choice I-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 O O Train-Request+Dest,Train-Request+Day +bos i 'll be heading to peterborough on friday . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos the tr0545 arrives at 13:56. would you like me to book a ticket ? 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 can you please give me the price of that train . eos O O O O O O O O O O O O Train-Request+Price +bos it is 16.50 pounds per ticket . would you like to book a ticket ? 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 no , thanks . that will be all . goodbye . eos O O O O O O O O O O O O general-bye +bos have a wonderful day ! eos O O O O O O general-bye +bos i would like to book a taxi to royal standard , leaving after 03:30 eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Leave O N/A +bos okay and what will your destination be ? eos O O O O O O O O O Taxi-Request+Dest +bos i will be going to the royal standard , leaving from the tenpin . eos O O O O O O O O O O O O O B-Taxi-Inform+Depart O N/A +bos great ! look for a grey volkswagen . the contact number is 07183817206. may i help with anything else ? eos 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 'll be it . thank you . eos O O O O O O O O O O O general-thank +bos no problem , thanks for contacting us . eos O O O O O O O O O general-bye +bos i 'm just looking for a cool place to go later . eos O O O O O O O O O O O O O N/A +bos which area do you want to go to ? eos O O O O O O O O O O Attraction-Request+Area +bos i would like to visit a college , what would the entrance fee be ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O Attraction-Request+Fee +bos almost all of them are free . christ 's college is famous and free . what part of town do you prefer ? eos 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 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+Area +bos 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 ? eos O O O O 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 yes , when would you like to travel ? eos 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 christ 's college is located in centre . where will you be departing from on tuesday and what time ? 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 O O Train-Request+Leave,Train-Request+Depart +bos hold the phone . what is the entrance fee for christ 's college ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos christ 's college is free admission . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O N/A +bos great i also need a train departing from birmingham new street and arriving by 18:15 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 B-Train-Inform+Arrive N/A +bos i 'm sorry there are no trains that fit that criteria . would you be able to arrive any later ? eos O O O O O O O O O O O O O O O O O O O O O O Train-OfferBooked +bos are you sure ? can you please check again for a wednesday train from birmingham new street to cambridge , arriving by 18:15 ? 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 I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O N/A +bos i am sorry i can not find anything for those specifications eos O O O O O O O O O O O O N/A +bos i find it hard to beleive there are no trains arriving by 18:15. it does n't need to arrive at 18:15 just before that . please check again . eos 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 O O N/A +bos tr2286 leaves birmingham new street at 14:40 and arrives in cambridge at 17:23. the price is 75.10 pounds and takes 163 minutes . may i book this for you ? 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 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-OfferBook +bos yes please , just one ticket . eos 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 : jwjxooqu . 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 needed today . eos O O O O O O O O O O general-thank +bos i 'm sorry for the confusion earlier , i hope you have a lovely time here . eos 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 know the location of clare hall . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos claire hall is located on herschel road in the west side of town . do you need more information ? 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 O O O O O O O general-reqmore +bos do you have clare hall 's address ? eos O O O O O O O O O Attraction-Request+Addr +bos sure . clare hall is on herschel road . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos can i also get the phone number please ? eos O O O O O O O O O O N/A +bos sure , their phone number is 01223332360. anything else ? eos O O O O O O B-Attraction-Inform+Phone O O O O general-reqmore +bos yes , i am looking for a train that leaves ely and arrives by 16:30. eos O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive O N/A +bos sure , where will you be going to , and on what day ? 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 going to cambridge and i can arrive whenever . eos O O O O O O B-Train-Inform+Dest O O O O O O N/A +bos what day will you take the train ? eos O O O O O O O O O Train-Request+Day +bos i will be leaving ely on sunday . eos O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O N/A +bos the tr5703 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 yes please , for 3 people eos O O O O O B-Train-Inform+People O N/A +bos booking was successful , the total fee is 10.56 gbp payable at the station .reference number is : tdbks2ej . 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-Inform+Ref O O O O O O O O O O general-reqmore +bos that 'll be all for today , thank you . eos 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 what trains are available going to stevenage on wednesday ? eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are a total of 10 trains traveling to stevenage on wednesday . is there a particular departure location you are interested in ? eos 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 O O O Train-Request+Depart +bos yes , from cambridge and it should leave after 15:45 if possible . eos O O O B-Train-Inform+Depart O O O O O O O O O O N/A +bos there are trains every other hour on the :21. would you like tickets for the 17:21 train ? 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 B-Train-OfferBook+Leave O O N/A +bos okay , for 6 people , please . eos O O O O B-Train-Inform+People O O O O N/A +bos your booking was successful for the tr1165 , reference number rlc6rddl . can i help you with anything else ? eos O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos i 'd also like a place to dine . i want it to be latin american and cheap . eos O O O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O N/A +bos there are no cheap latin american restaurants nearby . would you be interested in a different type of cuisine ? eos 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 Restaurant-Request+Food +bos how about a place that serves asian oriental food ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there are two asian oriental restaurants in your price range in the centre , dojo noodle bar and j restaurant . which would you prefer ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O 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 Restaurant-Select +bos i think i 'll go with dojo nooodle bar . what is the address ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos dojo noodle bar is located at 40210 millers yard city centre . their postcode is cb21rq . 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 O O O B-Restaurant-Inform+Post O O N/A +bos great , thank you ! eos O O O O O O general-thank +bos of course ! 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 general-reqmore +bos that is everything i needed . 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 for using our system . eos O O O O O O O O general-bye +bos i 'm looking for a place to stay that 's moderately priced and has a three-star rating . 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 i have 4 results that match your request , 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 Hotel-Request+Area +bos i would prefer something in the north part of town . eos O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos i have the alpha-milton guesthouse and the hamilton lodge . both moderately priced . will you need internet ? 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 B-Hotel-Select+Price I-Hotel-Select+Price O O O O O O Hotel-Request+Internet +bos it does n't matter with internet . i need to book for 6 people , 5 nights on wednesday , is that possible at all ? eos 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 O O N/A +bos no i am sorry no rooms available then , is there anything else i can assist you with ? how about a 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 O O Booking-NoBook,general-reqmore +bos could you try the booking for only four nights and see if it works ? eos O O O O O O O O O O O O O O O O N/A +bos both are available for only 4 nights . the hamilton lodge has parking and internet . would you like me to book that for you ? eos O O O O O O O B-Booking-Inform+Stay 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+Internet,Hotel-Inform+Parking,Hotel-Select +bos yes please book it for 6 people and 5 nights starting from wednesday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos the hamilton lodge was unable to accommodate your request for 5 nights . would you like to try a different 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+Day,Booking-Request+Stay +bos could you try four nights ? eos O O O O O O O N/A +bos your are booked for 4 nights . your reference number is yt12cf24 . can 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 O general-reqmore +bos yes , i also need to find a place for us to dine , in the same area of town , 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 the nirala and the golden wok are moderately priced dining options in the north . 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O Restaurant-Select +bos ok , thank you . will you please reserve me a table for 6 people at 17:45 at the nirala on wednesday ? eos 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 O B-Restaurant-Inform+Day O O O N/A +bos you are booked at the nirala for wednesday and you table for 6 is reserved for 15 minutes . the reference number is hefmwbtn . eos O O O O O O B-Booking-Book+Name O B-Booking-Book+Day O O O O O B-Booking-Book+People O O O O O O O O O B-Booking-Book+Ref O N/A +bos i will also need a taxi to get from the hotel to the restaurant . can you book 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 Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos i 've booked your taxi ! a white volkswagen will pick you up at the hotel to bring you to the restaurant by 17:45. the contact number is 07713150675. 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 O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O O N/A +bos fantastic , thank you , that will be all . eos O 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-bye +bos i need info on some attractions eos O O O O O O O Attraction-Inform +bos what attraction type are you interested in ? eos O O O O O O O O O Attraction-Request+Type +bos just get me the phone number of any that you will recommend eos O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number of old schools is 01223332320. do you need anything else ? 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 general-reqmore +bos yes , i would also like information about the express by holiday inn cambridge 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 O N/A +bos it is an expensive place in the east , it is a hotel and not a guesthouse . can i book you or answer any other questions ? eos O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos yes , please , 5 people for 4 nights starting friday . eos 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 your hotel is confirmed , starting friday for 4 days with 5 people . your confirmation number is xbh5tb70 . can i do anything else for you ? 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 i just wanted to confirm that the attraction you recommended is located in the east part of town . i forgot to mention 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 it is in the centre . would you like me to check attractions in the east ? eos O O O 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 thanks for all of your help eos O 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 nope thats everything thanks eos 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 can you help me find a train departing bishops stortford and arriving by 20:15 ? eos 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 N/A +bos okay ! what is your destination ? eos O O O O O O O O Train-Request+Dest +bos i am going to cambridge from bishops stortford . eos O O O O O B-Train-Inform+Dest O O O O N/A +bos i need more information from you . what day will you be traveling and 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 O O O O Train-Request+Day,Train-Request+Leave +bos leaving on thursday and need the reference number . eos O O O B-Train-Inform+Day O O O O O O N/A +bos i recommend tr0141 leaves at 13:29 and costs 10.10 pounds eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O B-Train-Inform+Ticket N/A +bos that sounds perfect ! i need 5 tickets . eos O O O O O O O B-Train-Inform+People O O N/A +bos you have 5 tickets booked , reference # : 99zs3nh1 . the fee is 50.5 gbp and you will need to pay at the station . anything else for you today ? eos O O O O B-Train-OfferBooked+People 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 general-reqmore +bos yes , i also would like to book a room at the warkworth 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 what date would you like to book ? how many nights 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+Stay,Booking-Request+People +bos please book for 5 nights starting the same day . eos O O O O O B-Hotel-Inform+Stay O 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 5 people stating starting the same day . i need the reference number please eos O O O O O B-Hotel-Inform+People O O O O O O O O O O O O N/A +bos your booking was successful ! your reference number is : u08eskg3 . is there anything else we 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 O general-reqmore +bos thanks for both bookings . those were my two concerns for today . i am very satisfied . 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 great ! please contact us again anytime . good bye . eos O O O O O O O O O O O O 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 there are some great ones . can i help you find something in particular ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Name +bos i would like to try some indian food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have 22 restaurants serving indian food . what is your price range ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Request+Price +bos any of them will be fine . i 'll just need to know the price range , 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 Restaurant-Request+Post,Restaurant-Request+Price,Restaurant-Request+Addr +bos okay . the curry garden is located at 106 regent street city centre . the postcode is cb21dp and the price range is expensive . 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 O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Price O O O N/A +bos am also looking for a train . the train should leave after 21:15 and should go to cambridge.the train should depart from stansted airport and should leave on saturday 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 O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Day O N/A +bos do you have a time that you could like to arrive by ? eos O O O O O O O O O O O O O O Train-Request+Arrive +bos no , i just need 6 tickets departing after 21:15. eos O O O O O O B-Train-Inform+People O O O O N/A +bos the first train leaves the station at 21:24 will that work for you ? or we could try a cab eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Leave O O O O O O O O O O O O N/A +bos no the train sounds good . can book 6 tickets please ? eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos i will work on booking this and be right back with you . eos O O O O O O O O O O O O O O Train-OfferBook +bos make sure i get the reference number also please . eos O O O O O O O O O O O Train-Request+Ref +bos booking was successful , the total fee is 48.48 gbp payable at the station .reference number is : b9l7e2j1 . 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 ! that 's all i needed . eos O O O O O O O O O general-thank +bos have a wonderful time . eos O O O O O O N/A +bos i 'm looking for things to do in the west . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are many options available in the west , what types of attractions interest 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 Attraction-Request+Type +bos a museum perhaps ? eos O O B-Attraction-Inform+Type O O N/A +bos i 'd recommend the cafe jello gallery . their phone number is 01223312112. can i help you with anything else ? 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 O O O O O O general-reqmore +bos sounds quite interesting . can i get their address please ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos yes the address is cafe jello gallery , 13 magdalene street , postcode cb30af , admission is free so best price of all . eos O 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 B-Attraction-Inform+Fee O O O O O O O N/A +bos thanks ! i 'm also looking for a place to stay with 2 stars . eos O O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i have three hotels that meet that criteria , two moderately priced in the north , and one expensive in the east . which do you prefer ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Select +bos i 'm looking specifically for a guesthouse , and one that has free parking . i 'm renting a car to sightsee . 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 there are no guesthouses with free parking eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O Hotel-NoOffer+Parking +bos do any of them have parking ? eos O O O O O O O O N/A +bos arbury lodge guesthouse has parking , its a 4 star and in the moderate price range eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O Hotel-Inform+Parking +bos no , i 'd like a 2 star hotel instead . any recommendations ? 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 found three 2-star hotels with parking . two of them have a moderate price range , while the other is expensive . does this help narrow it down ? 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos i 'll take the expensive one . what 's the name and can i get their phone number please ? 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 Hotel-Request+Phone +bos express by holiday inn cambridge and their number is 01223866800. 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 I-Hotel-Inform+Name O O O O B-Hotel-Inform+Phone O O O O O O O O O O O Booking-Inform +bos i assume they have internet , right ? eos O O O O O O O O O Hotel-Request+Internet +bos yes , they do have wifi available . eos O O O O O O O O O Hotel-Inform+Internet +bos yes , please and i would also like a taxi between the two locations . eos O O O O O O O O O O O O O O O O Taxi-Inform +bos how many people will be staying and how long will you be staying ? eos O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos 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 eos O O O O O O O O O O O O O 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 done ! you 'll be picked up in a red tesla , and the contact number is 07484344369. 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 thanks for your time today . it looks like i have all the information i needed . 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 O general-bye +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,general-bye +bos can you help me find a train departing from cambridge going to 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 N/A +bos of course , what day are you traveling ? eos O O O O O O O O O O Train-Request+Day +bos i want to leave on thursday and arrive by 14:00. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos we have nine trains arriving by 14:00 that day . what time are you looking 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 i do n't have a specific time to leave but i do want to arrive before 14:00. how much will this cost ? 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 N/A +bos the price is 9.80 pounds per ticket . would you like me to book you passage ? 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 thanks . not at this time . can you help me find a room to stay that is moderately priced ? 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 there are a lot of moderately priced hotels . do you have a preference on which area ? eos O O O O B-Hotel-Inform+Choice I-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 N/A +bos no , i do n't care where it is . i like 3 stars and i absolutely need free wifi . 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 O N/A +bos bridge guest house is a moderately priced , 3 star guesthouse with wifi in the south area . would you like to make a reservation ? 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 O O O O B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes , make the reservation please . eos O O O O O O O O N/A +bos alright , i can take care of that for you . 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 O O O Booking-Request+Stay +bos actually i do n't need a reservation at this time . eos O O O O O O O O O O O O N/A +bos is there something else i can help you with then ? eos O O O O O O O O O O O O general-reqmore +bos nope . that should cover it . eos O O O O O O O O N/A +bos my pleasure . eos O O O O general-welcome +bos i need a place to stay in the east that includes free wifi . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos we have 6 guesthouses and 1 hotel . is there a specific price range you want to stay in ? eos 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 Hotel-Request+Price +bos i am fine with any price range , please pick a guesthouse . eos O O O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos i 'd recommend the allenbell in the east . would you like a room ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O O O O O O O O Booking-Inform +bos yes , please . i 'll need it booked on sunday , for 5 nights , and it will only be 1 person . 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 B-Hotel-Inform+People O O O O O O N/A +bos booking was successful.reference number is : tux6p1kd . eos 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 i 'm glad to help ! can we help you with anything else for your trip ? eos O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos yes , i am also looking for places to go 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 N/A +bos there many places to go in the east . would you like a museum , there are 4 ? or would you prefer something sportier such as a park or a pool or a boat ? eos 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 O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos someplace you think would be the most fun . eos O O O O O O O O O O N/A +bos the funky fun house is an entertainment venue . i do n't see any entrance fee . 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 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 N/A +bos ok no problem . can i have the address ? eos O O O O O O O O O O O Attraction-Request+Addr +bos their address is 8 mercers row , mercers row industrial estate 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 N/A +bos ok , that 's all i need thanks eos O O O O O O O O O general-thank +bos do you need us to book anything else ? eos O O O O O O O O O O general-reqmore +bos that is all , thanks for the help . eos O O O O O O O O O O general-thank +bos have a good day eos O O O O O general-bye +bos please find a place called club salsa . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos club salsa is located at 1 station road . do you need any more information ? eos 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 O O O O general-reqmore +bos wonderful . the address was exactly what i wanted . you 're so efficient . eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos great i am glad i could be of help . eos O O O O O O O O O O O general-greet +bos i am also looking for a moroccan restaurant in the centre . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry there are no moroccan restaurants in the centre of town . eos O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O N/A +bos boo . i guess i would be able to try a modern european 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 N/A +bos i recommend de luca cucina and bar on 83 regent street . it is moderately priced and in the centre of town . would you like me to book a reservation ? 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 I-Restaurant-Recommend+Name B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price 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 Booking-Inform +bos sounds good ! please book a table for 3 on friday at 13:00 and be sure to provide me with 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O Restaurant-Request+Ref +bos your table has been successfully booked ! your reference number is gvn0gc4a . 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 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 Taxi-Inform +bos i need some more information please . when would you like to leave and when 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 O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos can you get me from club salsa to de luca cucina by 13:00 please ? eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Arrive O O N/A +bos absolutely ! your taxi has been booked . it 's a blue ford and the contact number is 07118061422. is there anything else that 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 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 not that i can think of you have done everything for me . 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 general-thank +bos no problem , have a wonderful day ! eos O O O O O O O O O general-bye +bos hi . i would like to have a taxi arrive for me at the arbury lodge guesthouse by 15:00. can you reserve that for me ? 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 O B-Taxi-Inform+Leave O O O O O O O N/A +bos i can certainly do that for you . what is your destination ? eos O O O O O O O O O O O O O O Taxi-Request+Dest +bos i will be traveling from the guesthouse to rajmahal . eos O O O O O O O O O B-Taxi-Inform+Dest O N/A +bos you will be looking for a grey toyota with contact info of 07015796204 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 thank you so much ! that 'll be all . eos O O O O O O O O O O O general-thank +bos no problem ! enjoy your trip ! eos O O O O O O O O general-bye +bos i am looking for a place to eat in cambridge thats is indian with moderate pricing eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O N/A +bos i have four indian restaurants in the area . two in the east , one in the west and one in the north . do you have a preference as to what area ? 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Area +bos no , i do n't care about that . eos O O O O O O O O O O N/A +bos okay . would you like to go to curry prince , the nirala , meghna , or rajmahal ? eos O O O O O O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O N/A +bos i have no idea . which one is your favorite ? eos O O O O O O O O O O O O N/A +bos i would choose the curry prince . can i book that for you ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos yes , please book a table for 2 on sunday at 19:45. you 'll need to give me the reference number . i 'm also looking for a nightclub in the center of town . 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 B-Attraction-Inform+Type 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 : ctv9sxgd . there are several night clubs in the centre . club salsa is great ! 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O N/A +bos i need a cab to arrive by the booked time , can i also get the contact # and car type 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 Taxi-Request+Car +bos would you like to leave from your hotel ? eos O O O O O O O O O O Taxi-Request+Depart +bos i do n't really care as long as i get to the restaurant by 19:45 eos O O O O O O O O O O O O O O B-Restaurant-Inform+Time O N/A +bos can you please give me the name of your hotel ? eos O O O O O O O O O O O O Taxi-Request+Depart +bos i do not have it right now . eos O O O O O O O O O N/A +bos sorry , i 'm a little confused . there was no mention of hotel . 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 Taxi-Request+Dest +bos can i get club salsas phone number and address ? i would like the taxi from the club 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 Attraction-Request+Addr +bos the salsa is at 1 station road . i can work on the taxi in just one second . 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 general-reqmore +bos great . i would like a taxi from club salsa to the restaurant . i want to arrive by my reservation time . 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 O O O O O O N/A +bos i have booked black honda with contact 07157896056 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos i think that will 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 you are welcome and thanks eos O O O O O O general-welcome +bos have yourself a great day eos O O O O O O N/A +bos thank you for calling cambridge towninfo centre ! 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 general-bye +bos i am looking for a saturday train departing from cambridge . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O N/A +bos i have several trains that will suit you . what is your destination and what time could you like 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 O O O Train-Request+Leave,Train-Request+Dest +bos norwich is my destination and i want to leave after 13:00. eos O B-Train-Inform+Dest O O O O O O O O O B-Train-Inform+Leave N/A +bos tr8933 will be departing cambridge at 13:36 and arriving in norwich at 14:55. would you like to book this ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 please book for 8 people . eos O O O O O B-Train-Inform+People O N/A +bos alright the book was successful , the total fee is going to be 112.64 gbp payable at the station and the reference number is 28o28gij . eos 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 O B-Train-OfferBooked+Ref O O N/A +bos thanks ! i 'm also wondering if there are any moderately priced polynesian restaurants around . eos 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 i was unable to find any moderately priced polynesian restaurants . 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 N/A +bos how then about spanish or a pub that serves tapas ? eos O O O O O O O O O O O O N/A +bos la tasca is a centrally located , moderately priced , spanish restaurant . would you like to make a reservation ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area B-Restaurant-Recommend+Price I-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 yes please make that reservation for me eos O O O O O O O O N/A +bos i will need some more information before making a reservation . what day would you like it 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 O O O O O O Booking-Request+People,Booking-Request+Day +bos i need it for 8 people at 10:30 on saturday eos O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos booking was successful for a table at la tasca . the table will be reserved for 15 minutes , reference number is : 3tr0f2b1 . can i help 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 general-reqmore +bos no , i do n't need anything else eos 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 a restaurant called ask . do you know of it ? eos O O O O O O O B-Restaurant-Inform+Name O O O O O O O O N/A +bos it is a cheap italian restaurant in the centre of town at 12 bridge street . would you like to book a reservation ? 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 O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform +bos yes , we would like a reservation there for thursday . eos O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos and at what time would you like to arrive ? eos O O O O O O O O O O O Booking-Request+Time +bos 16:15 for 4 people , i am also needing a hotel with a 2 star rating and in the expensive price range . eos O B-Restaurant-Inform+Time O O B-Hotel-Inform+People 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 ok , i was able to make that reservation for you . also , the express by holiday inn cambridge should fit your lodging needs . 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 I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O Booking-Book +bos i think you forgot to give me the reference number for my dinner reservation ? does the hotel 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 O O O N/A +bos sorry about that , yes it has free parking and internet eos O O O O O O O O O O O O Hotel-Inform+Parking +bos i would like to book it for 5 nights for 4 people from saturday please . i will need my reference number . eos 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 N/A +bos your reference number is 9wco5no5 , 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 taxi to commute from the hotel to the 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 a black volkswagen picking you up . your contact number is : 07517630654. 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 N/A +bos great thanks ! i need to get to work , so thanks again . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos your welcome , have a nice day ! eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for places to go in town eos O O O O O O O O O O N/A +bos would you like to narrow that down a bit ? eos O O O O O O O O O O O general-reqmore +bos can you suggest a nice place that has a swimmingpool ? eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos we have four lovely pools . is location important ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O Attraction-Request+Area +bos no location is n't important . please recommend one , and let me know 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+Phone +bos i 'd recommend parkside pools in the centre . their phone number is 01223446100. will that be all ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos i also am looking for a hotel with a 0 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 N/A +bos i , as a monopoly person am also a fan of free parking . two guesthouse meet your needs , one is in the north , the other in the centre , any preferences ? eos 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 O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O N/A +bos i really prefer a hotel to a guesthouse . how about a hotel with free parking and a four star rating 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 there are three hotels matching your description . do you have a preference regarding price range or area of location ? 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 O Hotel-Request+Area,Hotel-Request+Price +bos nah , pick your favorite and book a room for me , please ! we 'll be arriving on tuesday and staying 5 nights . there will be 6 of us . 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+Stay O O O O B-Hotel-Inform+People O O O O O O O N/A +bos booking was successful.reference number is : vrcmyseo . eos O O O O O O O B-Booking-Book+Ref O N/A +bos great , what was the hotel that you decided on for me ? eos O O O O O O O O O O O O O O Hotel-Inform +bos the huntington larriott hotel , can i help with anything else ? 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 general-reqmore +bos i am looking for places to go in town . the attraction should be in the centre and should be in the type of entertainment . 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 am not finding anything like that , something else perhaps ? eos O O O O O O O O O O O O O Attraction-NoOffer +bos how interesting that there 's no entertainment in the centre of cambridge , sound like a fun town ... perhaps there is a college i could 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 yes , there are 13 colleges in the centre of town . 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 N/A +bos could you suggest one and provide the postcode and phone number ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos gonville and caius college 's postocode is cb21ta and their phone number isv01223332400 eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O N/A +bos can i also get a place to stay , needs to include wifi but i dont 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 N/A +bos there are 3 entries that meet your criteria . i would recommend the a and b guesthouse or avalon as they both get 4 stars . eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Choice O O B-Hotel-Recommend+Stars O O N/A +bos i actually want a hotel with 0 stars , i do n't like stars . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O N/A +bos okay i have one option for you called cityroomz . would you like me to book that for you ? eos 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-Inform +bos yes , i would like to book it for 2 nights starting from monday for 6 people . please let me know the reference number . eos 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 O O O O Hotel-Request+Ref +bos you 're all set . your reference number is : f2pphlsx . eos O O O O O 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 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 i want a college to visit eos O O O O B-Attraction-Inform+Type O O N/A +bos there are 18 colleges in cambridge . did you want one in a particular part of town ? 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 O Attraction-Request+Area +bos no , no particular area . which one do you recommend ? eos O O O O O O O O O O O O O Attraction-Request+Area +bos i recommend christ 's college in the centre , admission is free . eos O O O B-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 can you find me a hotel in the north with free parking included ? eos O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos what about hamilton lodge ? it 's a lovely place . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O general-greet +bos sure . that would be fine . can i have more information please ? eos O O O O O O O O O O O O O O O N/A +bos what other information do you need ? eos O O O O O O O O general-reqmore +bos actually , i think i 'm ok for now . thank you for your time . eos 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 please find a cheap restaurant that serves indian food . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos i have a few cheap ones listed but ill give you my favorite , which is royal spice . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos what are of town is that in ? i really want to stay in the centre of town to be close to the attractions . 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 O O O O N/A +bos in that case i would recommend kohinoor . would you like me to make a reservation ? eos O O O O O O O B-Restaurant-Recommend+Name 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 else i can do ? perhaps find a great attraction for you to visit while you 're 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 general-reqmore +bos on second thought , i need a reservation for 5 at 12:15 on sunday and the reference number . also information on a place called vue cinema . 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 B-Attraction-Inform+Name I-Attraction-Inform+Name O O Restaurant-Request+Ref +bos your table has been reserved . please be on time as they can only hold it for 15 minutes . your reservation number is yfiorwek . vue cinema is a cinema 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 B-Booking-Book+Ref O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O N/A +bos what is the post code for the cinema ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb11ps . eos O O O O B-Attraction-Inform+Post O N/A +bos i need a cab to the restaurant by the booking time , contact # and car type so i do n't get into someone else 's 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 O O O O Taxi-Request+Car,Attraction-Request+Type +bos sure , where will you be departing from to get to the restaurant ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i 'll need a car from the vue cinema . i would n't want to be late for my reservation . 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 O O O O N/A +bos i 've got a car booked for you , a blue bmw . the contact number is 07103963955 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 N/A +bos great that 's all i needed today thanks . 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 no , i think i 'm all set . 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 ! 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 place to stay that provides wifi without any extra charges . can you find something like 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 N/A +bos there are 32 places to stay with free internet . is there a preferred part 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,Hotel-Inform+Internet +bos no , but i 'd like a guesthouse of at leas 3 stars and i 'd also like free parking . eos O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A +bos hobsons house is a good choice in the west . would you like to book ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O B-Hotel-Recommend+Area 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 sure . how many people are in your party ? eos O O O O O O O O O O O Booking-Request+People,general-greet +bos 4 people and 2 nights starting from sunday . eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos i 've booked a room for 2 nights beginning on sunday . the room is for 4 and your confirmation number is k55jxp0g . can i help you with anything else ? eos O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Day O 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 general-reqmore +bos i also need a train . eos O O O O O O O Train-Inform +bos where will you be heading and departing from and 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,Train-Request+Depart +bos i 'm going from cambridge to stevenage on the same day as the hotel booking . i need to arrive by 12: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 Hotel-Inform +bos i will find a train for you . eos O O O O O O O O O general-greet +bos great ! what is the departure time ? eos O O O O O O O O O Train-Request+Leave +bos the tr8464 meets your criteria . the departure time is 11:21. would you like to book tickets ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O O B-Train-OfferBook+Leave O O O O O O O O N/A +bos sure ! can you tell me the cost , too ? eos O O O O O O O O O O O O N/A +bos your tickets have been booked . reference # : hhbz1l0t and the total fee is 40.96 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 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 O general-reqmore +bos no , that 's all . thank you so much . eos O O O O O O O O O O O O general-thank +bos thanks and welcome anytime eos O O O O O general-welcome +bos i may have gotten mixed up . i am departing from stevenage to go to cambridge . i 'm sorry . eos 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 N/A +bos ok , the tr7802 arrives by 10:43 eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O N/A +bos what is the cost and departure time of the tr7802 train ? eos O O O O O O O O O O O O O Train-Request+Leave +bos it departs at 09:54 and the cost is 10.24 pounds . eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 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,general-greet +bos i would like to book a taxi departing from leverton house and arriving by 07:30. eos O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Arrive N/A +bos booking completed ! car is red ford and contact number is 07640075849 , eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O N/A +bos ok awesome i will be going to jesus college eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos your new contact number is 07279059192 and the car is a yellow skoda . eos 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 N/A +bos that is all i need good day to you . eos O O O O O O O O O O O N/A +bos to you , as well . thank you for using the service . eos O O O O O O O O O O O O O O general-greet +bos hi , i 'd like to try some indian food . what do you have ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos oh , there are many nice indian restaurants to choose from . what price range are you looking for ? 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 Restaurant-Request+Price +bos i am looking for a cheap indian restaurant located in the centre , eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A +bos i suggest kohinoor . the address is 74 mill road city centre . would you like me to book a table for you ? eos O O O B-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 Booking-Inform +bos sure . i just need a table for myself at 14:00 on wednesday . eos O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos unfortunately , they are booked at that time . can i try another time for you ? 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 Booking-Request+Time +bos okay , let 's try for 13:00 instead . eos O O O O O B-Restaurant-Inform+Time O O O O N/A +bos that was successful . your reference number is hmn75tcm . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos wonderful ! i also need some information about a hotel called the hamilton lodge . can you help me with that ? 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 N/A +bos i sure can ! the hamilton is a guesthouse on the north side . it is moderately priced , has 3 stars , free internet and parking . would you like a room ? eos O O O 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 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 O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos can you reserve me a taxi that arrives to the restaurant before 14:00 on wednesday ? eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O B-Restaurant-Inform+Day O N/A +bos can you tell me where you will be leaving from ? do you want me to make a hotel reservation 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 Taxi-Request+Depart,Booking-Inform +bos i will be leaving from hamilton lodge and heading to the restaurant . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A +bos your car is booked . a black tesla will pick you up at hamilton lodge and get you to kohinoor by 14:00. their contact number is 07942596374 if you need to call . eos O 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 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 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 thank you . goodbye . eos O O O O O O general-welcome,general-bye +bos i 'm looking for a park . eos O O O O O B-Attraction-Inform+Type O O N/A +bos sure there are five parks in town eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O N/A +bos could i get the address and phone number for one please ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos sure , the milton country park is located at milton country park , milton and the phone number is 01223420060. post code is cb46az . eos 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 B-Attraction-Recommend+Phone O O O B-Attraction-Recommend+Post O O O N/A +bos i 'm also looking for a place to stay in , preferably something 0 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 i have 3 choices for you . two are guesthouses and i have 1 hotel . the guesthouses are cheap and the hotel is moderately priced . 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 O O O O O O O O O N/A +bos i prefer something in the cheap price range . eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos the city centre north b and b is a 0 star , cheap guesthouse in centre . 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 I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Type O O O O O O O O O O O Booking-Inform +bos let me think about it . eos O O O O O O O N/A +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 directions to jinling noodle bar , can you help me ? 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 N/A +bos yes certainly , jinling noodle bar is located at 11 peas hill city centre and the postcode is cb23pp . would you like their phone number also ? eos 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 I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos no , but i need to book a table for 6 people at 12:30 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 O N/A +bos okay , booking was successful . i got 6 people at jinling noodle for sunday 12:30. the table will be reserved for 15 minutes . your reference number is : 6lac61ct eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day B-Booking-Book+Time O O O O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos thank you , i also want to book a train for the the same day , departing from birmingham new street . 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 O O N/A +bos i would be more than happy to book that for you for 6. your reference number is 0u3b4a3o eos O O O O O O O O O O O O O O B-Train-OfferBook+People O O O B-Train-OfferBook+Ref Train-OfferBooked +bos thank you . i also want to book a train for the same day , departing from birmingham new street and arriving in cambridge by 9:30. 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 I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O N/A +bos sure , i have two trains that arrive by 09:30 , tr8730 arrives at 08:23 , and tr9637 arrives at 09:23. which would you like and for how many riders ? eos O O O O O B-Train-Inform+Choice 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 O O O O O O O Train-Request+People,Train-Select +bos the 9:23 arrival is perfect timing ! i need it for the same 6 people . can i please get the reference number for that booking also ? 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 N/A +bos the reference number is 0u3b4a3o . what else can i do for you ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos i think that 's all i need . thank you ! eos O O O O O O O O O O O O general-thank +bos okay , have a great day and thank you for using cambridge towninfo centre . eos O O O O O O O O O O O O O O O O general-bye +bos can you tell me how to get to the parkside police station from my location ? eos O O O O O O O O O O O O O O O O O Police-Inform +bos here is the location : address : parkside , cambridgepostcode : 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 let me give you the police station telephone number so you have it : 01223358966. is that all 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 N/A +bos hi , i want to find a chinese place to eat that 's expensive . eos 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 are 9 chinese restaurants that match your criteria . is there a specific part of town you 'd like to dine in ? 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 O O Restaurant-Request+Area +bos i 'd like to dine in the north if possible . eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos we have the hakka and the hotpot that match your search . do you have a preference ? 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 Restaurant-Select +bos let 's go with hakka , and make a booking for 7 people at 19:15 on monday . and 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 O Restaurant-Request+Ref +bos great the booking was successful , your reference number is 4dv3fa1b . eos O O O O O O O O O O B-Booking-NoBook+Ref O O N/A +bos thanks very much . i also need a train for monday , arriving by 9:45. eos O O O O O O O O O O B-Train-Inform+Day O O O O O N/A +bos and where will you be traveling to and from ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos from stevenage to cambridge . eos O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos there are 2 trains that arrive by 9:45. one leaves at 5:54 and one leaves at 7:54. eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive O O O O O O O O B-Train-Inform+Leave N/A +bos i 'll take the one that arrives at 7:54. how much do those tickets cost ? eos O O O O O O O O O O O O O O O O O N/A +bos the ticket is 12.80. would you like me to book this for you , or do you have other questions i can help with ? eos O O O O B-Train-Inform+Ticket 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 i 'll book the train myself . thanks for your help today - i 'm all set ! eos O O O O O O O O O O O O O O O O O O O Train-Inform +bos it 's my pleasure . thanks for using cambridge towninfo ! eos O O O O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for a taxi . i need to leave from golden house at 12:15. eos 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 N/A +bos sure , can i have the destination for your taxi please ? eos O O O O O O O O O O O O O Taxi-Request+Dest +bos i 'm headed to the soul tree nightclub . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos i have booked a taxi for you . it is a blue ford and the contact number is 07710275202. 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 O B-Taxi-Inform+Phone 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 O general-thank +bos have a nice day ! eos O O O O O O general-bye +bos i need a train to stevenage . eos O O O O O O B-Train-Inform+Dest O N/A +bos absolutely . from where would you like to depart ? eos O O O O O O O O O O O Train-Request+Depart +bos i am leaving out of cambridge . i need the ticket for sunday . eos O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Day O O N/A +bos tr5390 is the first train of the day leaving at 5:21 would that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O B-Train-Inform+Leave O O O O O O N/A +bos unfortunately i need to leave after 09:30 , is there one available then ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O N/A +bos sure thing , train tr8464 leaves at 11:21. will that work ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O N/A +bos that will probably work fine . can you tell me 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 Train-Request+Duration +bos the first train of sunday leaves at 11:21 and arrives by 12:10. does that meet your requirements ? eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A +bos by travel time , i mean the duration of the train trip . eos O O O O O O O O O O O O O O Train-Request+Duration +bos i 'm sorry . that comes out to a 49-minute train ride . does that sound agreeable to you ? eos O O O O O O O O O B-Train-Inform+Time O O O O O O O O O O O N/A +bos yes that will be fine . eos O O O O O O O N/A +bos am i booking one ticket ? eos O O O O O O O Train-Request+People,Train-OfferBook +bos no , that 's not necessary . i can book it later . thanks . 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 thank you for using our system ! eos O O O O O O O O general-bye +bos thanks again . goodbye ! eos O O O O O O general-bye +bos thank you ! goodbye . eos O O O O O O general-bye +bos can you help me find a college to visit in the centre ? eos O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos we have christ 's college in the centre eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area N/A +bos perfect , can i get the address ? eos O O O O O O O O O Attraction-Request+Addr +bos christ 's college is located on saint andrew 's street and their phone number is 01223334900. do you need additional information ? 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 B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos how much is its entrance fee ? eos O O O O O O O O Attraction-Request+Fee +bos there is no entrance fee it is free . eos O O O O O O O O B-Attraction-Inform+Fee O N/A +bos i 'm looking for a place called hakka . eos O O O O O O O B-Restaurant-Inform+Name O O N/A +bos hakka is a chinese restaurant on the north side of town . would you like to make a booking ? 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 I-Restaurant-Inform+Area O O O O O O O O O Booking-Inform +bos what is the price range there , i can spend too much just eating . eos O O O O O O O O O O O O O O O O Restaurant-Request+Price +bos it is an expensive restaurant . i have many options for chinese food in town at every price point , though , if that 's an issue . eos O O O O 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+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O N/A +bos that 's no problem . i also was interested in finding a train though . eos O O O O O O O O O O O O O O O O Train-Inform +bos where are you traveling to and from ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am leaving from cambridge and headed to a wedding in broxbourne . eos O O O O O B-Train-Inform+Depart O O O O O O O O N/A +bos no train are available for the destination eos O O O O O O O O Train-NoOffer +bos can you please check again ? from cambridge to broxbourne , wednesday after 8:30. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Day O O O O N/A +bos sure the tr3279 leaves at 9:01. eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos can you book 2 tickets for me please ? eos O O O O O B-Train-Inform+People O O O O N/A +bos i booked it . it 'll cost 35.79 gbp and your reference number is cv0bt9k3 . eos O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Id O 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 i 'm glad we could help . please contact us again if you need any additional assistance . 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 i need a train from bishops stortford , please . i need to arrive by 21:45. eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O N/A +bos sure , which day do you need to travel ? are you going to cambridge ? eos 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 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 what time do you want to depart ? eos O O O O O O O O O Train-Request+Leave +bos i 'm not sure whatever gets me there by 21:45. can you tell me travel time and cost 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+Duration +bos yes travel time will be 38 minutes and the cost of ths journey is 10.10 pounds . eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos that 's great , thanks for your help . eos O O O O O O O O O O general-thank +bos there is a train departing bishops stortford and arriving in cambridge at 20:07 on monday . 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 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 O Train-OfferBook +bos yes , please book it for me . thanks . eos O O O O O O O O O O O general-thank +bos how many tickets would you like booked for that trip ? eos O O O O O O O O O O O O Train-Request+People +bos just one please . eos O O O O O N/A +bos you are booked for train id tr5806 that leaves at 19:29. the reference number is eojdk0by . do you have any other concerns ? eos 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 O O O O O O O general-reqmore +bos how long will be the ride and how much will it cost me ? eos O O O O O O O O O O O O O O O N/A +bos the fee is 10.1 gbp , payable at the station . the duration of the ride is 38 minutes . eos 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+Time I-Train-OfferBooked+Time O O N/A +bos thank you so much ! eos O O O O O O general-thank +bos you are very welcome . can i offer any other assistance ? eos O O O O O O O O O O O O O general-reqmore +bos no , i am all set , thanks . bye . eos O O O O O O O O O O O O general-bye +bos have a nice trip . bye . eos O O O O O O O O general-bye +bos i need to book a restaurant . eos O O O O O O O O Restaurant-Inform +bos i 'm happy to assist you . what type of cuisine would you like ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet +bos i would really love to try christmas food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , i am not showing any restaurants serving christmas food . would you like to consider a different cuisine ? 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 Restaurant-Request+Food +bos i would love italian food then . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos we have 15 different italian restaurants across town at different price ranges . do you want to narrow down your choices ? 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 Restaurant-Request+Price,Restaurant-Request+Area +bos no thank you . i 'll just need a price range and postcode for one of them . 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+Price +bos pizza hut city centre is inthe cheap price range . their postcode is cb21ab eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price O O O O O B-Restaurant-Recommend+Post O N/A +bos thank you for the information , i also need a train on wednesday from 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 N/A +bos will you be travelling alone , and what is your destination ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+People +bos i would like to request information about a train to london liverpool street , i would like to leave after 9:15 , when do i arrive and what is the price ? 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 O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos tr5874 arrives 11.27 and will cost 16.60 pounds .is that it ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O general-reqmore +bos yes that was all i needed to today . thank you goodbye . 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 am looking for a place to stay . the hotel should include free wifi 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 there are 12 hotels in the north part of town with free wifi . do you have a price range in mind ? 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 O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet +bos no specific price range . i would like for it 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 have 11 different options . many are guesthouses and i have 2 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 O O O O Hotel-Request+Type +bos choose one , book it for 4 people and 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 i 've booked you a room for 4 people beginning on friday and lasting five days at acorn guest house . your reference number is 5jm761l2 . can i help with anything else ? eos O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Day O O B-Booking-Book+Stay 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 thank you . i am also interested in attractions in the same area as the acorn guest house . i feel like going to the cinema . eos 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 O O O N/A +bos sorry , i do n't have any options available . would you like to try a different area or attraction 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 Attraction-Request+Area,Attraction-Request+Type,Attraction-NoOffer +bos do you have any boats any area ? eos O O O O O B-Attraction-Inform+Type O O O N/A +bos yes there are 4 boat attractions in town . riverboat georgina is in the north . do you need more help ? eos O O O O O B-Attraction-Inform+Choice 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 general-reqmore +bos yes may i have the entrance fee please ? eos O O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry , their entrance fee is unknown , but if you 'd like to call them to ask , they can be reached at 01223902091. do you need further assistance ? eos O O O O O O O B-Attraction-Inform+Fee 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 thank you so much for the info . that is all i need today , 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 . enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for an italian restaurant 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 absolutely . what price range are you looking for ? eos O O O O O O O O O O O Restaurant-Request+Price +bos i do n't really care . eos O O O O O O O N/A +bos stazione restaurant and coffee bar is an italian restaurant in the centre area . would you like me to make you a reservation ? 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+Food 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 , four people on tuesday at 18:00 eos O O O O 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 : dl0pxr9g . may 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 can you tell me if you happen to have any nightclubs in town ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos yes we have 5 all in the centre of town . 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 N/A +bos great . can i get the information about one of them ? eos O O O O O O O O O O O O O N/A +bos sure the ballare costs 5 pounds to get in and is located in the center at heidelberg gardens , lion yard . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos what is the postcode for that one ? eos O O O O O O O O O Attraction-Request+Post +bos the postcode for the ballare is cb23na . would you like any other information ? 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 general-reqmore +bos i also need a taxi . eos O O O O O O O Taxi-Inform +bos for the reservation of the taxi , can you tell me your pickup and drop off locations ? 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+Dest +bos yes ely to cambridge please . thanks eos O O O B-Taxi-Inform+Depart O O O O N/A +bos you want a train from ely to cambridge , is this right ? i also need a travel date and 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 O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Day,Train-Request+Arrive,Train-Request+Dest +bos i 'm sorry , there 's someone talking here and getting me turned around . i 'd like a taxi from the nightclub to the restaurant , early enough to make 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 O O O O O O Restaurant-Inform,Taxi-Inform +bos i have booked a yellow volvo with contact 07259480629 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone N/A +bos that is it for today thanks . eos O O O O O O O O general-thank +bos you are welcome . have a marvelous time in cambridge . thank you for reaching out to 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 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 N/A +bos sure , i have 33 options for you eos O O O O O B-Restaurant-Inform+Choice O O O N/A +bos great . is there one that serves mediterranean food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i happen to have 2 great ones . la mimosa is available , as well as the newer one called shiraz restaurant . would you like more info on one of these ? eos O O 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 O O O O O O Restaurant-Select +bos let 's go with shiraz . i need a booking for 5 at 16:30 on saturday . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos your table has been booked for 16:30 and will be reserved for 15 minutes . the reference number is vorp2nwk . what else can i do for you today ? eos 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 O O O O O O O O general-reqmore +bos i am also looking for a four star hotel . eos O O O O O O O O O B-Hotel-Inform+Type O N/A +bos there are three options to choose from . the huntington marriott hotel , the cambridge belfry , and the university arms hotel . which would you like ? 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 I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Hotel-Select +bos i want it to be a 4 star guesthouse with free parking and internet eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A +bos which part of time would you like to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos starting saturday for 4 people for 5 nights . eos O O O O O O O O B-Hotel-Inform+Stay O N/A +bos there are actually 16 guesthouses to choose from . is there an area of the city that you prefer ? 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 O O Hotel-Request+Area +bos maybe the centre near my restaurant . eos O O O B-Restaurant-Inform+Area O O O O N/A +bos how about alexander 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 is it available on saturday . eos O O O O O O O N/A +bos yes . would you like me to book that for you ? eos O O O O O O O O O O O O O Booking-Inform +bos yes . please book it for 4 people and 5 nights beginning 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 you are booked . the reference number is c9lrret8 eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks for all the help . that 's all i needed today . eos O O O O O O O O O O O O O O general-thank +bos thanks for contacting cambridge towninfo centre have a wonderful trip . goodbye . eos 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 leicester . i want to leave after 14:45. eos O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Leave O O N/A +bos no problem . what day will that be for ? eos O O O O O O O O O O O Train-Request+Day +bos for thursday please and i want to go to cambridge . eos O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Depart O N/A +bos tr939 leaves cambridge and goes to leicester at 15:21 would that work for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Leave O O O O O O Train-Select +bos actually i need a train leaving leicester going to cambridge . not the reverse . eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O N/A +bos i 'm sorry . yes , train tr1575 will arrive in cambridge by 16:54. it leaves leicester at 15:09. can i book it for you ? eos 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 B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos yes , please . i need tickets for 5 people and a reference number , if possible . 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 got it , 5 tickets were booked , reference number is 2ycgd64v . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos thank you for your help . eos O O O O O O O general-thank +bos no problem . glad to be of assistance . eos O O O O O O O O O O general-bye +bos are there any hotels that offer both free parking and free wifi ? eos O O O O O O O O O O O O O O N/A +bos almost every place in cambridge meets those requirements ! do you have an area or price range in mind ? eos O B-Hotel-Inform+Choice I-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 O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i need it to be in the cheap range . thanks for helping me with this ! 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 you 're very welcome . we have ten great , inexpensive guesthouses spread throughout cambridge , such as our alexander bed & breakfast which is rated 4 stars . eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type 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 O O O O B-Hotel-Recommend+Stars O O O O O general-welcome +bos that sounds great . i would like to book that for 8 people and 4 nights starting from tuesday . 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 booking was successful . reference number is : iq8wdokb . is there anything more 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 the shanghai family restaurant eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos yes of course , the shanghai family restaurant is located in the centre of town , would you like me to book it for you ? eos 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform +bos may i just get their phone number please . i am also going to need a taxi . eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Phone +bos their phone number is 01223301761. where are you headed in your taxi ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O Taxi-Request+Dest +bos i want to leave the hotel at 11:15 and go to the restaurant . please give me car type and contact number too . 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 O O O Taxi-Request+Car +bos i 've booked a black honda for you . the contact number is 07084963980. what else would you like today ? 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 great , thanks ! that is all for now . eos O O O O O O O O O O O general-thank +bos glad to help . enjoy your visit . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for a train leaving from leicester . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos you have 133 options to choose from . where will you be heading ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Dest +bos i need to be in cambridge by 13:00 eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos what day do you want to travel ? eos O O O O O O O O O Train-Request+Day +bos i 'm looking to travel on friday . eos O O O O O O B-Train-Inform+Day O O N/A +bos tr8659 leaves at 10:09 and arrives at 11:54 , will 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 O N/A +bos yes . thank you . please book it for 7 people . eos 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 264.59 gbp payable at the station .reference number is : 6q8i2tit . 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 thanks so much . i also was hoping you might be able to see if there are any parks in the south ? 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 N/A +bos absolutely ! we have 2 parks in the south . i recommend wandlebury country park . it has free admission . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area 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 O O O N/A +bos can i have the postcode and phone number for that park ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos 01223243830. postcode , cb223ae . anything else ? eos O B-Attraction-Inform+Phone O B-Attraction-Inform+Post O O O O O general-reqmore +bos no that will be ll . thank you . eos 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-welcome +bos have a good day . bye . eos O O O O O O O O general-bye +bos have a great time , bye now ! eos O O O O O O O O O general-bye +bos hi . i will be coming to cambridge soon and i want to do a little planning first . i have read about different things to do and 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 O O O O N/A +bos yes , there is so much here . you 'll like it . can i find something in particular for you ? 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 Attraction-Request+Type +bos i 'm looking for an architecture attraction , please . eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos all saints church is located in the centre and has fabulous architecture ! 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+Type O N/A +bos is there a fee to get in there ? eos O O O O O O O O O O N/A +bos there is not a fee for all saints church , would you like more information about it ? eos O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O general-reqmore +bos no that is great . i do need a place to stay however . eos O O O O O O O O O O O O O O O N/A +bos okay ! did you have a particular area or price type you were looking for ? eos 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 an expensive guesthouse in the north with free parking . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O B-Hotel-Inform+Parking O O N/A +bos i am sorry but i ca n't find any guesthouses that meet your criteria . could you use a different price range ? 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 Hotel-Request+Price +bos please try one with a moderate price range . eos O O O O O O O O O O N/A +bos how about the arbury lodge guesthouse ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos that sounds great ! thank you for helping me with this ! 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 N/A +bos i was n't going to book it for you ? eos O O O O O O O O O O O Booking-Inform +bos yes , please book it for 6 people for 2 nights starting on 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 O N/A +bos you are booked as requested for arbury lodge guesthouse , the reference number is e54bag41 , can i assist 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 O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i also need a taxi and would like to leave the hotel by 9:30. eos O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos sure ! what is the destination for the taxi ? eos O O O O O O O O O O O Taxi-Request+Dest +bos the all saints church . eos O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos thank you very much , i have booked you for a white tesla at 09:30. the contact number is 07369590593. is there anything else i can do for you ? 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 O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , you 've done enough . i appreciate the help . eos O O O O O O O O O O O O O N/A +bos you 're welcome . i 'm glad i could help . have a nice day . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye +bos find me a modern european restaurant in the south . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i found restaurant alimentum that fits your needs . would you like me to book that for you ? 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 O Booking-Inform +bos is it in the moderate price range ? eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes it is . 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 , book for 7 people at 15:30 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 O N/A +bos i 'm sorry , that is n't available for that time slot . can you change it perhaps ? eos O 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+Time +bos well how about 14:30 then ? eos O O O O B-Restaurant-Inform+Time O O N/A +bos yes , i was able to book your party at 14:30. your reference number is 7h21oo6l . please note the table will be held for 15 minutes . you need anything else ? 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 O O O O O O general-reqmore +bos do you know where castle galleries is eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos yes , the address is unit su43 , grande arcade , saint andrews street . 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 N/A +bos what is the post code , area of town , and type of attraction ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Type +bos the post code is cb23bj , it is in the centre of town , and it is a museum . eos O O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Type 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 O Taxi-Inform +bos sure ! when would you like to leave and arrive by ? eos O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i would like to arrive at the restaurant in time for my booking . eos O O O O O O O O O O O O O O O N/A +bos i have booked a grey volvo for you . the contact number is 07114144706. is there anything else i can do for you ? 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 no thanks . i think that was all . have a good day . bye . eos 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 help . take care . eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant that serves gastropub food and is expensively 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 i have 3 that match . one is in the east area and two are in the centre . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice 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 Restaurant-Select +bos i have no preference , can you give me the postcode , phone number , and area for the closest 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 Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Phone +bos the backstreet bistro phone number is 01223306306 and the post code is cb12qa . 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 B-Restaurant-Inform+Post O N/A +bos and what part of town is that in ? eos O O O O O O O O O O N/A +bos the backstreet bistro is in the town centre . do you want 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+Area I-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform +bos no i will just go there . can you help me find some museums 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 N/A +bos there are several museums in the center of town . is there anything in particular you are interested in seeing ? 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 O O O O O O O O O O O O Attraction-Request+Type +bos is there one you would recommend and the address please ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos i would recommend the backstreet bistro . their address is 2 sturton street city centre eos 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos great , that 's all i needed to know . eos O O O O O O O O O O O N/A +bos great , enjoy your trip ! eos O O O O O O O general-bye +bos thank you , goodbye again . eos O O O O O O O general-bye +bos thanks for using our system eos O O O O O O 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 oh there are many here in the centre ! did you have a particular cuisine type you were interested in ? 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 O O O O O Restaurant-Request+Food +bos i 'm looking for a restaurant that serves chinese food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos we have four such places . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O N/A +bos if you could find me one and if i could get the address , 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 Restaurant-Request+Addr +bos how about sesame restaurant and bar at 17 road city centre ? 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 B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr N/A +bos sure , can i have their postcode , number and address ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the sesame restaurant and bar is located at 17 hills road city centre , postcode cb21nw , and their phone number is 01223358899. can i help with anything else ? eos 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 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 general-reqmore +bos yes , i 'll also need somewhere to go while i 'm in town . can you find me an attraction in the same area as the sesame restaurant ? i 'd like to visit a 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 O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are many options in the centre of town . do you have a type of attraction in mind ? eos 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 Attraction-Request+Type +bos a college please . i 'll need the entrance fee , postcode , and phone number for the one you suggest . eos 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos sorry ! i must pay better attention . i recommend emmauel college , which offers free entrance . the postcode is cb23ap and the phone number is 01223334200. can i help you with anything else ? eos O O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee 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 O general-greet,general-reqmore +bos may i have a second recommendation with their 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 there is downing college , post code cb21dq , and phone number 01223334860. anything else ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Post O O O B-Attraction-Recommend+Phone O O O O O general-reqmore +bos that should be all i need , thank you so much . eos 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-welcome,general-bye +bos i 'm looking for museums eos O O O O B-Attraction-Inform+Type O N/A +bos i can recommend a museum for you . first , was there a particular area of town you wanted to visit ? 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+Area +bos i am open to suggestions on the location . eos O O O O O O O O O O N/A +bos the cafe jello gallery is a museum in the west of town . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area N/A +bos can you recommend an italian restaurant in the centre as well ? eos 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 preference for the price range ? eos O O O O O O O O O O O Restaurant-Request+Price +bos i am on a tight budget so would prefer something in the cheap price range . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos zizzi cambridge is in the cheaper range , how does that sound ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price O O O O O O O N/A +bos that sounds perfect . can you book me a table for 3 on thursday at 18:45 ? 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 N/A +bos i was unable to book at that time . would you like to try another time ? eos O 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 Booking-Request+Time +bos yes , can you try to book at 17:45 ? eos O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos booking was successful , the reference number is fdcbud77 the table will be held for 15 minutes , 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 O O O O O O general-reqmore +bos i think that is all i need , thank you . good bye . eos O O O O O O O O O O O O O O O general-bye +bos i 'm happy we were able to help you today . enjoy your time in cambridge ! 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 there . i have heard lots of good things about a restaurant called rajmahal . can you tell me anything about it ? eos O 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 O O N/A +bos it 's an indian restaurant located in the east . they are moderately priced . would you like to make a reservation ? eos O O O B-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 O O O O O O O Booking-Inform +bos nope but can i get the postcode for that ? eos O O O O O O O O O O O Restaurant-Request+Post +bos certainly . they 're located in postcode cb58rg . do you need assistance with anything else today ? eos O O 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 would like some information on the cambrige artworks . eos O O O O O O O O O O O O N/A +bos the cambridge artworks is located at 5 greens road , postal code cb13ef and the phone number is 01223902168. admission is free . 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+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee O N/A +bos thank you for the information . good bye ! eos O O O O O O O O O O general-bye +bos you are very welcome . i hope you have a wonderful 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 +bos ok , hope you have a good day too . bye . eos O O O O O O O O O O O O O general-bye +bos if you need anything in the future do n't hesitate to call . eos O O O O O O O O O O O O O O general-bye +bos i need to find a place to eat in centre please . eos O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are several to chose from what 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 Restaurant-Request+Price +bos i need 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 four modern european restaurants in the centre . two are moderately priced , one is cheap and one is expensive . do you have a preference ? eos O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Price +bos please try to book a table for 3 people at your favorite one . eos O O O O O O O O O B-Restaurant-Inform+People O O O O O N/A +bos what day do you want me to book it for ? eos O O O O O O O O O O O O Booking-Request+Day +bos on sunday at 14:45 please . eos O O O O O O O N/A +bos how about the riverside brasserie ? it is moderate priced . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O N/A +bos sure , that sounds great . can you get that table for 3 for 14:45 on sunday ? eos 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 yes , you 're booked with reference number lp74urje . may 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 O O general-reqmore +bos i 'd also like to see a college , any would do . and could you give me the address and entrance fee as well , 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 O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos the churchill college is at storey 's way and is free , did you need anything else ? 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 O O O O O O O O general-reqmore +bos that sounds great . yes , actually , i 'd like to book a taxi to go from the college to the restaurant please , so we can arrive 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 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 red skoda . the contact number is 07626173176.. 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 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 can i help you with anything else ? eos O O O O O O O O O general-reqmore +bos no thanks . that will be all for today . thanks . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos fantastic - have a great time on your visit ! thanks for choosing cambridge towninfo centre . eos O O O O O O O O O O O O O O O O O O general-bye +bos i 'm going to cambridge and would like to know about places to go in town . i 'm looking or a swimming pool attraction 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+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O N/A +bos wonderful ! there are two , one is between victoria road and the river and the other is jedburgh court and kigs hedges . which would you like ? eos O O O O B-Attraction-Inform+Choice 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 I-Attraction-Inform+Addr O O O O O O O Attraction-Select,general-greet +bos choose the one with the best reputation for me . i will need the address and entrance fee 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 Attraction-Request+Fee,Attraction-Request+Addr +bos kings hedges learner pool is at jedburgh court , kings hedges and the postcode is cb42xh . eos O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Name O O O O O O O O O O B-Attraction-Inform+Post O O N/A +bos thanks . can you help me find a mediterranean restaurant as well ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are 3 in the centre of town . do you prefer expensive or cheap ? 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 B-Restaurant-Select+Price I-Restaurant-Select+Price N/A +bos i need it to be in the expensive price range and i 'm looking for a table for 4. eos 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 there are 2 expensive mediterranean restaurants in the centre . in order to determine which one can accommodate you , i 'll need to know what day you 'd like . eos O 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 O O O O O O O O O O O O O O Booking-Request+Day +bos monday , for 4 people at 15:00. eos O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O N/A +bos i was able to book you a table at the la mimosa for 4 people.ref no is a6jhos2n . it will be reserved for 15 minutes . anything else ? 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+People O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos thank you . going back to the kings hedges learner pool , 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 Attraction-Request+Fee +bos hmm , i ca n't find the information in the database unfortunately . 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos do any of the swimming pools in the north show an entrance fee ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos unfortunately , none of them have a listed entrance fee . i would be happy to provide you their phone number so that you can call them for it if you like . 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 O O O O O O O O O O general-reqmore +bos that 's okay , but i would like to book a taxi between the two places , please . 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 've booked your taxi , it will be a blue lexus with the contact number of 07039857311. 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 O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos thank you , the taxi should get me from the pool to the restaurant by 15:00 , right ? eos 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 yes , that 's correct . anything else i can help you with ? eos O O O O O O O O O O O O O O O general-greet,general-reqmore +bos no , thanks . that 's all i needed . eos 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 planning my trip to cambridge and need a train leaving peterborough after 21:45. eos O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos the first train leaves at 21:48. eos O O O O O O B-Train-Inform+Leave N/A +bos that wo n't work for me . when does the next one leave on tuesday ? eos O O O O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos i have one leaving at 22:19. would you like to book it ? eos O O O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos yes that time works . please book it . what is the train id ? eos O O O O O O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr8054 . may i have your details ( name , phone number , id , email ) so i can go ahead and make the booking 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 O O O O O O O O O O O Train-OfferBook +bos i do n't feel comfortable giving that to you . i 'll book on my own . can you just give me info 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 O O O O O O O O O O O N/A +bos certainly . 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 i need a room . do not need wifi or parking . eos O O O O O O O B-Hotel-Inform+Internet O O O O O N/A +bos okay , i have the alpha-milton guest house in the north area . will that work for you ? eos 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 O O O O O O O general-reqmore +bos yes and 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 O O N/A +bos on what day will you be checking in , for how long , 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 i do n't need reservations i just need the address and price range . eos O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Addr +bos moderate price range . located at 63 milton road . eos O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos thank you that will be all ! eos O O O O O O O O general-thank +bos enjoy your visit . eos O O O O O general-bye +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 B-Hotel-Recommend+Stars O B-Hotel-Recommend+Type O O O O O O O O O O Booking-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 +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 I-Hotel-Recommend+Price B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O 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 should depart from cambridge and should arrive by 11:15. i am going to stevenage eos O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Dest N/A +bos what day would you like to leave cambridge ? eos O O O O O O O O O O Train-Request+Day +bos i 'll be leaving on sunday . eos O O O O O B-Train-Inform+Day O O N/A +bos the tr5390 would be great , do you need a booking ? eos 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 1 ticket . 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 Train-Request+Ref +bos booking was successful , the total fee is 10.24 gbp payable at the station .reference number is : hbx3kmt9 . 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 thanks so much ! could i get the phone number for the acorn guesthouse ? eos O O O O O O O O O O O O O O O O Hotel-Request+Phone +bos their phone number is 01223353888. would you like me to book it for you ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform +bos no , thank you . i 'd just like to have the information for now . eos O O O O O O O O O O O O O O O O O general-thank +bos okay thank you so much for the help . eos O O O O O O O O O O N/A +bos that is all i need . eos O O O O O O O N/A +bos hope you have a wonderful stay ! 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,general-greet +bos i would like a train going to kings lynn . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos the tr3112 will get you there by 05:58. will that work ? eos O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O Train-Select +bos i do n't want to leave until after 17:30. eos O O O O O O O O B-Train-Inform+Leave O N/A +bos okay , there are many options for you to leave after 17:30 to kings lynn . where are you departing from ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O Train-Request+Depart +bos from cambridge . eos O O B-Train-Inform+Depart O N/A +bos what day will you travel ? eos O O O O O O O Train-Request+Day +bos i 'll be leaving on tuesday eos O O O O O B-Train-Inform+Day O N/A +bos great . there are several 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 O O Train-Request+Leave +bos i would like to leave after 17:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos i can get you a ticket on tr9452 it will arrive by 18:58 , how many tickets please ? eos O O O O O O O O B-Train-OfferBook+Id O O O O B-Train-OfferBook+Arrive O O O O O O Train-Request+People +bos i just need one ticket for myself . can i get a reference number ? 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 9.8 gbp payable at the station . reference number is : e9tvyr9y . you are all set . is there anything more 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 B-Train-OfferBooked+Ref O O 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 in the north with 4 stars and free parking . i would like to book for 2 nights starting sunday . eos 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 B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos 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 . eos O O 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-NoOffer+Type I-Hotel-NoOffer+Type O N/A +bos oh no , that 's not good ! i really wanted them to book a hotel that matches my criteria . oh 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 Hotel-Inform +bos ok do n't worry i 'm happy to help . can i try a different area 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 Hotel-Request+Area,Hotel-Request+Stars +bos how about a guesthouse instead ? eos O O O O B-Hotel-Inform+Type O O N/A +bos there are no guest houses matching either . can we try a different star rating or area ? 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 Hotel-Request+Area,Hotel-Request+Stars +bos yes that does sound good . eos O O O O O O O N/A +bos acorn guest house is in the north , it has a 4 star rating with free parking . will this 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 B-Hotel-Inform+Stars O O O O O O O O O O O O Hotel-Inform+Parking +bos book for the same number of people and 2 nights starting sunday eos O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos that was just for yourself , correct ? eos O O O B-Booking-Inform+People I-Booking-Inform+People I-Booking-Inform+People O O O N/A +bos yes 1 person please . eos O O O O O O N/A +bos ok you are booked at the acorn guesthouse for 2 days starting sunday . your reference number is wtceqw . will there be anything else ? eos 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 general-reqmore +bos that is all i need . eos O O O O O O O N/A +bos fantastic ! enjoy your trip . goodbye eos O O O O O O O O general-bye +bos i need to take a train from cambridge to the stansted airport , which train would be the best one ? eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O N/A +bos i have several trains traveling to stansted airport , which day would you like to leave ? eos 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 Train-Request+Day +bos i need to leave on tuesday after 16:00 , please . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O N/A +bos tr0471 leaving cambridge on tuesday at 16:40 and arriving at stansted airport by 17:08. would this one work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , that sounds good . thank you . 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 yes i 'm looking for a place to stay in the south part of town with a 3 star rating . eos 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 N/A +bos okay i have two different options . there is a guesthouse and a hotel . both have free parking and wifi . any preference as to which one ? eos O O O O O B-Hotel-Select+Choice 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 O Hotel-Select+Parking,Hotel-Select+Internet +bos i would take the guesthouse . eos O O O O O O O N/A +bos okay , happy to help ! would you like more information or a reservation ? eos O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos the hotel please . i need to book it for 3 people 4 nights starting friday . eos O O B-Hotel-Inform+Type 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 you are booked into the lensfield hotel . the reference number is o46i4nor . my i help you with something 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 O general-reqmore +bos no . that is all i need . thanks . bye . eos O O O O O O O O O O O O O general-bye +bos great ! have a nice evening . eos O O O O O O O O general-bye +bos can you help me find a train leaving on sunday going to cambridge ? thanks . eos O 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 where will you be traveling from ? eos O O O O O O O O Train-Request+Depart +bos i 'll be leaving from peterborough and would like to leave after 09:00. eos O O O O O B-Train-Inform+Depart O O O O O O O O N/A +bos what time do you need to arrive ? eos O O O O O O O O O Train-Request+Arrive +bos it does not matter as long as i can leave after 9:00. eos O O O O O O O O O O O O O N/A +bos i have train tr0774 leaving at 09:19 is that okay for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-Select +bos yes , that 'll work . can you also please find me 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 there are many places to stay , could you give me some preferences to find the best one 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 O O general-reqmore +bos three stars , moderate price range . eos O O O B-Hotel-Inform+Price O O O O N/A +bos would you like a hotel or guesthouse ? eos O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos a guesthouse will be fine . eos O O B-Hotel-Inform+Type O O O O N/A +bos i have four options . do you need free parking or internet ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos thank you ! i do n't need parking or internet . eos O O O O O O O O O O O O general-thank +bos what area of town ? eos O O O O O O Hotel-Request+Area +bos it does n't matter . can you please recommend one and book it on sunday for 3nights for 5 eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O N/A +bos what day will you be staying ? eos O O O O O O O O Booking-Request+Day +bos as i mentioned already , sunday . eos O O O O O B-Hotel-Inform+Day O O N/A +bos booking was successful.reference number is : s0ezt0pl . eos O O O O O O O B-Booking-Book+Ref O N/A +bos that was all i need . eos O O O O O O O N/A +bos thanks for calling , and if you need anything else just ring us back . 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 city centre north b and b 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 I-Hotel-Inform+Name O N/A +bos may i help set a booking for you ? eos 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-Request+Parking +bos they offer parking but i am unsure if it is free , but their phone number is 01223312843 if you 'd like to call and check with them . eos O O O 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 O O O Hotel-Inform+Parking +bos hmm . okay . could you help me find a train ? i need to leave on sunday . eos 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 and when would you like to leave by ? eos O O O O O O O O O O Train-Request+Leave +bos i want to leave on sunday and arrive by 14:00. eos O O O O O O O O O O B-Train-Inform+Arrive N/A +bos where are you traveling from and to ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am traveling to cambridge from broxbourne . eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest N/A +bos tr2939 will leave at 12:01 and arrive at 13:01. would you like 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 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 it is done , your reference number is ynuex070 and you will need to pay 14.32 gbp at the station . eos O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O 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 was that everything you needed ? eos O O O O O O O general-reqmore +bos i 'm awful with math , 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 Train-Request+Duration +bos 60 mins would be the total duration . eos O O B-Train-Inform+Time I-Train-Inform+Time O O O O O N/A +bos thank you for informing about the total duration . eos O O O O O O O O O O Train-Request+Duration +bos you 're welcome ! i hope i 've answered all of your questions . if you need further assistance , please give us a 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 O O general-welcome,general-bye +bos i am wanting to book a train arriving in stevenage by 19:15. can you help me ? eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O N/A +bos certainly , where will you be departing from 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 O O Train-Request+Depart,Train-Request+Leave +bos i will be leaving cambridge on thursday . eos O O O O O O O O O N/A +bos tr1165 arrives at 18:10 and departs at 17:21. eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave N/A +bos that sounds good . 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 tr4765 seems to be a better match for what you 're looking for , it arrives by 18:10 and total travel time is 49 minutes . would you like to book a ticket ? eos O B-Train-Inform+Id O 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+Time I-Train-Inform+Time O O O O O O O O O O Train-OfferBook +bos no need to book a ticket . i can take care of that later . but thank you . have a nice 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 general-thank +bos you as well ! thank you ! eos O O O O O O O O general-welcome,general-bye +bos hi there , i 'm looking for a middle-range hotel located in the south of cambridge . 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 two hotels that meet your criteria , aylesbray lodge which is a 4 star hotel , and bridge guest house which is 3 star , would you like more information 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 O O O O O O O O O O O O O O N/A +bos yes please . is any of these two a guesthouse type of hotel ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos there is the aylesbray lodge guest house and the bridge guest house , both meet your requirements . 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 what is the postcode of aylesbray lodge ? eos O O O O O O O O O Hotel-Request+Post +bos the postcode of the aylesbray lodge guest house is cb17sr . 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+Post O N/A +bos great , thanks . can you also help me find a lebanese restaurant ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there is one i know of . ali baba in the centre . it is a moderately priced lebanese place . does that work ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O Booking-Inform +bos yes . can you book that for 5 people at 18:15 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 i have successfully booked your table for 5 at 18:15 on friday . your reference number is rxc5fu89 . anything else i can help you with ? 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 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 you 're welcome . 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 O O O general-welcome,general-bye +bos you have a good day as well . goodbye . eos O O O O O O O O O O O general-bye +bos thank you again for using our service . eos O O O O O O O O O general-bye +bos i 'm looking for a museum attraction in the west . eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos there are 7 museums on the west side of town . how does the cambridge and county folk museum sound ? 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 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 sounds fantastic . can i get 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 entrance fee is 3.50 pounds and their phone number is 01223355159 eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone N/A +bos can you also looking for a restaurant called golden wok ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos it is a chinese restaurant in the north part of town in the moderate price range 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 B-Restaurant-Inform+Price O O N/A +bos wonderful . can you make a reservation for friday at 17:15 for 3 people ? 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 N/A +bos just a moment please . i took care of that reservation for you . they will be expecting you friday at 17:15. your reference number is 5zfdmtis . eos O O O O O O O O O O O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O N/A +bos could you also please book me a taxi from the museum to golden wok ? i really do n't want to miss my reservation , so it 'll have to get there by 17:15. eos 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 O O O O O O O B-Taxi-Inform+Arrive O O O O N/A +bos i have confirmed your taxi which will be a blue audi , their contact number is 07575626056. do you require 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 B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos no , that 's perfect . thank you for your assistance . eos O O O O O O O O O O O O O general-thank +bos you 're welcome ! and you 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 train that gets me into cambridge by 21:30 eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos sure , what day are you traveling ? eos O O O O O O O O O Train-Request+Day +bos i 'm leaving on saturday . i am coming from london kings cross . eos O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O N/A +bos the tr7223 arrives in cambridge at 20:08. will that suit you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O Train-Select +bos yes , could you book me tickets for 7 people on that train ? eos O O O O O O O O O B-Train-Inform+People O O O O O N/A +bos absolutely ! go ahead and pay 132.16 gbp at the station for the 7 tickets . would you like your reference number ? eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+People O O O O O O O O O general-reqmore +bos can you recommend a cinema 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 no cinemas in the east . can i help find something else ? eos O O O O O O O O O O O O O O O O general-reqmore,Attraction-NoOffer +bos actually , yes , i do need that reference number on that train . and , maybe you could find a museum instead of a cinema ? eos O O O O 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 reference number is k13l3ilc . eos O O O O B-Train-Inform+Ref O N/A +bos what about a museum ? are there any of those in the east ? if so , please give me some additional information including the 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 O O Attraction-Request+Fee +bos there are 4 , i would recommend cambridge artworks 5 greens road , postcode cb13ef , number 01223902168. there is no entrance fee . is there anything else i can assist you with ? 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 I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O B-Attraction-Recommend+Phone 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 general-reqmore +bos thank you . you have covered everything . eos O O O O O O O O O general-thank +bos thank you for using our system . have a good day . eos O O O O O O O O O O O O O general-bye +bos can you find a place to go in the east ? eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos it 's what i do ! are you hoping for something fun , like funky fun house , or more relaxing , like the 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 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 N/A +bos i think i would like the relaxing option . what kind of place is it and where is it located ? 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 is a swimmingpool and located at pool way , whitehill road , off newmarket road . can i help with anything else ? eos O O 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 I-Attraction-Inform+Addr O O O O O O O O O general-reqmore +bos i 'm also looking for a restaurant eos O O O O O O O O Restaurant-Inform +bos i 'll be happy to help with that . what kind of food are 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 the restaurant should serve indian food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 22 indian restaurants in cambridge . do you have an area of town or a pricerange in mind ? 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 Restaurant-Request+Price,Restaurant-Request+Area +bos i would like one that is in the expensive range . eos O O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos curry garden is a nice place in the centre . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Area O N/A +bos great ! can you please book a table for 7 people at curry garden ? do they have any openings for 19:15 on monday ? eos O O O O O O O O O O B-Restaurant-Inform+People O O O O O O O O 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 : l9qz3hmu . will there be 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 thank you so much ! i 'm really looking forward to this dinner ! eos O O O O O O O O O O O O O O O general-thank +bos i really hope you enjoy it . can i help you with anything else ? eos O O O O O O O O O O O O O O O O general-reqmore +bos no that will be it . thank you so much . eos 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 general-bye +bos i need a train for sunday please . i prefer one that arrives by 20:15 eos 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 we have a lot of those ! where is your destination ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O Train-Request+Dest +bos i 'm heading to birmingham new street . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos tr2631 arrives by 19:44. 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 , that would be fine . i 'll need the price , train id , 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 O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave +bos the train will depart cambridge at 17:01 and the price is 60.08 pounds . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i would also like to find a nice concerthall in the middle of town . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos the concerthall in the centre of town is the man on the moon located at 2 norfolk street . eos 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+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 N/A +bos thank you for your help . that 's exactly what i needed today . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos you are so welcome , it was my pleasure ! goodbye for 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 place to go for entertainment in town . eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos which specific area of town are you interested in ? eos O O O O O O O O O O O Attraction-Request+Area +bos no i do n't have an area preference . eos O O O O O O O O O O Attraction-Request+Area +bos i have 5 entries . would you like to try whale of a time in the west ? eos O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O O B-Attraction-Select+Area O O N/A +bos can you tell me the 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 unfortunately i do n't have any information on their entrance fee , but the phone number is 01954781018. eos 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 B-Attraction-Inform+Phone O O N/A +bos i am also looking to eat basque food in the 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 there is no restaurant offering basque food in the moderate price range . eos O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Price O O O N/A +bos how about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos i have 4 restaurants that meet your criteria . is there a certain area 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 O Restaurant-Request+Area +bos yes , i would like to find one in the west . eos O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have found the meghna restaurant which serves indian food and is in the west . do you need more information ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O O O general-reqmore +bos can you book that for me and give me the reference number ? for saturday at 19:45 , 2 people eos O O O O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O B-Restaurant-Inform+People O O Restaurant-Request+Ref +bos booking was successful , the reference number is pa99nw0h. , any further questions ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O N/A +bos 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 eos O O O O 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 done . a white tesla will pick you up . contact : 07621171342 eos 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 . that will be all . have a great day ! 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 ! bye ! eos 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 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 sure , where are you departing from ? eos O O O O O O O O O Train-Request+Depart +bos departing from broxbourne and leaving after 17:00. eos O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave N/A +bos tr1828 is leaving at 17:32 , would you like to do that ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes please . i need reservations for two people . eos O O O O O O O O O O O N/A +bos booking was successful , the total fee is 35.79 gbp payable at the station . reference number is : 8br3oq5v . what else can i assist you with 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 O O general-reqmore +bos thanks . i am also looking for an expensive place to stay in the north part of town . eos 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 N/A +bos unfortunately , i do n't happen to have any places that are expensive in the north . can i look for something else for you ? eos O O O O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O B-Hotel-NoOffer+Area O O O O O O O O O O O O N/A +bos could you please double check to make sure ? if that 's really the case then try the center 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 sorry , but the north does not have anything to meet your needs . there are , however , 2 options that meet your needs in the centre . one 3 and one 4 star . eos O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O O O B-Hotel-Inform+Choice 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 can i get more info on the 3 star one ? eos O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos sure , gonville hotel is a 3 star rating hotel located at gonville place . it offers free parking and free wifi . would you like me to reserve 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 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 , for 4 nights from thursday , and 2 people . eos O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O N/A +bos done ! your reference number is v43nqgh7 . 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 my friend came here last year and told me a bout a place called camboats , can you give me more info ? eos O 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 N/A +bos camboats are boasts in the east . anything else i can help with ? eos O B-Attraction-Inform+Name O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos how much is the entrance fee ? eos O O O O O O O O Attraction-Request+Fee +bos they do n't list an entrance fee . would you like their address and phone number ? eos 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 general-reqmore +bos yes please , could you tell me ? eos O O O O O O O O O N/A +bos their address is the plough , green end , fen ditton and their phone number is 01223902112. 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 B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos a train that departs from broxbourne and going to cambridge . leaves monday after 09:00. eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos the tr0559 will get you here by 10:30. need a reservation ? eos O O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O Train-OfferBook +bos yes i need a reservation . eos O O O O O O O N/A +bos how many tickets will you need reserved for the tr0559 ? eos O O O O O O O O O O O O Train-Request+People +bos i actually do n't need a reservation . i just need the arrival 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 +bos your train will arrive at 10:32 and will travel for 60 minutes eos O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time N/A +bos that 's all i need . thank you for your prompt service . 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 services . great day 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 O N/A +bos will you need help with transportation , food , lodging or attractions while there ? 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 camboats . eos O O O O O O O O B-Attraction-Inform+Name O N/A +bos yes , camboats is a boat attraction located in the east part of town , would you like their phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 general-reqmore +bos yes , i 'd like their 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 their phone number is 01223902112 , and their postcode is cb58sx . will that be all ? 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 general-reqmore +bos i am are also looking for a train . the train should depart from stansted airport and should leave after 14:45.the train should leave on monday and should go 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 O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O N/A +bos how about tr2958 that leaves at 15:24 eos O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Leave N/A +bos yes , that should work . can you book me for 1 ticket please ? eos O O O O O O O O O O O B-Train-Inform+People O O O O N/A +bos your seat has been booked and 10.10 gbp will be payable at the station . your reference number is k8u0ogm7 . what else can i do for you ? 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 O O O O O O O O O O general-reqmore +bos nothing else , you 've been great , thanks . 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 +bos i need to get a train to bishops stortford leaving after 20:45. eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos oh what day would you like to travel ? eos O O O O O O O O O O Train-Request+Day +bos i need to leave on sunday . eos O O O O O O B-Train-Inform+Day O N/A +bos i have only two trains on sunday matching those constraints . would you like me to book the 21:29 ? eos O O O O O B-Train-Inform+Choice O B-Train-Inform+Day O O O O O O O O O O B-Train-OfferBook+Leave O O N/A +bos please just tell me the price , travel time and the train id eos 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 tr1389 leaves at 21:29. the price is 8.08 pounds . 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 N/A +bos great . can you give me information on jesus green outdoor pool ? i need fee amount if any , postcode , phone number and address 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 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 jesus green ourtdoor pool is located between victoria road and the river at postcode cb43px and can be reached at 01223302579. i do n't have any information about fees . 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 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 B-Attraction-Inform+Post I-Attraction-Inform+Post 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos okay wonderful ! thank you for all of your help ! eos O O O O O O O O O O O O general-thank +bos you are very welcome . i will sign off now . eos 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 on sunday after 12:00. eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos i 'd be happy to help you find something . 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 Train-Request+Depart +bos i am leaving from peterborough going to cambridge eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest N/A +bos train number tr9345 leaves peterborough at 12:19 and arrives in cambridge around 13:09. would you like a ticket for this train ? eos 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 O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos i want tickets for 3 people and give me reference number . eos O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref +bos your reference number is : oyyuxxum . 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 general-reqmore +bos im also looking for a place to go in town eos O O O O O O O O O O O N/A +bos we have many fantastic attractions ! would you like to narrow it down by area or type ? 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+Type +bos i do n't care where- just a museum . eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos cambridge artworks would suit your needs . can i get you more info on it ? eos 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 general-reqmore +bos yes can i get the info please ? eos O O O O O O O O O N/A +bos it is located at 5 greens road in the centre area of town . the phone number is 01223902168. the admission is free . eos 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 I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee N/A +bos thank you and what is the postcode ? eos O O O O O O O O O Attraction-Request+Post +bos cambridge artworks is in postcode cb13ef . do you need anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O O O O O O O general-reqmore +bos no thats all 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-welcome +bos hello , i need a train to peterborough from cambridge please eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos which 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 , and arrive by 14:45 eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos tr9859 would fit your needs 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 actually , no need to book . but , can i get the travel time and the price of the ticket 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 of course . the travel time is 50 minutes . the price is 16.50 pounds . would you like any other information ? eos 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 O general-reqmore +bos yes , 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 N/A +bos sure , i can help you with that . what kind of attraction were 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 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 there are many . would you like me to recommend one for you ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O N/A +bos yes , please . what is your favorite museum ? i 'd like their address and postcode . you 're a lifesaver ! eos 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 museum of archaeology and anthropology is excellent . they 're at university of cambridge , downing street in postcode cb23dz . is there anything else i can help you with ? 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+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Post O O O O O O O O O O O O O O general-reqmore +bos um ... no , i think i should be good with that . thanks . 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 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 thanh binh . can you help me find 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 absolutely ! thanh binh is a wonderful vietnamese restaurant in the west . it is relatively cheap . would you like any more information about them ? eos 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 B-Restaurant-Inform+Price O O O O O O O O O O O O general-reqmore +bos sounds perfect . could you book it for myself and five others on friday ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos would you like a reference number . eos O O O O O O O O general-reqmore +bos yes but if you could book it for 6 , at 12:00 on friday , that would be good . 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 N/A +bos i can , would you like the reference number ? eos O O O O O O O O O O O Booking-Inform,general-reqmore +bos of course i would like the reference number . eos O O O O O O O O O O Restaurant-Request+Ref +bos i 'm sorry but i can not book that . eos O O O O O O O O O O O Booking-NoBook +bos can you book it for 11 instead ? eos O O O O O O O O O N/A +bos sorry , the restaurant ca n't accommodate you during that time . eos O O O O O O O O O O O O O Booking-NoBook +bos hmm , how about 11:00 ? eos O O O O O O O N/A +bos looks like my system is acting up and ca n't accept you for 11:00. want to try for another time ? eos O O O O O O O O O O O O O B-Booking-NoBook+Time O O O O O O O O Booking-Request+Time +bos yes , please try for 12:00 eos O O O O O O O N/A +bos i 'm sorry . i 'm not sure what is going on . it will not let me book . would you like 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 O O O O O O O Booking-NoBook,general-reqmore +bos sure , what do you have available ? eos O O O O O O O O O N/A +bos would you like to stick with asian cuisine ? eos O O O O O O O O O O Restaurant-Request+Food +bos can you please try again at 12 on friday ? eos O O O O O O O O O O O N/A +bos i 'm sorry i am unable to book that . eos O O O O O O O O O O O Booking-NoBook +bos how about 11:00 that day ? eos O O O O O O O N/A +bos i am sorry i can not book it at that time . 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 O O Booking-NoBook,general-reqmore +bos no thank you . can you help me find an attraction ? eos O O O O O O O O O O O O O Attraction-Inform +bos what kind of attraction would you like to see ? eos O O O O O O O O O O O Attraction-Request+Type +bos any kind of entertainment in the centre please . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos nothing was found . shall i look for entertainment in a different area ? eos O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O B-Attraction-Select+Area I-Attraction-Select+Area O O Attraction-NoOffer,Attraction-Request+Area +bos yes , the type of concert hall . i need address and a taxi for 11 and the car type and contact number please eos 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 Taxi-Request+Car,Attraction-Request+Addr +bos there is one concert hall in centre . it is called the man on the moon . eos O O O O B-Attraction-Inform+Choice 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 N/A +bos great . can you please give me the address ? eos O O O O O O O O O O O Attraction-Request+Addr +bos absolutely ! 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 great , can you also book a taxi for me ? eos O O O O O O O O O O O O Taxi-Inform +bos where are you departing from and where are you headed ? eos O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart +bos i just need it to arrive at the restaurant at the correct time . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos i do need the departure place and destination in order to book the 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 concert hall to the restaurant . eos 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 alright . how many people is this for ? eos O O O O O O O O O O N/A +bos it will be for six people . eos O O O O O O O O N/A +bos i need to book a reservation for you to tell the taxi man ... eos O O O O O O O O O O O O O O O Booking-Inform +bos can you please just book me for taxi service ? eos O O O O O O O O O O O Taxi-Inform +bos you are in luck , i have managed to get you a table for 6 at 12:00 friday at thanh binh . 9n8m4hq9 is the reference . would you still like a taxi ? eos O O O O O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time I-Booking-Book+Time O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos yes , please . i need it 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 +bos i have booked you with a blue honda to arrive by 12:00 at the restaurant . the phone number to contact them is 0713064642.. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Arrive O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O B-Taxi-Inform+Phone O N/A +bos thank you , that is everything . eos O O O O O O O O general-thank +bos you are welcome . thank you for your patience . i 'm sure you will have a delightful visit 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 O O general-welcome,general-bye +bos i 'm looking for a 2 star hotel . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos there are 3 hotels that have a 2 star rating . is there a price range you are wanting ? 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 Hotel-Request+Price +bos not really , but it needs to be in the east and include 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 the only hotel that is in the east with free wifi is express by holiday inn cambridge . would you like to go ahead and book a room ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O 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 I-Hotel-Inform+Name O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes , for two nights please . eos O O O O O O O O N/A +bos 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 ? eos O O O O O O O O O O O O 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 just need the phone number for the hotel please . eos O O O O O O O O O B-Hotel-Inform+Type O O Hotel-Request+Phone +bos the phone number for the express by holiday inn cambridge is 01223866800. can i help you with booking for this hotel ? 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 O B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform +bos no , but i 'd like to know the address and phone number for wandlebury country park . 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+Phone,Attraction-Request+Addr +bos the phone number for wandlebury country park is 01223243830. is there anything else i can assist you with ? 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 general-reqmore +bos may i also get the address for wandlebury country park please . eos O O O O O O O O O O O O O Attraction-Request+Addr +bos the number is 0122324380. eos O O O O B-Attraction-Inform+Phone N/A +bos what is the address , please ? eos O O O O O O O O Attraction-Request+Addr +bos the address is wandlebury ring , gog magog hills , babraham . eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos was there anything else i could help you with today ? eos O O O O O O O O O O O O N/A +bos have all of your needs been met for today ? do you require further assistance with anything ? eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos no . i have everything i need . thank you and 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 . have a great day ! eos O O O O O O O O O O O O O general-bye +bos yes i am looking for a place to stay that includes free wifi . i would prefer a guesthouse . eos O O B-Hotel-Inform+Internet 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 have found several guesthouses is there a particular are you wish 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 Hotel-Request+Area +bos i am looking for a cheap hotel with a rating of 0 out of 5 stars . 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 N/A +bos i have the el shaddai in the center that is cheap and has a 0 star rating . would you like a booking ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O Booking-Inform +bos does the el shaddai include free wifi ? eos O O O O O O O O O N/A +bos yes they sure do . 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 Booking-Inform,Hotel-Inform+Internet +bos yes that will be fine . i will be needing accommodations for 5 adults for a total of 4 nights 5 days beginning sunday . include reference number . eos 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+Stay O O O B-Hotel-Inform+Day O O O O O O Hotel-Request+Ref +bos your reference number is 0e0r0nej . eos O O O O O B-Booking-Book+Ref O N/A +bos okay , thank you . i would also like to go to a museum while i 'm in town . could you give me some information on possible options ? 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 O O O N/A +bos there are many different museums available . is there a certain area you would prefer ? eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Area +bos no thank you . could you recommend your favorite museum ? eos O O O O O O O O O O O O general-thank +bos the broughton house gallery is a lovely museum in the centre of town . it 's located at 98 king street cb11ln and has free entrance . their phone is 01223314960. would that work ? 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 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 I-Attraction-Inform+Addr O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O O O O N/A +bos actually , yes , that 's great . you 've answered all my question wonderfully , thank you . 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 you 're very welcome . have a good 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 information on cambridge university botanic gardens . 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 N/A +bos they are on bateman st , postal code cb21jf , they can be reach at 01223336265 , the entrance fee is 4 pounds , can i help with anything else ? eos O O 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 O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos yes can you help me find a restaurant ? eos O O O O O O O O O O Restaurant-Inform +bos the botanic gardens are in the centre . would you like the restaurant to also be in the center ? do you have any type of cuisine in mind ? eos O O B-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 O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos never mind , i will worry about food later . i am actually looking for a hotel with a guesthouse and free parking would be great as well . 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 O O O O O O O N/A +bos there are 21 guesthouses with free parking , do you have a price or area preference ? 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+Price,Hotel-Request+Area,Hotel-Inform+Parking +bos cheap and in the south please . eos O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O N/A +bos i found a guest house listing for rosa 's bed and breakfast in the south . would you like more information ? eos O O O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O B-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 general-reqmore +bos i really need a hotel in the west please . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos i have 1 hotel in the west . the cambridge belfry is cheap with 4 stars . it offers free parking and wifi . do you need a room ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O B-Hotel-Recommend+Stars O O O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos i 'm sorry . i really was looking for a guesthouse . eos O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos okay . and did you want it in the west or the south ? eos O O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O general-greet +bos i would like the west please . eos O O O O O O O O N/A +bos i found finches bed and breakfast matching your request . would you like to book a room now ? 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 O O Booking-Inform +bos can you please book for saturday , 2 people , 5 nights please ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Day O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O N/A +bos booking was successful.reference number is : w1qivtny . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you so much . i believe that is all i need today . thanks again 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 general-thank +bos have a nice day . eos O O O O O O general-bye +bos do you have directions to a guesthouse i can rent in the west of cambridge ? eos O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O O N/A +bos i have a variety . if you can narrow down your choice by price range and maybe rating . 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+Stars,Hotel-Request+Price +bos a 3 star rating would be perfect . eos O O O B-Hotel-Inform+Stars O O O O O N/A +bos hobsons house is at address 96 barton road postcode cb39lh and their phone number is 01223304906. eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr B-Hotel-Recommend+Post I-Hotel-Recommend+Post O O O O B-Hotel-Recommend+Phone N/A +bos great , can you help me find some place to go in the centre , maybe a college ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Type O O O N/A +bos there are 13 to choose from , are you looking for one with free admission ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Price +bos that does n't actually matter . you can choose the one you most recommend and then 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 O Attraction-Request+Post +bos how about christ 's college ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos yeah that is fine , can i get their phone number and zip code ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos absolutely . their phone number is 01223334900. the postcode is cb23bu . is there anything else i can assist 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 O O general-greet,general-reqmore +bos yes , i also need a taxi to go between the two . i want to leave the hotel by 20: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 O N/A +bos booked car type : white bmw . is there 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 O O O O O general-reqmore +bos that 's it for me today . thanks so much ! bye ! eos O O O O O O O O O O O O O O general-bye +bos your welcome . contact us again anytime . good bye ! eos O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos i 'm looking for a nice expensive restaurant to dine in aat the centre of town . eos O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos sure , we have many . 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 Restaurant-Request+Food +bos i am not . i do want a table for 5 at 17:30 on thursday though . 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 i made you a reservation for kymmoy . your reference number is 1po9x49z . eos O O O O O O O B-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A +bos great , can you also help me find a place to visit , like a park ? eos O O O O O O O O O O O O O O O O O O N/A +bos on what area are you looking for the attraction ? eos O O O O O O O O O O O Attraction-Request+Area +bos are there any parks i could visit ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos there are five parks to choose from . would you prefer to visit the centre , south , north , or east ? eos O O O B-Attraction-Inform+Choice I-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 the location is n't important , maybe just something near the restaurant . i just need the park 's address and i would like to know of any entrance fees . eos O O O O O O O O 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 wadlebury county park is in the south side of town . it is located at wandlebury ring , gog magog hills , babraham . there is no entrance fee . eos 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 O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O 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 you are very welcome ! have a nice day ! eos O O O O O O O O O O O general-bye +bos can you give me some information on the bloomsbury restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos absolutely ! it is a great international restaurant located in the centre of town . it is moderately priced . they are located at crowne plaza hotel 20 downing street . eos O O 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 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 general-greet +bos perfect . can i get a confirmed table for 2 at 16:15 on wednesday ? i 'll need some sort of 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 O O Restaurant-Request+Ref +bos yes great ! your reservation was successful and the reservation number is 5g377mjc . eos O O O O O O O O O O O O B-Booking-Book+Ref O O general-greet +bos fantastic . i also want to check out some nightclubs 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 nightclubs in the centre area and 1 in the south . do you have any other preferences ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O Attraction-Select +bos it needs to be in the centre area , please . eos O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos i have five in the centre . would you like more info on any of them ? eos 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 general-reqmore +bos i need phone number of either and 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 Attraction-Request+Phone +bos the phone number of club salsa is 07782218745. what time do you need a taxi from ? 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 Taxi-Request+Leave +bos can i also have the address of the nightclub ? eos O O O O O O O O O O O Attraction-Request+Addr +bos the address for club salsa is 1 station road . i can certainly book a taxi for you from bloomsbury restaurant to club salsa , when would you like it 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 O N/A +bos 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 eos O O O O O O O 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 your taxi . be expecting a red skoda . if you need to reach them , please call 07846707266. 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 N/A +bos ok , that 's all i needed , thanks ! eos O O O O O O O O O O O general-thank +bos have a wonderful time during your stay at cambridge . eos O O O O O O O O O O O general-bye +bos good afternoon . i am planning a trip and need some help with places i can go 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 N/A +bos sure ! we have all types of attractions . do you have anything in mind ? eos 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 general-reqmore,Attraction-Request+Type,general-greet +bos not really . i would like to stay toward the centre of town though . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos i have several attraction in the centre of town . could you provide a preference of type so i can narrow it down ? 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 O O O O O O O O O O O O O O O Attraction-Request+Type +bos i would love to check out some modern art museums please eos O O O O O O O O O O B-Attraction-Inform+Type 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 that sounds great ! can i have the address , phone number , and what 's 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 Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos its actually free to the public . the address is unit su43 , grande arcade , saint andrews street and their phone number is 01223307402. is there anything else i can help you with ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos i would also like to find a 3 star room . eos O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos there are six options that fit your criteria . is there a particular part of town you would prefer to stay 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 O O O O O Hotel-Request+Area +bos it does n't matter , but i prefer a guesthouse over a hotel . eos O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O N/A +bos there are a number of guest houses available , the alpha-milton guesthouse is in the north area of town , shall i book it 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 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 Booking-Inform +bos i just need to know the price range please . and confirm that it has free parking ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos the alpha-milton guest house is moderately priced , but it does not have free parking . would you like to make a reservation ? 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 O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos i actually just want a taxi . i want to depart the hotel by 11:45 and go to the attraction . please give me car type and contact info too 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 have booked a blue volkswagen and the contact number is 07131268482. 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 thank you so much ! eos O O O O O O general-thank +bos thank you and enjoy your stay with us in this lovely city ! eos O O O O O O O O O O O O O O general-bye +bos hi , i am planning a trip and could use some help finding a restaurant . eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos to help narrow the search , can you tell me the price range you 're looking for and what kind of food 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 Restaurant-Request+Food,Restaurant-Request+Price +bos i would really love to try some moroccan food . and something expensive , too . eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A +bos sorry we got no restaurant matching your request . can you make any changes ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos okay , how about an expensive british place instead ? still would prefer to be in the city centre , though . eos O O O O O B-Restaurant-Inform+Price 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 i have three expensive british places in centre . how about fitzbillies ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O B-Restaurant-Recommend+Name O O N/A +bos yes , that sounds fine . can you give the phone number and address for fitzbillies ? 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 the address is 51 trumpington street city centre and the phone number is 01223352500. 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+Phone N/A +bos i am also looking for something fun to do in the centre but not sure what . can you make a recommendation ? 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 there is scott polar museum , would you be interested in that ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O Booking-Inform +bos yes that would be fine . i need the postcode , entrance fee and attraction type . 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+Type +bos the scott polar is a museum in the cb21er post code . it has free entry . 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 B-Attraction-Inform+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos thanks . i also need to book a taxi to get from the restaurant to the museum . 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 Restaurant-Inform,Taxi-Inform +bos yes i can what time would you like to travel ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave the restaurant by 19:00. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! booked car type : black audicontact number . 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 O O O O O O O O O O O O general-reqmore +bos i 'm sorry i did n't quite get the contact number . eos O O O O O O O O O O O O O N/A +bos the contact number is 07979998676 , eos O O O O O B-Taxi-Inform+Phone O N/A +bos thanks . i have all i needed . goodnight . eos O O O O O O O O O O O general-thank +bos have a great evening , enjoy your stay in cambridge . eos O O O O O O O O O O O O general-bye,general-greet +bos thank you , good bye ! eos O O O O O O O general-bye +bos you are welcome . thank you for contacting cambridge towninfo centre with your queries . goodbye . 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 would like to find an expensive indian restaurant in cambridge . 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 many in cambridge . is there a certain area of town you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Area +bos we are going to be on the westside , anything close by there ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos yes , there are 5. i think you 'd really like tandoori place . want more info ? eos O O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O general-reqmore +bos yes , can you see if you can make a reservation for me for 15:45 on tuesday for 4 people ? 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 needing a reference number ? eos O O O O O O O O O Booking-Inform +bos yes , please . and i could also use some help finding something fun to do in the west 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 N/A +bos your table has been reserved . the reference # is g0843wfo . there are many fun things to do in town . what kind of things interest you ? ... museums , colleges ? eos O O O O O O O O O O O B-Booking-Book+Ref O O O B-Attraction-Inform+Choice 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 tell me more about the museum . eos O O O O O O B-Attraction-Inform+Type O N/A +bos cambridge book and print gallery is a wonderful place and there is no entrance fee . will there be anything else today ? 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 O 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 cambridge book abd print gallery sounds wonderful . can i please have 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 Attraction-Request+Phone,Attraction-Request+Addr +bos their address is 49 newnham road and they are located at 01223694264 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+Phone N/A +bos grat , cant wait to get there , ... wow . i am actually all set now , that went much faster than expected . thanks for your efficiency . eos O O O O O O O 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 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 oh gosh , i 'm so sorry . i must have forgotten that i need the postcode for the museum . can i get 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 O O O Attraction-Request+Post +bos its no problem . the post code is cb39ey eos O O O O 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 thank you that will be all for now eos O O O O O O O O O general-bye +bos i am looking for a restaurant . eos 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 i am looking for an italian restaurant if available eos O O O O O O B-Restaurant-Inform+Food 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 Restaurant-Request+Area,general-greet +bos i 'm sorry , i 'm actually looking for a restaurant that serves cuban food in the north . 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 O O N/A +bos i am sorry but there are no restaurants matching your request . would like to try 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 Restaurant-Request+Area,Restaurant-NoOffer +bos how about a french restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos restaurant two two is a french restaurant in the north . would you like me to book that for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O 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 yes when would you like to book ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos 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 ? eos O O O O O 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 it is an expensive restaurant located at 22 chesterton road chesterton . what else would you like to know ? eos O O 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 I-Restaurant-Inform+Addr O O O O O O O O general-reqmore +bos just the postal code and phone number please . eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the postal code is cb43ax and the phone number is 01223351880. would you like me to book the restaurant for you ? eos O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos no but i would love it if you could find me something fun to do in the same area , maybe something boat related . 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 N/A +bos the riverboat georgina is in the north and great fun . the address is cambridge passenger cruisers , jubilee house , postcode cb43ax . do you need more information ? eos 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 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 general-reqmore +bos great , thanks so much ! can you please book me a taxi from the restaurant to the attraction , leaving the restaurant by 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 B-Taxi-Inform+Leave O O O O N/A +bos i need the name of the restaurant eos O O O O O O O O Restaurant-Request+Name +bos it 's a french restaurant , two two , i believe . eos O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos i have booked the taxi it is a red volvo with contact number 07626130412. 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 have a nice day . eos O O O O O O N/A +bos thank you for calling . eos O O O O O O general-bye +bos i 'm looking for a place to dine in the centre in the moderate price range . eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A +bos would you like a table at cotto ? eos O O O O O O O B-Booking-Inform+Name O N/A +bos yes , that would be fine . i do n't need a book but can you give me the phone number and address for cotto ? thanks 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 O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure ! 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 ? eos O O O O O O B-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 O O O O O O O O O O O O general-reqmore +bos can you tell what attractions are near the restaurant ? eos O O O O O O O O O O O Restaurant-Inform,Attraction-Inform +bos there are 44 attractions in the centre of town . do you have particular 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 Attraction-Request+Type +bos no , what do you recommend ? eos O O O O O O O O N/A +bos the old schools is wonderful located at trinity lane . eos 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 O N/A +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 they have free entrance . their phone number is 01223332320. eos O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O N/A +bos i also want a taxi two go between those two places . eos O O O O O O O O O O O O O Taxi-Inform +bos ok , will you be leaving from the restaurant or the college ? and what time of day would you like this booking 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 Taxi-Request+Depart,Taxi-Request+Leave +bos i want to leave the college by 07:00 so please go ahead and book that 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 N/A +bos i was able to book your taxi . it is a white tesla and the contact number is 07335673174. 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 O B-Taxi-Inform+Phone O O O O O O O O N/A +bos that is all i needed . i appreciate your help alot eos O O O O O O O O O O O O N/A +bos i 'm glad i was able to help you today . 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 general-welcome,general-bye +bos i would like to visit the theatre . eos O O O O O O O B-Attraction-Inform+Type O N/A +bos there are five theatres in town , four in the centre and one in the south side . do you want to visit a particular area of town ? eos 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 I-Attraction-Inform+Area O O O O O O O O O O O O Attraction-Request+Area +bos i do not have a preference . i do need the address , postcode and phone number of a theatre . 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 would you be interested in the cambridge arts theatre ? eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos yes , please provide the address , postcode , and phone number for cambridge arts theatre . i also need to find a hotel 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 O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos cambridge arts theatre is located at 6 saint edward 's passage , postcode cb23pj , and phone is 0122350333. did you have any preferences for your place to stay ? 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 I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone 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 moderate price range and i will need free parking . 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 several places that meet your needs . if you do n't care about the area , i recommend the archway house in the north . eos O O O B-Hotel-Inform+Choice 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+Area O O O O N/A +bos i want it to be a guesthouse eos O O O O O O O B-Hotel-Inform+Type N/A +bos the acorn guest house is in the north , with free parking , in the moderate price range . 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 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 O Booking-Inform,Hotel-Inform+Parking +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 people and for how many days ? eos O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos i actually do n't need it booked , i just need the address . eos O O O O O O O O O O O O O O O Hotel-Request+Addr +bos the address is 154 chesterton road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos thanks now i need a taxi leaving the hotel by 23:30 going to the theatre . eos O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos where are you leaving from ? what is the destination ? what time do you want your taxi 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 Taxi-Request+Arrive,Taxi-Request+Depart +bos i will be leaving the hotel by 23:30 to the cambridge arts theatre . eos O O O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos i have booked you a taxi . the contact nuber is 07474363221 , and it is a yellow tesla . can i help you with anything else ? eos 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 nope i think that 's it for now . thanks much and 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 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 am planning a trip to cambridge . looking for a place to stay 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 N/A +bos there are many can i get a price range please ? eos O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Price +bos i am not particular as along as it has 4 stars and free wifi . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos there are six guesthouses that meet your needs . i have heard wonderful things about leverton house on newmarket road . would you like me to make a reservation ? 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 O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O Booking-Inform +bos i prefer a hotel , is there a hotel in this area that is 4 star ? eos 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 i am not finding any that meet your requirements . is there something else 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-NoOffer,general-reqmore +bos ok. leverton house guest house sounds fine . can you book it for 2 nights on monday ? there will be 7 people . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O 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 N/A +bos your booking for leverton house was successful . the reference number for this stay is 8rx4ffkm . 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 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 a college in the east to tour ? 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 n't any colleges located in the east . do you want to search in other areas or do you want to find a different kind of attraction ? 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 O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos could you find me a museum instead ? eos O O O O O O B-Attraction-Inform+Type O O N/A +bos sure we have many colleges to choose from . would you like a recommendation ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O general-reqmore +bos yes , please . and i will need the postcode for it . eos O O O O O O O O O O O O O O Attraction-Request+Post +bos i recommend , the gallery at twelve a high street , their postal is cb15dh , any further questions ? 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 I-Attraction-Recommend+Name O O B-Attraction-Recommend+Post O O O O O O O general-reqmore +bos i need also a taxi to leave the hotel by 2:30 eos O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos please provide me with a taxi that can arrive by 2 ; 30 , i would like a phone & 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 N/A +bos i 'm confused . i need a taxi between the two places that leaves the hotel by 2:30. 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 O Taxi-Inform,Hotel-Inform +bos booking completed ! booked car type : white fordcontact number : 07492685180 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 very much ! that is all i need . 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 are there any colleges in the west of town that i could go to ? thanks . 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 N/A +bos there are 5 colleges on the west side of town . i recommend checking out churchill college . it 's beautiful and free to get in ! 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee O O O O O O O N/A +bos what is the address to churchhill college ? eos O O O O O O O O O Attraction-Request+Addr +bos churchill college is on storey 's way . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos thank you ! i also am looking for 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 carolina bed and breakfast is in the east area , can i book that for you ? 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+Area O O O O O O O O O Booking-Inform +bos no thanks , just gathering information . can i get the hotel type , phone number and postal code 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+Post,Hotel-Request+Phone,Hotel-Request+Type +bos you sure may . it is a beautiful guesthouse located in postal code cb13nx . their phone number is 01223247015. eos O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone N/A +bos thank you for the info . eos O O O O O O O general-thank +bos you are 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 will be all thank you . eos O O O O O O O O O general-thank +bos glad i could help you . thanks for using our service have a nice 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 contact the police . eos O O O O O O O O O Police-Inform +bos the phone number for parkside police is 01223358966 ; i hope that everything is okay . eos O O O O O O O O O O O O O O O O O N/A +bos thanks , what is the address ? eos O O O O O O O O Police-Request+Addr +bos the address is parkside , cambridge . do you need anything else ? eos O O O O O O O O O O O O O O N/A +bos that is all that i need right 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 you 're very welcome . eos O O O O O O general-welcome +bos i am looking for a place to stay . the hotel should include free wifi 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 O O O B-Hotel-Inform+Price O O O N/A +bos i have three hotels . two in the north and one in the centre . do you have a preference ? eos O O O O B-Hotel-Inform+Type 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 Hotel-Select +bos no , but should come with free parking . eos O O O O O O O O O O N/A +bos how does the lovell lodge sound ? it has internet and free parking and is moderately priced . 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+Price I-Hotel-Recommend+Price O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos sure . please book for 1 person 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 O N/A +bos i 'm sorry but the booking was unsuccessful . would you like to book starting another 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos can we try for it for wednesday instead ? eos O O O O O O O B-Hotel-Inform+Day O O N/A +bos yes , that booking was successful for wednesday . the reference number is j4q4w07k . anything else you need ? eos 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 general-reqmore +bos that 's all , thanks . eos O O O O O O O general-thank +bos i 'm glad i could be of assistance . good day . eos O O O O O O O O O O O O O general-bye +bos thanks again ! good day to you ! eos O O O O O O O O O general-thank +bos i hope you have a nice day as well . please contact us if you need any other bookings . 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 could you let me know where in town i would find a hospital ? eos O O O O 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 i 'm looking for the postcode and phone number eos O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the phone number is 01223245151 , postcode cb20qq eos O O O O O O O O O N/A +bos thank you for your help . goodbye . eos 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-bye +bos can you book me a taxi to riverside brasserie ? eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos sure ! where are you coming from ? eos O O O O O O O O O Taxi-Request+Depart +bos i will be leaving the good luck chinese food takeaway . eos O O O O O O O O O O O O N/A +bos ok , what time would you like to leave by ? eos O O O O O O O O O O O O Taxi-Request+Arrive +bos i actually need to arrive by 12:45 eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos your booking is completed , a grey honda will be picking you up . the contact number is 07290151077. 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 N/A +bos ok thank you that is all i need . eos O O O O O O O O O O general-thank +bos excellent . have a nice day ! eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a police station , i think it 's called `` parkside '' . eos O O O O O O O O O O O O O O O O O O Police-Inform +bos there is a parkside police station with a cb11jg postcode , and its telephone is 01223358966. eos 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 . you will be in good hands . goodbye . eos O O O O O O O O O O O O O O general-bye +bos can you arrange for a taxi to bring me to kohinoor ? eos O O O O O O O O O O O B-Taxi-Inform+Dest 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 want to arrive no later than 12:45 please eos O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos and where would you like to be picked up from ? eos O O O O O O O O O O O O Taxi-Request+Depart +bos i 'm leaving from wandlebury country park . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos i have a black volvo coming to pick you up . their contact number is 07270738865 if you have any questions . thank you ! 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 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 enjoy your trip ! eos O O O O O general-bye +bos can you tell me about the parkside police station ? eos O O O O O O O O O O O Police-Inform +bos their phone number is 01223358966 and they are located at parkside , cambridge eos O O O O O O O O O O O O O O N/A +bos i am looking for the address of the parkside police station . eos O O O O O O O O O O O O O Police-Request+Addr +bos the address is parkside , cambridge . eos O O O O O O O O N/A +bos do you have the postcode ? eos O O O O O O O N/A +bos the postcode is cb11jg . eos O O O O O O N/A +bos thanks so much ! eos 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 , thanks , that 's everything . eos 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 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 +bos hi , what kind of attractions are there in the east ? eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos i have museums , boating excursions , basic entertainments , parks and swimming pools . any of these spark your interest ? eos 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 N/A +bos what would you recommend ? eos O O O O O O N/A +bos try the funky fun house . it 's on cherry hinton road . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A +bos is there a guesthouse nearby that is rated at least 4/5 ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos the a and b guest house is close by . it has a 4 star rating and moderate pricing . 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 I-Hotel-Inform+Name I-Hotel-Inform+Name O O 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 Booking-Inform +bos that sounds like what i 'm looking for . is it a guesthouse ? eos O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos yes the a and b guesthouse is a guesthouse . 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 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 will need accommodations for 7 people , for 5 nights . we want to check in thursday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Day O O O O N/A +bos i 'm very sorry a and b guest house does not have availability for your request . would you like to try a shorter stay or a different day ? eos O O O O O B-Booking-NoBook+Name I-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 O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos please try for two nights then at minimum from thursday evening on . we need a guesthouse for 7 people , and i will need the reference number when booked . 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 Hotel-Request+Ref +bos okay , i was able to book the questhouse for you for two nights starting on thursday . the reference number is o4oxdciw . is there anything else i can help you with today ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name 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 O O general-reqmore +bos now i will need to find a hotel for the remainder of my visit . 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 Hotel-Inform +bos sure , what day will you be staying and for how long ? any price range ? 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,Hotel-Request+Price +bos never mind . that will be all . eos O O O O O O O O O N/A +bos okay , i hope you have a pleasant stay ! eos O O O O O O O O O O O general-bye +bos i need a restaurant of moderate price 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 there are three moderately priced restaurants in the west . would you prefer british , indian , or italian food ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O N/A +bos i would like to eat british food please . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i recommend the saint johns chop house . it should suit your needs . would you like me to make a reservation for you ? 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 no thanks . can i get the address with postcode please ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 21-24 northampton street and the post code is cb30ad . eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Post 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 . have a great day . eos O O O O O O O O O general-bye +bos i am interested in booking a taxi . i need to leave from primavera and go to christ 's college by 07:15. i also need the contact number and car type . eos O O O O 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+Arrive O O O O O O O O O O O O Taxi-Request+Car +bos it is a blue tesla and the number is 07728790411. is there anything else i can help you with ? 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 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 great time ! eos O O O O O O O O O O general-welcome,general-bye +bos hello , i need a train to come in at 8 am . eos O O O O O O O O O O O O O O Train-Inform +bos where would you like the train to take you ? eos O O O O O O O O O O O Train-Request+Dest +bos i need to leave from cambridge and get to kings lynn by 8:00 on saturday . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Day O N/A +bos the tr2973 leaves from cambridge on saturday at 07:11 and arrives at kings lynn at 07:58. if you want one that leaves more time there is one an hour 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 O N/A +bos that one will work , can you get me 7 tickets please ? eos O O O O O O O O O O O O O O N/A +bos alright , i 've booked that and it was successful . your reference number is d2d4vn6f and the total fee is 62.72 gbp . anything else ? eos O O O O O O O O O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O general-reqmore +bos that 's all for today . have a great one ! eos O O O O O O O O O O O O N/A +bos thank you , you have a great day as well . let me 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 O O O O O O general-bye,general-reqmore +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 the nirala 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 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos what kind of food is that ? also what is the address and phone 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 indian food . the address is 7 milton road chesterton and the phone number is 01223 360966. is there anything else i can help you find ? eos 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 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 that is all . eos O O O O O O O general-thank +bos your welcome . goodbye . eos O O O O O O general-welcome,general-bye +bos may have the name of 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 N/A +bos there are two restaurants in the south part of town and in the moderate price range . what kind 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 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 O N/A +bos restaurant alimentum is the other moderate priced restaurant in the south of town eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A +bos is there anything else ? eos O O O O O O N/A +bos pizza hut cherry hinton is located in the south part of town and is in the moderate price range . their phone number is 01223 323737 and they are located at g4 cambridge leisure park clifton way cherry hinton . 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 O O O O O O O B-Restaurant-Inform+Price O O O O O O 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 my apologies . the postcode is c.b 1 , 7 d.y . is there anything else i could help you with today ? eos O 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 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 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 west part of town . what is the 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 Restaurant-Request+Addr +bos meghna is in the west part of town and in the moderate price range . their address is 205 victoria road , chesterton . eos 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O B-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 . 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 dine . the restaurant should serve indian food and should be in the centre . 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 O N/A +bos sure ! do you have a price range ? eos O O O O O O O O O O Restaurant-Request+Price,general-greet +bos no . i 'm not looking for a particular price range . eos O O O O O O O O O O O O O N/A +bos i have several places , would you like me to try to book you into curry garden ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O N/A +bos i do n't have a price range but i would like it to be in the town centre for 2 people at 18: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+People O B-Restaurant-Inform+Time O N/A +bos sure , which day will you be dining ? eos O O O O O O O O O O Booking-Request+Day +bos book a table for 2 people at 18:45 on thursday . eos O O O O O O O O O O O B-Restaurant-Inform+Day N/A +bos booking was successful . the table will be reserved for 15 minutes , reference number is : vysfhvfc . 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 so much . eos O O O O O O general-thank +bos no problem , is there anything else i can help with today ? eos O O O O 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 O general-thank +bos we appreciate you using our services . have a good day eos O O O O O O O O O O O O general-bye +bos i am looking for an expensive restaurant that serves indonesian food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , there are no expensive restaurants that serve indonesian food . 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 can i have a thai food instead ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos bangkok city is thai restaurant in the expensive price range located in the centre city . eos 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos address and phone number , please eos O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure , bangkok city is located at 24 green street city centre and its phone number is 01223 354382. is there anything else i can help you with ? eos 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 O O general-reqmore +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 thai food . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos no , thank you ! i 've got all the info i needed . goodbye . eos O 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 i want british food that is moderately priced . eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A +bos there are several restaurants serving british food . would you prefer the centre or west 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 B-Restaurant-Select+Area I-Restaurant-Select+Area O O O N/A +bos how about the west part of town . eos O O O O B-Restaurant-Inform+Area O O O O N/A +bos saint johns chop house matches your request . it is located at 21-24 northampton street c.b 3 , 0 a.d , the phone number is 01223 353110. 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 O O O O O O B-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 general-bye +bos thank you , goodbye . eos O O O O O O general-bye +bos looking for a restaurant in the moderately priced range eos O O O O O O O B-Restaurant-Inform+Price O O N/A +bos there are several moderately priced restaurants . do you have a preference to the area of town ? 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 Restaurant-Request+Area +bos i do n't care about the area of town , but i 'd like cuban food . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are no results for moderately priced cuban food restaurants . is there anything else i can help you with ? eos O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos are there any international restaurants in the moderate range ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A +bos there is an international restaurant in the moderate range called the varsity restaurant in the centre area of town . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos the address of the varsity restaurant is 35 saint andrews street city centre and the postcode is c.b 2 , 3 a.r . 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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post 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 O general-welcome,general-bye +bos i am looking for a cheap restaurant in the north part of town . i will need their address . 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 Restaurant-Request+Addr +bos there is a cheap italian restaurant at 20 milton road chesterton , or one that serves indian food at victoria avenue chesterton . eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 general-bye +bos thank you , goodbye ! eos O O O O O O general-bye +bos i want a restaurant in the south part of town and serves panasian food . eos 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 sorry , there are no restaurants in the south part of town serving panasian food . 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 I-Restaurant-Inform+Area B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O Restaurant-NoOffer +bos italian food please . phone number and postcode please . eos O B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos frankie and bennys serves italian food in the south part of town . the phone number is 01223 412430 , and the postcode is c.b 1 , 7 d.y . 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 I-Restaurant-Inform+Area 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 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 what is the price range ? eos O O O O O O O N/A +bos they are quite expensive . eos O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O 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 , goodbye ! eos O O O O O O general-welcome,general-bye +bos i 'm looking for a hotel with free wifi and parking . eos O O O O O O O O O O O O O N/A +bos there are 29 hotels that meet that criteria . are you looking for a hotel in a specific part 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 O O O O Hotel-Request+Area +bos i do not but i would like for it to be 4 stars . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos how about the acorn guest house ? it is 4 stars , has free internet and parking ; and is moderately priced . 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+Stars O O O O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos that would be fine , can you book ig for 5 people , 3 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 O O N/A +bos alright , you 're all set up . your reference number is : 2cqehzai . 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 yes , i would appreciate some help finding a nice college to visit in town . can you suggest 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 N/A +bos there are 18 colleges , i 'd recommend king 's college with a free admission fee . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O O O O N/A +bos give me the phone number and address for king 's college please . eos 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 01223331100 and the address is king 's parade . is there anything else i can help you with today ? eos 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 , i think i am good for now . 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 before we go 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-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 O general-thank +bos you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos where is the train that arrives at 11:00 and leaves to cambridge ? eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O N/A +bos what day do you wish to travel and where are you departing from ? eos 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 from broxbourne on friday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr2145 arrives in cambridge by 10:32. would that work for you ? 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 N/A +bos yes . please book for 6 people . eos O O O O O O B-Train-Inform+People O O N/A +bos okay , tickets fro 6 have been booked ! your reference number is auq1wqy3 . 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 O general-reqmore +bos thank you . now i would like to party all night at a good night club . 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 general-thank +bos yes , i can help you find a nightclub . eos O O O O O O O O B-Attraction-Inform+Type O O N/A +bos i would like one in the west . eos O O O O O O O B-Attraction-Inform+Area O N/A +bos i 'm so sorry , i 'm not showing any nightclubs in the west . could i look in a different part of town for you ? 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 N/A +bos okay are there any good colleges in that area ? eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos queens college would fit that criteria . can i get you more info on it ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O O N/A +bos what 's the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos the entrance fee is 2.50 pounds . did you need any more information ? eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O general-reqmore +bos yes , i also need 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 sure ! it 's on silver street , and the postcode is cb39et . can i help you with 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 O O O O general-reqmore +bos nothing more . thank you for the train and college information . goodbye . eos O O O O O O O O O O O O O O O Train-Inform +bos you 're welcome , enjoy your visit ! eos O O O O O O O O O general-welcome,general-bye +bos i would like to find a place to stay next weekend eos O O O O O O O O O O O O N/A +bos sure , what day would you like to begin your stay 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 Booking-Request+Stay,Booking-Request+Day +bos i just am looking for a place to stay in the north that includes free parking and should be a guesthouse . 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+Type O N/A +bos i have cheap and moderately priced guesthouses in the centre . what would you like , cheap or moderate ? eos O O O O O B-Hotel-Select+Price I-Hotel-Select+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O N/A +bos price does n't matter . i need it for 3 people for 2 nights , starting thursday . can i get 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 O O Hotel-Request+Ref +bos alright , i have booked you at home from home for two nights , reference number oasaahhb . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Booking-Book+Stay O O B-Booking-Book+Ref O O O N/A +bos thank you so much . i 'm also looking for a good museum in town . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos sure , 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 is that in the centre area and a museum ? if it is please let me know the address , phone 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 O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos yes , it is . the address is 98 king street , the entrance fee is free , and the phone number is 01223314960. 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 O O O O O B-Attraction-Inform+Phone 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 we are happy to help . do you have anything else you 'd like assistance with ? eos 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 . goodbye ! eos O O O O O O O O O O O general-bye +bos thank you ! have a wonderful day ! eos O O O O O O O O O general-bye +bos i am looking for the nearest hospital . eos O O O O O O O O O Hospital-Inform +bos ok addenbrookes hospital is located at hills road , cambridge . do you want the 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 yes , please . and the postcode . eos O O O O O O O O O Hospital-Request+Post +bos the phone number is 01223245151. postcode 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 N/A +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 welcome . at your service next time eos O O O O O O O O general-greet +bos does the hospital have the truama and orthopaedics department ? eos O O O O O O O O O O O N/A +bos yes , the hospital definitely does have such a department . would you like the information ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes , please . the postcode address , and phone number . eos O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone +bos certainly . the phone number is 01223245151 , the 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 O O N/A +bos awesome . thank you so much . eos O O O O O O O O general-thank +bos should i book it for you ? eos O O O O O O O O Booking-Inform,general-reqmore +bos no , 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 you 're very welcome . hope everything is okay ! eos O O O O O O O O O O O general-bye +bos can you please help me find a museum ? eos O O O O O O O O B-Attraction-Inform+Type O N/A +bos sure ! there are plenty of great museums to choose from . is there a specific area of town you are looking for ? 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 O O O Attraction-Request+Area,general-greet +bos the centre area . looking for modern art and the museums phone number please . eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos i recommend byard art . their phone number is 01223464646. eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Phone O N/A +bos great ! 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 nice day . eos O O O O O O O O O O general-welcome,general-bye +bos i got injured and i am looking for a hospital nearby eos O O O O O O O O O O O O Hospital-Inform +bos there are several hospitals in the area what department do you want ? eos O O O O O O O O O O O O O O general-reqmore +bos just the general information , please . eos O O O O O O O O N/A +bos addenbrookes hospital is on hills rd , cambridge , in the postcode of 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 N/A +bos no , that will be all . thank you ! good bye . eos O O O O O O O O O O O O O O general-bye +bos you can reach addenbrookes hospital is on hills rd , cambridge . postcode : cb20qq . telephone number 01223245151. 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 help finding a restaurant please . eos O O O O O O O O O Restaurant-Inform +bos what kind of food are you looking for and do you have a certain area 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 Restaurant-Request+Area,Restaurant-Request+Food +bos i would really like to find someplace serving thai in the centre of town . eos O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O N/A +bos bangkok city serves thai food in the centre . do you want me to make a reservation ? 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 O O O O O O O O O O Booking-Inform +bos yes , i need a table for 4 people at 19:30 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 you are booked for bangkok city . your reference number is 64oefcho . the table will be reserved for 15 minutes . anything else ? 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 general-reqmore +bos no , that is all thanks . good bye . eos O O O O O O O O O O O general-bye +bos have a great day , and please call us again if you need anything else . bye ! 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 looking for a restaurant . the restaurant should be in the moderate price range and should be in the centre . eos 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 i have many excellent options available . do you have a cuisine preference , i should i recommend one ? 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+Food +bos no , i do n't have a cuisine preference . i just need to book for 5 people at 19:30 on tuesday . 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 O N/A +bos great , i booked you at the yippee noodle bar and your reference number is ne9y6864 . 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 B-Booking-Book+Ref O O N/A +bos that sounds great , thank you . goodbye . eos O O O O O O O O O O general-bye +bos you 're welcome . i appreciate your using the towninfo centre . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos reserve a taxi to jinling noodle bar for me eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 24:15 eos O O O O O O B-Taxi-Inform+Arrive N/A +bos where will you be leaving from ? eos O O O O O O O O Taxi-Request+Depart +bos i will be leaving from pembroke college . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos a grey volvo will be picking you up at pembroke college . their contact number is 07248087755 if you have any questions . eos 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 O B-Taxi-Inform+Phone 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 welcome . do you need any other cambridge bookings ? eos O O O O O O O O O O O O O general-reqmore +bos no , that 's all that i need today . thank you ! eos O O O O O O O O O O O O O O general-thank +bos enjoy your visit and thank you for contacting us ! eos O O 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 ok i can assist 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 Train-Request+Depart +bos i will be leaving from cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos i found more than 1,000 trains . do you have a destination in mind ? eos O O O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Dest +bos i need 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 N/A +bos thanks . and what day will you be traveling , please ? eos O O O O O O O O O O O O O Train-Request+Day +bos monday is the day i plan to travel eos O B-Train-Inform+Day O O O O O O O N/A +bos these is the schedule for that day eos O O O O O O O O N/A +bos i need a train going to birmingham new street leaving on monday . the train is going to cambridge leaving after 18:30. eos 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 O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O N/A +bos tr3283 leaves cambridge at 19:01 and arrives at birmingham new street at 21:44. do you want a booking ? 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 O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes . thank you . eos O O O O O O general-thank +bos is it one ticket you need or more ? eos O O O O O O O O O O Train-Request+People +bos just one ticket please . eos 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 : bp0p7tu6 . 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.that 's all i need for now . eos 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 where is the police station ? eos O O O O O O O Police-Inform +bos the police station is located in parkside , cambridge , cb11jg eos O O 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 yes , of course . what is your departure site ? eos O O O O O O O O O O O O Taxi-Request+Depart +bos i ca n't think straight . give me the police phone number , so they can come to me . eos O O O O O O O O O O O O O O O O O O O O O Police-Request+Phone +bos no problem at all . please call 01223358966 to reach the police at that station . i 'm certain they will be able 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 O O N/A +bos i hope so . thanks for getting the number for me . eos O O O O O O O O O O O O O general-thank +bos you are welcome . do you require any further assistance ? eos O O O O O O O O O O O O general-welcome,general-reqmore +bos no that was everything . goodbye . eos 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 train going to cambridge . eos O O O O O O O O B-Train-Inform+Dest O O N/A +bos ok. i can help you find a train . 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 leaving from brookshite . eos O O O O O O B-Train-Inform+Depart O N/A +bos brookshite ? can you please repeat that ? eos O O O O O O O O O Train-Request+Depart +bos sorry about that , i 'm leaving from norwich . eos O O O O O O O B-Train-Inform+Depart O O O N/A +bos ive boked that for you trainid departure destination day leaveat arriveby price duration book ( optional ) tr9900 norwich cambridge friday 05:16 06:35 17.60 pounds 79 minutes eos O O O O O O O O O O O O O O B-Train-OfferBooked+Id B-Train-OfferBooked+Depart B-Train-OfferBooked+Dest B-Train-OfferBooked+Day B-Train-OfferBooked+Leave B-Train-OfferBooked+Arrive B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O O O N/A +bos yes please book that and i need the reference number . eos O O O O O O O O O O O O Train-Request+Ref +bos you 're all set ! the reference number is 44lhuszt . eos O O O O O O O O B-Train-OfferBooked+Ref 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-welcome +bos can you help me find a hospital nearby ? eos O O O O O O O O O O Hospital-Inform +bos the nearest hospital to you is at hills rd , cambridge . 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 N/A +bos i would like the address and phone number please . eos O O O O O O O O O O O Hospital-Request+Addr,Hospital-Request+Phone +bos sure , the 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 O O N/A +bos can you verify that the hospital has a transplant high dependency unit ? 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 N/A +bos yes , it does . here is the unit 's phone number : 01223216811. do you need 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 N/A +bos no that is everything . thank you eos O O O O O O O O general-thank +bos alright sounds good . i hope everything is okay . eos O O O O O O O O O O O general-greet +bos hello could you give me some information on some entertainment places in the centre of cambridge to go visit please ? eos 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 O O N/A +bos i 'm sorry , there are no entertainment attractions listed in the centre of cambridge . would you like to search for something different ? eos 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 O O O O O O O O O O O O O general-reqmore +bos are there any colleges ? eos O O O O B-Attraction-Inform+Type O N/A +bos there are many colleges ! downing college on regent street is a great place to visit . it 's free to get in ! eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O B-Attraction-Recommend+Fee O O O O O O O N/A +bos soundss good . what is the address and postcode ? eos O O O O O O O O O O O Attraction-Request+Post +bos downing college is on regent street , postcode cb21dq . 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 O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos thank you . what is the entrance fee for downing college ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos no , there is no entrance fee , it 's free to enter . eos O O O O O O O O B-Attraction-Inform+Fee O O O O O O N/A +bos great ! can you also help me with a place to stay , the one i 'm looking for is called allenbell . 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 O N/A +bos yes , the allenbell is a 4 star guesthouse in the cheap price range on the east side of town . would you like me to book this for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars I-Hotel-Inform+Type O 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 O O O O Booking-Inform +bos yes , for four people staying three nights starting friday . eos O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos i 've booked your party of four for three nights at allenbell , starting friday . your reference number is j597s7eh . would you like the address and phone number for allenbell ? eos O O O O O O B-Booking-Book+People O B-Booking-Book+Stay I-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 thank you . i believe that is everything today . eos O O O O O O O O O O O O general-thank +bos thank you for using our service . enjoy your time here . eos O O O O O O O O O O O O O general-bye +bos hi , are there any theatres 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 yes , the junction theatre is in the south part of town . would you like their phone number and postcode ? eos O O O B-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 O N/A +bos yes , and 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 the junction is located on clifton way , cb17gx . they can be reached at 01223511511. unfortunately i do not have any information on their entrance fees . is there anything else ? eos O 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 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 O O general-reqmore +bos i 'm also looking for the carolina bed and breakfast . is that in cambridge ? 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 N/A +bos yes , the carolina bed and breakfast is on 138 perne road , in the east of the city . do you need more information about it , or a booking ? 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 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 i need to know if they have internet service . eos O O O O O O O O O O O Hotel-Request+Internet +bos yes , that place does have internet . 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 Booking-Inform,Hotel-Inform+Internet +bos yes i would like a booking please . it will be just me . eos O O B-Hotel-Inform+Internet O O O O O O O O O O O O N/A +bos what is the first day you want to 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 O O Booking-Request+Day,Booking-Request+Stay +bos actually , i do n't need a reservation at this time . thank you for all your help - i 'm good 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 general-thank +bos okay , 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 general-reqmore +bos no , that 's all . goodbye . eos O O O O O O O O O general-bye +bos enjoy your movie ! eos O O O O O general-bye +bos can you help me book a reservation at the warkworth 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 yes i could ! how many people are staying , 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 Booking-Request+Stay,Booking-Request+People,Booking-Request+Day +bos it 's just for me , and i 'll be staying 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 O N/A +bos i apologize , but there are no vacancies to accommodate a 3 day stay beginning wednesday . would you like to book another day or shorter stay ? eos O O O O O O O O O O O O B-Booking-NoBook+Stay O O B-Booking-NoBook+Day O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos i wanted to begin my stay on tuesday , not wednesday . could you check for tuesday ? eos O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O N/A +bos i 'm sorry but i 'm unable to make the reservation on tuesday . eos O O O O O O O O O O O B-Booking-NoBook+Day O O O N/A +bos three nights beginning on tuesday just for myself . i 'd like 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 Hotel-Request+Ref +bos i apologize but the booking was not successful for three days starting tuesday . would you be willing to book a shorter stay ? eos O O O O O O O O O O B-Booking-NoBook+Stay O O B-Booking-NoBook+Day O O O O O O O O O O O Booking-Request+Stay +bos i 'd like those 3 days on tuesday for 1. eos O O O O O O O O O O O N/A +bos unfortunately that booking was unsuccessful . may we try for 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 O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos how about 2 nights ? eos O O O O B-Hotel-Inform+Stay O N/A +bos that was accepted . your reference number is 7hvr4rk2 . and that was for 2 nights , 1 person . anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O B-Booking-Book+People O O O O O O O general-reqmore +bos i would like to visit an attraction in the centre area please . eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are over 40 to choose from , do you have any particular activity 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 not really . i just need it to be in the centre . eos O O O O O O O O O O O O O O N/A +bos i suggest all saints church . it has no entrance fee . is there anything else i could help you with ? eos O 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 I-Attraction-Recommend+Fee O O O O O O O O O O O general-reqmore +bos yes , could you provide me with their address . eos O O O O O O O O O O O Attraction-Request+Addr +bos the address is jesus lane , phone 01223452587 , and postcode cb58bs . can i help you with anything else ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos yes i 'll need the attraction type please . eos O O O O O O O O O O Attraction-Request+Type +bos all saints church is considered an architecture attraction . can i be of any further assistance ? 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 O O O O O O O O O general-reqmore +bos yes , i will need to book a taxi to transport me to the attraction . eos O O O O O O O O O O O O O O O O O Taxi-Inform,Attraction-Inform +bos i would love to help ! when 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i want to leave the attraction by 02:45. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! booked car type : blue skodacontact number : 07611523004 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 . thank you for all your help ! goodbye . eos O O O O O O O O O O O O general-bye +bos enjoy ! have a great night ! eos O O O O O O O O general-bye +bos i am looking for a particular attraction called the funky fun house . can you get me directions ? 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 absolutely , the address for the funky fun house is 8 mercers row located in the mercers row industrial estate . 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 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 N/A +bos what area of town is that in ? eos O O O O O O O O O Attraction-Request+Area +bos the funky fun house is in the east past 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 I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O O O O O O O O O O general-reqmore +bos can you tell me what the entrance fee is ? may i also have their postcode 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+Fee +bos i 'm sorry , there 's no entrance fee information listed for that attraction . the postcode is cb58hy . 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 B-Attraction-Inform+Post O O O O O N/A +bos great , thank you . can you also help me find a place to stay ? i 'd like an expensive 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+Price B-Hotel-Inform+Type O O O O O O O O N/A +bos sure , there are 5 hotels . how many stars should the hotel have ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Stars +bos i would like a hotel in the expensive price range . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A +bos express by holiday inn cambridge is an expensive hotel in the east end . would you like me to book it for you ? eos 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+Price O O O B-Hotel-Recommend+Area O O O O O O O O O O O O Booking-Inform +bos could you book it for 3 people and for 3 nights starting on sunday ? eos O O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O N/A +bos okay , the booking was successful . your reference number is : 3ej2cus3 . eos 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 all set . goodbye ! eos O O O O O O O O O O O general-bye +bos you 're welcome . enjoy your visit ! eos O O O O O O O O O general-welcome +bos i need information on the fitzwilliam museum eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos ok , i can help you with that . what kind 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-greet,general-reqmore +bos can i get the phone number , address , and area it is 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+Phone,Attraction-Request+Addr +bos of course , the fitzwilliam museum is located in the centre area of town , at trumpington street , and can be reached at the phone number : 01223332900. do you need anything else ? eos 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 I-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 , thank you , that is all i need . eos O O O O O O O O O O O O general-thank +bos ok , have a nice day . good bye . eos O O O O O O O O O O O general-bye +bos i 'm looking for a guesthouse that offers free parking . eos O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i have many options available . would you like to stay in a 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 O Hotel-Request+Area +bos yes , actually i prefer to stay in the south part of town . and i would love something that offers 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 O O O O O O O O O N/A +bos the aylesbray lodge guest house meets all of your requirements and has a 4 star rating . 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 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 +bos yes , could you make a reservation for 8 people , please ? eos O O O O 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 i 'd like to stay on wednesday , thursday , and friday , please . is that available ? eos O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O O O N/A +bos great ! your room has been booked for 3 nights starting wednesday and your reference number is nvznjx13 . is there anything else that i can help you with ? eos 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 O O O O O O O O general-reqmore +bos yes , are there any kind of boat tours available through town ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are a few . do you care what part of town ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Area +bos in the centre of town , if possible . eos O O O B-Attraction-Inform+Area O O O O O O N/A +bos yes there are two companies that offer boat tours in the centre of town , scudamores punting and the cambridge punter . would you like more information ? eos O O O O O B-Attraction-Inform+Choice 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O general-reqmore +bos sure but i also need to book a taxi to leave the attraction by 6:45. eos O O O O O O O O O O O O O O O O Taxi-Inform,Attraction-Inform +bos ok. i can help you book a taxi from scudamores punting . where do you want to go from there ? 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+Dest +bos to my hotel . eos O O O O O N/A +bos great ! i have booked your taxi , which should be a white bmw and its contact number is 07719541714. 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 N/A +bos great , thank you ! eos O O O O O O general-thank +bos may i assist you with anything else today ? eos O O O O O O O O O O general-reqmore +bos that 's all i need . thanks eos O O O O O O O O general-thank +bos it was a pleasure assisting you . enjoy your stay . eos O O O O O O O O O O O O general-bye +bos could you help me find a 3 star hotel with free wifi in cambridge ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos i found 5 hotels do you have a part of town you prefer ? south , north , west or centre ? 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-Select +bos i would like a hotel in the moderate price range in the centre 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 N/A +bos i 'm afraid there are no hotels that will meet your needs . would you like to try a different area of town or price range ? 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 O O O O O Hotel-Request+Area,Hotel-Request+Price +bos could you find me a hotel that is in the west with the same criteria ? eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos it sounds like hobsons house is the perfect guesthouse for you . would you like me to book a stay ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Type O O O O O O O O O O O O Booking-Inform +bos what is the phone number ? do they have free parking ? eos O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Parking +bos yes , they do have free parking , and the phone number is 01223304906 . is there any other information you need ? eos 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 Hotel-Inform+Parking,general-reqmore +bos yes one more thing , i am looking for an attraction in the `` architecture '' category and i would like it to be close to the hotel please . 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 N/A +bos i am afraid we have nothing that matches your request . would you like to try another 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 yes , are there any museums in that area ? eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are 7 museums in the west . my personal favorite is cafe jello gallery . entrance is free ! would you like more information ? 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 O O B-Attraction-Recommend+Fee O O O O O O O O O general-reqmore +bos yes , can i have the postcode , address , and phone number for cafe jello , 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 sure , phone number is 01223312112 postcode is cb30af and the address is cafe jello gallery , 13 magdalene street eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O B-Attraction-Inform+Post I-Attraction-Inform+Post O 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 i 'll also need a taxi to get between the two places , i 'd like to leave cafe jello by 4pm . can i have the car type and a 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 O O Taxi-Request+Car +bos sure thing ! i have you booked for a blue bmw and the contact number is 07359941913. 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 O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos i need to find a place to go for entertainment . eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos which part of town would you prefer ? eos O O O O O O O O O Attraction-Request+Area +bos i would like it in the centre , please . eos O O O O O O O B-Attraction-Inform+Area O O O N/A +bos we do not have any entertainment in the centre . would you like to pick 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 are there any museums in the centre ? eos O O O O B-Attraction-Inform+Name O O O O N/A +bos i 'm sorry i am not finding any museums in the centre of town . is there any other part of town that could 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 Attraction-Request+Area,Attraction-NoOffer +bos no , i am only looking for entertainment or museums in the centre of town . can you look again ? 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 broughton house gallery is a great museum in the centre . it 's free to get in , and it 's located at 98 king street . can i help with anything else ? eos 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 B-Attraction-Recommend+Area O B-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 O O O O O O O O O O O N/A +bos no , i appreciate your help . eos O O O O O O O O N/A +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 place to go in the centre of town . i 'm really interested in a theatre . eos 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 there are 4 theatres in the centre i recommend mumford theatre . would you like the address ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O N/A +bos could i get their phone number ? eos O O O O O O O O Attraction-Request+Phone +bos yes , their phone number is 08451962320. may i help you find anything else 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 i am also looking for a restaurant in the same area as mumford theatre . eos O O O O O O O O O O O O O O O O N/A +bos what type of cuisine and price point do you prefer ? eos O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos do you have any in mind ? it really does n't matter , as long as its moderately priced and in the same general area as the mumford . 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 O O O O O O N/A +bos the varsity restaurant comes highly recommended and serves international food . would you like me to book it ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food O O O O O O O O O O Booking-Inform +bos yes book for 3 people at 19:30 on friday please eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos your reference number is uznf1kz5 and your table will be held for 15 minutes . is there anything else in which i can 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 O O O O O general-reqmore +bos great , i also need a taxi from the attraction to the restaurant and want to arrive 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 N/A +bos i have booked your taxi . be expecting a yellow volvo . please contact 07732601077 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 thank you . that will be all . eos 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 i am looking for a gueshouse to stay in during my visit . i would like for it to be in the east section 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 B-Hotel-Inform+Area O O O O O N/A +bos there are six entries , do you have any other preferences in hotel choice ? 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+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos i 'd like a 4 star place that 's on the pricier side . eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos there are no 4 star expensive guesthouses on the east side of town . would you be interested in a cheap or moderately priced one instead ? eos O O O O O B-Hotel-NoOffer+Stars 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 I-Hotel-NoOffer+Area O O 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 one that is cheap then . eos O O O O O O O O O O N/A +bos autumn house is cheap and has free internet and 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 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 please . can you book the reservation for saturday for 5 guests for a 2 night stay . thanks . eos O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O O O O N/A +bos sorry , there are no rooms available for your specifications . do you want to try a different 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos try for 1 night instead . if that works , can i have the reference number ? eos 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 how about the autumn house for 1 night starting saturday and your reference number is svciwlwa . eos 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 B-Booking-Book+Ref O N/A +bos i also need to find something called gonville and caius college , can you help ? 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 O O O N/A +bos gonville and caius college is located in the center of town on trinity street . anything else i can do for you ? 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore +bos can i get the postcode ? eos O O O O O O O Attraction-Request+Post +bos no problem , the postal code is cb21ta . did you need the phone number as well ? eos O O O O O O O B-Attraction-Inform+Post O O O O O O O O O O O N/A +bos no thanks - i 'm all set . thank you for your help today . 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 pleasant stay . eos O O O O O O O O O O general-bye +bos i am wanting to find a place to stay that has free wifi . the place should have 0 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 N/A +bos yes i have only two options in the cheap price range with a 0 star rating . both are located in the city center . would you be interested in either ? eos O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Select +bos is there one with free wifi and free parking ? eos O O O O O O O O O O O N/A +bos el shaddai on warkworth street has both . can i book it for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Booking-Inform +bos i just need the phone number , postcode , and address , please . eos 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 their number is 01223327978. their postcode is cb11eg . their address is 41 warkworth street . eos O O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos thanks ! are there any swimming pools located in the south of town ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos sorry , it looks like there are no swimming pools in the south . would you like to try a different area ? 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 Attraction-Request+Area +bos what types of nightclubs are there in that area ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos the place is a nightclub in the south . would you like more 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 O O O O O N/A +bos yes , may i have their postcode please ? eos O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb23hg eos O O O O B-Attraction-Inform+Post N/A +bos thank you . can you schedule a taxi pickup from el shaddai to the nightclub . i want to leave the room by 12:30. 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 B-Taxi-Inform+Leave O O N/A +bos you 're booked for a red tesla at 12:30 , going from el shaddai to the place . their contact number , should you need it , is 07625686038. can i help with anything else today ? eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Leave 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 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 is all i needed 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 am looking for a train , it should go to stansted airport and should leave after 13:30 eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O B-Train-Inform+Leave O O 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 the train should depart from cambridge 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 how does train tr1090 that leaves at 13:40 sound ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O N/A +bos that sounds like an excellent choice ! thank you for the help ! eos 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-greet +bos can you make a booking for me ? eos O O O O O O O O O N/A +bos your train leaving at 13:40 from cambridge going to stansted airport has been booked . your reference number is 39oy8nlr . the total fee is 10.1 gbp payable at the station . eos O O O O O O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O N/A +bos i just need to verify that that booking is for 4 people . if not , can you change it ? 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 have you for for , reference is x06j64wk . what else may i do ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos i think we have taken care of everything . thank you so much for your time ! 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 , have a great day ! eos O O O O O O O O O O O general-greet +bos i need a taxi going to the varsity restaurant . eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos where will you depart from ? eos O O O O O O O Taxi-Request+Depart +bos i 'm leaving from gonville hotel . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 want to leave at 12:00. eos O O O O O O B-Taxi-Inform+Leave N/A +bos i have a blue honda with contact number 07255247278. eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone N/A +bos ok thank you that is all i needed today . goodbye . eos 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-bye +bos i am visiting and need a hotel in the north eos O O O O O O O O O O B-Hotel-Inform+Area N/A +bos ow about ashbury lodge guesthouse it is moderately priced and located at 82 arbury road cb4 2je ( phone : 01223364319 ) eos 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post I-Hotel-Inform+Post B-Hotel-Inform+Phone O O O N/A +bos does this guesthouse include free wifi ? eos O O O O O O O O N/A +bos it has internet access eos O O O O O Hotel-Inform+Internet +bos then thats good for me eos O O O O O O N/A +bos is there anything else ? eos 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 you 're welcome . goodbye ! eos O O O O O O O general-welcome,general-bye +bos i 'll be requesting a taxi to golden house please eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos sure thing , when you like to leave by ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i want to arrive there by 07:00 eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos you are booked ! your car is a red audi and contact number is 07727005105 eos 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 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 just to confirm - you wanted picked up at alexander bed and breakfast correct ? eos O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos no , he taxi should depart from hotel du vin and bistro eos 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 N/A +bos alright , i 'll fix it for you eos 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 i 'm sorry for the mixup . your taxi is a white lexus . the contact number is 07770889191. is there 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 N/A +bos that 's it for today . thank you . eos O O O O O O O O O O general-thank +bos 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 . eos O O O O O O 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 hello ! i would like to go to a restaurant in the east , please . 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 nine restaurants in the east . do you want a certain price range ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Price +bos moderate price please eos O B-Restaurant-Inform+Price O O N/A +bos i have two indian restaurants and one italian restaurant . do you have a preference ? 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 Restaurant-Select +bos i would like to try the italian one . what is the restaurant 's name , please ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos it is pizza hut fen ditton . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos can i get the address , postcode too , please ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is cambridge retail park newmarket road fen ditton , postcode cb58wr . 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 general-reqmore +bos thanks a lot that would be all . eos 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-bye +bos i need a hospital with an antenatal department , please find one for me . eos O O O O O O O B-Hospital-Inform+Department O O O O O O O O N/A +bos call them at 01223217671 eos 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 welcome . eos O O O O O general-welcome +bos i need a taxi to pick me up at ashley hotel to leave after 10:45. eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Leave N/A +bos where would you like to go to ? eos O O O O O O O O O Taxi-Request+Dest +bos i need to get to restaurant two two eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos booking completed ! is there anything else i can help you with today ? booked car type : blue bmwcontact number : 07083779802 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 general-reqmore +bos thanks ! that would be all . eos O O O O O O O O general-thank +bos i can also help you with attractions and trains , if you are interested . 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 . good bye . eos 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 yes , could you help me find the parkside police station please ? eos O O O O O O O O O O O O O O Police-Inform +bos the parkside police station is located at parkside , cambridge cb11jg . the phone 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 N/A +bos thank you . that 's all i need . eos 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-greet +bos i am looking for a train which departs from cambridge and arrives in kings lynn . can you help me with that ? 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 O O O O O N/A +bos i have 133 trains matching your preferences . 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 Train-Request+Day +bos i would like to leave on wednesday anytime after 16:45. eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos i have 7 trains leaving cambridge on every :11 starting at 17:11. is there a specific time you would like to arrive by ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart 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 Train-Request+Arrive +bos no . anytime after 16:45 is fine please . eos O O O O B-Train-Inform+Leave O O O O O N/A +bos tr8627 leaves cambridge at 17:11 and arrives in kings lynn by 17:58. would you like to book it ? 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 O Train-OfferBook +bos i would also like information for adc theater . what is the address and phone number ? eos O O O O O O O O O O O O O O O O O O N/A +bos the address in park street . the phone number is 01223300085. 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 thank you . what area is adc theatre in ? i would also like to book tr8626 and would like to know the travel 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+Duration,Attraction-Request+Area +bos how many people would you like to book the train for ? eos O O O O O O O O O O O O O Train-Request+People +bos that 's unimportant i 'm just looking for the area eos O O O O O O O O O O O Attraction-Request+Area +bos adc theatre is in the center of town . the travel time for your train to kings lynn is 47 minutes . can i help with anything else today ? eos O 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 O O O O O B-Train-Inform+Dest I-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 that 's it , thank you . eos O O O O O O O O general-thank +bos have a good day eos O O O O O general-bye +bos i am looking for a train that should leave sometime after 11:45. i would like to get to cambridge . eos 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+Dest O N/A +bos there are many trains available for that criteria . i can narrow it down if you tell me where you will be departing from . 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 O O Train-Request+Depart +bos i am leaving thursday from birmingham new street to cambridge . i want to leave around 11:45. eos O O O O B-Train-Inform+Day 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 N/A +bos i have 12 trains leaving that day , the earliest is 12:40 and arriving at 15:23. will that work for you ? 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 N/A +bos yes that sounds great , i will need 8 tickets and the reference number please . eos 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 train is booked for 8 on thursday . the reference number is w52s8r11 . eos O O O O O O O B-Train-OfferBooked+People B-Train-OfferBooked+Day O O O O O B-Train-OfferBooked+Ref O N/A +bos great . i would also like to find a museum to go to in centre cambridge . eos O O O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area B-Train-Inform+Dest O O N/A +bos would you like to visit museum of archaelogy and anthropology , they are in the centre 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 I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos that sounds great . do you have the phone number and how much the entrance fee is ? 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 sure . the phone number is 01223333516 , and is free to enter . can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O 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 happy i could be of service . enjoy your day ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a train norwich . eos O O O O O O B-Train-Inform+Dest O O N/A +bos was that a train arriving or departing from norwich ? eos O O O O O O O O O O O N/A +bos no i would like to go to norwich . i will be departing from cabridge and would like to leave on saturday . thank you . 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 B-Train-Inform+Day O O O O O N/A +bos there are 19 trains that day . what time do you need to depart and/or 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+Leave,Train-Request+Arrive +bos leaving cambridge on saturday . i need to book for 4 people , and i 'll also need the reference number please . eos O O B-Train-Inform+Depart O B-Train-Inform+Day 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 alrighty , i booked a train from cambridge to norwich on saturday leaving at 5:36 and arriving at 6:55. your total is 56.32 gbp and reference number is mx50bqu1 . eos O O O O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Day O O B-Train-OfferBooked+Leave O O 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 thank you ! ! can you also find a good museum in town for us ? eos 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 many museums in town ! what area will you be in ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Area +bos i will be in the norwich area . eos O O O O O O O O O N/A +bos i 'm sorry , i meant what area of cambridge ( north , south , east , west , 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 Attraction-Request+Area +bos let me have the phone number of the museum closest to the train station ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number of byard art is 01223464646 eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone N/A +bos great that 's all the info i need , 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 quite welcome . please enjoy your stay 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 train to anywhere on wednesday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos the tr3702 to london kings cross departs wednesday at 05:00. eos O O B-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos wonderful ! how much is that ticket ? when does it arrive ? where does it depart from ? 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 train arrives by 05:51 and departs from cambridge , the price is 23.60 pounds . eos O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos now that i think about it , i will need a way to get from stevenage to cambridge . i 'd like to take a train on wednesday and arrive by 12:30. 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 O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O N/A +bos there are 3 trains that would work for you . the tr4626 arrives at 10:43. would you be interested in that one ? eos O O O O B-Train-Inform+Choice 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 N/A +bos what is the travel time for that train ? eos O O O O O O O O O O Train-Request+Duration +bos train tr4626 departing from stevenage and arrivign at cambridge at 10:43 is 12.80 pounds . eos O O B-Train-Inform+Id O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos great i 'm also looking for a park in cambridge . eos O O O O O O O B-Attraction-Inform+Type O B-Train-Inform+Dest O O N/A +bos sure , cherry hinton water play , milton country park , sheep 's green and lammas land park fen causeway , wandlebury country park are free , cambridge university botanic gardens is four 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+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 O O O O N/A +bos please just pick a great park for me and provide the postcode . eos O O O O O O O O O O O O O O Attraction-Request+Post +bos sure ! cherry hinton water play is at postcode cb18dw . anything else i can help you with ? 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+Post O O O O O O O O O O general-reqmore +bos nope , that 's all i needed ! you 've been a big help ! eos O O O O O O O O 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 i am looking for a train going to stevenage and departing from cambridge . eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart O N/A +bos there are 70 trains , what day and time 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 Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos i would like to arrive by 17:00 on monday . eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos there are 6 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 departure time does n't matter , i just want to arrive by 17:00 monday . eos O O O O O O O O O O O B-Train-Inform+Arrive B-Train-Inform+Day O O O N/A +bos in that case , the tr2045 may be the train you want . it pulls into stevenage at 16:10. eos O O O O O B-Train-Inform+Id O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A +bos okay , book it for 8 people and get me the reference number . i 'm also looking for a college in the south . 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 O O O O Train-Request+Ref +bos i was able to book the train for you . the reference number is nvl339kd . eos O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos i am also interested in visiting some colleges on the southern tip of town . can you help me find those ? 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 O O O N/A +bos i 'm sorry but i do n't have any colleges listed in the south . i have plenty in the city center . would you like to try a different venue or attraction type ? eos O O O O O O O O O O O O B-Attraction-NoOffer+Area 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 O O O O O O O O N/A +bos yes , an entertainment venue would be great . please give me an address to one you find . eos 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+Addr +bos nusha is an entertainment venue in the south . the address is unit g6m cambridge leisure park , clifton road . eos O B-Attraction-Inform+Name 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 O O N/A +bos okay . thank you very much that is all i need . eos O O O O O O O O O O O O O general-thank +bos thank you and have a safe trip . eos O O O O O O O O O general-bye +bos i am looking for places to go in town , preferably something with boats . 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 4 boat attractions . what area of town would you like ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area +bos not sure what area , but could you pick one for me and tell me 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 Attraction-Request+Phone,Attraction-Request+Addr +bos sure , camboats is always a good bet . their address is the plough , green end , fen ditton , and postcode is cb58sx . can i help you with anything else today ? eos O O B-Attraction-Recommend+Name O O O O O O O O O O O O B-Attraction-Recommend+Addr I-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 O O general-reqmore +bos yes , i am looking for a train leaving cambridge going to norwich on friday . eos O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos there are 19 trains from cambridge to norwich on friday . is there a particular time you 'd like to leave or arrive ? eos O O O O B-Train-Inform+Choice 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 O Train-Request+Leave,Train-Request+Arrive +bos i 'd like to leave on friday and arrive by 20:30. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos alright , you have plenty of options . the first train available leaves at 5:36 , and they run every hour until 18:36. would you like to book one of these trips ? eos O O O O B-Train-Inform+Choice 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 O O O O O O O O O O O O Train-OfferBook +bos yes , i would like to book the one that arrives closest to 20:30. i will need tickets for 6 people . eos O 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+People O N/A +bos booked ! tr4093 is your train , reference number is 08qy408d . 105.6 is the total fee . it leaves at 18:36 and arrives at 19:55. eos O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ref B-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O O N/A +bos i have everything i need . eos O O O O O O O N/A +bos excellent . have a great rest of your day ! eos O O O O O O O O O O O general-bye +bos thank you , you too . eos 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 'm wondering if there is a train leaving at 21:15 that will take me to the stansted airport . eos O O O O O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos thank you , though there are many choices there is n't a 21:15 so i guess i will take the 21:40 on friday . eos O O O O O O B-Train-Inform+Choice O O O O B-Train-NoOffer+Leave O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A +bos is there a train leaving before that ? eos O O O O O O O O O Train-Inform +bos unfortunately no . the earliest that day departs at 21:40. eos O O O O O B-Train-Inform+Day I-Train-Inform+Day O O B-Train-Inform+Leave O Train-NoOffer +bos okay . can you book that for me please ? eos O O O O O O O O O O O N/A +bos sure . how many will be traveling ? eos O O O O O O O O O Train-Request+People +bos 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 ? eos O O O O O O O O O O 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 price is 10.10 pounds , the travel time is 28 minutes , and the train id is tr4067 . i 'm sorry , but i do n't see any attractions at the stansted airport . 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 B-Train-Inform+Id O O O O O O O O O B-Attraction-NoOffer+Addr I-Attraction-NoOffer+Addr I-Attraction-NoOffer+Addr I-Attraction-NoOffer+Addr O O O O O O N/A +bos okay , can you find attractions near the centre ? eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are 44 attractions near the center of town . is there a certain type you 're 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 Attraction-Request+Type +bos could you suggest me one ? also let me know of what type of attraction it is and the place 's 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 Attraction-Request+Post,Attraction-Request+Type +bos the cambridge corn exchange is a theatre and the post code is cb23qe . would you like any 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+Type O O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos thanks , i have 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 no problem ! have a great day . eos O O O O O O O O O general-welcome,general-bye +bos wonderful help , thanks eos O O O O O general-thank +bos thank you , enjoy the cambridge exchange ! eos O O O O O O O O O general-bye +bos i need a train departing cambridge and arriving by 08:15. eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos train tr5154 is departing cambridge to london liverpool street on friday , leaving at 05:59 and arriving at 07:27. is this one okay ? eos 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 O B-Train-Inform+Day O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O N/A +bos no , i need a train to norwich on saturday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos there is a train that runs from cambridge to norwich on saturday and arrives by 07:55. would you like to book it ? eos 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 O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos that 'll work ! what time does it leave and what 's the id ? eos O O O O O O O O O O O O O O O O Train-Request+TrainID,Train-Request+Leave +bos the trainid is tr0953 and it leaves at 6:36. eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave N/A +bos can you also tell me the travel time ? i 'm also looking for an attraction called primavera . eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Name O O O Train-Request+Duration +bos tr0953 going to norwich has a duration of 79 minutes travel time . primavera is a museum in city centre , it is free to get in . do you need the address ? eos O B-Train-Inform+Id O O B-Train-Inform+Dest O O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Attraction-Inform+Name O O B-Attraction-Inform+Type O B-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 N/A +bos yes please , and also the phone number ! eos O O O O O O O O O O Attraction-Request+Phone +bos primavera is located at 10 king s parade , the phone number is 01223357708. anything else i can help you with today ? eos O B-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 B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos no , thank you ! i appreciate your help . eos O O O O O O O O O O O general-thank +bos great . glad to have been of service . thanks 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 'm looking for a train to broxbourne . eos O O O O O O O B-Train-Inform+Dest O O 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 leave on tuesday after 21:00 from cambridge . can you accommodate ? eos O O O O O O O O O O O O O O O O O N/A +bos yes , there are trains departing at 21:01 , 22:01 and 23:01 on tuesday . which time would like ? eos O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave B-Train-Inform+Day O O O O O O O O Train-Select +bos 2 tickets on the 21:01 , please . and can you give me the reference number once that 's booked ? eos 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 booked your tickets . your reference number is ljwdinyn . is there anything else i can do for you ? 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 thanks . i would also like to go a museum on the east side . eos O O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos i found 4 museums , i 'd recommend the cambridge artworks as it is free to enter . would you like any information on it ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee O O O O O O O O O O O O O N/A +bos just the address , please . eos O O O O O O O Attraction-Request+Addr +bos they are located at 5 greens road . eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos thank you very much . should be all 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 'm looking for a train to anywhere on monday eos O O O O O O O O O B-Train-Inform+Day O N/A +bos i found 404 trains leaving on monday . where are you departing from ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Depart +bos i am need to be in cambridge by 11:30 departing from birmingham new street eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Depart I-Train-Inform+Depart N/A +bos there are 6 trains available , would you like to book one that leaves at 7:40 ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O B-Train-OfferBook+Leave O O N/A +bos as long as i arrive by 11:30 that is fine , i will also need the travel time and price 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 Train-Request+Duration,Train-Request+Price +bos alright , i 'll look at the train that arrives at 10:23 , and leaves at 7:40. it costs 75.10 pounds , and it has a duration of 163 minutes . will that be all today ? eos O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave 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 general-reqmore +bos i am also looking for a place to go in town . preferably 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 how about christ 's college in the centre at saint andrew 's street ? admission is free . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area 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 that 'll be fine . what is the entrance fee , address , and postcode 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+Fee,Attraction-Request+Addr +bos sure , the postcode is cb23bu , the address is saint andrew 's street and there is no entrance fee . 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 O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O 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 are very welcome ! have a good day now ! eos 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 have a good day ! bye ! eos O O O O O O O O general-welcome,general-bye +bos i would like to book a taxi to junction , leaving after 02:45 eos O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos i can book you leaving after 2:45 to junction . where are you departing from ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos from alexander bed and breakfast eos O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos i was able to book a black volkswagen for you . the contact number is 07558038365. 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 O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos nah , that 'll be all , thank you . eos O O O O O O O O O O O general-thank +bos happy to be of service - have a great day ! eos 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 B-Train-Inform+Dest N/A +bos great ! would you be interested in hearing about some attractions in the area ? eos O O O O O O O O O O O O O O O O general-reqmore +bos i wo n't have much time for attractions , but i could really use some help finding cheap transportation . can you tell me about trains out 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 O B-Train-Inform+Depart O O O O N/A +bos where would you be going 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 want to go to stevenage on sunday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are 10 trains departing cambridge to stevenage on sunday . the first one leaves at 05:21. they run every two hours . eos O O O O B-Train-Inform+Choice 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+Leave I-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O N/A +bos i need a train leaving anytime after 10:00 and i need to book it for 5 people , please . whatever you find after 10:00 is fine . eos O O O O O O O O B-Train-Inform+Leave O 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 your booking for 5 tickets on the tr8464 train was successful . the total fee is 51.2 gbp payable at the station . your reference number is : 9eo2b1ac . is that all today 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 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 actually , i also need a 2 star guesthouse 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 to be in ? eos O O O O O O O O O O Hotel-Request+Area +bos i do n't know the city , so i do n't really care about the location within town . can you recommend 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 N/A +bos we have quite a few , may i ask 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 O O O O O Booking-Request+Day +bos free wifi , 2 star rating . i need it booked for 4 for 3 nights starting thurs . i also need the reference # too please eos O O O O B-Hotel-Inform+Stars 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 i am not seeing any 2 star guesthouses , something a little better perhaps a 3 or 4 star ? 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 O Hotel-Request+Stars +bos i guess a 4 star guest house would be fine . eos O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos i need to know what area of the city you would prefer to stay in ? centre may garner the best results . eos O O O O O O O O O O O O O O O O B-Hotel-Recommend+Area O O O O O O O Hotel-Request+Area +bos yes . i would like a 3 or 4 star in the centre . it may eliminate my need for additional transportation . eos 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 O O O O N/A +bos i am not finding anything i am so sorry , something else perhaps ? eos O O O O O O O O O O O O O O O Hotel-NoOffer +bos the area does n't really matter , so i 'd be happy to stay somewhere else . eos O O O O O O O O O O O O O O O O O O N/A +bos i have alexander bed and breakfast . when were you planning your 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 O O O O Booking-Request+Day +bos 5 people , 3 nights starting thurs . eos O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O N/A +bos i booked you at alexander bed and breakfast , your confirmation # is pj2xg4cp . anything else ? 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+Ref O O O O O general-reqmore +bos thank you very much . that should be all . eos O O O O O O O O O O O general-thank +bos thanks a lot and enjoy your stay ! eos 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-thank +bos thanks again have a nice day eos O O O O O O O general-bye +bos i want to find out if there are any moderately priced hotels in the north part of the city . eos O O 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 we have a lot of those ! i like the acorn guest house . would that work for you ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-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 general-reqmore +bos yes that would be great ! can i have some information on it ? eos O O O O O O O O O O O O O O O N/A +bos the acorn guesthouse is in the north and is a moderately priced 4 start hotel with internet and parking . 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 I-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos could i getting a booking for 7 people ? eos O O O O O O O O B-Hotel-Inform+People O N/A +bos absolutely , just a few questions ... .when do you plan on arriving and how many days are you planning 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 Booking-Request+Time,Booking-Request+Stay +bos i want to stay for 3 nights starting on thursday . eos O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos alright , i 've booked your room and the reference number is 26vytsij . 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 i also need a place to dine serving indian food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have a lot of indian restaurants available . can you tell me your price range or the area where you want to dine ? 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 O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos why do n't you suggest one a book a table for 7 on thursday at 17:45 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 would you prefer it be cheap , expensive or moderate price ? eos O O O O O O O O O O O O O Restaurant-Request+Price +bos it does n't matter as long as it is good . eos O O O O O O O O O O O O N/A +bos curry prince is very good , and is moderately priced . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos is curry prince in the north ? i realize now the restaurant should be in the same area as the hotel . 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 the nirala serves indian food on the north and its moderate . can i book this for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O Booking-Inform +bos yea please book that for the same group of people . eos O O O O O O O O O O O O N/A +bos booking was successful.reference number is : 26vytsij . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thanks , that 's all i needed . good bye . eos 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 +bos i wanted to travel to kings lynn . do you have a train leaving on monday ? 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+Day O O N/A +bos there are 19 trains available . what time of 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 Train-Request+Arrive,Train-Request+Leave +bos i would like to arrive by 11:00 if possible please . eos O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos tr1854 arrives at 10:58. tr1163 arrives at 09:58. eos O O O O O B-Train-Inform+Id I-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Arrive N/A +bos that would work can i get 7 tickets please ? eos O O O O O O O O B-Train-Inform+People O O N/A +bos sure ! just to clarify , would you prefer the tr1854 train or the tr1163 train ? eos O O O O O O O O O O O O O B-Train-Select+Id I-Train-Select+Id O O O general-welcome +bos any will be fine with me . eos O O O O O O O O N/A +bos tr1163 , your booking was successful , the total fee is 68.6 gbp payable at the station . reference number is : gfgrnxjt . will there be anything else today ? eos O B-Train-OfferBooked+Id 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 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 N/A +bos to help narrow it down , do you have an area or price range you prefer ? 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 should be in the moderate price range . does that help ? eos O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos in that case i recommend the acorn guest house . they have 4 stars and are in the north side of town with parking and internet for you 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 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 O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos that sounds great ! can you please book it for me starting on thursday ? i will need the reference number please . eos 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 Hotel-Request+Ref +bos the reference number is : 0q276ehv . eos O O O O O O B-Hotel-Inform+Ref O N/A +bos see if you can find me a train from cambridge to stansted airport please eos O 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 found you 133 of them ! what day and time would you like to leave ? eos O 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+Day +bos leaving cambridge , going to stansted airport on friday anytime after 18:30 eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A +bos we 've narrowed your options to 6 trains . the earliest leaves at 18:40 and the latest at 23:40. a train leaves every hour . can i book a ticket for you ? eos O O O 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 I-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos yes , please book me a ticket on the 18:40 train . i will need to know how much the ticket costs and the train id . 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 O O O O O O O Train-Request+TrainID +bos ok , your ticket is booked . your ticket cost is 10.10 pounds , and your train id is tr8337 . 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+Id O O O O N/A +bos thank you . i am also looking to find a good chinese restaurant . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos okay what area and price range ? eos O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos moderately priced in the city centre . eos O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O Train-Request+Price +bos there are three moderately priced chinese restaurants in the centre . might i suggest shanghai family restaurant located on burleigh street ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area 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 O O N/A +bos yes book it for 1 at 15:45 the same day and i 'll need the reference number too please eos 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 Restaurant-Request+Ref +bos you 're all set . your reference is 3bu5hse9 and the table will be held for 15 minutes . 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 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 then , thank you for using cambridge towninfo centre . it was my pleasure to serve you . 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 was hoping to relax and visit a park while in cambridge . eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos i found 5 great parks to visit . there are two on the south side , one on the north , one on the east and one in the centre of town . eos 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 O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos great ! can you provide addresses and entrance fees ? eos O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos the cambridge university botanic gardens are in the centre of town , located on bateman street , with an entrance fee of 4 pounds . the other four parks have free entry . 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 O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O B-Attraction-Inform+Fee O O O O O N/A +bos okay great i will go for the university botanic gardens . can you also assist me to look up the carolina bed and breakfast address and availability ? eos 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 O O O Attraction-Request+Addr +bos i sure can . when were you hoping to stay there ? eos O O O O O O O O O O O O O Booking-Request+Day +bos please book it for 6 people and 5 nights starting from monday 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 done . your reference number is dclqrj5i . would you like anything else ? eos O O O O O O O B-Booking-Book+Ref 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 O general-thank +bos okay . glad i could be of help . eos O O O O O O O O O O general-greet +bos have a good day eos O O O O O N/A +bos you too thank you and bye . eos O O O O O O O O general-bye +bos please fid me a place to go in the centre eos O O O O O O O O O O B-Attraction-Inform+Area N/A +bos okay ! what type of place would you like to visit ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos i would like to visit a nightclub in the centre . can you provide me with entrance fee info and postcode ? 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 Attraction-Request+Post,Attraction-Request+Fee +bos okay , i recommend club salsa . it 's 5 pounds to get in . the post code is cb12jb . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O B-Attraction-Recommend+Post O O O O O N/A +bos perfect , thank you . i 'm also looking for information on hotels in the centre that have free wifi . could you recommend one ? eos 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 O O N/A +bos there are 5 ! what price range would you like ? cheap , moderate , or expensive ? eos O O O O B-Hotel-Select+Choice O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O O O N/A +bos any will do . whichever one you recommend . eos O O O O O O O O O O N/A +bos the fez club is my favourite . it is in 8 market passage . can i give you their phone number ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 as long as this is a hotel , it sounds great . can you give me the address ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Addr +bos i 'm sorry , i misunderstood . fez is a nightclub . did you want a hotel ? eos O O O O O O O B-Attraction-Inform+Name O B-Attraction-Inform+Type O O O O O O O O O N/A +bos yes . if you read the conversation above , you 'll notice my second request was for a hotel . i 'd like one in the same area of the nightclub . 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 O O O O N/A +bos i would suggest the university arms hotel . it is in the centre of town in the same area as club salsa . would you like information or to book a room ? 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 B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area 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 just need their address please . eos O O O O O O O O Hotel-Request+Addr +bos the address is regent street eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos thanks , i also need a taxi to get between the hotel and the club . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos can you tell me what time youd 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 want to leave the club by 02:15. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos i have you in a grey honday . you can contact them at 07413613083. eos 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 that is all i will be needing 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 looking forward to visiting and seeing some local attractions . i am looking for a place to stay . 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 Attraction-Inform +bos sure , what area do you prefer and when is your stay if i may ask ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos no specific area , but i would like for it to be expensive . it needs to be a hotel , not a guesthouse . eos O O O 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 Attraction-Request+Area +bos i have 5 listings available so lets narrow it down to one you may like . how about the star rating ? also do you need parking or internet ? 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+Internet,Hotel-Request+Parking,Hotel-Request+Stars +bos i do need parking and wifi . eos O O O O O O O O N/A +bos we have 5 options ; two in the centre of town and one each in the east , south and west . do you prefer 2 , 3 or 4 stars ? 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 O O O O O O O O O O O O O Hotel-Request+Stars +bos i prefer the four star eos O O O O O O N/A +bos okay , i see two hotels . the huntingdon marriott in the west and university arms in the center . would you like me to book one of them ? eos O O O 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 B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform +bos can i have the address , post code , and star of university arms ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos university arms hotel is a 4 star hotel located on regent street . their post code is cb21ad eos 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+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post O N/A +bos i am also in the mood for a museum . eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos there are 23 museums in the city . do you prefer to visit one in a certain part of town 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+Area +bos somewhere near my hotel would be good . eos O O O O B-Hotel-Inform+Type O O O O N/A +bos ok , i recommend the whipple museum of the history of science , it 's neat . 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 I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O O general-reqmore +bos sounds awesome ! can you tell me the area it 's in along with the postcode and address ? 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 it is located in the centre and the postcode is cb23rh . eos O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Post O N/A +bos i 'll also need the address please . eos O O O O O O O O O Attraction-Request+Addr +bos the address is free school lane . can i help with anything else ? 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 general-reqmore +bos okay that will be all today , 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 day ! eos O O O O O O O O O O general-welcome +bos where can i find a moderately priced restaurant that serves european food ? eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A +bos i have a number of restaurants available . is there a particular area of the city where you would like to go ? 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 Restaurant-Request+Area +bos i would prefer the centre of town . eos O O O O O B-Restaurant-Inform+Area O O O N/A +bos i highly recommend riverside brasserie . it 's located at doubletree by hilton cambridge granta place mill lane . is there anything else i can help you with ? 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 O O O O general-reqmore +bos can you book a table for 3 on monday at 18:45 eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos yes for sure ! that booking was successful and your reference number is l6ex6o5w . 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 . i need to find a train from cambridge to birmingham new street leaving on tuesday and i need it to arrive by 12:45. 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 B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O N/A +bos i have train tr0077 that leaves at 9:01 and arrives at 11:44. would you like me to book it 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 Train-OfferBook +bos that sounds perfect . could you book it for the same group of people , please ? eos O O O O O O O O O O O O O O O O O O N/A +bos i booked it for you . reference number is j92cr71u . anything else today ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore +bos you are great thanks ! eos O O O O O O general-thank +bos you 're welcome . did you need more help ? eos O O O O O O O O O O O general-welcome,general-reqmore +bos that is everything that i need . eos 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 i would like to find a restaurant in the centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos there are 110 restaurants that fit your request . do you have a price range in mind ? 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+Price +bos sure , 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 yes i have a variety of cuisines available in that price range . what type of food are you looking for ? 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 O O Restaurant-Request+Food +bos i am not picky about the food , as long as it is expensive and in the centre . can you pick one and provide me the food type and address ? 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 O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Addr +bos how about the gourmet burger kitchen ? it is an american restaurant , located at regent street city centre . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 N/A +bos great thanks , i also need to find a hotel near the restaurant if possible . would you be able to assist ? 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 N/A +bos university hotel is on regent street and is 4 star . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O B-Hotel-Recommend+Stars O N/A +bos i want hotel with free parking also it will be for 4 people , 2 nights starting wednesday . eos O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O N/A +bos i have many results for places with free parking , do you have a price range or area you 're looking 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 Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos anything near the restaurant will be fine . eos O O O O O O O O O Restaurant-Inform +bos i have booked you for university arms , which meets all of your criteria , the reference number is nqc5ww4o , any other questions ? eos 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 O O O O O O general-reqmore +bos yes i also need a taxi to take me between the two places . can you please help ? 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 can ! where would you like the taxi to meet you at ? eos O O O O O O O O O O O O O O O O Taxi-Request+Depart,general-greet +bos i would like the taxi to meet me at the restaurant . eos O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos and at what time would you like that taxi ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i want to leave the restaurant at 04:45 please eos O O O O O O O O B-Taxi-Inform+Leave O N/A +bos i have booked you with a red honda and contact number 07898891438. 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos i think we got everything covered . thanks . goodbye . eos 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 O general-welcome,general-bye,general-greet +bos i 'm looking to hear some music in a concert hall . are there any in the north section of cambridge ? eos 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 O O O O O O N/A +bos there are no concert halls located in the north section of cambridge . is there somewhere else you want me to check ? 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 I-Attraction-NoOffer+Area O O O O O O O O O O O Attraction-Request+Area +bos yes . are there attractions with swimming pools in that area ? eos O O O O O O O O O O O O O Attraction-Inform +bos there are two swimming pools in northern cambridge . i would recommend kings hedges learner pool in jedburgh court , kings hedges . how does that sound ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 O general-reqmore +bos that sounds great thank you for the help . eos O O O O O O O O O O general-thank +bos you 're very welcome ! 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 i also need to get a train that is leaving on sunday and should go to 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+Dest O N/A +bos i 'd be happy to help you . can you tell me more about your trip ? 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 O O O Train-Request+Depart +bos i 'll be departing from leicester and would like to leave after 21:00. 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 are three trains leaving at 21:09 and each hour after . would the train leaving at 21:09 work for you ? eos O O O B-Train-Inform+Choice O O O B-Train-OfferBook+Leave 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 N/A +bos yes that one will work great . how much does that train cost and what is the travel 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+Duration +bos they are all 30.24 pounds and last 105 minutes . would you prefer the 21:09 , 22:09 or the 23:09 ? 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 O O O O B-Train-Select+Leave I-Train-Select+Leave O O N/A +bos i will do the 21:09 , but i will book later , 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 very good , 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 , thank you very much , goodbye eos 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 hi , i want to travel to cambridge by train . eos O O O O O O O B-Train-Inform+Dest O O O O N/A +bos great , what time do you have in mind ? eos O O O O O O O O O O O Train-Request+Leave +bos i want to arrive by 17:30. eos O O O O O O B-Train-Inform+Arrive N/A +bos and where are you leaving from ? eos O O O O O O O O Train-Request+Depart +bos i 'm leaving from broxbourne on sunday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos the first train departs broxbourne for cambridge on sunday at 05:32. do you want to purchase this ticket or pick a later departure time ? eos 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+Leave O O O O O O O O O O O O O O Train-Request+Leave,Train-OfferBook +bos can you book for arrival closer to 17:30 for one person and give me the reference number . also i would like to see a college in centre . 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 O O O O O Train-Request+Ref +bos i found you a seat on tr4658 departing broxbourne at 15:32 , arriving cambridge at 16:32. the total fee is 14.32 gbp payable at the station , and your reference number is h88ltkwc . eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive 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 i 'm also looking for a place to go maybe a college . eos O O O O O O O O O O O O O O N/A +bos there are many colleges , what area do you want ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O Attraction-Request+Area +bos i 'd like to look around the centre area . eos O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are 13 , but i think christ 's college is the most interesting , and it 's free ! eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Fee O O O O O N/A +bos thanks so much . that 's all for today . have a great one ! eos O O O O O O O O O O O O O O O O general-thank +bos you 're very very welcome ! goodbye , enjoy your stay ! eos O O O O O O O O O O O O O general-welcome +bos i 'm looking for this hotel called home from home , please . eos 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 a 4 star hotel moderately priced in the north . can i give you the address ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O O O O O O N/A +bos actually , i 'd like to book it for 6 people . can you help with that ? eos O O O O O O O O O B-Hotel-Inform+People O O O O O O O O O N/A +bos sure i just need to know how many nights you will be staying and when you plan on arriving . 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+Stay +bos i 'll be staying for 5 nights , starting on friday . eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A +bos i have successfully booked reference number is : nsg0cl48 . eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos wow , thanks . we want to eat at a restaurant called the india house , can you help me with that too ? 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 O O O O O O O N/A +bos sure , on what day and time do you need a 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 Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos i need to get a table for 6 people at 16:00 on friday as well 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 : 3uppnp4h . 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 so much for your help . eos O O O O O O O O O general-thank +bos you are welcome . let me 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 hi , i need to locate a train to leicester that will arrive by 16:45. eos 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 okay we can do that . where are you departing from ? eos O O O O O O O O O O O O O Train-Request+Depart +bos leaving from cambridge this coming thursday . eos O O O B-Train-Inform+Depart O O B-Train-Inform+Day O N/A +bos you have several choices . trains leave cambridge at 5:21 , 6:21 , 7:21 , 8:21 , and 9:21. the 9:21 arrives at 11:06. shall i book one of these ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos ok i need one that arrives at 15:45 and i will need 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 O O O Train-Request+Duration,Train-Request+TrainID +bos the closest i have to that is a train arriving at 15:06 and takes 105 minutes to arrive . the train id for this journey is tr1160 . would you like a reservation ? eos O O O O O O 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 O B-Train-Inform+Id O O O O O O Train-OfferBook +bos no , i do n't need a reservation . eos O O O O O O O O O O N/A +bos is there anything that i may help you with today ? eos O O O O O O O O O O O O general-reqmore +bos yes , i was also looking for a place to stay somewhere in the north . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos sure , what price range ? eos O O O O O O O Hotel-Request+Price +bos in the moderate price range , please . eos O O O B-Hotel-Inform+Price O O O O O N/A +bos i 'm trying to narrow 11 choices down . would you want free parking or free internet ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos free parking , please . eos O O O O O O N/A +bos how about archway house in the north ? it has free parking and free internet . it gets 4 stars . would you like to book this one ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O O O O O O B-Hotel-Recommend+Stars O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos yes please . book it for 4 nights for 6 people . we 'd love to check in on sunday eos O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O O N/A +bos great . your booking was successful and your reference number is pa8i7w04 . eos O O O O O O O O O O O B-Booking-Book+Ref 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 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 where would you like to go to ? eos O O O O O O O O O Train-Request+Dest +bos i will be going from canbrige arriving in kingls lynn . eos O O O O O O O O O O O O N/A +bos do you have a specific time frame in mind ? eos O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos the train should leave after 18:45 and should leave on thursday . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O N/A +bos train tr0481 is the closest to that , it leaves at 19:11. should i get you some tickets ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes , i only need one ticket . eos O O O O O O O O O N/A +bos i have a booking for 1 , total fee of 9.8 gbp need paid at the station , o2igkvwr is your reference number . 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 B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O O O N/A +bos i also need a moderate place to stay . eos O O O O O B-Hotel-Inform+Price O O O O N/A +bos let me get some additional information . 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 O O O O O Hotel-Request+Area +bos it does n't really matter . i do like 4 star guesthouses though . eos O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos that leaves about 11 options . did you have a preference on area ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos not really . do any of those have free parking ? if so 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 O O Hotel-Request+Phone,Hotel-Request+Parking +bos how about archway house ? their number is 01223575314. 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 B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos if archway house offers free parking , then i am all set . eos O O O O O O O O O O O O O O Hotel-Request+Parking +bos they do have free parking ! do you need to book a room ? eos O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos i only need the phone number then i will book for myself eos O O O O O O O O O O O O O Hotel-Request+Phone +bos the phone number to archway house is 01223575314. can i assist you with anything else , today ? 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 thank you for the information to archway house . 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 i hope you have a great stay . have a good day . eos 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 have a nice day . eos O O O O O O general-bye +bos i 'm looking for information on a hotel called kirkwood house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos kirkwood house is a guesthouse located in the north at 172 chesterton road.their phone number is 01223306283. is there anything else i can help you with ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area 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 i would like to this book hotel for 2 people and for 5 nights on friday , please . eos O 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 N/A +bos okay that booking was successful and the reservation number is cnp27ye8 . eos O O O O O O O O O O O B-Booking-Book+Ref 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 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 would like to try some chinese food while i am visiting cambridge . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos there are 17 different chinese restaurants . is there a specific price range or area of town you would like to stay in ? 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 O Restaurant-Request+Area,Restaurant-Request+Price +bos moderately priced in the centre . i need a reservation for 4 at 13:45 on wednesday and the reference number as well . eos O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area 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 your reservation at jinling noodle bar on wednesday at 13:45 for 4 people is successful . your reference number is : uvpkoa8z . eos O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time B-Booking-Book+People O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks a lot . can you tell me a little about a hotel called home from home ? 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 sure ! home from home is a moderately-priced , 4-star guesthouse in the north part of town , at 78-80 milton road , cb41la . they have internet and parking . would you like a room ? 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 B-Hotel-Inform+Type I-Hotel-Inform+Type O B-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 O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos no thats all i needed . thank you for the help . eos O O O O O O O O O O O O O general-thank +bos welcome any time you want information . eos O O O O O O O O general-welcome,general-bye +bos i need information about attractions in the centre . eos O O O O O O O O O B-Attraction-Inform+Area N/A +bos certainly , are you looking for a museum , theater , college , nightclub or something architectural ? eos 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 would be nice eos O O B-Attraction-Inform+Type O O O N/A +bos there are 5 nightclubs in the centre , kambar comes highly recommended . would you like more information ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O general-reqmore +bos sure , can i get the phone number and postcode ? also , i 'm looking for a restaurant in the same area . i 'd prefer british food . can you please 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 B-Restaurant-Inform+Food O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223842725 and the postcode is cb23qb . there are 7 british restaurants in the centre . do you have a pricerange ? eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O O 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 thank you ! the price range that i would like is expensive . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos there are three choices for that price range , fitzbillies restaurant , the cambridge chop house and midsummer house restaurant . can i book one for you ? 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-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform +bos yes please book one of your recommendation for tuesday at 18:00 for 7 people . eos O O O O O O O O O B-Restaurant-Inform+Day O O O O B-Restaurant-Inform+People O N/A +bos okay , i have successfully booked you at fitzbillies restaurant . your reference number is 740qi7vi . 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 N/A +bos thank you goodbye eos O O O O general-bye +bos thanks for letting us assist you ! eos O O O O O O O O general-greet +bos i would like to find a moderately priced hotel to stay in that includes free parking . can you help me ? 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 N/A +bos there are many options in this price range . eos O O O B-Hotel-Inform+Choice O O O O O O N/A +bos are any of the options guesthouses with 4 stars ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O N/A +bos there are 9 in the area . i recommend the warkworth house . eos 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 N/A +bos can you book that one for 4 nights starting on wednesday ? eos O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos i can do that , but first , can you confirm how many guests will be staying ? eos O O O O O O O O O O O O O O O O O O O Booking-Request+People +bos yes there will be one guest . i will need the hotel reference number . i also need a train that arrives by 20:30 and leaves 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 B-Train-Inform+Arrive O O O B-Train-Inform+Day O O N/A +bos i have made those reservations . your reference number is 5jgrh1vh . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks ! i also need a train from cambridge to peterborough on sunday . i need to arrive at or just before 20:30. 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 B-Train-Inform+Arrive 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 do n't care , just as long as i 'm there by 20:30 eos O O O O O O O O O O O B-Train-Inform+Arrive 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 i will need to leave by 17:00. eos O O O O O O O B-Train-Inform+Leave N/A +bos i have train tr5473 leaving at 17:06 and arriving at 17:56. 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 great , that will work for me . i need 1 ticket please and 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 N/A +bos the booking was successful the reference number is h6xok6u4 . the fee is 13.2 gbp payable at the station . is there anything else i can help with today ? 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 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 thank you for using our service . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos can you give me some information on the alpha milton guesthouse ? eos O O O O O O O O O O O O O N/A +bos i 'd be happy to . they are one of our newest guesthouses in the north . they are moderately priced and are 3 star rated . they do not offer free wifi or parking . eos O 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+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 Hotel-Inform+Internet,Hotel-Inform+Parking,general-greet +bos book for 1 person 2 nights from tuesday eos O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos your reference number is : zndcqg9r . 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 that 's it , thank you ! eos O O O O B-Restaurant-Inform+Area O O O N/A +bos thank you for calling 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 hey planning on coming out there . please suggest a train that would arrive in cambridge at 12:30 ! 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 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 leaving from broxbourne . eos O O O O O O B-Train-Inform+Depart O N/A +bos there is a 09:32 that would arrive by 10:32 for 17.90 pounds . does that sound good ? there are other options if you 'd like to leave later . eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 O N/A +bos that works , can you book seats for 4 on that and give 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 Train-Request+Ref +bos booking was successful , the total fee is 71.59 gbp payable at the station .reference number is : bibtgcna . 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 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 do you have any suggestions for entertainment that are in town center ? eos O O O O O O O O O O O O O O N/A +bos we have lots of museums , architecture , and colleges . what would you be most interested in ? 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 +bos i would like a museum . eos O O O O O B-Attraction-Inform+Type O N/A +bos there are 11 in the centre is there a type of museum you 'd like to visit ? there are many art galleries and some science museums . eos 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 O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type I-Attraction-Inform+Type O O Attraction-Request+Type +bos my first choice , actually , is not a museum , but an entertainment attraction . what type of entertainment attractions are available ? eos 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 we do n't have any in centre . maybe a different part of town ? eos O O O O O O B-Attraction-NoOffer+Area O O O O O O O O O Attraction-Request+Area +bos you know , on second thought a museum may be fun . could you search listings for a museum in the centre ? eos 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 N/A +bos there are 11 museum in the city centre . is there a particular type of museum you 're interested in ? art ? science ? eos O O O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos art sounds good . let 's try that . eos O O O O O O O O O O N/A +bos cambridge contemporary art is very edgy . the address is 6 trinity street , postcode cb21su , and it is free . do you need more information ? eos 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 I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O O O O O O O O O O N/A +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 enjoy your visit ! let us know if we 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-welcome,general-bye +bos hi , i 'd like some information on nightclubs located 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 O N/A +bos my system is not pulling up any nightclub attractions in the west . is there another attraction type or area you would be interested in searching ? eos O O O 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 O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos how about a college to visit in the same area . eos O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos magdalene college is located in the west and is free to visit . would you like more information on it ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O O O O O O O N/A +bos what is the postcode there ? eos O O O O O O O Attraction-Request+Post +bos the postcode is cb30ag . 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 need a train that is departing on wednesday from london kings cross . eos 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 N/A +bos is there a certain time you would like to leave london ? and will you be travelling to cambridge ? 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+Dest +bos yes , i 'm headed to cambridge and need to leave after 09:30. eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O N/A +bos train tr2417 leaves at 11:17 and arrives by 12:08. would you like 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 Train-OfferBook +bos yes , can you book that for 2 people and 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 Train-Request+Ref +bos booking was successful , the total fee is 47.2 gbp payable at the station .reference number is : 1w7ikohu . 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-OfferBooked+Ref 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 thank you ! have a wonderful day ! eos O O O O O O O O O general-welcome,general-bye +bos hey , i 'm trying to book a taxi today eos O O O O O O O O O O O Taxi-Inform +bos awesome . where are you departing from ? eos O O O O O O O O O Taxi-Request+Depart +bos i am departing from cambridge university botanic gardens and need to arrive at pizza hut cherry hinton . eos 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 O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos great , what time would you like to leave by 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 9:45. please let me know 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 Taxi-Request+Car +bos a red volkswagen will pick you up . the contact number is 07597996556. 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 thanks . that 's all i needed to know . eos O O O O O O O O O O O general-thank +bos great . glad to have helped . eos O O O O O O O O general-bye +bos i need to book a taxi . i need it to arrive by 19:15 to go to park side pools . 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 N/A +bos okay , could you tell me where you would like to depart 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 depart from a and b guest house . 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 N/A +bos i have your taxi scheduled . the car type is a black volkswagen , contact number 07057340221. how else can i help you ? 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 general-reqmore +bos that 's all the help i need . 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 , i 'd like to book a taxi from hakka to sidney sussex college . eos O O O O O O O O O B-Taxi-Inform+Depart 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 leave ? eos O O O O O O O O O Taxi-Request+Leave +bos i 'd like to arrive at the college at 20:15. eos O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos i booked that for you . the car is a white skoda and the contact number is 07158145955. 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 perfect . that 's all for today ! bye ! eos O O O O O O O O O O O general-bye +bos great . have a nice day . good bye . eos O O O O O O O O O O O general-bye +bos i need a taxi at cherry hinton hall and grounds at 2:45. 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 N/A +bos where is the destination ? eos O O O O O O Taxi-Request+Dest +bos i need to go to avalon and could you give me the car type and contact number once it is booked ? eos 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 Taxi-Request+Car +bos i have booked it . you will look for a white ford , the contact number is 07591624763 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 hi , i am looking to book a taxi departing from loch fyne after 11:00. eos 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 N/A +bos what is your destination ? eos O O O O O O Taxi-Request+Dest +bos i 'm heading to the bridge guest house . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos i have confirmed a taxi for you , picking you up at 11:00 at loch fyne . a yellow lexus will pick you up . their contact number is 07307653173. eos O O O O O O O O O O O O B-Taxi-Inform+Leave O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 . 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 taxi . i 'll be departing the fitzwilliam museum and need to arrive by 20:15 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 B-Taxi-Inform+Arrive O O N/A +bos i can reserve that for you . where is your destination ? eos O O O O O O O O O O O O O Taxi-Request+Dest +bos i am heading to restaurant one seven . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos okay a white honda will be picking you up and the contact number is 07631927676. what else can i help you with ? eos 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 is all that i need thanks . eos O O O O O O O O O general-thank +bos great , thank you for using our service ! eos O O O O O O O O O O general-bye +bos thanks for your help . bye . eos O O O O O O O O general-bye +bos you are 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 need to find a place to eat in the centre of town . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos we have over 60 restaurants listed . may i get the type of food you may be looking for ? 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 Restaurant-Request+Food +bos i am looking for a expensive restaurant in the centre that serves thai food . eos O O 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 bangkok city matches your critera ! their phone number is 01223354382. do you need me to book a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform +bos yes , thank you . can i also get the postcode and address for bangkok city ? 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 bangkok city is located at 24 green street city centre and the postcode is cb23jx . may i book it 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 Booking-Inform +bos i 'll just drop in , thanks . i also want to see a multiple sports complex in the same area . are there any nearby ? eos O O O O 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 there are no multiple sports complexes in the same area but there is one in the east . would you like more information ? eos 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 O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos what is the address , entrance fee , and postcode ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos the cherry hinton village centre is located at colville road , cherry hinton postcode cb19ej . i 'm sorry but our system does not have information on what the fee to enter is . 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 O O O B-Attraction-Inform+Post 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos may i get the phone number then to contact them ? eos O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223576412. 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 no that is all the info i need thanks . eos O O O O O O O O O O O general-thank +bos well , you 're welcome then ! 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 some entertainment in cambridge ? eos O O O O O O O O O O O N/A +bos there are many things to do in cambridge ; clubs , museums , churches , boating etc . what would you like to do ? 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 O O O O O O O O O O O N/A +bos i do n't care but i need the area , entrance fee , and postcode of entertainment available 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 Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Fee +bos i 'd recommend all saints church in the centre . their postcode is cb58bs and they have free entrance . 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 B-Attraction-Recommend+Area O O 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 am looking for a place to dine . can you recommend a restaurant in the expensive price range that serves swiss 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 O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , there are no swiss restaurants in the area . do you have another kind in mind that i could assist with ? 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 Restaurant-Request+Food +bos how about british food ? eos O O O O O O N/A +bos i have several restaurants which serve british food in different areas of the town . is there an area you prefer ? 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 O O O O O Restaurant-Request+Area +bos i 'm sorry i did not want british food . are there any chinese restaurants instead located in the centre area ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O Attraction-Request+Area +bos yes , i have found 4. ugly duckling , tang chinese , hk fusion and sesame restaurant and bar . would you like any of these ? eos 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Restaurant-Select +bos which is your favorite ? can you get me the address , postcode , and phone number ? i 'll give them a call 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 O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos i would recommend the sesame restaurant and bar the address is 17 hills road city centre , cb21nw . phone number is 01223358899. is there anything else i can assist with ? 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 B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr B-Restaurant-Recommend+Post O O O B-Restaurant-Recommend+Phone 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 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 good place to go with multiple sports in the center of time . 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 multiple sports attractions in the centre of town . there is one in the east though . anything else i can help you with ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type I-Attraction-NoOffer+Type 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 O O O O O O O O O O O general-reqmore +bos then can you tell me a good museum . eos O O O O O O O O B-Attraction-Inform+Type O N/A +bos the broughton house gallery is in the centre , and it has no entrance fee . 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos may i have the telephone number please ? eos O O O O O O O O O Attraction-Request+Phone +bos yes their telephone number is 01223314960. may 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 general-reqmore +bos i also need an expensive restaurant in the same area . eos O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos the golden curry is an excellent indian restaurant and it is located only a few blocks from the museum . eos O 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 O O O O N/A +bos great can i make a reservation for 13:45 for 5 people on thursday ? also may i have the reference number ? eos O O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O O O O O O O O Restaurant-Request+Ref +bos great it 's all booked , reference number is pvfa3yz9 eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos awesome . i 'd also like a taxi to take me between the two locations . eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos okay , where would you be leaving from and at 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 will be leaving from the broughton house gallery . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos okay , at what time will you be leaving broughton house gallery ? eos O O O O O O O O O O O O O O Taxi-Request+Leave +bos i 'm not sure which exact time will be best , but i definitely want to arrive to the restaurant 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 O N/A +bos i booked you a taxi . the car is a red audi and the contact number is 07895191849. 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 N/A +bos great thanks thats all i needed ! eos O O O O O O O O general-thank +bos i am happy that i was able to help . 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 i hope so . my brother recommended an eatery called curry prince . can you help me find it ? 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 N/A +bos curry prince is an indian restaurant in the east part of town . it is moderately priced . the address is 451 newmarket road fen ditton . eos 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 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 N/A +bos could i have their phone number as well ? eos O O O O O O O O O O Restaurant-Request+Phone +bos yes of course . the curry prince 's phone number is 01223566388. eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone O O N/A +bos thank you . i am also looking for places to go . is there any swimming pool you can locate 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 general-thank +bos sure . we have the abbey pool there in the same area as your restaurant . there are three others in other parts of town . 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 B-Attraction-Inform+Choice O O O O O O O O O N/A +bos what is the entrance fee for abbey pool ? can i also get the address ? 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 i 'm sorry , my system does n't tell me the entrance fee . address is pool way , whitehill road , off newmarket road . anything else you need ? 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 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 i also need a taxi that will let me leave the pool at 20:45 to take me to the restaurant . 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 N/A +bos i have booked you a taxi that fits your needs . would you like the contact number or car model ? 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 both , please ! i ca n't wait to explore cambridge . eos O O O O O O O O O O O O O N/A +bos a blue skoda will be picking you up at 20:45. their contact number is 07775057511. do you need any further assistance ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O 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 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 general-thank +bos have a great day ! eos O O O O O O general-bye +bos i am looking for an expensive restaurant in the centre of cambridge . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A +bos how about bedouin restaurant that serves african food located on 100 mill road city centre ? would you like me to book it for you ? eos O O O B-Restaurant-Inform+Name I-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 O O O O O O Booking-Inform +bos yes please i need a table for 6 people at 15:15 on sunday and need a 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 Restaurant-Request+Ref +bos great , i have booked your table for 6 at 15:15 on sunday , your reference number is 7b529gfp . is there anything else i can do for you ? 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 O O O O O O O O O O O general-reqmore +bos yes , i 'm looking for a place to go in town . something with interesting architecture . eos 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 options in the town centre . all saints church is located on jesus lane and has free admission . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 B-Attraction-Inform+Fee O O O N/A +bos can i have the phone to it please ? eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223452587. eos O O O O O B-Attraction-Inform+Phone N/A +bos thank you . i 'll need a cab from the church to the restaurant that arrives by my 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 N/A +bos i have you booked for a black toyota with the contact number 07701269558. is there anything else i can assist you with ? 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 general-reqmore +bos great thank you that 's all i needed today . eos O O O O O O O O O O O general-thank +bos it was a pleasure assisting you . have a wonderful day . eos O O O O O O O O O O O O O general-bye +bos are there any boating activities available ? eos O O O O B-Attraction-Inform+Type O O O N/A +bos there are 4 boat attractions . what is your preferred area ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Area +bos i do n't care , what do you have ? eos O O O O O O O O O O O N/A +bos camboats is a great choice . it is located in the east area of town . would you like additional information for the company ? eos O B-Attraction-Inform+Name 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 yeah what 's the address of camboats ? i also need an expensive place to eat . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos camboats address is the plough , green end , fen ditton . regarding restaurants i am showing an elegant chinese restaurant , british cuisine , and an upscale gastropub near the camboats 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 N/A +bos do any of those serve molecular gastronomy food and in the centre of town ? eos 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 N/A +bos i 'm sorry , there are n't any serving that type of food . would you like to try something different ? 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 how about something that serves seafood ? eos O O O O O O B-Restaurant-Inform+Food O N/A +bos yes , loch fyne is in town centre and serves seafood . it is in the expensive price range . would you like to reserve a table ? 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 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 Booking-Inform +bos no thank you . can i have the phone number , postcode and address though ? 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 sure thing ! the phone number is 01223362433. the address of loch fyne is the little rose 37 trumpington street , and the postcode is cb21qy . can i help with anything else ? eos O O O O O O O B-Restaurant-Inform+Phone 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 O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos yes , i am going to need to get a taxi to leave 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 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 ? eos O O O O O O O O O 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,Taxi-Request+Arrive,Taxi-Request+Leave +bos yes , i 'd like to leave the restaurant by 09:30 to go to camboats . eos O O O O O O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest O O O N/A +bos your booking is completed . your car will be a white bmw . can 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 O O O O O O general-reqmore +bos no , that 's everything thank you very much . 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 you too ! bye ! eos O O O O O O general-bye +bos thank you , let us know if you need anymore help . eos O O O O O O O O O O O O O general-bye +bos yes , i am looking for a theatre in the town . eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are several theatres located in the city centre . is that the correct area ? eos 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 Attraction-Request+Area +bos any area is fine , can you give me the address and postcode of the closest theater to centre ? 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 sure , adc theatre 's postcode is cb58as and the address is park street . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos great ! do you have a good chinese restaurant in centre that i could go to . eos O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O N/A +bos i have 10 chinese restaurants ranging from cheap to expensive . is there any limits on what you would like ? eos O O 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 Restaurant-Select +bos i 'd like a cheap chinese restaurant , please . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos okay , i have three options that meet your needs . charlie chan , rice house , and golden house . would you like me to make a reservation for 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 I-Restaurant-Inform+Name O O O O O O O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos make a reservation for charlie chan . book a table for 2 people at 17:15 for monday . eos 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+Time O B-Restaurant-Inform+Day O O N/A +bos i have made a reservation at charlie chan for 2 people on monday at 17:15. the reservation reference is 9ygetj1 . the table will be held for 15 minutes . eos O O O O O O O B-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 O B-Booking-Book+Ref O O O O O 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 thank you ! eos O O O O general-bye +bos 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 south and a swimmingpool eos O O O O 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 O O N/A +bos i 'm sorry , i 'm experiencing a system error . could 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 N/A +bos i want a place to go in the south , a swimmingpool . or another type of entertainment , if there is no pool ? eos 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 i 'm sorry , but there are not any swimming pools in the south area.there are 2 parks and a cinema . are you interested in one of these ? or 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 N/A +bos yes , are there any entertainment attractions then ? eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are two attractions listed , nusha and tenpin . would you like more information about them ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O N/A +bos can i have the entrance fee for the nusha , as well as the 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+Fee +bos the entrance fee is n't shown . the phone number for nusha is 01223902158. is there anything else i can do for you ? eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos yes , can you please find me a good indian restaurant in the same area as the attraction ? money is no object . 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 N/A +bos yes , the taj tandoori is a great indian place in the south area of the city . it 's expensive , but definitely worth it . would you like a reservation there ? eos O O O B-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 I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area B-Restaurant-Recommend+Price O O O O O O O O O O O O O O O O Booking-Inform +bos sure . book it for 14:30 on saturday for 3 people . eos O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O O N/A +bos alright , you 're all set . your reference number is 4flws8v8 . eos O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos i would also like to book a taxi please . eos O O O O O O O O O O O Taxi-Inform +bos from nusha to taj tandoori ? eos O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos yes , to commute between both places . eos O O O O O O O O O N/A +bos ok , will do . is there anything else i can do ? eos O O O O O O O O O O O O O O general-reqmore +bos yes , the taxi needs to arrive at taj tandoori by 14:30. can you let me know what type of car will be coming and give me the contact number , please ? eos 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 O O O O O O O O N/A +bos i 'm having trouble setting up the taxi . are you leaving from nusha ? eos O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos yes , i 'll be leaving from nusha . eos O O O O O O B-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 need to leave early enough to arrive at the restaurant by 14:30. eos O O O O O O O O O O O O O B-Restaurant-Inform+Time N/A +bos great , be on the lookout for a yellow audi . the contact number is 07395163696. may 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos okay great that is all i needed . eos O O O O O O O O O N/A +bos glad to have been of assistance . eos O O O O O O O O general-welcome +bos hi there , can you help me find a park to visit please ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos we have 79 parks in the cambridge area , what area of cambridge would you like to go to a park 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 Attraction-Request+Area +bos can you please provide me with the postcode , entrance fee and address of a park in the south ? 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 Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos there are two parks in the south , the wandlebury and sheeps green . which are you more interested in ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O Attraction-Select +bos how about getting me the address and postcode and entrance fee for the wandlebury . i also am 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos wandlebury 's address is wandlebury ring , gog magog hills , babraham , postcode cb223ae . no entrance fee . la mimosa is located in the city centre , address is thompsons lane fen dilton . anything else ? eos O B-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O O general-reqmore +bos could you book a table for me please ? i need a reservation for 8 people at 15:45 on friday . 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 N/A +bos all right , your table is reserved . the reference number is sx6zasaf . 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 the help ! 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 thanks i will . that is everything i needed . eos 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 place to dine that serves north american food located within the town centre . 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 B-Restaurant-Inform+Area O N/A +bos the only north american restaurant in the centre is gourmet burger kitchen . it is expensive . would you like to book a table ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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+Price O O O O O O O O O O Booking-Inform +bos can you tell me the postcode and phone number for gourmet burger kitchen ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos sure , the postcode is cb21ab and the phone number is 01223312598. how else may i assist you ? eos 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 general-reqmore +bos yes i would also like to visit some colleges in the same part of town . is that possible ? 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 there are 13 colleges in the centre . 3 have nominal entrance fees of 2.50 pounds or less , the rest are free to visit . do you have any 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 O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O Attraction-Request+Price +bos could you give me the address for one of the free colleges ? eos O O O O O O O O O O O O O O Attraction-Request+Addr +bos christ 's college is free and is located at saint andrew 's street with a postcode of cb23bu . could i be of further assistance ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O 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 O O O O O O general-reqmore +bos yes . i 'd like a taxi to pick me up at christ 's college and take me to the restaurant . i 'd like to leave the attraction by 19:00. eos O O O O O O O O O O O B-Taxi-Inform+Depart B-Attraction-Inform+Type O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Leave O O O O O N/A +bos ok , your booking has been completed . your taxi will be a gray skoda and it 's contact number is 07541933762 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 N/A +bos that is all i need for today . thanks for all your help ! eos O O O O O O O O O O O O O O O general-thank +bos thank you ! feel free to contact us if you need 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 general-welcome,general-bye +bos yes , i need a hotel in the moderate price range please . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O N/A +bos would you like a hotel in the north or the centre ? eos O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area N/A +bos the north . but i do need an actual hotel , no guestrooms . eos O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A +bos i have two hotels available that meet that criteria . would you like more information ? 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 , tell me about those . eos O O O O O O O O N/A +bos ashley hotel is 2 stars with free internet and free parking lot . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos what about the other hotel ? eos O O O O O O O Hotel-Inform +bos lovell lodge is also two stars . in the moderate price range , located in the north , at 365 milton road . it has free parking and wifi . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos could you book me a room at one of those ? i need it for 6 people and 2 nights starting from saturday . 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 O B-Hotel-Inform+Day O O N/A +bos i was able to book you at the ashley hotel at 74 chesterton road . your reference number is : pm69rlxb do you need 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 I-Booking-Book+Name O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O general-reqmore +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 enjoy your stay . eos O O O O O general-bye +bos can you find me an expensive hotel ? eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos i have 33 expensive hotels . how many stars and what part of town would you prefer ? 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 Hotel-Request+Stars,Hotel-Request+Area +bos i need one that includes free wifi eos O O O O O O O O N/A +bos ok , does it matter the ratings or location ? eos O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Stars +bos the ratings and location do not matter . it must be an expensive hotel not a guesthouse . i will follow your recommendation for 4 nights starting tuesday for 6 people . eos O O O 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 B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O O N/A +bos there is the huntingdon marriott hotel which is 4 star in the expensive range with wifi . 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 O O B-Hotel-Inform+Stars 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 . i will need it starting on tuesday for 4 nights . there will be six of us staying . eos O 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 O O O N/A +bos i 'm sorry but i was unable to book that . shall we 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 do you care whether the hotel is in the city center ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos nope . i just need the hotel to be expensive and include wifi . eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A +bos i was able to book a room for you at the university arms hotel . 4 nights starting on tuesday for 6 people . your reference number is u5hxnkxo . 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 O B-Booking-Book+Stay O O B-Booking-Book+Day O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O N/A +bos that sound awesome . can i have the address ? eos O O O O O O O O O O O N/A +bos regent street . do you need anything else , today ? eos O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O general-reqmore +bos great thank you ! that 's all i need . goodbye . eos O O O O O O O O O O O O O general-bye +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 do you have any information on a hotel called the acorn guesthouse ? eos O O O O O O O O O O O O O O Hotel-Inform +bos the acorn guesthouse is in the north of the city and is rated 4 stars . their phone number is 01223353888. 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 B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Phone O N/A +bos thank you eos O O O general-thank +bos do you want me to book the guesthouse for you ? i will need your day of arrival , the number of people and the 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 O O O O O Booking-Request+Day,Booking-Request+People,Booking-Request+Stay,Booking-Inform +bos yes i need booking for 3 people and 4 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 booking was unsuccessful . would you like me to try another hotel . eos O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes please book another in the same price range . and i will need the reference number . eos 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 into alpha-milton guest house in the moderate price range you wanted . your reference number is 1jcgp18d . is there anything else ? 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 B-Booking-Book+Ref O O O O O O O general-reqmore +bos thank you so much . that is all i 'll need for today . 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 day ! ! eos O O O O O O O general-bye +bos can you help me find a moderately priced hotels that has wifi ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos there are 17. 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 no preference . it needs to have 3 stars and offer free wifi . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos hobsons house is in the west part of town eos 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 N/A +bos that sounds great . i need to make a booking for sunday for 4 nights . eos O O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay 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 oh , yeah , five people , please . eos O O O O O O O O O O N/A +bos ok , you 're all booked ! reference number is 7im8xdq0 . can i be of further help ? 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 thanks . i 'd also like to make a reservation at j 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 how many people , what time and day please ? eos O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos same group of people , at 12:30 on the same day . eos O O O O O O B-Restaurant-Inform+Time O O O O O O N/A +bos i 've booked j 's . your reference number is zb61ez13 . do you need any more assistance ? eos O O O B-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 yes , please . can i get a taxi between those 2 locations ? eos O O O O O O O O O O O O O O O Taxi-Inform +bos sure thing is there a specific time you need to leave ? eos O O O O O O O O O O O O O Taxi-Request+Leave +bos well , i 'd like to be picked up at the hotel , and i need to get to the restaurant no later than 12:30 , 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 B-Taxi-Inform+Arrive O O O O O O O O N/A +bos booking completed ! booked car type : black bmwcontact number : 07539045657 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 for all of your help today . that is all i needed . bye . 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 glad i can help . enjoy your stay eos O O O O O O O O O O O general-welcome,general-bye +bos i need to find a hotel in the west of town and have at least 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 O O B-Hotel-Inform+Stars O O N/A +bos both the huntingdon marriot and the cambridge belfry fit that criteria . would you like me to make a reservation ? 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 Booking-Inform +bos do either of them include free wifi ? eos O O O O O O O O O N/A +bos yes they do and free parking as well . eos O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i need to book for 3 people on monday and will be staying for 3 nights , can you book that for me please ? eos 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 O O O O O O O N/A +bos i was able to book the huntingdon marriott for 3 people monday for 3 nights . is there anything else i can help you with today ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Stay B-Booking-Book+Day I-Booking-Book+Day O O O O O O O O O O O O O O general-reqmore +bos yes , may i have the reference number for the booking ? eos O O O O O O O O O O O O O Hotel-Request+Ref +bos yes you may . your reference number is jqgvoecl . is there anything else that i may 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 O general-reqmore +bos address and phone number please . eos O O O O O O O N/A +bos the huntingdon marriott is at kingfisher way , hinchingbrook business park , huntingdon . their number is 01480446000. 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 O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos that was great . thank you goodbye ! eos 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 am looking for somewhere to stay in the east . eos O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos there are 7 hotels in the east . do you have a price range or other needs to narrow them down ? 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 Hotel-Request+Price +bos yes , i would like it to be cheap and a type of guesthouse . eos 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 have three hotels that meet your needs . would you like more information on them ? 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 general-reqmore +bos which one would be available to book 5 people for 5 nights starting this monday ? 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 was able to book you in the autumn house with reference number 8bcynw35 . may i help with anything else ? eos 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 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 let us know if we can help further . good day . eos O O O O O O O O O O O O O general-bye +bos thank you . i just happen to be looking for a place to stay . the hotel should be located west and it does n't need to have free parking or anything like that . 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 O O O O O O O O O O O O O N/A +bos i have 33 hotels that match your requirements . 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 O O O Hotel-Request+Price +bos i definitely prefer something on the cheap side of things . eos O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos both finches bed and breakfast and the cambridge belfry might suit you , they 're cheap but rated 4 stars . would you like to book at one of them ? eos 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 B-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,Hotel-Select +bos sure but can i think i want one with free parking . eos O O O O O O O O O O O O O N/A +bos they both have free parking , would you like a guesthouse or hotel ? eos O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O Hotel-Inform+Parking +bos i would like a five star hotel with free parking and breakfast . eos O O O O O O O O O O O O O O N/A +bos i can book you at the cambridge belfry hotel . it has 4 stars on the west side and is cheap . would that be 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 B-Hotel-Inform+Stars O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O Hotel-Select +bos yes thats fine . i need it for 4 nights starting monday . there will be 5 of us . eos 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 O O N/A +bos i 'm sorry i was unable to book that hotel . may i try another one in the same price range 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,general-reqmore +bos yes please do that . eos O O O O O O N/A +bos there is the finches bed and breakfast would keep you on the same side of town but it is a guesthouse . will this work 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 O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Type O O O O O O O Hotel-Select +bos yep . i think that will work . please book it . i need a reference number . 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 finches bed and breakfast was available . 4 nights starting from monday for 5 people . your reference number is 6vbu1sfi . would that work for you ? 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 B-Booking-Book+Stay 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 O O Hotel-Select +bos yes . thanks so much . that is great . eos 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 want to find a place to stay in the north that does n't need to have free internet . eos O O O O O O O O O O O B-Hotel-Inform+Internet O O O O O O O O O N/A +bos i have the alpha-milton guest house in the north that does not include free wifi . would you like for me to book a reservation for you ? eos O O O O B-Hotel-Inform+Name 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 O O O O Booking-Inform,Hotel-Inform+Internet +bos i should have told you i am specifically looking for a hotel and not a guest house . 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 i have no hotels in the north that do n't include wifi but i have found 2 that 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 can you find a guesthouse for me ? eos O O O O O B-Hotel-Inform+Type O O O N/A +bos yes there are many . when should i book it for and how many ? eos O O O O O O O O O O O O O O O O N/A +bos book for 3 nights for 3 people starting sunday please . eos O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O N/A +bos i am a bit confused . did you want a guesthouse or a hotel ? if you want a hotel , i can book the ashley hotel 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 yes , if i can get into a hotel in the north that would be best . 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 've booked you into the ashley and your reference number is 420x4n75 . eos O O O O O O O B-Booking-Book+Name O O 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 okay well enjoy your stay in cambridge . eos O O O O O O O O O general-bye +bos i would like a four star hotel . eos O O O O O O O B-Hotel-Inform+Type O N/A +bos i can help you with that . is there a particular 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 O O O O O O O Hotel-Request+Area +bos no but i need it to have free parking and cheap . eos O O O O O O O O O O O B-Hotel-Inform+Price O N/A +bos there are several like that . would you like to book a room at rosa 's bed and breakfast , or perhaps one of the others ? eos O O O B-Hotel-Inform+Choice 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 O O O O O O O Hotel-Select +bos i 'm looking for a hotel type place to stay . are any of those hotels ? 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 the cambridge belfry is a four star hotel in the cheap price range . 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 O B-Hotel-Inform+Type O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos cambridge belfry sounds great , can i get the reference number once you make that reservation ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos what day do you want to start your stay , for how many days , 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 Booking-Request+People,Booking-Request+Stay,Booking-Request+Day +bos 4 people , 5 nights on saturday . if that 's not available try a different one same price range . 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 O O O O O N/A +bos i am sorry . i could not make that booking . 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 Booking-NoBook,general-reqmore +bos yes one that is in the same price range . eos O O O O O O O O O O O N/A +bos autumn house is a cheap guest house in the east . would you like me to book that for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price 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 Booking-Inform,Hotel-Select +bos yes . that sounds great . please try to book it . eos O O O O O O O O O O O O O N/A +bos that one was successful ! your reference number is rez4br01 . eos O 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 enjoy your stay in cambridge . goodbye ! eos O O O O O O O O O general-bye +bos i am searching for a guesthouse in town that has free parking , do you know of any ? eos 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 21 guesthouses with free parking . what are your preferences for area or price range so i can narrow 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 Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos i do n't care what the price is but do you have anything 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 i have 5 hotels in the east . three are inexpensive and two are moderately priced . would you like me to book one of those for you ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 Booking-Inform +bos yes , find me some place that 7 people can stay for 3 nights . we 'll be arriving on monday . eos O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A +bos would you prefer one with free internet ? eos O O O O O O O O O Hotel-Request+Internet +bos that does n't matter to me . eos O O O O O O O O N/A +bos okay , i 've booked you at autumn house with reference number 6ospysh1 . may i help with anything else ? eos 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 general-reqmore +bos that 's all i need right now . thank you for your help . good 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 using our system ! eos O O O O O O O O general-bye +bos i would like some information on the gonville hotel eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos the gonville hotel is rated 3 stars . there is free internet and parking . it is located at gonville place and their phone number is 01223366611. 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos excellent . could you book it for myself and my partner ? eos O O O O O O O O O O O O O N/A +bos sure . can you confirm when you will be arriving and for how many nights 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 Booking-Request+Day,Booking-Request+Stay +bos my companion and i will arrive on monday , staying for 5 nights , could you provide me with the reference number ? we will need to book a train as well . eos 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 O O O O O O O O N/A +bos booking was successful.reference number is : 5c9c9y4i . now i can help you book a train eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O Train-OfferBook +bos uh why yes you are very perceptive . depart cambridge arrive by 9:45 leaves on sat going to ely 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+Dest O N/A +bos i have train tr8860 and leaves at 5:50 and arrives at 6:07. would you like reservations ? 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 Train-OfferBook +bos yes , please . could you book that for five people as well ? 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 17.6 gbp payable at the station .reference number is : thcmi67t . 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 today . eos O O O O O O O O O O O general-thank +bos enjoy your time with us in cambridge , enjoy ! eos O O O O O O O O O O O general-bye +bos hi , i 'm needing a taxi , leaving caffe uno and i need to arrive by 24:30 eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O B-Taxi-Inform+Leave 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 headed to churchill college eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos i have confirmed a booking for a yellow honda . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A +bos thank you for your help , before you go , could i get the contact number please ? eos 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 07226817225. eos O O O B-Taxi-Inform+Phone O O N/A +bos thank you . bye eos O O O O O general-bye +bos you are welcome . have a good day . goodbye . eos 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 no particular department . i just need the phone number please . eos O O O O O O O O O O O O O Hospital-Request+Phone +bos the phone number is 01223245151. what else can i help you with ? eos O O O O O O O O O O O O O O N/A +bos i need the street number , please . eos O O O O O O O O O N/A +bos there is no street number . 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 , that is all . thank you for your time . eos 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-welcome +bos another driver bumped into my rental car , but he 's saying it 's my fault . i need help resolving this . eos O O O 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 contact the parkside , cambridge police station , eos O O O O O O O O O O N/A +bos okay , i need the phone number and postcode , please . eos O 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 O N/A +bos i 'd like a taxie from my home please . eos O O O O O O O B-Taxi-Inform+Depart O O O N/A +bos certainly . and where would you like the taxi to take you ? eos O O O O O O O O O O O O O O Taxi-Request+Dest +bos i 'm heading to the river bar steakhouse and grill . i am so hungry ! 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 I-Taxi-Inform+Dest O O O O O 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 the taxi should be at home from home by 10:00 , if you can arrange it . eos 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 O N/A +bos we will have a white tesla with the contact number 07280793126 ready for you . eos 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 N/A +bos i am looking for a particular hotel . its name is called cityroomz eos O O O O O O O O O O O O B-Hotel-Inform+Name O N/A +bos cityroomz is located in the centre and is moderately priced . eos O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos that 's great . would you book 5 nights for 3 people , please ? eos O O O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos what days will you need the reservation for ? eos O O O O O O O O O O Booking-Request+Day +bos book it for 3 people and 5 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 your booking was successful . the reference number is 1ut4dofp . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks , that is all i need . good bye . eos O O O O O O O O O O O O general-bye +bos you 're welcome and have a great stay . eos O O O O O O O O O O general-bye +bos i am injured and need a hospital close by . 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 partricular department , however i do need 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 Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone +bos the address is hills rd , cambridge , postcode cb20qq . the phone number is 0122324515. do 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 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 very 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 O general-welcome +bos thanks again , and goodbye . 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 need to find the nearest police station . eos O O O O O O O O O O Police-Inform +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 give me the phone number too eos O O O O O O O Police-Request+Phone +bos you can reach the police at the number 01223358966 eos O O O O O O O O O O N/A +bos thanks for the information . i have to go . goodbye . eos O O O O O O O O O O O O O general-bye +bos bye . have a good day eos O O O O O O O general-bye +bos i am looking for an architecture attraction somewhere in cambridge . eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are 5 different attractions all located in the centre of the city . i 'd recommend holy trinity church . eos O O O O B-Attraction-Inform+Choice 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-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos okay . can you tell me how much it costs to get in ? eos O O O O O O O O O O O O O O O N/A +bos it is free . is there anything else that 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 yes , what can you tell me about a hotel called the warkworth 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 hey , the warkworth is in the east part of town , it 's a four star hotel with moderate pricing . what can i tell you about it ? eos O O O B-Hotel-Inform+Name 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+Stars O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O general-reqmore +bos i would like to book it for 8 people for 2 nights starting on wednesday . 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 your hotel is booked starting wednesday and your reference number is padgs18 . may i assist you with anything else today ? eos O O O O O O B-Booking-Book+Day I-Booking-Book+Day O O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos actually , yes . i need a taxi to pick me up from holy trinity church at 1:15 and take me to the 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 O O O O O O O O N/A +bos i have booked you a taxi that will pick you up at 1:15 from holy trinity church . would you like 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 B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O O general-reqmore +bos yes , please , that would be nice . eos O O O O O O O O O O N/A +bos the vehicle you will be expecting is a black tesla . the contact number is 07726876557. 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 O B-Taxi-Inform+Phone 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 . 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 hotel that includes free wifi and free parking . eos O O O O O O O O O O O O O O O N/A +bos there are definitely lots of places that provide complimentary parking and wifi . do you prefer any particular part of town , or are you looking for 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 O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like a hotel in the centre and it should be in the cheap price range . eos 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 Train-Request+Price +bos i do n't have any hotels that meet your criteria but i do have two guesthouses available ? would that be okay ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O general-reqmore +bos yes , that would be fine . what are the names of the two guesthouses ? eos O O O O O O O O O O O O O O O O O N/A +bos one id alexander bed and breakfast and the other is 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 what star ratings are they ? eos O O O O O O O N/A +bos alexander bed and breakfast is 4 stars and el shaddai is 0 stars . eos 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+Stars I-Hotel-Inform+Stars N/A +bos okay may i please have the phone number for alexander 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 Hotel-Request+Phone +bos of course ! the telephone number for alexander bed and breakfast is 01223525725. 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-Hotel-Inform+Phone O N/A +bos thank you ! i 'm also looking for a train for saturday . eos O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos okay . would you like to narrow it down by departure site , destination , 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+Dest,Train-Request+Depart,Train-Request+Arrive +bos i need to leave cambridge on saturday , please . eos O O O O O B-Train-Inform+Depart O O O O O N/A +bos ok. where are you heading , and at what time ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave +bos i am going to ely and it should leave by 18:00 eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Leave N/A +bos the earliest train leaves at 19:50 and the last one leaves at 23:50. which one could you like to take ? 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 O Train-Request+Leave +bos please pick one that meets my requirements . eos O O O O O O O O O N/A +bos then , that would be tr7349 departing at 19:50 and arriving in ely by 20:07. do you need any tickets ? eos O O O O O B-Train-Inform+Id 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 Train-OfferBook +bos no , make sure you get 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 train id is the one that was referenced earlier , price is 3.52 pounds per person , it is only a 17 minute trip . is there anything else that i can do ? 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 B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time 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 do you need any further assistance with anything else ? eos 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 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 +bos yes i am looking for a train that is leaving monday to leicester eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest N/A +bos what time would you like your train to depart ? eos O O O O O O O O O O O Train-Request+Leave +bos i need it to arrive by 12:15. i do n't know how long the ride is ? eos 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 will you be departing from ? 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 B-Train-Inform+Depart O N/A +bos there is a train that leaves at 9:21 and will arrive by 11:06 would you like me to book it ? eos O 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 O O Train-OfferBook +bos yes , for 3 people please . eos O O O O B-Train-Inform+People O O O N/A +bos booking was successful the total is 113.4gbp and can be paid at the station . your reference number is eki0yzf7 . eos 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 N/A +bos can you also give me some information on museums in the east area ? i need postcode and phone numbers . 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 Attraction-Request+Post,Attraction-Request+Phone +bos i have 4 different ones . the best in that area is the cambridge artworks . it 's located at 5 greens road . their postcode is cb13ef . they offer free admission also . 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 O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Post O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O N/A +bos that sounds great . could you give me their phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223902168. can i help you with anything else today ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos no thanks , that will be all . eos O O O O O O O O O general-thank +bos great . have a fantastic 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 guesthouse to stay in with free wifi . eos O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos we have 23 guesthouses in cambridge that include internet . would you like to narrow it down by area , rating , or price range at all ? 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+Stars,Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet +bos yes , i 'd like a moderately priced place in the north . eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O N/A +bos i have 8 guesthouses that are moderately priced . do you want internet and/or parking ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos yes , i would prefer free parking and free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O O Hotel-Request+Parking +bos 7 places still have that , can i suggest the acorn guest house for you ? eos 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 N/A +bos can i get the postcode of that place ? eos O O O O O O O O O O Hotel-Request+Post +bos certainly , it 's in cb41da . would you like me to book you a room or two ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O O O O O O Booking-Inform +bos what is the star rating for that hotel ? can you check that for me ? eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos the star rating is 4. would you 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 Booking-Inform +bos not at this time , thanks . i am also considering visiting the cambridge university botanic gardens . can you tell me what area it is in ? 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 O O Attraction-Request+Area +bos its in the centre of town , any other information i can provide for you ? eos 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 no , that is everything i needed . thank you . eos O O O O O O O O O O O O general-thank +bos you are welcome ! please call back if you need anything else and enjoy your stay ! 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 book a train for me ? i need to leave after 16:00 on sunday . 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 we can help you look up for a specific schedule if you can supply to us your departure point and destination 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 Train-Request+Depart,Train-Request+Dest +bos i am leaving from leicester 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 that gives us about 8 different options . the earliest train leaves at 16:09 and will put you in cambridge by 17:54. would that interest you ? eos O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 Train-OfferBook +bos yes , it interests me a great deal . book it for 8 please and get 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 O O N/A +bos booking was successful , the total fee is 241.92 gbp payable at the station .reference number is : bzx66ova . can i further assist 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 general-reqmore +bos i am also looking for a room . free parking and wifi . eos O O O O O O O O O O O O O O N/A +bos which area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos it does n't matter . i would like it to be in the expensive range . eos 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 five . do you have a star rating preference ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Stars +bos no , no star rating preference . whichever hotel you recommend . eos O O O O O O O O O O O O O Hotel-Inform +bos well there are many to choose from . are you sure we could n't narrow it down by area ? 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 Hotel-Request+Area +bos can i get something that is expensive . eos O O O O O O O O O N/A +bos express by holiday inn cambridge is an expensive hotel in the east . can i book you any rooms ? eos 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+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Area O O O O O O O O Booking-Inform +bos yes , sunday for 4 nights , 8 people . eos O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O N/A +bos your reservation for 8 at express by holiday inn cambridge this sunday for 5 days 4 nights was successful . your reference number is : 64o9ezwu . anything else today ? eos O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name 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 general-reqmore +bos just to check , you booked the hotel for the same day as the train correct ? eos O O O O O O O O O O O O O O O O O O Train-Inform,Hotel-Inform +bos yes , both the train and hotel have been booked for sunday . is there anything 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 that will be it thanks a lot ! 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 that arrives by 11:45 leaving from ely . can you help me ? eos O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart O O O 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 'm leaving on wednesday . eos O O O O B-Train-Inform+Day O O N/A +bos train tr5348 leaves at 05:35 and arrives at 5:52. is that suitable 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 general-reqmore +bos does it go to cambridge ? eos O O O O O B-Train-Inform+Dest O N/A +bos yes it does . eos O O O O O Train-Inform +bos that 's great . can you make a booking for me for 5 people ? eos O O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos booking for 5 people on tr5348 on wednesday at 05:35 going to cambridge was successful . i do not have reservation numbers at the moment . cost is 4.40. eos O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref I-Train-OfferBooked+Ref I-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket O O N/A +bos i will need the reference number please . eos O O O O O O O O O N/A +bos booking was successful i will get you the reference number eos O O O O O O O O O O O Train-OfferBooked +bos okay , i need that . did n't they give you a reference number when you booked it ? 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 apologize for that . the booking number is owxj46ii and the cost will be 22 gbp . eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O N/A +bos thanks . now please help me find a moderate guesthouse that offers wifi eos O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O N/A +bos there are 14 to choose from . do you have a preference for area 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 Hotel-Request+Stars,Hotel-Request+Area +bos i 'd like to stay in cambridge , but no area or star rating preference . just the free wifi . 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 i recommend avalon , which is a 4 star lodging in the north . eos O O O B-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars O O O B-Hotel-Recommend+Area O O N/A +bos okay . can you book that for me ? it will be 5 of us staying there eos O O O O O O O O O O O O B-Hotel-Inform+People O O O O O N/A +bos okay . i just need a little bit of information to book that . what day do you want to check in and for how many nights will you stay 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 O Booking-Request+Day,Booking-Request+Stay,Booking-Inform +bos i will be staying for 3 nights starting wednesday . eos O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos sure , your booking was successful . reference number is 1e4ywfgs . 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 O general-reqmore +bos that 's all for now ! thank you , have a good day ! eos O O O O O O O O O O O O O O O general-thank +bos your welcome . have a lovely stay ! eos O O O O O O O O O general-welcome,general-bye +bos hi , can you give me some information on a particular hotel ? eos O O O O O O O O O O O O O O Hotel-Inform +bos yes do you have the name of the hotel ? eos O O O O O O O O O O O Hotel-Request+Name +bos it 's called the university arms hotel . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos it is in centre of town and has 4 stars and is priced expensive . eos O 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 B-Hotel-Inform+Price O N/A +bos i 'd like to book a few rooms for thursday . are there rooms available ? eos O O O O O O O O O O O O O O O O O N/A +bos what nights are you looking to stay so i can check the availability ? eos O O O O O O O O O O O O O O O Booking-Request+Day +bos i need 3 nights starting on thursday . should have enough room to accomodate 4 people . eos O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O O O B-Hotel-Inform+People O O N/A +bos i have booked it here is the information : booking was successful.reference number is : 4ahco6oi . eos 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 , can you help me find a multiple sports place to visit in the south also ? 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 i 'm sorry , there are no multiple sports venues in the south part of town . would you like to try another area or attraction ? eos O O O O O O B-Attraction-NoOffer+Type I-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 Attraction-Request+Type,Attraction-Request+Area +bos can you try entertainment ? eos O O O O B-Attraction-Inform+Type O N/A +bos there are two entertainment attractions in the south . i suggest nusha . eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O B-Attraction-Recommend+Name O O N/A +bos okay , please provide me with the postcode , and also i want a taxi to take me there . it should leave the hotel by 10:30. 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 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+Post +bos the post code for nusha is cb17dy . i 'm checking on your taxi reservation . eos O O O O O B-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O O O O O O N/A +bos ok , thank you . i will need to know what kind of car is picking me up . 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 completed ! expect a red ford to pick you up at the hotel at 10:30. their contact number is 07439027429. can i assist you otherwise ? eos O 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 B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore +bos no , but thanks for all your help ! goodbye ! 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 am visiting cambridge and would like to stay at allenbell can you help give me some information on it ? 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 N/A +bos that is a guesthouse in the east that is the cheap price range . they have free internet and parking . eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i wish to book it for 5 people and 4 nights starting from friday eos O O O O O O O O O O O O B-Hotel-Inform+People O O N/A +bos it 's been successfully booked ! your reference number is cwruxd1r . eos O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thank you ! i appreciate you providing the reference number . eos O O O O O O O O O O O O Hotel-Request+Ref +bos no problem at all ! is there anything more 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 i was wondering do they serve complimentary breakfast ? eos O O O O O O O O O O N/A +bos i do n't have that information , but their phone number is 01223210353 if you would like to call them . eos O O O O O O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O O O O O O N/A +bos i am also looking for some recommendations on places to go in the east . 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 10 attractions in the east . if you like boats , i would recommend camboats . there are also parks , museums and entertainment if you would prefer one of those instead . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O B-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O O O O O O O O N/A +bos the only requirement i have is that it be located in the east area of town . surprise 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 N/A +bos okay , i recommend cambridge artworks . it is a museum type attraction , and entrance is free eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O B-Attraction-Recommend+Fee O O O N/A +bos please get phone number and attraction type.thanks eos O O O O O O O O Attraction-Request+Phone,Attraction-Request+Type +bos the attraction is a museum and the number is 01223902168. eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Phone N/A +bos perfect , thanks . can you find me a taxi to commute between the two ? i 'd like to leave the hotel by 11:00 , please . 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 N/A +bos your booking is completed , a yellow audi will be picking you up at your hotel . 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 O N/A +bos great . can you please give me the contact number for the audi ? eos O O O O O O O O O O O O O O O N/A +bos the contact number for the audi is 07820112704. eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone 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 welcome and enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a hotel to stay in . it should have free internet and parking . eos 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 i can look that up for you ! did you have a particular area you wished to stay in or other important 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 O Hotel-Request+Area,general-greet +bos i 'd like a place that is cheap but still has free wifi and free parking . do you have a place 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 N/A +bos the cambridge belfry is cheap in the west and has a 4-star rating . they offer both free wifi 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 B-Hotel-Inform+Price 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 +bos no , thanks . i would like the postcode to that hotel , please . eos O O O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode on that hotel is cb236bw . is there anything more i can assist you with today ? eos O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore +bos i am also looking for something to do in town . are there any cinemas ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos unfortunately , there are no cinemas in the west . can i try another area ? eos 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 Attraction-Request+Area +bos yes , please try the centre . eos O O O O O B-Attraction-Inform+Area O O N/A +bos i have the vue cincema in the centre . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O N/A +bos that will work as that is also close to me ! thank you . eos O O O O O O O O O O O O O O O general-thank +bos ok , the vue cinema is located at the grafton centre , east road . do you need any other information about it ? eos 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 O O O O O O O O O O O N/A +bos yes . what are the postcode and entrance fee ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos i do n't have info on the entry fee , sorry . post code is cb11ps . you can also try calling them at 08712240240. anything else i can help you with ? 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 B-Attraction-Inform+Post 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 , i believe that is everything 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 general-bye +bos i 'm pleased i could assist you . goodbye . eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for an attraction in the centre that has multiple sports . eos O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos i recommend old school 01223332320 eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos old school is the multiple sports attraction ? great name . what 's the address ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O Attraction-Request+Addr +bos the address is trinity lane . 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 O O O O O O O general-reqmore +bos yes , can you help me find a cheap place to eat ? eos O O O O O O O O O O O O O O N/A +bos sure thing what kind of food do you want ? eos O O O O O O O O O O O Restaurant-Request+Food +bos before we move on , may i get the postcode of old school ? also , i 'd like to find some information on hotel express by holiday inn cambridge rather than 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-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 Attraction-Request+Post +bos sure thing ! it is cb21tt eos O O O O O B-Attraction-Inform+Post O N/A +bos book for 2 people and 5 nights from monday eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos i 've made those reservations and your reference number is 19iy1xe1 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks , again . finally , i need a taxi between the hotel and the old school attraction , please . 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,Attraction-Inform,Hotel-Inform +bos absolutely , what is the date and time you would like the taxi for ? eos O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos the same day , i want it to take me between the two places . i 'll need to leave the hotel by 10:30. 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 booked your taxi , a black ford . contact number will be 07004802042. 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 great , you 've handled all my needs for today ! thanks a ton ! bye ! eos O O O O O O O O O O O O O O O O O O general-bye +bos it was my pleasure ! bye until next time ! eos O O O O O O O O O O O general-welcome,general-bye +bos i need help finding a hotel called archway house . can you help me ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A +bos archway house is a moderately priced guesthouse on the north end . it is ranked 4 stars , and offers both free wifi and free parking . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds great . could you book me a room for 3 nights starting saturday 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 how many rooms do you need ? eos O O O O O O O O Booking-Request+People +bos it will be for 7 people . eos O O O O O O O O N/A +bos how long will you be staying ? eos O O O O O O O O Booking-Request+Stay +bos 3 nights starting on saturday , can i get the reference number as well ? we are also looking for an attraction called camboats , can you help me ? eos 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 B-Attraction-Inform+Name O O O O O O O O Hotel-Request+Ref +bos you are booked at archway house . your reference number is 2g8lc07r . camboats is a boating attraction in the east . what other information do you need ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref B-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore +bos can i just get the postcode ? eos O O O O O O O O Attraction-Request+Post +bos sure , the postcode is cb58sx . 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 can you book a taxi for me ? i want to leave camboats by 14:30 to head back to the hotel . 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 N/A +bos i have booked that taxi look for a yellow toyota with a contact number of 07227467567. 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 N/A +bos thanks alot . that will be it for today eos 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 'm looking for some moderately priced accommodations for my visit . can you help me with that ? eos 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 absolutely ! is there a specific area of town you 're interested in ? 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 to stay in a 4 star hotel that offers free parking . 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 we have nine moderately priced , 4 star guesthouses with free parking . does location matter ? eos O O O B-Hotel-Inform+Choice 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 Hotel-Request+Area,Hotel-Inform+Parking +bos no , but are there any that are less expensive ? eos O O O O O O O O O O O O N/A +bos yes there are 8 cheap guesthouses that have both free parking and internet . would you like me to book you one of those ? 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 O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i 'm sorry , i actually prefer a hotel rather than a guest house . are there any moderately priced 4 star hotels ? 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 N/A +bos all the hotels are booked . eos O O O O O O O Booking-NoBook +bos are there any cheap hotels ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos i found the cambridge belfry lcoated at back lane , cambourne . would you like me to book you there ? 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 O O O O O O O O O O Booking-Inform +bos that sounds fine , i just need the postcode though . eos O O O O O O O O O O O O Hotel-Request+Post +bos the postcode for the cambridge belfry is cb236bw . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Post O N/A +bos thank you , can you also tell me about places to go 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 sure , what are you interested in ? eos O O O O O O O O O general-reqmore +bos anything is fine as long as it is in the centre . eos O O O O O O O O O O O O O N/A +bos i 'm not sure what i need to get you ? eos O O O O O O O O O O O O general-reqmore +bos how about a college to visit ? eos O O O O B-Attraction-Inform+Type O O O N/A +bos the centre is filled with colleges , 13 in total . i recommend emmauel college located on saint andrew 's street it is free to visit . eos O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type O B-Attraction-Inform+Choice 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 O B-Attraction-Recommend+Fee O O O O O O N/A +bos great ! can you get me their 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 postal code is cb23ap , phone number is 01223334200 , any other questions today ? eos O O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone 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 for calling . eos O O O O O O general-bye +bos can you give me information about the museum of classical archaeology ? 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 the museum is located on sidgwick avenue in the west and it is free to get in . do you need any other information ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos yes i need the phone number . eos O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223335153. eos O O O O O B-Attraction-Inform+Phone N/A +bos thank you ! 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 general-thank +bos yes what area are you looking to stay in ? eos O O O O O O O O O O O Hotel-Request+Area +bos the south part of town , please eos O O B-Hotel-Inform+Area O O O O O N/A +bos we have 4 options , any other preferences to help narrow things down ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O general-reqmore +bos i would like a star of 4 , free parking and free wifi . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos we are showing to guest houses in the south area . do you have a price preference ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Request+Price +bos no , i do n't care about the price of the place . eos O O O O O O O O O O O O O O N/A +bos the aylesbray lodge guest house is moderately priced and is located at 5 mowbray road . would you like me to make a reserevation ? 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 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 to make a reservation for 8 for friday . eos O O O O O O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Day O N/A +bos i want to confirm this , do i book for 1 person ? eos O O O O O O O O O O O B-Booking-Inform+People O O N/A +bos book for two eos O O O O N/A +bos i have your booking completed and your reference number is : z38g5w6w . 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 i actually needed a room for 8 and 4 nights starting from friday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos okay i 've fixed your reservation and the reference number is xtx3kfp2 . is there anything else you need ? 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 nope , that 's it ! thank you so much . eos 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 , please find me 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 eleven to choose from . would you like an art museum or another kind of museum ? eos O O O B-Attraction-Inform+Choice 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 N/A +bos find me the address , phone number and fee for an art museum 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 Attraction-Request+Phone,Attraction-Request+Addr +bos primavera is located at 10 kings parade . the phone number is 01223357708. the admission is free . is there anything else i can find for you ? eos O B-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+Phone O O O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos thanks , yes please . i 'm also looking for some 3-star lodgings that offer complimentary parking . eos O O O B-Hotel-Inform+Parking O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos i have places that meet those requirements all over town , except in the east . if price is not an issue , i recommend the gonville hotel in the center . 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 O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O N/A +bos the gonville hotel sounds good . as long as it is close to the attraction . eos O O O O O O O O O O O O O O O O O Attraction-Inform,Hotel-Inform +bos what type of attraction ? eos O O O O O O Attraction-Request+Type +bos i am interested in a museum . eos O O O O O O B-Attraction-Inform+Type O N/A +bos well then the castle galleries is the place to go . 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 oh , no , i am happy with primavera , thanks . i just need that reservation at gonville . 5 nights on friday for 1 person please . eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O N/A +bos i have reserved 5 days at gonville hotel beginning friday . your reference number is ks5s2xsf . eos 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 O B-Booking-Book+Ref O N/A +bos just need a taxi from gonville to the primavera , i want to leave by 15:45 eos O O O O O O O O O B-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Leave O N/A +bos booking completed ! booked car type : yellow volkswagen . contact number : 07294843257. 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 B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos actually , i 'm all taken care of . thanks . goodbye . 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 general-welcome,general-bye +bos i 'm looking for places to go , can you guide me ? eos O O O O O O O O O O O O O O N/A +bos i would love to assist you today . i can guide you to attractions , restaurants , and hotels . what would you like 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 O O O general-greet,general-reqmore +bos i 'd like to visit an attraction in the west . suggest something for me please . 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 what about the cafe jello gallery ? it ' a free museum . 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+Fee B-Attraction-Inform+Type O O O N/A +bos that sounds great . what is their 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 cb30af , phone number 01223312112. is there anything else you need ? eos O O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos yes , i am looking for information on the hamilton lodge . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos the hamilton lodge is a moderately priced guesthouse in the north area . would you care for more information ? eos O O B-Hotel-Inform+Name I-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 O O O O O O O O O general-reqmore +bos yes , could you give me the address ? eos O O O O O O O O O O Hotel-Request+Addr +bos sure thing . it 's 156 chesterton road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 for using our service today ! eos O O O O O O O O general-bye +bos hello i am looking for a high-class super fancy pricey restaurant that serves south indian food . any suggestions would be great . 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 Hotel-Request+Price +bos there are 14 restaurants that match your criteria , any preference in area ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area +bos i just want it to be south indian food . i do n't mind what area it 's in . 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 N/A +bos ok great . the curry garden is highly recommended . it is in the centre . are you looking to reserve a table ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O B-Restaurant-Recommend+Area O O O O O O O O O Booking-Inform +bos yes . i would like to book a table on wednesday for 6 people at 11:00. eos O O O 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 booking was successful . the table will be reserved for 15 minutes.reference number is : fpqjqm5f . 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 yes . i also would like to stay at a 4 star location in the north please 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 no locations that meet your criteria in that area . would you like to search in 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 Hotel-NoOffer,Hotel-Request+Area +bos i do n't believe you . check again . i also want free wifi . eos O O O O O O O O O O O O O O O O N/A +bos there are no hotels , but there are 8 guesthouses which meet your requirements . would a guesthouse be okay ? eos O O O O B-Hotel-NoOffer+Type O O O O B-Hotel-Select+Type I-Hotel-Inform+Type O O O O O O O O O O O Booking-Inform +bos that is great . which do you recommend ? eos O O O O O O O O O O N/A +bos i recommend the acorn guest house . how does that sound ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O general-reqmore +bos sounds good , can i please have their postcode and the price range ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price +bos they are a moderate priced guesthouse with free parking and internet in the cb41da post code . would you like me to make a reservation for there ? eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O 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+Parking,Hotel-Inform+Internet +bos i 'll have to think about it . 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 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 no that will be all thank you . eos 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 hi , i 'm looking for a 4 star place that offers free wifi . 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 21 hotels that meet the description . are you looking for one in a particular area ? 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 Hotel-Request+Area +bos no particular area but it should have free parking too . eos O O O O O O O O O O O O N/A +bos okay . i would recommend archway house , which is at 52 gilbert road and has everything you 're looking for . does that sound good ? eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O O O Booking-Inform,general-greet +bos yes , that does sound good . can you book a room for 7 people for me for 3 nights starting from sunday ? eos O O O O O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A +bos booking was successful.reference number is : 40n5i5fn . 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 general-reqmore +bos great , thanks . i need also a chinese restaurant in moderate price range ? eos O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O N/A +bos there are some excellent chinese restaurants in that price range . do you have a location preference ? 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 Restaurant-Request+Area +bos the location does n't matter . i just need a chinese restaurant that is moderately priced . thanks . eos 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 N/A +bos the jinling noodle bar meets your criteria , should i book it 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 Booking-Inform +bos please do . i want it for 7 people on sunday at 16:00. please provide the reference number 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 O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : rqhovd73 . 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 that is all for today . thanks for all 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 general-thank +bos thank you and enjoy your stay in our lovely city ! eos O O O O O O O O O O O O general-bye +bos i 'm looking for a moderate price range hotel with 2 star rating . eos O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O N/A +bos there are 2 moderate 2 star hotels in the north , the ashley hotel and the lovell lodge . do you want to book ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Type O 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 Booking-Inform +bos i need to be sure that these are hotels . does either include free parking ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos yes , they are both lovely hotels . eos O O O O O O B-Hotel-Inform+Type O O N/A +bos can you choose one for me and book it for 7 people for 2 nights from friday please ? 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 N/A +bos booking was successful for the ashley hotel , your reference number is : gbb9bl1o . can i assist you with anything further ? 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 i would also like find an asian oriental restaurant in the same price range as the hotel . 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-Hotel-Inform+Type O N/A +bos the yippee noodle bar is what i would recommend . can i book a table for you ? 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 O Booking-Inform +bos yes , please . can you reserve a table for friday for 7 people at 13:15 ? 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is 98wslwxu . do you need 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 O general-reqmore +bos no , thank you that is it . eos 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-welcome,general-bye +bos where is the restaurant called tandoori palace ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos you can find tandoori palace in he west . need a reservation ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O Booking-Inform +bos yes , book me a table for 2 at 19:00. can you give me directions and the actual 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 N/A +bos yes , i will book that . it is located at 68 histon road chesterton . 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 O Booking-Inform +bos can i have a confirmation number ? eos O O O O O O O O N/A +bos did you want your table for today ? eos O O O O O O O O O Booking-Request+Day +bos actually , i do n't need it for today . what 's the price range of the place ? 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 its the epxensive price range , can i help you with that eos O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos could you tell me if there are any corsica restaurants in the south side ? eos 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 corsica restaurants located in the south side . eos 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 N/A +bos that 's fine , how about chinese in the same area ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos yes , there are three chinese restaurants in the south . would you prefer cheap or expensive ? 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-Select+Price I-Restaurant-Select+Price O O N/A +bos i am not bothered about the price . why do n't you select one and provide me with their telephone number 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 O Restaurant-Request+Price +bos the good luck chinese food takeaway is expensive and the postcode is cb17ag 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 B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Post N/A +bos what is its phone number eos O O O O O O Restaurant-Request+Phone +bos their phone number is 01223244149. would like to book a table ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O Booking-Inform +bos yes can you please ? eos O O O O O O N/A +bos yes , i can . how many people will be with you , on what day and at what time would you like your 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 Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos actually , that is all the information i need . i do need 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 O O O O O O O N/A +bos there are 3 guesthouses and 1 hotel in the south . do you have a certain price range you are looking for ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Request+Price +bos i would like a 3 star expensive place please . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O N/A +bos i found the lensfield hotel located at 53-57 lensfield road . would you like me to book that for you now ? eos O O O O B-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 O O O O O O O O O O Booking-Inform +bos is that located in the south ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos yes . the lensfield hotel is located in the south part of town . would you like more information or to book it ? 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 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 , there is free parking . what else would you like to know ? eos O O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos find me the phone number eos O O O O O O Hotel-Request+Phone +bos the lensfield hotel phone number is 01223355017. let me know if there is something else you need . eos 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 O 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 're welcome ! and thanks , you , too ! eos 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 east . eos O O O O O O O O O B-Hotel-Inform+Area O N/A +bos of course ! we have multiple places to choose from . there is one hotel and the rest are guest houses . what kind of price range are you looking at ? 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+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Price,general-greet +bos it should be an expensive 2 star hotel . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O N/A +bos i can recommend express by holiday inn cambridge . would you like to book it ? 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 Booking-Inform +bos yes , please . it will be for myself and i 'll need it for 5 nights starting on monday . i will also need the reference number when you have it . 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 O O O O O O O O O O O O O N/A +bos excellent . your booking was successful.reference number is : cxcs0glb . 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-greet,general-reqmore +bos i 'm also 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 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 got 9 in my data base . is there a specific area you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Area +bos any area would be fine . as long as it 's chinese cuisine in the expensive price range . perhaps you could 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 N/A +bos i personally like yu garden . it 's in the east . would you like to book a table ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform +bos sure , book it for the same amount of people at 13l15 on the same day please . eos O O O O O O O O O O O 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 : wkt2sy2h . 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 will need a taxi to get me there , and to my hotel please find a taxi that can arrive before my booked time , please provide contact info 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 O Taxi-Inform,Hotel-Inform +bos 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 ? eos O O O O 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 misspelled it earlier by accident but the time was 13:15. so can you book it now ? eos 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 ok i am happy to help you . i need the time of traveling , the departure site and the arrival 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 Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Depart,general-greet +bos 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 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 O O O B-Taxi-Inform+Arrive O N/A +bos your taxi is booked . be expecting a black ford . please call 07078757899 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 I-Taxi-Inform+Phone O O O O O O O O N/A +bos great , thank you ! 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,general-bye +bos can you help me find a restaurant the has indian cuisine ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes do you have a preference for area of town or price range ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos i 'd like it to be in the cheap price range and any area of town . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O Train-Request+Price +bos there are four , one in the north and three in the centre . would you like a recommendation ? 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 O O O O N/A +bos i would like a recommendation . i will need to book a reservation . eos O O O O O O O O O O O O O O O N/A +bos i can book you at the gandhi in the centre . how does that sound ? eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O B-Restaurant-Inform+Area O O O O O O N/A +bos that sounds good . please book a table for 2 people at 17:00 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : we5q0wz3 . 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 also need a train from cambridge to kings lynn on sunday , i dont want to get home late so need to be there by 15:45. 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 O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos we have trains available every hour starting from 05:11 to 14:11. would you like the earliest train or maybe a little later ? 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 B-Train-Select+Leave I-Train-Select+Leave I-Train-Select+Leave I-Train-Select+Leave N/A +bos a little later in the day please . eos O O O O O O O O O N/A +bos the tr2650 will get you to your destination by 14:58. do you want a ticket ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos ok i will book it for you eos O O O O O O O O N/A +bos okay i got that booked for you and the reference number is a08yi4v4 . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos can i get the departure time and the price of the ticket please ? eos 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 14:11 and the cost is 7.84 pounds . eos O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos this is great ! thanks 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 i 'm looking for a local restaurant to dine at that serves english food and is moderately priced . eos 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 oh no ! there no english restaurants that i can find right now . would something else work ? 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 N/A +bos i 'm looking for something with a moderate price range near 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 like i aid there are no listings for english food , 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 Restaurant-Request+Food +bos are there any restaurants that serve british food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are four restaurants that serve british food near the centre that are moderately priced . do you want more information on these restaurants ? eos O O O B-Restaurant-Inform+Choice O 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 O O O O O O O general-reqmore +bos yea can you recommend one and get my the phone number please ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos it is called restaurant one seven and there phone number is 01223337766 eos 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 N/A +bos i 'm also looking for a train . eos O O O O O O O O O Train-Inform +bos where would you be 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 Train-Request+Dest,Train-Request+Depart +bos im leaving cambridge at 11:00 eos O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos what is your destination ? eos O O O O O O Train-Request+Dest +bos nevermind , i 'm going to cambridge not from it . i 'm leaving from norwich eos O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Depart O O O O N/A +bos i have booked you on tr8662 which leaves norwich at 11:16 on friday and takes 79 min to get to cambridge for 17.60 pounds . reference r42cekg8 eos O O O O O O O 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 , i am traveling on tuesday . i need to leave after norwich after 15:45. i need a booking for 7 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 N/A +bos so you want to cancel the other booking ? eos O O O O O O O O O O N/A +bos no i will keep it eos O O O O O O N/A +bos okay thank you for calling . eos O O O O O O O general-greet +bos actually , sorry . do cancel the other booking because i did n't ask for it . make the booking for 7 people on a train leaving after 15:45 from norwich to cambridge on tuesday 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 B-Train-Inform+Leave O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O N/A +bos your tickets have been booked . your new reference number is 8xikh0z9 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos perfect . sorry about all the confusion and thanks 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 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 general-welcome,general-bye +bos i am looking for the restaurant kymmoy . eos O O O O O O O B-Restaurant-Inform+Name O N/A +bos kymmoy is an asian oriental restaurant located on 52 mill road city centre , cb12as . would you like a reservation ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O Booking-Inform +bos yes i want to book a table for 7 people at 16:15 on wednesday . i want 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 N/A +bos your reference number is : mxg517hw . the table will be held for 15 minutes . is there anything else i can do to assist 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 O O O O O O general-reqmore +bos yes i am looking for a place to stay . i would prefer a hotel in the 4 state rating category . eos 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 N/A +bos university arms hotel is located in the centre . would you like to make a reservation ? eos 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 O Booking-Inform +bos does it have free parking ? eos O O O O O O O N/A +bos yes . would you like a room ? eos O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos yes , please . can you book me for wednesday for 7 people , 2 nights please ? eos 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 O N/A +bos great ! i have the rooms booked for you . eos O O O O O O O O O O O Booking-Book +bos could i please get the reference number ? eos O O O O O O O O O N/A +bos sure , your reference number is zu5rabwr eos O O O O O O O O N/A +bos thanks so much , now i need a taxi to get us there on time . eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos okay ! you 'll be picked up in a black ford . the contact number is 07889021658. 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos that will be all for today . thanks so much . goodbye eos O O O O O O O O O O O O O general-bye +bos thanks for letting us assist you ! have a great trip ! eos O O O O O O O O O O O O O general-bye +bos i am looking for 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 N/A +bos is there any particular cuisine you have in mind ? eos O O O O O O O O O O O Restaurant-Request+Food +bos not really . what would you recommend ? eos O O O O O O O O O N/A +bos taj tandoori is a great place for indian food . would you like a reservation ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O Booking-Inform +bos i do n't need a reservation yet . may i have taj tandoori 's address , postcode , and phone number , please ? 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 O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos okay , sure . the address is 64 cherry hinton road cherry hinton . the post code is cb17aa , and the phone number is 01223412299. do you need anything else ? 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 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-greet,general-reqmore +bos yes ! can you help book train tickets ? eos O O O O O O O O O O Train-Inform +bos i sure can , which stations will you be traveling between ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'm going to be headed to cambridge from birmingham new street on monday . eos 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 O N/A +bos there are trains every hour starting at 05:40. travel time is 163 minutes . is there a time you want to depart or arrive by ? how many people are traveling ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice B-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 O O O O O O O Train-Request+People,Train-Request+Arrive,Train-Request+Leave +bos i 's like to depart after 16:15. i just need information , not a booking . eos O O O O O O O O O O O O O O O O O N/A +bos what information do you want in particular ? eos O O O O O O O O O general-reqmore +bos i need the train id . eos O O O O O O O Train-Request+TrainID +bos i have a 16:40 departure and the train id is tr5349 . eos O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Id O N/A +bos what time will it arrive ? eos O O O O O O O Train-Request+Arrive +bos it will arrive in cambridge at 19:23. eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos i 'm not good at maths so please give me the total travel time too . eos O O O O O O O O O O O O O O O O O Train-Request+Duration +bos no problem . the travel time is 163 minutes . is there anything else i can do 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 general-greet,general-reqmore +bos that is all i need . eos O O O O O O O N/A +bos okay great i am glad i could assist you today . eos O O 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 have a nice day . good bye . eos O O O O O O O O O general-bye,general-greet +bos i would like to dine at a restaurant serving indian food on the east side of town . any suggestions ? 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 N/A +bos okay there are four different restaurants . 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 price does not matter . eos O O O O O O N/A +bos i would recommend pipasha restaurant . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos great , can you book me for 5 people at 11: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 booking was successful . the table will be reserved for 15 minutes.reference number is : mlaa1d4v . anything else i can 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 i also need to travel by train to norwich , some time on tuesday after 14:30. eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos there is a train departing cambridge for norwich at 14:36 on tuesday . would you like me to 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 Train-OfferBook +bos yes please and i need a confirmation number eos O O O O O O O O O N/A +bos it has been booked ! reference number is bsjkvn2y . 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 thank you goodbye eos 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 leaving after 21:30 from cambridge . eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O N/A +bos i can look that up for you ! what day will you be traveling on and where is your destination point ? 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,general-greet +bos i am leaving on saturday and going 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 O N/A +bos the first train after 21:30 on saturday is the tr5413 , leaving cambridge at 22:01. would you like to reserve a seat on this train ? eos 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 O O O O O O O O O O Train-OfferBook +bos that 'll work . how much does that cost and how long does it take to get into birmingham new street ? 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 N/A +bos it takes about 163 minutes and it costs 60.08 pounds . i can help you book a seat on the train whenever you 're ready eos 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 O O O O O O Train-OfferBook +bos no , i will just buy my ticket at the station . thanks . can you help me find 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 Restaurant-Inform +bos there are a lot to choose from . can you give me more information to find the perfect place ? 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 N/A +bos is there anything in the city centre that sells afghan 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 'm sorry but i am not finding any . would you like me check 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 Restaurant-Request+Food,Restaurant-NoOffer +bos yeah , how about modern european ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there are 4 restaurants to choose from that serve modern european food . what price range would you rather : expensive , moderate or cheap ? eos O O O O B-Restaurant-Inform+Choice 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-Select+Price I-Restaurant-Select+Price O O O N/A +bos moderate would be fine , but any of them will do , as long as i can get in today , at 17:45. eos O B-Restaurant-Inform+Price 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 N/A +bos i have de luca cucina and bar or riverside brasserie . would you like reservations at one of these ? 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 +bos sure , let 's try de luca cucina . i want to reserve a table for 1 person on saturday at 17:45. i will need you to give me a reference number 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 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 Restaurant-Request+Ref +bos your reservation for a table for one at de luca cucina and bar is all set for saturday at 17:45. reference # is 1w5j6f3g . is there anything else i can help with ? 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+Name 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 O O general-reqmore +bos that is all i needed , thank you . good bye ! eos O O O O O O O O O O O O O general-bye +bos your welcome . keep us in mind if you need assistance in the future . 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 some information on a train going to bishops stortford departing from cambridge . eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Depart O O N/A +bos what day and time are you leaving cambridge ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'm leaving after 18:45 on thursday . eos O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos tr1339 is leaving at 23:29 and it is priced at 10.10pounds . can i book ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Ticket O O O O Train-OfferBook +bos what is the arrival time ? eos O O O O O O O Train-Request+Arrive +bos tr1339 arrives at 24:07 and takes 38 minutes to arrive there . eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A +bos thank you . i will also need to find a restaurant that serves mediterranean food and should be in the expensive price range . 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 B-Restaurant-Inform+Price O O O Train-Request+Price +bos la mimosa is a great expensive mediterranean restaurant in the centre . would you like to book a table ? eos 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 O O O O O O O O O Booking-Inform +bos no i would just like their telephone number please . eos O O O O O O O O O O O Restaurant-Request+Phone +bos of course . their telephone number is 01223362525. would you like any more information ? eos O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos can i get their address please ? eos O O O O O O O O Restaurant-Request+Addr +bos sure , their address is thompsons lane 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 O O O O O O O O O O O O general-reqmore +bos nope . i think that is all . enjoy your day and stay out of the rain . 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 have a great day , too . thanks for calling . goodbye . eos O O 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 okay . i can help you find a restaurant or hotel , look for tourist information , book a train or taxi . how may i 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 O O O O general-greet +bos i need a train going to broxbourne that leaves after 8:00 on monday eos O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day N/A +bos tr5517 will leave at 08:01 and arrive by 09:01. would you like to book seats ? 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 that 's leaving from cambridge , right ? if so , then yes , book me one seat , and give me the reference number , 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 Train-Request+Ref +bos that is correct ! one ticket has been booked and your reference number is wb6yzlp0 . is there anything else i can assist you with ? eos O O O O O B-Train-OfferBooked+People 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 information on a hotel called cityroomz . eos O O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos i have it be sure to give me your preferences and we can start booking eos O O O O O O O O O O O O O O O O Booking-Inform +bos i just needed to find out if they offer free parking there . eos O O O O O O O O O O O O O O Hotel-Request+Parking +bos unfortunately , cityroomz does not offer free parking -- just free internet . is there something more i can help with ? 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 Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos no thank you . eos O O O O O general-thank +bos thank you so much for calling . eos O O O O O O O O general-bye +bos i 'm looking for a train departing from london liverpool street leaving on thursday . eos 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+Day O O N/A +bos there are 10 trains leaving fro liverpool street on thursday . did you have a departure time in mind ? eos 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 Train-Request+Leave +bos yes , i do n't want to leave for cambridge until 15:00 at the earliest . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave O O O O O O N/A +bos okay , the tr8944 leaves at 15:39 and arrives by 17:07. would you like me to book tickets 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 , for 6 people . eos O O O O B-Train-Inform+People O O N/A +bos okay i have booked you and your reference number is wluoqkev . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you . i also need a hotel in the south . eos O O O O O O O O O O B-Hotel-Inform+Area 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 no price range but i do want a 4 start . eos O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos rosa 's bed and breakfast is in the cheap price range 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 N/A +bos that sounds great . i 'll need a reservation for 6 people for 4 nights on thursday . 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 O N/A +bos i 've gone ahead and booked that for you . your reference number is : euz34ky9 . 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore +bos no , that takes care of everything i need . thanks ! eos O O O O 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 i do n't need a taxi , thanks for asking eos O O O O O O O O O O O Taxi-Inform +bos then thanks for inquiring with us . eos O O O O O O O O general-greet +bos goodbye , and thanks again . eos O O O O O O O general-bye +bos sure thing . thanks for letting us help you today ! eos O O O O O O O O O O O O general-bye +bos what can you tell me about the the good luck chinese food takeaway ? 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 N/A +bos it 's an expensive chinese restaurant in the south area of town . would you like their contact info ? eos 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 general-reqmore +bos no i would like a reservation for 5 people at 17:30 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 N/A +bos i was able to book it , reference number is l1pc8yvt eos O O O O O O O O O O B-Booking-Book+Ref O 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 i would also like a train from leicester on tuesday too . eos 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 arrive ? eos O O O O O O O O O Train-Request+Arrive +bos it should arrive in cambridge by 11:15 on the same day that i made the restaurant reservation for . eos 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 i got you 1 ticket on the tr0363 you will arrive at 10:54 , and reference # is ymvy35j5 , anything else ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O O O general-reqmore +bos no , i think that that is all i need . thank you very much ! eos O O O O 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 please find me a train from cambridge to stansted airport eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest N/A +bos 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 ? eos O O O O O O O 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 saturday leaving cambridge anytime after 20:00 please eos O B-Train-Inform+Day O O O O B-Train-Inform+Leave O N/A +bos tr3128 will leave at 20:40 and arrive by 21:08. do you need more information or would you like to book tickets ? 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 O O O Train-OfferBook +bos can you book me 6 tickets please ? eos O O O O O O B-Train-Inform+People O O N/A +bos you 're all set . total for tickets is 48.48 gbp payable at the station . reference number is jd6sa21j . 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 N/A +bos i am also looking for the riverside brasserie . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos riverside brasserie is a modern european restaurant in the centre . its address is doubletree by hilton cambridge granta place mill lane and postcode is cb21rt . want to book it ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-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 I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O Booking-Inform +bos yes , i would like to book it and get a reference number . eos O O O O O O O O O O O O O O O N/A +bos unfortunately , i can not book it at this time . eos O O O O O O O O O O O O Booking-NoBook +bos can you try for saturday at 13:00 ? eos O O O O O B-Restaurant-Inform+Day 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 6 people will be dining eos O O B-Restaurant-Inform+People O O O N/A +bos your booking was successful . your reference number is 3vx3aoks . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks for everything you have been great ! eos O O O O O O O O O general-thank +bos thank you is there anything else today ? eos O O O O O O O O O general-reqmore +bos no that is all i needed . thank you ever so kindly . eos O O O O O O O O O O O O O O general-thank +bos wonderful . i 'm glad i could help . 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 i 'd like some information on places to go in town . i 'd like to go to a museum with free admission . can you make a suggestion ? please provide phone number . 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 O O O O O O O O O O O O O O O Attraction-Request+Phone +bos i have 23 museums to choose from and most have a free entrance . can you narrow down where you want to go ? eos 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 O O O O O O O O O Attraction-Request+Area +bos i do n't really have a preference . are there any art museums ? eos O O O O O O O O O O O O O O O N/A +bos cambridge contemporary art is a free museum located in the centre area of town . their number is 01223324222. do you need anymore information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee B-Attraction-Inform+Type 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 O N/A +bos yes . i need a place to stay with free wifi eos O B-Hotel-Inform+Internet O O O O O O O O O O N/A +bos yes well what price range are you looking for and what area of town do 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 Hotel-Request+Price,Hotel-Request+Area +bos it should be in the expensive price range . free parking and should have a star of 4 eos 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 N/A +bos in that case , you absolutely want to stay at the university arms hotel . it is in the centre area . would you like me to book a room for you ? 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 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 Booking-Inform +bos no just give me the address please . eos O O O O O O O O O Hotel-Request+Addr +bos yes the address is regent street . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 great . have a nice day . eos O O O O O O O O general-welcome,general-bye +bos can you help me find a train leaving tuesday going to cambridge ? eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A +bos i can help you get set up , where will you be coming from ? eos O O O O O O O O O O O O O O O O Train-Request+Depart +bos i am leaving from peterborough after 12:30. eos O O O O O B-Train-Inform+Depart O O N/A +bos there are 23 results . would you like 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 Train-Request+Arrive +bos depart from peterborough and should leave after 12:30 , can you book it and i need 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 there is a train that leaves at 12:48 and arrives at 13:38 and costs 16.50 pounds . would you like me to book that ? eos O O O O O 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 Train-OfferBook +bos no need for a booking . i do need a total travel time , however . eos O O O O O O O O O O O O O O O O O Train-Request+Duration +bos sure the travel will take 50 minutes . eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos great , i also need an idea of hotels that are moderately priced in the west . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O Train-Request+Price +bos hobsons house is a 3 star guesthouse and offers free internet and parking . would you like a reservation ? eos O B-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 not as of now , i am just gathering information . eos O O O O O O O O O O O O N/A +bos hobsons house is the only place matching your criteria in the west . do you want information for another part of town ? 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 O O Hotel-Request+Area +bos that sounds great . i would like to book it for 4 people and 2 nights starting from tuesday . 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 you are all set the reference number is n1yfwyg1 can i help with anythng else ? eos O O O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O general-reqmore +bos that is it for now . thanks for helping 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 a place to stay in the north that includes 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 would you like a hotel or a guesthouse ? eos O O O O O O O O O O Hotel-Request+Type +bos i would like a hotel with a moderate price range that includes free parking also . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O O Train-Request+Price +bos the ashley hotel and lovell lodge are 2 hotels in the north area in the moderate price range , both have 2 stars and free parking and internet . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos 3 people and 3 nights starting from friday at ashley eos O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O N/A +bos would you like me to make a booking for either one ? which one do you prefer ? eos O O O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos any of your choice . eos O O O O O O N/A +bos okay , your booking was successful . your reference number is tjsxo54d . 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 i am also looking for a train departing from leicester and going to cambridge , can you help me ? eos 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 N/A +bos okay ! what day would you like to travel ? eos O O O O O O O O O O O Train-Request+Day +bos i need to leave after 14:00. and it 's how i 'm getting to cambridge , so friday . eos O O O O O O B-Train-Inform+Leave O O O O O O O O B-Train-Inform+Day O O O O N/A +bos okay , the tr6247 leaves at 14:09. would you like me to book tickets ? 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 no thank , just need total travel time and price . eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos prices is 37.80 pounds per person , the total duration of the trip is 105 minutes . any other questions today ? eos 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 general-reqmore +bos no , that is everything i need . thanks for your help ! eos O 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 ? eos O O O O O O O O O O O general-reqmore +bos that was all , thank you for your help . eos O O O O O O O O O O O general-thank +bos have a pleasant stay at the ashley and a wonderful trip . 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 general-bye +bos what can you tell me about magdalene college ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos it is located in the west area and has a free entrance fee . eos O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee O O O N/A +bos great ! can you give me the phone number to magdalene college ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos sure , the phone number is 01223332138. can i help you with anything else 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 i also need a train from ely on monday eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day N/A +bos okay ! where is the destination ? eos O O O O O O O O Train-Request+Dest +bos the train should arrive by 11:45 and should go to cambridge eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Dest N/A +bos tr2987 departs at 09:35 and arrives by 09:52. 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 no how much are the tickets ? eos O O O O O O O O N/A +bos each ticket is 4.40 pounds . 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 O O O O O general-reqmore +bos that 's all i need for now . thanks ! eos O O O O O O O O O O O general-thank +bos ok , thank you . goodbye . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a hotel that offers particular amenities , specifically 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 just to clarify , does it matter if this establishment is a guesthouse or a hotel ? eos O 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 no , it really does n't matter . i need free parking and free wifi though . i 'd like a 4 star rating and it should be 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-Hotel-Inform+Stars O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos there are 7 matches , do you have any other preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O N/A +bos no other preferences . which one do you recommend ? eos O O O O O O O O O O O N/A +bos i would recommend home from home , a guesthouse at 78-80 milton road . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Type I-Hotel-Recommend+Type B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O N/A +bos that sounds lovely , can i please have the post code for that ? eos O O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode for home from home is cb41la . is there anything else i can do for you today ? eos 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 i want to eat at a moderate chinese restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos in what area ? eos O O O O O Restaurant-Request+Area +bos i do n't have a preference . eos O O O O O O O O N/A +bos may i suggest golden wok . they are located on the north side of town at 191 histon road chesterton . 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area 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 please book a table for 1 people at 18: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 O N/A +bos reference number is : e0uf3s84 . you are booked , it will be held for 15 minutes . eos O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O O O O Booking-Book +bos thanks . i need a taxi to take to the restaurant in time for the reservation . pick up place : home from home eos O 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 I-Taxi-Inform+Depart O O O N/A +bos you are booked for a blue lexus with the contact number of 07187698184. may i help with something 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 general-reqmore +bos no , that 's all i need today . thank you . good-bye . eos O O O O O O O O O O O O O O O general-bye +bos you are very 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 O general-welcome,general-bye +bos i am looking for a place to stay in the north of town . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos sure , there are several guesthouses and a few hotels . 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 O O O O O O O Hotel-Select +bos i 'm looking for a moderately priced place in the north side 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 do you need wifi or parking ? eos O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos yes , i 'd like both free wifi and parking . eos O B-Hotel-Inform+Internet O O O O O O O O O O N/A +bos i have lots of options what price range ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O Hotel-Request+Price +bos i already told you . moderately priced . eos O O O O O O O O O N/A +bos the archway house is a guesthouse that meets your criteria . it has 4 stars . would you like to make a reservation ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Type I-Hotel-Recommend+Type 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 . 7 people for 3 nights starting monday . eos 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 can make a reservation for you . will you need anything else ? how about a nice restaurant ? 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 i need a reservation for archway house , did you make it ? 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 Hotel-Request+Ref +bos i am sorry but my system is down at the moment so i can not book it . here is the their phone # 01223575314 or we can try again later . eos 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+Phone I-Hotel-Inform+Phone O O O O O O O Booking-NoBook,general-reqmore +bos do you know any other hotels that fit my criteria which you could contact at the moment ? eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos i am unable to find something else at this time , sorry . eos O O O O O O O O O O O O O O Hotel-NoOffer +bos do you have any other suggestions ? eos O O O O O O O O N/A +bos thank you for your patience , i was able to get the booking to go through this time . the reference number is 29iyannc 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 N/A +bos is there any attraction in town near where i am staying ? eos O O O O O O O O O O O O O Attraction-Inform +bos there are a couple of swimming pools and a park near the guesthouse . eos O O O O O O O O O O O O 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 i do n't have entrance fee info for most of the attractions , but i do know that the milton country park is free . 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 B-Attraction-Inform+Fee O O O N/A +bos i am also going to need a ride between the two places please . eos O O O O O O O O O O O O O O O N/A +bos ok , where to and from and what time ? eos O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest +bos archway house to milton country park by 15 00 eos O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos i 've booked a black honda for you . the contact number is 07362020310 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 N/A +bos thank you so much ! eos O O O O O O general-thank +bos you are welcome . do you need further help with restaurants or trains ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos no , all my questions were answered . thank you much . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos i hope you enjoy your trip . have a great day . eos O O O O O O O O O O O O O general-bye,general-greet +bos i heard about the de luca cucina and bar , and i 'd like to try it out . could you help me find 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 O O O O O O O O O O O O O O O O N/A +bos de luca cucina and bar is located at 83 regent street . 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos can you please book me a table for 1 for 19:15 on tuesday ? eos O O O O O O O O O O O O O O O N/A +bos yes , i would be happy to book you a table for one at 19:15 on tuesday . 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-Inform+People B-Booking-Inform+Time O B-Booking-Inform+Day O O O O O O O O O O O O general-reqmore +bos yes , can you please get the phone number as well ? eos O O O O O O O O O O O O O N/A +bos your reservation for 19:15 at the de luca cucina and bar and the reference number is vdwc6n50 . their phone number is , 01223356666. may i help you with anything else ? eos O O O O B-Booking-Book+Time 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 B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos i also need somewhere to stay , a hotel with free wifi and four star rating . 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 what area do you prefer for your hotel ? eos O O O O O O O O O O Hotel-Request+Area +bos i would like the north please . eos O O O O O B-Hotel-Inform+Area O O N/A +bos there are no hotels in the north with your criteria . 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 I-Hotel-NoOffer+Area O O O O O O O O O O O Hotel-Request+Area +bos how about a cheap price range in the north ? i need a reservation for 1 for 4 nights starting tuesday . 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 B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos there are no cheap 4 start hotels in the north . sorry . is there anything i can assist you with today ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price 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 O general-reqmore +bos is there anything in the north that is 4 stars and in the cheap price range with free wifi eos O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O N/A +bos i do n't have any hotels but i do have worth house which is a cheap 4 star guesthouse in the north part of town with free internet and parking eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O 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 I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos sure that works for me ! please make a booking for just me for 4 nights starting tuesday . eos 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 N/A +bos your room has been booked , and the reference number is eukei4iv . 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 that 's it thank you for all your help ! 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 could you help me find cityroomz , please ? eos O O O O O O B-Hotel-Inform+Name O O O N/A +bos i sure can . cityroomz is located in the centre of town . they offer free wifi . they are at sleeperz hotel , station road . their phone number is 01223304050. eos O O O O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Area 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 B-Hotel-Inform+Phone O O O O O Hotel-Inform+Internet +bos can you book a room for me there ? we 'll be arriving on saturday and need to stay 4 nights . there will be 7 of us staying . eos 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 O O B-Hotel-Inform+People O O O O O O N/A +bos i was able to book cityroomz for you on saturday for 4 night , 7 people . your reference number is 5b7m73dk . is there anything else i can help with ? eos O O O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay 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 nope , that 'll be all , thanks . bye ! eos 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 day ! eos O O O O O O O O O O O O O O general-greet +bos i 'm looking for a cheap restaurant eos O O O O O B-Restaurant-Inform+Price 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 am not looking for a specific food type but i would like it to be in centre please . 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 Restaurant-Request+Food +bos dojo noodle bar is a cheap restaurant in the centre of town . would you like to make a reservation ? eos 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Booking-Inform +bos what type of food is that ? eos O O O O O O O O Restaurant-Request+Food +bos that is asian oriental . is that okay ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A +bos sounds good . i am also looking for a place to stay in the east . can you help me find something ? 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 sure thing , what price range are you looking for ? eos O O O O O O O O O O O O Hotel-Request+Price +bos im looking for the expensive price range eos O O O O O B-Hotel-Inform+Price O O N/A +bos we have one expensive hotel in the east . would you like me to book a room for you ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform +bos no , i 'm sorry can you lookup a hotel in the east that 's priced cheap and has free wifi ? 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 N/A +bos how about autumn house ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos actually , can you find me a cheap place instead ? eos O O O O O O O O O O O O N/A +bos autumn house is cheap but it is a guesthouse . is that okay ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Type O O O O O N/A +bos no , i need a hotel please . eos O O O O O B-Hotel-Inform+Type O O O N/A +bos i 'm sorry , there does n't appear to be any cheap hotels located in the east . eos O O O O O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type O O O B-Hotel-NoOffer+Area O O O O N/A +bos how about one that has free parking ? eos O O O O O O O O O N/A +bos no i am sorry something else perhaps ? eos O O O O O O O O O Hotel-NoOffer +bos you mentioned earlier about the autumn house being a guesthouse that is cheap in the east . i guess i can do a guesthouse . let 's book there please for 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 O O O O O O N/A +bos of course ! how many rooms will you require and for how many days ? eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos there will be 4 of us and we will need 3 nights starting friday please . eos 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 N/A +bos booking was successful . the reference number is : rhfzm04w . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i will also need a taxi leaving the hotel by 23:00. i will need the car type and 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 Taxi-Request+Car +bos where are you going ? eos O O O O O O Taxi-Request+Dest +bos i am going to the restaurant eos O O O O O O O N/A +bos alright , i have you in a yellow volvo and their contact number is 07925575178. how else can i help ? 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 thank you for the booking of my taxi . that is all for now . eos O O O O O O O O O O O O O O O O Taxi-Inform +bos enjoy your visit to the restaurant . eos O O O O O O O O general-bye +bos i 'm coming to town and looking for a good japanese restaurant to try near the town centre . do you have any suggestions ? 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 N/A +bos the japanese restaurant near centre is wagamama . the address is 36 saint andrews street . eos O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area 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 N/A +bos i 'll be needing a table for 6 at 13:30 this next monday , can you help ? eos 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . the reference number is 4p2mmpi9 . 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 for the info ! what about attractions in the area ? eos O O O O O O O O O O O O O Attraction-Inform +bos what type of attraction would you like ? eos O O O O O O O O O Attraction-Request+Type +bos actually , first , lets get a hotel . are there any cheap places to stay ? eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos there are 10 cheap places ro stay . do you have a specific area 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 Hotel-Request+Area +bos i would like it in the centre near the restaurant . it needs to be a guesthouse . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A +bos would you like to try allenbell ? eos O O O O O O B-Hotel-Inform+Name O N/A +bos does it have free parking ? eos O O O O O O O N/A +bos yes it does , free parking as well . eos O O O O O O O O O O Hotel-Inform+Parking +bos that would be great , thanks . eos O O O O O O O O general-thank +bos did you need a booking at the allenbell ? eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name N/A +bos i do not so that will be all , i do need their address and postcode though . 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+Addr +bos sure , it is located at 517a coldham lane , postcode cb13js . what else can i help you with today ? eos 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 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 welcome and thanks for using our services eos O O O O O O O O general-welcome,general-bye +bos good bye . eos O O O O general-bye +bos thank you goodbye . eos O O O O O general-bye +bos i need a centre attraction . eos O O O O B-Attraction-Inform+Area O O N/A +bos i have many attractions in the centre . do you have a particular type in mind ? 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 Attraction-Request+Type +bos what types of attractions are there and what are the entrance fees ? eos O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type +bos there are over 40 attractions in the centre , in every type of venue . let 's narrow it down a bit and i 'd be happy to provide further details . museum ? architecture ? boats ? colleges ? 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 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 Attraction-Request+Type +bos boats sounds interesting ! eos O B-Attraction-Inform+Type O O O N/A +bos scudamores punting company and the cambridge punter both offer boating in the centre . would you like their addresses ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos no , but could you tell me what their entrance fees are ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos i do not have any information on what their fee is , you may want to call them . they are reachable at 01223359750 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 O B-Attraction-Inform+Phone O N/A +bos i 'm also looking for a restaurant in the expensive price range and in the same area . 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 we have quite a few options , is there any cuisine in particular that you would like ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos yes , are there options for mexican ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i am not seeing any mexican restaurants in the expensive price range in that area . would you like me to try another search for you ? 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 O O O O O O O O O O O O O O O O N/A +bos can you see if maybe there is a french restaurant with the same criteria ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos cote is an expensive french dining experience . would you like to book a table ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O O Booking-Inform +bos yes , give me a table for 6 people at 18:00 sunday . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O N/A +bos the booking was unsuccessful , do you have a different day or time ? 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 lets try 5pm eos O O O O N/A +bos booking was successful . the reference number is : nyeumz53 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos can you book me a taxi from scudamore 's punting company 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 please give me information about when you want to leave and arrive . eos O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos yes , i would like to arrive at the restaurant by the booking time at 17: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 booking was completed ! the car is a black skoda contact number : 07731972489 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 N/A +bos i 'm looking for a cheap portuguese restaurant eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos nandos in the south and nandos city centre in centre meet that criteria . would you like more information on either 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 N/A +bos yes , could i get the location and the phone number please . eos O O O O O O O O O O O O O O N/A +bos do you want the information on nandos in the south or the nandos city centre ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area,general-reqmore +bos i prefer the nandos in the city center . also , i need information about museums or art galleries in the west . eos 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 N/A +bos nandos ' number is 01223327908. there are several museums in the west . i 've heard that cafe jello gallery has some lovely pieces . or would you like to hear about the others ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area 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 O O O O O O general-reqmore +bos yes , i am looking to kill some time in town . are there any museums 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 N/A +bos yes , cafe jello gallery fits that bill . admission is free and it is located at cafe jello gallery , 13 magdalene street . there are others in the area as well . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Fee 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+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O N/A +bos thank you . what is the post code for 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 O Attraction-Request+Post +bos their postcode is cb30af . eos O O O O B-Attraction-Inform+Post O N/A +bos great i also need to get a taxi between the two places . eos O O O O O O O O O O O O O O Taxi-Inform +bos okay . which site will you need to be picked up from , and what is your timeframe ? 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,general-greet +bos i would like to leave the restaurant by 04:00. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos i have booked the taxi for you picking you up at 04:00 at nandos going to the cafe jello gallery . look out for a grey toyota . 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+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos can i get a contact number at least ? eos O O O O O O O O O O N/A +bos the contact number is 07107662669. eos O O O O O B-Taxi-Inform+Phone N/A +bos thank you , that should be all for today . eos O O O O O O O O O O O general-thank +bos thank you for using the service , 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 having trouble finding a place to eat called prezzo . can you locate it for me and tell me a little about it 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 N/A +bos prezzo is located at 21 - 24 northampton road , in the west . it 's an italian restaurant . moderate price range . 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 B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O O O O O N/A +bos that sounds perfect ! eos O O O O O N/A +bos would you like me to book you a table ? eos O O O O O O O O O O O Booking-Inform +bos not this time but i would like to visit an attraction while in centre , can you find one for me ? 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 N/A +bos okay , there 's about 44 attractions in the centre of town . is there something in particular you 'd like ? 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 O O O O Attraction-Request+Type +bos no , but i will need the address . eos O O O O O O O O O O Attraction-Request+Addr +bos i think you would enjoy old schools in the centre of town . it is an architectural attraction . the address is trinity lane . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos great , that sounds perfect . thanks ! eos O O O O O O O O O general-thank +bos post code is cb21tt , trinity lane . is there anything else i can tell you ? eos O O O O B-Attraction-Inform+Post B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore +bos not today , thank you so much for your help . i appreciate everything you do . eos O O O O O O O O O O O O O O O O O O general-thank +bos absolutely positively no problem at all ! thanks for using our service . enjoy your time ! eos O O O O O O O O O O O O O O O O O O general-greet +bos thanks , i 'm all set here . you can end the conversation now . 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 O O general-bye +bos hi i 'm 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 O N/A +bos any more specifics ? eos O O O O O Attraction-Request+Type +bos i would really like to see a museum . maybe get a little more culture under my belt . 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 are 11 museums in the area , all free . anything in particular you are interested in ? there are art , architecture , archaeology , and historical museums . eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Fee 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 Attraction-Request+Type +bos surprise me ! can you send me the address and postcode for the one you choose ? 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 'm a fan of wipple museum of the history of science . they 're at free school lane , post code cb23rh . can i help you with anything else today ? 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 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 B-Attraction-Recommend+Post O O O O O O O O O O O O O general-reqmore +bos i 'm also looking for a restaurant in the same area as the museum that serves north american food . could you get me the number , postcode , and address please ? eos 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 O O O O O O O O O O O Restaurant-Request+Addr +bos certainly , gourmet burger kitchen is an expensive north american restaurant , address regent street city center , phone 01223312598. would you like a reservation ? eos 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 I-Restaurant-Inform+Food O O B-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 Booking-Inform +bos that sounds nice.sure , i like a reservation in the gourmet burger kitchen , and i need the address . 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 address is regent street city centre , how many should i book for and what time ? 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 O Booking-Request+Time,Booking-Request+People +bos can i get the postcode for them please ? eos O O O O O O O O O O Restaurant-Request+Post +bos the postcode for the gourmet burger kitchen is cb21ab . may i assist 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+Post O O O O O O O O O general-reqmore +bos no , that will be all , thanks ! goodbye . eos O O O O O O O O O O O O general-bye +bos excellent . have a good night ! eos O O O O O O O O general-bye +bos i am looking for an expensive korean restaurant . can you tell me my options please ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos little seoul is the only one - it 's an expensive korean place in the centre . would you like me to book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O Booking-Inform +bos yes , save me a table for one at 11:15 on monday . thanks ! eos 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 i was able to make that reservation for you . reference number : 3gqam8ln . anything more i can help 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 general-reqmore +bos yes , i am also looking for a museum in the west side of the city . 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 we have several . may i suggest lynne strover gallery . eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos that sounds great , 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 Attraction-Request+Post,Attraction-Request+Phone +bos sure thing ! their number is 01223295264. the post code is cb30aq . anything else dear ? eos O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O O O O general-reqmore +bos no , and thank you kind person for helping me ! eos O O O O O O O O O O O O general-thank +bos excellent , please feel free to contact us with any other questions you might have ! 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 O O O O O general-bye +bos i 'm looking for an attraction which should be in the east a museum if possible . eos O O O O O O O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Type O O O O N/A +bos there are 5 attractions what are of town would you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Area +bos a museum located east side . can i get the postcode , phone number and is there an admission fee ? eos O O B-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 Attraction-Request+Post +bos there are four museums matching your criteria , 3 of them are free and one has an admission fee of five pounds . how about the cambridge museum of technology , their postcode is cb58ld , and the address is the old pumping station , cheddars lane . 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Post O O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O N/A +bos great , is that the free one ? i also need someplace to eat in that same area . 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 is a 5 gbp admission fee . cambridge artworks is free and located at 5 greens road with a postcode cb13ef and phone 01223902168. what type of food ? eos O O O 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O B-Attraction-Inform+Phone O O O O O Restaurant-Request+Food +bos i am open to any suggestion , but i am looking for a fancy expensive restaurant . what would you suggest ? 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 N/A +bos yu garden is a very nice chinese restaurant on the east side of town . eos 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 N/A +bos sounds good . can you help me book at taxi from the restaurant to 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 i sure can . can you tell me what time you want your taxi 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+Arrive +bos yes , i just need to leave yu garden by 5:45. eos O O O O O O O O O O O O N/A +bos i was able to book that taxi . it is a yellow skoda and the contact number is 07277729993. 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 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 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 eat in expensive 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 i have the meze bar restaurant in the centre of town , would that be good ? eos O O 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 O O O O O O N/A +bos that sounds great , can you book a table for 3 for me ? eos O O O O O O O O O O O O O O O N/A +bos of course , when would you like that reservation ? eos O O O O O O O O O O O Booking-Request+Time +bos yes , for three people at 13:45 on tuesday . thanks ! eos O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A +bos unfortunately there is no availability at 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 O Booking-NoBook,Booking-Request+Time +bos let 's try 12:45. eos O O O B-Restaurant-Inform+Time O N/A +bos i was able to book you , your reference number is 0ak1q2qd , can i help 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 'm also looking for an attraction called the cafe jello gallery , can i get their phone number 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 O O O O O O O O O Attraction-Request+Phone +bos cafe jello gallery 's phone number is 01223312112. is there anything else we can do for you today ? eos 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 O O general-reqmore +bos can you book me a taxi between those two locations ? eos O O O O O O O O O O O O Taxi-Inform +bos i sure can ! which is your departure site ( the restaurant or the gallery ) , 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 O O Taxi-Request+Depart,Taxi-Request+Leave +bos i would like arrive by 12:45 eos O O O O O O B-Taxi-Inform+Arrive N/A +bos alright , i was able to book you a car to go from the cafe jello gallery to the meze bar restaurant where you will arrive by 12:45. eos 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Arrive O N/A +bos great . can i have the contact number and car type ? eos O O O O O O O O O O O O O Taxi-Request+Car +bos it is a black ford , and the contact number is 07140981001 eos 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 fantastic , 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 any time eos O O O O O O O O O O general-welcome +bos i am in need of some entertainment . can you recommend anything ? eos O O O O O O O O O O O O O O N/A +bos all saints church is pretty popular for architecture lovers . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type O O N/A +bos where is this located ? eos O O O O O O N/A +bos it is located on jesus lane in the city center . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos is it located in the centre ? if none exists , could you find one that is a type of concerthall ? 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 yes , all saints church is located in the central area . is there anything else i can help you with ? eos 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 O general-reqmore +bos yes , what is the phone number and postcode for all saints church ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223452587 and the postcode is cb58bs . 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 is all saint church an entertainment attraction ? i 'm also looking for a place to dine in the centre that serves eastern european food in the moderate price range . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O N/A +bos there are no eastern european restaurants in the centre . perhaps you would like chinese instead ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos well , i guess i would like to try turkish food if you have that . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos i have 3 great places that serve turkish food in the centre of town . i have 2 that are moderately priced and 1 that is expensive . do you have a preference ? eos 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 I-Restaurant-Inform+Area O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Restaurant-Select +bos i need it on friday , for 6 , at 12:15. eos O O O O O O O O O O O O N/A +bos i would happily book the restaurant but i need you to respond to my previous inquiry about your price preference 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,Booking-Inform,Restaurant-Select +bos i would prefer moderately priced . what are the two options i have ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A +bos the two options are anatolia and efes restaurant . do you have a preference ? eos 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 Restaurant-Select +bos anatolia sounds good . please book it for 6 people on friday at 12:15 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 the booking was successful . the table will be reserved for 15 minutes . reference number is : 71yjn5id . 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 i also need a taxi to commute between the locations . eos O O O O O O O O O O O O Taxi-Inform +bos no , it is an architectural attraction . would you like me to look for a concert hall for you ? eos 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 i actually want entertainment type of place . eos O O O O B-Attraction-Inform+Type O O O O N/A +bos how about cherry hinton hall and grounds ? eos 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 sounds great , i 'd like a taxi to go between the two that 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 N/A +bos booking completed ! your contact number is 07835118695 and the car type is a black audi . can i help you with anything else ? eos 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 O O O O O O O O O general-reqmore +bos i think that should do 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 very welcome . have a good evening . 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 a 2 star guesthouse in cambridge . i am flexible on date . what would you recommend ? eos 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 N/A +bos i was unable to find any 2 star rated guesthouses , do you have another preference ? eos O O O O O O O O B-Hotel-NoOffer+Stars O B-Hotel-NoOffer+Type O O O O O O O N/A +bos could you try again ? it should be in the north as well . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos no i am really sorry something else perhaps ? eos O O O O O O O O O O N/A +bos what about a guesthouse in the north ? eos O O O O O O O O O N/A +bos i have found quite a number of matches , over 10 , unless you have other specifications i would suggest the worth house . eos 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 B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos i really need something 2-stars . if there are no guesthouses that meet that , can you try a hotel please ? eos O O 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 N/A +bos i have both the ashley hotel and the lovell lodge that meet your criteria . they are 2-starred hotels in the north area . eos O O O O O O B-Hotel-Inform+Type 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+Stars O O O B-Hotel-Inform+Area O O N/A +bos do both hotels have free internet ? eos O O O B-Hotel-Inform+Type O O O O Hotel-Request+Internet +bos yes , both have free internet and free parking . do you have a preference between the two ? eos O O O O O O O O O O O O O O O O B-Hotel-Select+Choice O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , the lovell lodge sounds nice . can you give me the phone number and postcode please ? 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 Hotel-Request+Post,Hotel-Request+Phone +bos of course . the phone number of lovell lodge is 01223425478 and their postcode is cb41sr . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O O N/A +bos i also need a train for sunday departing bishops stortford . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos do you have a time by which you would like to leave or arrive ? eos O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i ca n't leave until after 17:45 and going to cambridge eos O O O O O O B-Train-Inform+Leave O O O O O N/A +bos the first train that leaves after 17:45 leaves at 19:29 and would arrive by 20:07. would you like me to book seats on train tr0053 for you ? eos O O O 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 O O O O B-Train-OfferBook+Id O O N/A +bos yes , i would like to book for 3 people please . let me know the reference number , thank you . 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 Train-Request+Ref +bos your reference is 8jtowqzc , do you need anything else ? eos O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos no that is everything . 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 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 hi ! can you find me a moderately priced restaurant for my girlfriend and i ? eos 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 sure we can . cambridge offers 31 moderately priced restaurants . what sort of cuisine would you like ? eos 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 Restaurant-Request+Food,general-greet +bos i would prefer italian and it has to be in the south . eos O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O N/A +bos i found one restaurant with those credentials , it 's pizza hut cherry hinton , would you like the address ? eos 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 O O O O O O O general-reqmore +bos no , could you just book a table for 3 ? i 'd like it for wednesday at 12:15. eos O O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos i 'm sorry . that booking was not available . would you like to find 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 what other restaurants are in the same area and price range ? eos O O O O O O O O O O O O O Restaurant-Inform +bos there is the restaurant alimentum that serves modern european food ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O N/A +bos that sounds good book it for 3 on wednesday at 12:15 please and i 'll need the 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 O Restaurant-Request+Ref +bos i have made a reservation for you at the restaurant alimentum on wednesday at 12:15 for 3 people . your reference number is lx2xaaf4 . would you like their address ? eos O O O O O 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 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 general-reqmore +bos yes can i have the address and phone number please ? eos O O O O O O O O O O O O N/A +bos of course . the restaurant is on 152 - 154 hills road and their phone number is 01223413000. 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 great , that 's all i needed . have a lovely day . eos O O O O O O O O O O O O O O N/A +bos thank you and you too . eos O O O O O O O general-bye +bos could you help me find wandlebury country park ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos sure ! the postcode for wandlebury country park is cb223ae . would you like the phone number ? eos O 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 O N/A +bos yes please , and what area of the city is that in ? eos O O O O O O O O O O O O O O Attraction-Request+Area +bos it is located in the south and the phone number is 01223243830. 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 O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos also want to find some place to eat . west part of town with an expensive 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 there are 57 expensive restaurants throughout the city can you tell me the type of food you might like to eat and maybe the area 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 O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos yes , i would like an expensive restaurant in the west that serves british food , thanks . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O N/A +bos we have two restaurants that meet your criteria - travellers rest and graffiti . 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 N/A +bos can you book me a table for two at travellers rest at 17:15 on tuesday ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos you are booked . remember they hold the table for 15 minutes and your reference number is oiheyvvv . can i assist 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 O general-reqmore +bos that 's all i need 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 general-thank +bos thank you ! please remember you can contact us at any time if you require assistance 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-welcome,general-bye +bos i need a cinema to go to in the south . eos O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O N/A +bos the cineworld cinema is the place ! eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos can you tell me the address ? eos O O O O O O O O Attraction-Request+Addr +bos the address is cambridge leisure park , clifton way . can i help with 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 O O O O O general-reqmore +bos yes , i need to find a restaurant in the same area . eos O O O O O O O O O O O O O O N/A +bos i have 9 different restaurants in the south . lets try to narrow it down . do you have a preference on price range ? 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 O O Restaurant-Request+Price +bos do any of the nine restaurants serve north american food ? eos O O O O O O O O O O O O Restaurant-Inform +bos no , they do not . how about pizza hut cherry hinton ? it is italian but it is popular with the americans here . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-NoOffer +bos we eat pizza hut way to much . can you try something with indian food ? it is a special occasion so it can be expensive . 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 O O O B-Restaurant-Inform+Price O O O N/A +bos there is taj tandoori which is located on 64 cherry hinton road . 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 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 , but can you give me the phone number and postcode ? thanks ! eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos taj tandoori 's phone number is 01223412299 and the postcode is cb17aa . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O N/A +bos thank you ! you have answered all of my needs . eos O O O O O O O O O O O O general-thank +bos it was a pleasure . thank you for using our service . good night . eos O O O O O O O O O O O O O O O O general-greet +bos i am at ballare . i need a taxi to take me to hobsons house . eos O O O O B-Taxi-Inform+Depart O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos sure ! when do you want to leave ? eos O O O O O O O O O O Taxi-Request+Depart +bos i need to get there by 17:45. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos booking completed ! booked car type : yellow hondacontact number : 07660102698 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 so much for your help , that 's all i needed today . eos O O O O O O O O O O O O O O O O general-thank +bos my pleasure . thank you for contacting cambridge towninfo centre . have a nice visit . 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 hospital with a eurology department eos O O O O O O O O O B-Hospital-Inform+Department O N/A +bos provided information , thank you . eos O O O O O O O N/A +bos i do n't understand . can you provide the name of a hospital nearby i can go to ? 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 at hills rd , cambridge and has a urology department . eos O O O O O O O O O O O O O O O N/A +bos may i have the postcode and phone number as well ? eos O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the postcode is cb20qq , phone for urology is 01223256650. 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 you 're welcome . do you need help with anything else ? eos 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 for calling . i 'm glad i could help you . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos i need to book a taxi please . eos O O O O O O O O O Taxi-Inform +bos okay , i will need some more information from 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 O Taxi-Request+Depart +bos i need to get there by 11:45. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos great . can you tell me where you will be traveling to and from ? 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 want to go from wandlebury country park to huntingdon marriott hotel eos 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 07426688661 is the contact number , i have you in a grey toyota . eos O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos that 's perfect , thanks ! 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 , that 's everything . goodbye . eos O O O O O O O O O general-bye +bos you are welcome . thank you for calling us . goodbye . eos O O O O O O O O O O O O O general-bye +bos i am looking for a train from 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 where is your destination , please ? eos O O O O O O O O Train-Request+Dest +bos my destination is norwich . i am hoping i could catch a train after 15:15. eos O O O O B-Train-Inform+Dest O O O O O O O O O B-Train-Inform+Leave O N/A +bos will you be traveling alone ? eos O O O O O O O Train-Request+People +bos yes . i will be by myself . looking for one ticket please . eos O O O O O O O O O O O O O O O N/A +bos tr9460 leaves cambridge monday at 15:36 , would you like to reserve a seat ? eos O O O B-Train-Inform+Depart B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos no , i just need the price and arrival time . eos O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos the price is 17.60 pounds , and travel time is 79 minutes . do you need to reserve a seat ? 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 Train-OfferBook +bos not at this time . thanks for the information . eos O O O O O O O O O O O general-thank +bos more specifically , the train arrives in norwich at 16:55. if there is nothing more , thank you for calling . goodbye . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave O O O O O O O O O O O O O O general-bye +bos i need to book a tax departing from gandhi . eos O O O O O O O O O O O N/A +bos what is your destination and when would you like to depart ? eos O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest +bos i 'm going to broxbourne train station and i need to arrive by 02:00 eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O B-Taxi-Inform+Arrive O N/A +bos i have you in a red lexus , 07595414661 is the number to call if you need to speak to them . eos O O O O O O O B-Taxi-Inform+Car B-Taxi-Inform+Phone O O O O O O O O O O O O O O N/A +bos wonderful , thanks for your help . eos O O O O O O O O general-thank +bos my pleasure . do you need any other assistance while in town ? eos 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 . please let us know if there 's anything else we can do for you 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 O O O O general-reqmore +bos i need to get to a restaurant known as the lucky star eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos it is located at 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 O N/A +bos thanks , please make a reservation there for 2 people at 18: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 O N/A +bos i 'm sorry , but there are no tables available at that time . would you like to choose 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 O O O O Booking-NoBook,Booking-Request+Day +bos sure , do they have any openings at 17:00 ? eos 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 can you help me get to zizzi cambridge after 22:45 ? eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave O N/A +bos sure ! what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart +bos saint johns chop shop house . eos O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos okay you are all set with a red bmw eos O O O O O O O O O B-Taxi-Inform+Car N/A +bos that is great . is there a contact number available ? eos O O O O O O O O O O O O N/A +bos the contact number is 07934564095. eos O O O O O B-Taxi-Inform+Phone N/A +bos great , thanks so much 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 , such as finding a restaurant or an attraction ? 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 is all , thanks eos O O O O O O general-thank +bos thank you for choosing cambridge towninfo centre to help you with your booking needs . 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-greet +bos please find a place to eat that serves korean in the west . eos O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O N/A +bos there are no korean restaurants in the west . can i try another search for you ? 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 general-reqmore +bos really ? it should be in the expensive price range . eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos yes really , the machine never lies . we have 9 expensive places to pick from , no korean but indian and thai are available , any preference ? eos O O O O O O O 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 O O O O Restaurant-Request+Food +bos i would definitely like some indian food right about now . eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are 5 expensive restaurants in the west part of town serving indian food . eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O N/A +bos can you recommend one and provide me with their address ? eos O O O O O O O O O O O O N/A +bos of course ! i 'd recommend the rice boat restaurant . the phone number is 01223302800. can i help you with anything else ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Phone O O O O O O O O O O O general-reqmore +bos i also need a place to go near the restaurant . eos O O O O O O O O O O O O Restaurant-Inform +bos there are 13 entries for attractions in the west . what kind are you interested in ? eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O O O O O O Attraction-Request+Type +bos are there any museums in the area ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos yes , there are 7 different museums in the west . if i may , might i suggest kettle 's yard . they offer free admission as well . eos O O 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-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O O O O O O O N/A +bos i like free ! do you have the address so i can find it on the map ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos it 's located on castle street . cb30aq is the postcode . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O N/A +bos thanks . may i also go backwards and get the postcode and address for the rice boat restaurant , before arranging for a taxi ? 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 O O O O O O Restaurant-Request+Post +bos not a problem . the postcode is cb39ey . eos O O O O O O O B-Restaurant-Inform+Post O O N/A +bos i would also like a taxi that leaves the attraction by 9:00. eos O O O O O O O O O O O O O Taxi-Inform,Attraction-Inform +bos your car type is a yellow bmw and its contact number is 07512121849. 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 general-reqmore +bos there is nothing else . that is all for today . eos O O O O O O O O O O O O N/A +bos thank you for calling . please reach out if you have anything else we can assist 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 O O O O O O O O general-bye +bos i am looking for a restaurant in the centre that serves indian 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 sure , what is your price point ? eos O O O O O O O O O Restaurant-Request+Price +bos as cheap as possible eos O O B-Restaurant-Inform+Price O O N/A +bos there are three restaurants : kohinoor , the gandhi , and mahal of cambridge . eos 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 O O O N/A +bos ok lets try the gandhi , a table for 4 on sat at 14:15 , and i need the reference number eos 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 O N/A +bos the booking was successful and your reference number is 57ds952f . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i 'm also looking for a train that leaves london kings cross on saturday and arrives in cambridge by 09:45. 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 B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos i have train tr8885 that leaves at 07:17 and arrives in cambridge by 08:08. 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 O B-Train-Inform+Arrive O O O O O O Train-Select +bos would it be possible to book that train for 4 people ? eos O O O O O O O O O O O B-Train-Inform+People O N/A +bos i have made your reservation for 4 tickets on tr8885 . the total fee is 75.52 gbp payable at the station and your reference number is ko3l1qdo . eos O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O B-Train-Inform+Ref 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 thank you . let us know if you need more help . eos O O O O O O O O O O O O O general-bye +bos i am looking for some information . i need to find a cheap place to stay . 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 we have ten places in the area with cheap pricing options , any other things to search for to narrow it down ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O general-reqmore +bos a star rating of 0 eos O O O O O B-Hotel-Inform+Stars N/A +bos at 0 stars your choices are el shaddai , or city centre north b & b . eos O 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 N/A +bos well can you recommend the a hotel from these choices and then book me 2 nights for 4 people starting from friday . i will need my booking reference number . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O 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 Hotel-Request+Ref +bos you are good to go , the reference number is f4whx6ku , 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 now i need to find a place to go visit , should be in the east part of the 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 there are many places to visit on the east side . would you like a museum , a park , boating , or something else ? 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 B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type O O O N/A +bos if you have any recommendations that would be great ! i will need the entrance fee of whichever 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 Attraction-Request+Fee +bos camboats is very fun , a boat attraction . would you like more info on it ? eos O B-Attraction-Recommend+Name O O O O O O O O O O O O O O O O general-reqmore +bos what is their entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos unfortunately , i do not have access to their entrance fee . however , you can reach them at 01223902112 to inquire . is there anything else i can do for you today ? 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 B-Attraction-Inform+Phone O O O O O O O O O O O O O O O O general-reqmore +bos i need a taxi between the hotel and the camboats . i want to leave the camboats by 3:45. eos O O O O O O O O O O B-Taxi-Inform+Depart O O O O O O O O O N/A +bos ok. i booked a black toyota for you . your contact number is 07070847179. 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 N/A +bos okay that will be all then . thank you for your help . eos O O O O O O O O O O O O O O general-thank +bos enjoy your taxi and day . eos O O O O O O O general-bye +bos thank you very much , i appreciate all the services you offer . 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 +bos i am looking for information in cambridge , looking for a train eos O O O O O O O B-Train-Inform+Dest O O O O O N/A +bos ok , i can set you up . will you be coming to or from cambridge ? i could also use 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 O O O O O O Train-Request+Depart,Train-Request+Leave,Train-Request+Dest,Train-Request+Day +bos i am headed into cambridge from leicester . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos ok , and what day do you want to travel ? eos O O O O O O O O O O O O Train-Request+Day +bos arrive by 10:15 and should leave on sunday and book it for 2 people thank you eos O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O O O O O B-Train-Inform+People O O N/A +bos train tr0440 will get you to cambridge by 09:54. i will book it for you . your total fee is 60.48 gbp payable at the station . reference number is : 1yru0l1z . eos 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O B-Train-Inform+Ref O O O Train-OfferBook +bos i also need the name and number for an expensive restaurant in the city center . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos ok. there are 33 options to choose from . are you interested in a particular type of food ? eos O O 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 yes expensive korean food . eos O O O B-Restaurant-Inform+Food O O N/A +bos little seoul is an expensive korean restaurant located in the centre . would you like me to book a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Booking-Inform +bos yes , please book a table . eos O O O O O O O O N/A +bos okay , for how many people and what time ? eos O O O O O O O O O O O Booking-Request+People,Booking-Request+Time +bos for 2 peopl at 18:15 on sunday eos O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O N/A +bos okay perfect . booking was successful . the table will be reserved for 15 minutes.reference number is : xsmicben . 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 general-reqmore +bos no . that is all for today . thank you . eos O O O O O O O O O O O O general-thank +bos okay great it was a pleasure working with you today . eos O O O O O O O O O O O O general-welcome +bos i 've got to run so i 'm not late for work . thanks . 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 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 need some information on a place to eat call the nirala . eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos the nirala is an indian restaurant in the north side in the moderate price range . would you like to make a booking ? 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 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 . eos O O O O O O O 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 thank you ! will you please book a table for 1 for 13:30 on monday ? eos O O O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O O N/A +bos your table is reserved . your reference number is 2x07en14 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you my table has been reserved and my number is 2x ) 7en14 . eos O O O O O O O O O O O O O O O O general-thank +bos is that all that you will be needing today ? eos O O O O O O O O O O O general-reqmore +bos i also need a 4-star place to stay in the west , and it needs to have free parking . eos O 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 N/A +bos there are 3 options that meet your 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 no , no preference . eos O O O O O O N/A +bos did you have a preference between cheap and expensive ? eos O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price N/A +bos i do not care , 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 O O O O O O O O O O N/A +bos your reservation for 1 at the cambridge belfry this monday for 3 days 2 nights was successful.your reference number is : k7n43wrv is there anything else i can help you with eos 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+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 B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i now need a taxi for the 2 places eos O O O O O O O O O O Taxi-Inform +bos sure ! where are you going to first and from where please ? eos O O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart +bos i 'm going to the nirala restaurant from the hotel eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Taxi-Inform+Depart O O O N/A +bos ok , i am getting the info up now , what time would you like to be there 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 +bos i have to make it there before 13:30. eos O O O O O O O O B-Taxi-Inform+Arrive N/A +bos you are booked in a blue audi . the contact number is 07195096632. 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 thank you . i believe that is 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 alright , enjoy your day . eos O O O O O O O general-bye +bos do you have any trains to leicester for wednesday ? eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos yes , there are 19 trains running to leicester on wednesday , the first at 5:21 and then every hour thereafter . would you like more specific information , or to book some tickets ? eos O 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 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 O O O O Train-OfferBook +bos i will be departing from cambridge after 12:15.. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos tr2854 leaves at 12:21 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 perfect . i 'll need 8 tickets . eos O O O O O B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 302.39 gbp payable at the station .reference number is : j3i2tftk . 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 are there any nice parks in town ? eos O O O O O B-Attraction-Inform+Type O O O N/A +bos i have 5 different parks in town . did you have a certain area of town you prefer ? eos 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 O O O O Attraction-Request+Area +bos no , any you recommend will be fine . i 'll just need a 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 O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos i 'd recommend milton country park on milton country park , milton , cb46az . their phone number is 01223420060. will that be all ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O O O O O O O O O general-reqmore +bos yes , i think that 's all i needed . 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-bye +bos thank you for using our service 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 excellent ! how can i help you ? i can assist with attractions , hotels , taxis , and more . 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 great . i wanted to find a theatre to visit while i 'm in town . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos sure , i can help you with that . what section of town would you prefer ? eos 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 . can you recommend one and provide me some information on it ? 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 first one on my list is adc theatre located on park street . i need some more information on your preferences eos O O O 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 O O O O O O O general-reqmore +bos adc theatre will work . can you tell me what part of town that is in ? eos O O O O O O O O O O O O O O O O O O N/A +bos the adc theatre is in the center of town . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos great ! can you give me the postcode and phone number ? i 'd like to mark that in my notes in case i get lost . eos O O O O 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 phone number is 01223300085. eos O O O O O B-Attraction-Inform+Phone N/A +bos can i get the postcode for that as well ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb58as eos O O O O B-Attraction-Inform+Post N/A +bos ok. can you help with trains , too , or do i have to go somewhere else for that ? 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 can help where are you looking to go ? eos O O O O O O O O O O O Train-Request+Dest +bos i will be departing from ely and going to cambridge eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart 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 am planning to leave on saturday and it should arrive by 15:30. eos O O O O O O O O O O O O O O N/A +bos do you need me to book that for you ? eos O O O O O O O O O O O Train-OfferBook +bos yes , please . i need tickets for 8 people . eos O O O O O O O O B-Train-Inform+People O O O N/A +bos done ! your train leaves saturday at 13:50. the total is 28.16 pounds , payable at the station . your reference number is 9cucsoe2 . can i help you with anything else ? eos O O O O O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave 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 . i think i have everything i need . eos O O O O O O O O O O O O O O general-thank +bos i appreciated your help . good-bye . eos O O O O O O O O general-bye +bos hey , i 'll be in cambridge and i 'm curious about the local restaurants . can you find me a moderately priced one that serves european 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 O B-Restaurant-Inform+Food O O O O O O N/A +bos sure , how about the hotel du vin and bistro ? 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 O N/A +bos is that found in the center ? eos O O O O O O O O N/A +bos yes , this restaurant is found on trumpington street in the centre . eos O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Area O O N/A +bos can you please give me the address and postcode and phone number ? i want to jot this down in case i get lost . eos O O 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 the phone number is 01223227330 , the postcode is cb21qa and the address is 15 - 19 trumpington street . would you like me to reserve a table ? eos O O O O O B-Restaurant-Inform+Phone 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 O O O O O O O O O O Booking-Inform +bos no thanks . i also need an expensive place to stay that has free parking . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos sure , do you have a part of town you prefer for this ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos i do n't have a preference . as long as it has free wifi and 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 i 'm afraid there is n't a guesthouse that meets all of those requirements . are they all important to you ? 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 general-reqmore +bos can you find me a moderately priced one ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are actualy 12 , but i recommend bridge guest house , would you like more info or a booking ? eos O O O O O B-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 Booking-Inform,general-reqmore +bos the bridge guest house sounds fine . i 'll need it booked for wednesday , 4 nights , and 8 people . 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+Day O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O N/A +bos your room has been booked . the reference number is 6n17jecv . eos O O O O O O 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 thank you so much for calling cambridge towninfo centre ! we 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 O O O general-bye +bos i 'm looking for christ 's college eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos christ 's college is located in the centre on saint andrew 's street and has no admission fees . what else can i help with ? 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 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 general-reqmore +bos may i have the postcode ? eos O O O O O O O Attraction-Request+Post +bos the postcode is cb23bu . is there anything else i do for you ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos i am also looking for a 4 star place to stay with free wifi eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos there are several to choose from , do you know what area of town you would like to be ? 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 where but i would also like free parking . oh , and i would prefer a guesthouse . 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 N/A +bos there are quite a few guesthouse , do you have a preference as to how much you 'd like to pay ? 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 Hotel-Request+Price +bos anything that 's cheap ? eos O O O B-Hotel-Inform+Price O O N/A +bos how about the autumn house ? it 's cheap and has a four star rating . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Stars O O O O N/A +bos that sounds great . could i get the phone number please ? eos O O O O O O O O O O O O O N/A +bos the phone number is 01223575122. eos O O O O O B-Hotel-Inform+Phone N/A +bos i need to book a room for friday for 4 people 5 nights eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O B-Hotel-Inform+Stay N/A +bos booked ! reference number is : gt087gtu . eos O O O O O O B-Booking-Book+Ref O O N/A +bos i did not tell you when i want to stay.i want it from friday on . eos O O O O O O O O O O O O O O O O O N/A +bos yes , i understood you to say for friday for 4 people 5 nights is that correct ? is there anything else i can help you with today ? eos O O O O O O O O B-Booking-Inform+Day O O B-Booking-Inform+People O B-Booking-Inform+Stay O O O O O O O O O O O O O O O O general-reqmore +bos ok , thank you that will be all for today . eos O O O O O O O O O O O O general-thank +bos okay . please 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 general-bye +bos give me an expensive japanese place to eat in the centre of the town please . eos 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 is one place called wagamama . great food . can i book a table for you ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Name O O O O O O O O O O O O Restaurant-Recommend,Booking-Inform +bos that sounds good . eos O O O O O N/A +bos can you give me the number of people , the time , and the day you would like to go , 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-Request+Day,Booking-Request+Time,Booking-Request+People +bos i would like to book for saturday at 12:15 for 3 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 : 75ru4q1l . 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 so much . can you help me find a 2 star hotel with free parking ? eos 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 there are three hotels that meet that criteria . do you prefer a certain price range or part of town ? 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 O O Hotel-Request+Price,Hotel-Request+Area +bos no , i just need to know if they have internet and i need 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+Internet +bos the ashley hotel has free parking and internet . it is rated 2 stars . their postal code is cb41er . may i help with something more ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Post O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos thanks , you 've been helpful ! that 's it for me . bye ! eos O O O O O O O O O O O O O O O O N/A +bos it was my pleasure to assist you ! til next time ! eos O O O O O O O O O O O O O general-bye +bos hello , i 'm looking for some information about a particular restaurant . the name of it is dojo noodle bar . 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 O O O O N/A +bos dojo noodle bar is located at 40210 millers yard city centre and serves cheap asian oriental food 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 O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food N/A +bos sounds good . can you book me a table for 6 on monday at 11: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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 3ni94bb3 . 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 yes , i 'll need a place to sleep off all that food . do you have anything that 's cheap but also has a 4-star rating ? 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 B-Hotel-Inform+Stars O O O O O O N/A +bos i can help you with that . to start , were you looking for a place in the centre near the restaurant or did you want a different area of town ? eos O O O O O O O O O O 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 Hotel-Request+Area +bos i would prefer a guesthouse . is there one close to the restaurant ? eos O O O O O O O O O O O O O O O Restaurant-Inform +bos there 's the alexander bed and breakfast . would you like more info on that ? 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 N/A +bos it depends . i 'm looking for a hotel with free parking and internet . if those amenities are available i would like more information including the postcode and 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 O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Post,Hotel-Request+Internet +bos the alexander bed and breakfast has both internet and parking . the address is 56 saint barnabas road , cb12de . sound good ? 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos the does sound good . can you tell me the rating on this place , too ? eos O O O O O O O O O O O O O O O O O O N/A +bos sure . they have a 4-star rating . would you like me to book a room 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 +bos yes . i would like you to book me a room . thanks . eos O O O O O O O O O O O O O O O general-thank +bos yes , how many days will you want to stay ? eos O O O O O O O O O O O O Booking-Request+Stay +bos just two nights please eos O O O O O N/A +bos ok , how many people will be staying ? and what day 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 Booking-Request+People,Booking-Request+Day +bos i 'll be checking in on monday . eos O 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 i 'm the only one staying in the guesthouse . eos O O O O O O O O O O O N/A +bos i 'm sorry but it looks like the booking is unsuccessful . do you have any alternate preferences ? eos O O O O O O O O O O O O O O O O O O O O Booking-NoBook +bos 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 . eos O O O O O O O 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 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 hello , i 'm looking for a place to stay . i 'd like it to be in the north and have zero stars . 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 N/A +bos the city centre north b and b matches your request . 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 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 do they offer free parking ? eos O O O O O O O N/A +bos yes , they offer both free parking and free internet . can i make a reservation 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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like you to pick one , and tell em the adress and what type of room it is 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+Type +bos there are at 328a histon road and it is a guesthouse . i will need the dates you want to stay in order to book it please . eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 Booking-Request+Day +bos i do n't think i 'll make that reservation just yet , but can you help me find an expensive restaurant in the same areas as the hotel ? 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 O O O N/A +bos sure . do you have any kind of food preference ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos yes please make sure it is chinese and expensive price range . eos O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i have two choices for you then , hakka or the hotpot . do either of those sound good ? i would be happy to book a reservation for you . 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 O O O O O O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos let 's try hakka and can i get the reference number please . eos O O O O O O O O O O O O O O Restaurant-Request+Ref +bos i 'll need some more information to make the reservation first . what day and time , 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Time +bos it 'll be 1 people at 13:30 on thursday . eos 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 . your reference number is dd0zydbs . 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 general-reqmore +bos no , you have answered all my questions . thank you very much . good 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 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-bye +bos i 'd like to find a place to dine in the north please . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos i have several restaurants to recommend in this area . would you like a particular style of food ? 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 Restaurant-Request+Food +bos no particular type of food but i need it 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 okay , i 'd recommend golden wok . it 's a lovely chinese restaurant at 191 histon road chesterton . would that work 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 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 N/A +bos that sounds great . can you book me a table for 3 on friday at 18:30 ? 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 N/A +bos i have booked you a table for 3 at the golden wok on friday at 18:30 , your reference number is 6d2imeyu . can i help you with anything more ? eos O O O O 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 B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos yes , i 'm looking for a hotel called the lovell lodge . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos lovell lodge moderately priced and is located on 365 milton road . would you like a reservation ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Inform +bos yes ! i 'd like to book it for the same group of people and 5 nights starting from the same day . 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 your room at the lovell lodge is all set ( ref # 5hmhibz2 ) . 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 O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos nope , that was all i needed , thanks ! eos O O O O O O O O O O O general-thank +bos you 're welcome , enjoy cambridge ! eos O O O O O O O O general-welcome,general-bye +bos hello . i 'm trying to plan my trip to cambridge and need to find a hotel with 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 29 establishments with free parking . do you have any other criteria ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos i also want free wifi and i need the hotel to be cheap as i do n't have a lot of money to spend . 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 O O O O N/A +bos which area of town would you like it to be in ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos i do n't care what part of town it 's in . i do need a room for 6 people , 4 nights , and we 're arriving 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 O O O N/A +bos there are 9 guesthouses and 1 hotel , do you prefer one over the other ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O Hotel-Select +bos i 'd prefer the hotel please . eos O O O O B-Hotel-Inform+Type O O O N/A +bos i was unable to create that booking . perhaps you would like a guest house instead ? eos 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 Booking-NoBook +bos no , lets try reserving it for 2 nights instead . eos O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos i was able to complete the booking for 2 nights . your reference number is 0b63xe0w eos O O O O O O O O O O B-Booking-Book+Stay O O O O B-Booking-Book+Ref O N/A +bos i also need a place to dine that serves international food and should be in the cheap price range . eos 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 N/A +bos i can recommend the missing sock on the east side of town . it is in the cheap price range . eos O 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 I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos that sounds good . can you book me a table for 6 on saturday at 12:00 ? 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 N/A +bos sure it has been reserved reference number 3acs8uko . the table will be reserved for 15 minutes . eos 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 great ! that 's all i needed , thanks for your help . eos O O O O O O O O O O O O O O general-thank +bos you 're very welcome , i hope 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 general-welcome,general-bye +bos hello , i 'm looking for information on 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 O N/A +bos the alpha-milton guesthouse is in the north area , moderately priced , showing 3 stars . there is no internet or parking . should i book this for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area 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 O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , please book 3 nights at the alpha-milton guesthouse for me . i would like to check in 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 N/A +bos for how many people ? eos O O O O O O Booking-Request+People +bos actually , i do n't need a reservation . i am looking for a modern european restaurant in the center of town , though . 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 O O N/A +bos the riverside brasserie is good and is located at the doubletree by hilton . can i reserve a table for you ? eos 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 O O O O O O O O O Booking-Inform +bos can i get the address , phone number , and price range please ? eos 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 no problem . the address is doubletree by hilton cambridge granta place mill lane . the phone number is 01223259988. it is in moderate price range . 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 O O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Price N/A +bos can you book a table for 2 at 7 pm tomorrow night ? eos O O O O O O O O B-Restaurant-Inform+People O O O O O N/A +bos sure , just to confirm you need that for 2 people ? eos O O O O O O O O O O O O O Booking-Request+People +bos yes please . can you let me know if the reservation is successful . eos O O O O O O O O O O O O O O O N/A +bos i have not been able to book it . eos O O O O O O O O O O Booking-NoBook +bos ok , that 's ok. i 'll take care of it later . thanks so much . good day to you . 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 have a nice day . eos O O O O O O general-bye +bos hi , i am looking for a restaurant called yu garden . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos i can help with that . they are a chinese restaurant in the east . it is rather expensive . can i help you in reserving a table ? eos O O 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 O O O O O O O O O O Booking-Inform +bos yes i need a booking for 3 people at 17:30 on sunday . i also need a reference number with that . 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 N/A +bos it 's booked for you and your reference number is j2cidcsa . it will be reserved for 15 minutes . will that be all ? 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 O general-reqmore +bos i also need to find a hotel in the 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 Hotel-Inform +bos what area do you wish to book a hotel room ? eos O O O O O O O O O O O O Hotel-Request+Area +bos i have no preference on location , but something in a moderate price range with free parking . it does n't need to have internet . 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 O O N/A +bos i 've found quite a few hotels that match what you 're looking for . would you like to be in the same part of town as your restaurant ? 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 O O O O O O Hotel-Request+Area +bos actually , could you check for a hotel that also has free wifi ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos yes , the hotel has free wifi . would you like me to book you ? eos O O O B-Hotel-Inform+Type O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes , same three people for four nights , from the same day , sunday . eos O B-Hotel-Inform+Internet O O O O O O O O O O B-Hotel-Inform+Day O O O O N/A +bos i have several . what area are you looking to stay in ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area +bos i do n't really care . where would you book , if you were in my shoes ? 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 suggest the acorn guest house eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos let 's book that one . please send me the reference number . eos O O O O O O O O O O O O O O N/A +bos booked ! reference number : anq5v11q . eos O O O O B-Booking-Book+Ref O O O N/A +bos thanks , that 's what i needed . eos 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 no , thank you eos O O O O O general-thank +bos okay then so long ! eos O O O O O O general-bye +bos thanks , i 'm all set . you can end this conversation on your end now ! eos O O O O O O O O O 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 i am going to visit and was told about the a and b guest house . could you help me with that ? 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 O O O O O O O N/A +bos of course ! it 's a moderate guesthouse in the east with four stars and free wifi . it 's located at 124 tenison road cb12dp . may i help with anything else ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos what 's the phone number and how many stars is it ? eos O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Phone +bos 4 stars , moderate priced . their phone is 01223315702. free internet and located in the east . eos O O B-Hotel-Inform+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Phone O O O O O O B-Hotel-Inform+Area O O O Hotel-Inform+Internet +bos great ! i 'm also looking for a place to eat in the centre of town and i need it to be expensive . eos 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+Price O O O N/A +bos there are 33 restaurants to choice from that are expensive . what type of cuisine would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Price O O O O O O O O O Restaurant-Request+Food +bos i 'd love to try some european food . eos O O O O O O O O O O N/A +bos okay , we can make are reservation for you at eraina . what time ? eos O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Inform +bos yes , i need a table for 7 please at 18:00. eos O O O O O O O O O O O O N/A +bos can i also get the information on what day you would like to go ? eos O O O O O O O O O O O O O O O O Booking-Request+Day +bos this is for thursday . make sure to give a reference number , i need this dinner to go smoothly . eos O O O O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos reference number is 1jm8joyf . your table will be reserved for 15 minutes . eos O O O O B-Booking-Book+Ref O O O O O O O O O O N/A +bos i need help finding a place to dine in the expensive price range and serves british food , can you help me ? 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 O O O O O N/A +bos i have 6 restaurants that are serve british food and are expensive . is there a certain area you would like ? eos O 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 Restaurant-Request+Area +bos any of them you recommend would be fine . i do need a booking for saturday . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos sure thing , what time and party size would you like to book on saturday ? eos O O O O O O O O O O O O O O B-Booking-Inform+Day O O Booking-Request+Time,Booking-Request+People +bos there are seven of us , we 'd like a bit of an early dinner at 15:45. eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos ok , i booked a table for you at graffiti for 7 on saturday . ref # fr21tcnn . can i help you with anything else today ? eos O O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Day O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos yes , i 'd also like to find some lodging accommodations for the same group of people , on the same 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 N/A +bos certainly . what are you looking for in the way of lodgings ? eos O O O O O O O O O O O O O O Hotel-Request+Type +bos i am looking for the hotel cityroomz to be exact . eos O O O O O O O B-Hotel-Inform+Name O O O O N/A +bos i can book that for you as well , how many days are you staying ? eos O O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Inform +bos we need reservations for two nights please . eos O O O O O O O O O N/A +bos i was able to successfully book you at the cityroomz . your reference number is t5tks4er . is there anything else i can help 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 general-reqmore +bos no thank you for all your help . eos O O O O O O O O O general-thank +bos great . thank you for using our service . goodbye ! eos O O O O O O O O O O O O general-bye +bos i 'm looking for a hotel in the south , i do n't need a free parking option . eos 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 sure , do you need a hotel room or would you like a 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 it does n't really matter to me . eos O O O O O O O O O N/A +bos are you looking for a particular price range ? eos O O O O O O O O O O Hotel-Request+Price +bos i am looking for one in the expensive price range . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos we have the lensfield hotel in the south that is in the expensive price range . would you like a reservation 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 B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform +bos sure , i need 3 nights arriving on saturday . there are 7 of us . eos 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 am sorry , i could not get that booked for you maybe another day or a shorter stay 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-NoBook,Booking-Request+Stay,Booking-Request+Day +bos how about 1 night ? eos O O O O B-Hotel-Inform+Stay O N/A +bos i was able to successfully book for 1 night . your reference number is gs8ahuyb . is there anything else i can help you with ? eos 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 general-reqmore +bos i am also looking for a restaurant in the same area that serves italian 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 the pizza hut cherry hinton features italian food and is located in the south . eos O O B-Restaurant-Inform+Name I-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+Area O N/A +bos ok , can i get theie phone number and postal code ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the phone number is 01223323737 and the postcode is cb17dy . can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post 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 welcome , have a great day ! eos O O O O O O O O O O general-welcome,general-bye +bos i hope that you have a great day as well ! eos O O O O O O O O O O O O N/A +bos thank you , if you need anything else just ask . eos O O O O O O O O O O O O general-bye +bos i heard you have good cheap restaurants . while i am there , i would like to try one ? 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 N/A +bos there are a total of 22 cheap restaurants located in town . is there a specific area you are going to be in ? 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 O Restaurant-Request+Area +bos can you check in the centre of town ? eos O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are several options available to you , is there a specific type of food you are wanting to try ? 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 anything will work , book me for what available , ill need the postal code for wherever i am booked . 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 the golden house has a postal code of cb21eg . will this work for you ? i can book it if you please . 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+Post O O O O O O O O O O O O O O O Booking-Inform +bos that 's all i needed on restaruants . can you help me find a place to stay in the same area 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 O O O O B-Hotel-Inform+Stars O O O O N/A +bos there is a guesthouse and hotel available which do you prefer ? eos O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O Hotel-Select +bos hotel would be better , can i get a phone number for one please ? eos O B-Hotel-Inform+Type O O O O O O O O O O O O O O Hotel-Request+Phone +bos university arms hotel 's phone number is 01223351241. eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Phone O N/A +bos great thank you . eos O O O O O general-thank +bos you 're quite welcome . do you need anything else today ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos no i do not . 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 thank you and i hope you enjoy your visit o cambridge . 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 hello , i 'm looking for a train departing from ely . eos O O O O O O O O O B-Train-Inform+Depart O O O N/A +bos okay , sure i 'd be happy to help . did you have a specific destination or date 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 Train-Request+Dest,Train-Request+Day,general-greet +bos yes i want to arrive in cambridge on tuesday . 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 and/or arrive ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need to depart from ely and arrive in cambridge by 17:15 eos O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos there are 6 available trains that will arrive in cambridge by that time . there is 5:52 , 7:52 , 9:52 , 11:52 , 13:52 and 15:52. which would you like ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O 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 Train-Select +bos the 5:52 will be fine . please book it for five people . eos O O B-Train-Inform+People O O O O O O O O O O O N/A +bos sure , you reference number is 5caoa9fn . is there anything else i can do for you today ? eos 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 awesome . i 'm also looking for places to go in the centre . can you get me the entrance fees to these places ? 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 Attraction-Request+Fee +bos i have 79 places for you to go . can you help me narrow your search by specifying what type of place you would like information on ? 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 Attraction-Request+Type +bos i would like an attraction in the centre please . eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos okay , that narrows it down to 44. is there any specific place you 'd like to go to ? eos O 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+Name +bos do you have any museums ? eos O O O O O O O N/A +bos there are 11 museums in the area , would you be interested in the whipple museum of the history of science ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type 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 N/A +bos sure , the history of science sounds cool . how much is the entrance fee for it ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos it actually has no entrance fee , would you like the address ? eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O general-reqmore +bos yes , i think that 's the last thing i 'll need . eos O O O O O O O O O O O O O O N/A +bos the address is free school lane . is there anything else i can help 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 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 using our service ! eos O O O O O O O O general-welcome +bos i am looking for a college attraction to go to in town . eos O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are several colleges in either the centre or west part of town . which area do you prefer ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 the centre please . eos O O O O O N/A +bos there are 13 colleges in the center of town . does entrance fee matter to you ? 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 Attraction-Request+Price +bos not really , but what is the fee ? eos O O O O O O O O O O N/A +bos most are free , but corpus christi has a 2 pound fee , saint john 's has a 2.50 pound fee , and trinity has a 1 pound fee . 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos i need a train that leaves at 20:45 from stevenage to cambridge eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O B-Train-Inform+Dest N/A +bos what day would you like to travel by train ? eos O O O O O O O O O O O Train-Request+Day +bos i would like to leave on wednesday . eos O O O O O O O B-Train-Inform+Day O N/A +bos there are 10 trains , tr9448 leaves at 5:54 would 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 that works can i have the travel time for that please ? eos O O O O O O O O O O O O O Train-Request+Duration +bos tr9448 leaves at 05:54 and arrives at 06:43. the travel time is 49 minutes . eos O B-Train-Inform+Id O 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 i 've mixed up my locations . i actually need a train that departs from cambridge and goes to stevenage . eos 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 N/A +bos i only have two trains that leave from cambridge wednesday . the tr9016 departs at 21:21 and the tr6387 departs 23:21. eos O O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart B-Train-Inform+Day O O O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave I-Train-Inform+Leave N/A +bos what is the price ? eos O O O O O O Train-Request+Price +bos both options are 12.80 pounds . would you like to book one of these options ? 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 can you tell me the duration of travel time please ? eos O O O O O O O O O O O O Train-Request+Duration +bos yes travel is exactly 49 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos what about the train id ? eos O O O O O O O Train-Request+TrainID +bos the train id for the departure at 21:21 is tr9016 and the trainid that departs at 2312 is tr6387 . would you like me to book on of these for you ? 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 B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O O Train-OfferBook +bos i need an earlier train . eos O O O O O O O Train-Inform +bos tr9016 is the earliest departure after 20:45. would you like to change your specified time ? eos O B-Train-Inform+Id O O O O O B-Train-Inform+Leave O O O O O O O O O Train-Request+Leave +bos no , tr9016 will do . eos O O O B-Train-Inform+People O O O N/A +bos i ha e booked your ticket . your confirmation number is vbaemg3z . can i assist you with anything else ? 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 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 let me know if you need anything else . eos O O O O O O O O O O O O general-bye +bos yes i am looking for an expensive place to eat that is located in the city center . 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 quite a few restaurants in the center . what kind of cuisine are you interested in ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Food +bos hmm . i feel like discovering something new . which restaurant would you recommend ? eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos i would recommend papadoux they are very expensive and right in the center of town eos O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area N/A +bos that sounds great . could you book a table for one at 11:15 on friday ? eos O O O O O O O O O O O O O O O O O N/A +bos i 'm sorry , papadoux is not coming up . there is an expensive african restaurant called bedouin in city centre . would you like me to try that one instead ? eos O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-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-NoBook,Booking-Inform +bos yes , or any in the same expensive range and the centre area . 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 i apologize the bedouin does not have any open seats for that day and time . would you like me to try another 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 Booking-NoBook,general-reqmore +bos yes one in the same area and price range please . eos O O O O O O O O O O O O N/A +bos okay i was able to book you into the kymmoy , an expensive asian restaurant in the center of town and your reference number is ycqwegos . eos O O 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-Booking-Book+Ref O O N/A +bos great ! thank you so much for your help . eos 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 no thank you for all your help . eos O O O O O O O O O general-thank +bos so 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 general-welcome,general-bye +bos i am looking for a restaurant called the gandhi . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos the gandhi is at 72 regent street city centre . would you like a reservation or more information ? 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 O O O O O O Booking-Inform,general-reqmore +bos i 'd like a reservation for 7 people monday at 15:30 please . eos 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 unable to book at that time.would you like a different restaurant ? eos O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos i am looking for japanese food 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 N/A +bos i am sorry . there is no japanese restaurant in the south area ? would you like to try another area or food type ? 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 Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos try mexican , then . eos O O B-Restaurant-Inform+Food O O O N/A +bos unfortunately , i was not able to locate a mexican restaurant in the south part of time . would you like me to search for a different cuisine ? eos O O 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 I-Restaurant-Inform+Area O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos i 'll take any type of cuisine , then . i just need a reservation for 6 at 13:15 on saturday . eos 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 N/A +bos there are japanese , italian , modern european , portuguese , indian , and mexican . which of these 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 O Restaurant-Select +bos mexican , please . eos O O O O O N/A +bos the mexican place is not open then , shall i try another place to dine ? 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 . are you sure there are no japanese or mexican places in the same price range open on the south side 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 O O O O N/A +bos no i am sorry . but there is a portuguese restaurant if you are interested . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O Restaurant-NoOffer +bos okay i guess . try booking there please . eos O O O O O O O O O O N/A +bos great ! i was able to book you there and your reference number is w2a8ghg8 . 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 for your help . have a great day . 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 wonderful day ! eos O O O O O O O O O O O O O O O general-bye +bos i am looking for sidney sussex college . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos sidney sussex college is located in the centre of town their phone number is 01223338800 , postcode is cb23hu , and address is sidney street eos O B-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 B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos thank you . what type of attraction is this ? eos O O O O O O O O O O O Attraction-Request+Type +bos this is a college type attraction with no entrance fee . is there anything else i can assist you with ? eos O O O O B-Attraction-Inform+Type I-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 O O O general-reqmore +bos yes i need to book a train on sunday 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 N/A +bos ok - what time of day are you traveling ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos sunday . it should go to cambridge and leave after 14:15 eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A +bos there are five trains leaving after 14:15 the first one is tr4651 , leaving at 15:29. would you like to book this train ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Leave O O O O B-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O O O O O O O N/A +bos yeah that would be great can you please tell me what time it arrives ? eos O O O O O O O O O O O O O O O O Train-Request+Arrive +bos tr4651 from bishops stortford to cambridge departs at 15:29 and arrives at 16:07. it is 8.08 pounds , would you like me to book that for you now ? eos 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+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 no , no need to book it for me , thank you . that 's all 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 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 hi , i am looking for a restaurant in the centre area where i can eat russian 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 unfortunately , there are n't any russian restaurants in that location . would you like another type of food , or perhaps a different location ? 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 O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos then how about one that serves chinese food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 5 such restaurants . i recommend the rice house . would you like a reservation ? 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 Booking-Inform +bos yes could you make a booking for 8 people at 16: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 N/A +bos the rice house if booked full for that time . i could try the charlie chan , or the golden house for you , if you wish . 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 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 Restaurant-Select +bos sure that 's fine try any one of those . i 'll need 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 Restaurant-Request+Ref +bos i was able to book you a table at the jinling noodle bar on regent street . your reference number is gjptb7cd . is that all for 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Ref 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 general-bye +bos enjoy your meal at the jinling noodle bar . have a great day . eos O O O O O O O O O O O O O O O general-bye +bos can you give me information on a restaurant called graffiti ? eos O O O O O O O O O O B-Restaurant-Inform+Name O N/A +bos graffiti is a british restaurant on hotel felix whitehouse lane huntingdon road . would you like more information or a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 Booking-Inform +bos i would like to book a table for 2 for wednesday , please . eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O N/A +bos i can absolutely do that for you , what time would you like me to make that reservation 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+Time +bos at 14:00 please . eos O O B-Restaurant-Inform+Time O O N/A +bos i am sorry they do not have a table at that time , perhaps another restaurant ? eos O O O O O O O O O O O B-Booking-NoBook+Time I-Booking-NoBook+Time O O O O O N/A +bos are there any other restaurants in that area in the same price range ? eos O O O O O O O O O O O O O O O N/A +bos i booked travellers rest for you . it is also an expensive british restaurant . reference number 1jyrfrt0 . will that be all for today ? eos O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos if travellers rest is in the same area as grafitti then 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 O O O O O O O general-thank +bos enjoy the rest fo your day eos O O O O O O O general-bye +bos i have to book a place to eat that serves irish food and is located in the centre , 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 B-Restaurant-Inform+Area O O O O O O N/A +bos i am sorry there are no listings , would there be another area 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 Restaurant-Request+Area,Restaurant-NoOffer +bos how about a restaurant that serves gastropub food in the centre instead ? 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 have 3 restaurants . two are expensive and one is moderate . 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 N/A +bos yes , can you see if the moderately priced one can accommodate a party of five at 16:45 on sunday ? eos O O O O O O 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 N/A +bos it can not , i am sorry . shall i try another ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Inform +bos can i get another restaurant in the centre that is moderately priced ? eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos how about the oak bistro ? it 's a british restaurant in the centre , also moderately priced . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O N/A +bos that sounds amazing . please try to book that for me . eos O O O O O O O O O O O O O N/A +bos your booking was successful . your booking number was 13hisqu8 . can i assist 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 , that 's all i needed . have a nice day . eos O O O O O O O O O O O O O O N/A +bos thank you , you have a good day too . eos O O O O O O O O O O O general-bye +bos i am looking for places to on the south side of town . eos O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos alright . what type of places ? cambridge has a wide array of things to do and places to go such as , museum 's , nightclubs , parks and 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 O O O O N/A +bos i would like to visit a park . could you find one 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 sheep 's green and lammas land park fen causeway is located at fen causeway , newnham road , postal code cb322ad . 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 I-Attraction-Inform+Name 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 N/A +bos thanks ! i 'm also looking for 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 O O N/A +bos do you have a day you would 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 after 18:45. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos the earliest train is tr7604 . it arrives at 19:58. would you like me to book a ticket ? eos 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 Train-OfferBook +bos yes , please book 1 ticket . may i have 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 i have booked your train . the reference number is ji5o0vtt . the fee is 7.84 gbp payable at the station . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O N/A +bos that 's all i need . thank your for your help . eos O O O O O O O O O O O O O general-thank +bos i 'm happy i was able to help you today . call the cambridge towninfo centre whenever you like ! 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 'll be sure to so that , bye . eos 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 greetings , i need a train leaving on saturday after 19:45. eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos there is a train leaving out of cambridge on saturday at 21:00 for 18.88 punds . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos is it going to broxbourne ? that is where i am heading . eos O O O O O B-Train-Inform+Depart O O O O O O O O N/A +bos actually yes ! tr5975 leaves from broxbourne at 21:01. it 's 14.32 pounds . does that work ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O general-reqmore +bos yes , that works just fine , can you please book me a reservation ? eos O O O O O O O O O O O O O O O O N/A +bos of course , how many tickets would you like me to book ? eos O O O O O O O O O O O O O O Train-Request+People +bos just one , please . i 'm also looking for colleges in the centre of town . 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 your train has been booked with ref . num . widhbp94 . sure , information on colleges : there are 13 in the central district ; do you want one with free entry ? religious or secular ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Choice 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 Train-Inform,Attraction-Request+Price,Attraction-Request+Type +bos i just am looking for one in the centre , can i get the 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 Attraction-Request+Phone +bos yes . downing college is free and the phone number is 01223334860. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O N/A +bos ok , thank you , that will be all i need for now . eos O O O O O O O O O O O O O O O general-thank +bos you are very welcome . have a safe trip ! eos O O O O O O O O O O O general-welcome,general-bye +bos hi i am looking for an expensive restaurant in the centre of town . 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 thirty-three results . would you like 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 am looking for italian food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos can i recommend don pasquale pizzeria located on 12 market hill city centre ? eos 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 N/A +bos okay , let 's book a table for five on wednesday at 14:45. eos O O O 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 at 14:45 , can i try another time for you ? eos O O O O O O O B-Booking-NoBook+Time O O O O O O O O O Booking-Request+Time +bos no 14:45 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 ? eos 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 O O O O N/A +bos can i recommend clowns cafe located on 54 king street city centre ? 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 N/A +bos sure and give me the reference number too please . eos O O O O O O O O O O O Restaurant-Request+Ref +bos okay i have booked you there and your reference number is o7fj870g . eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you so much for your time . that will be all . eos O O O O O O O O O O O O O O general-thank +bos so happy to help , and thanks for using cambridge towninfo service today ! eos O O O O O O O O O O O O O O O general-bye +bos hi there . i heard someone mention the bloomsbury restaurant and i was wondering if you could give me some information for them . eos 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 N/A +bos sure the bloomsbury is located at crowne plaza hotel 20 downing street and their postcode and telephone number are cb23dt and 08719429180 respectively . is there anything else you need ? 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 I-Restaurant-Inform+Addr O O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos i 'd like to make a reservation for 6 at 11:00 on sunday . 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 table for 6 at 11:00 on sunday at bloomsbury is reserved ( reference # 7354c6cl ) . is there anything else i can do for you today ? eos 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 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 you are welcome , goodbye . eos O O O O O O O general-bye +bos could i book a train ticket , please ? eos O O O O O O O O O O Train-Inform +bos 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 . eos O O O O O O 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,Train-Request+Day +bos the train should go to stevenage and should leave on friday.the train should depart from cambridge and should leave after 21:00 eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave N/A +bos it seems there are 2 trains that fit your request . the tr8420 and the tr8575 . eos O O O O O O B-Train-Inform+Choice O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O N/A +bos great , i 'll take the first one and please book it for 4 people please . 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 sure thing ! your reference number for this booking is 9kvsmf6p . can i help you with anything else 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 general-reqmore +bos thanks . i need to know about some places to go in town , too . eos O O O O O O O O O O O O O O O O O general-thank +bos i would be happy to help with your request . what type of attraction are you looking for ? there are theatres , cinemas , swimming pools , and nightclubs just to name a few . eos O 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-Select+Type I-Attraction-Select+Type O O O O O O O O O O Attraction-Request+Type +bos how about multiple sports in the south part of time ? eos O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos there are no multiple sports locations in the south part of town . 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 I-Attraction-NoOffer+Area O N/A +bos how about one that is in the type of cinema eos O O O O O O O O O O B-Attraction-Inform+Type N/A +bos cineworld cinema is in the south part of town . 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 N/A +bos where specifically ? can you give me the postcode ? eos O O O O O O O O O O O Attraction-Request+Post +bos the address for cineworld cinema is cambridge leisure park , clifton way . it also has the postcode of cb17dy . is there anything else i can help you with today ? 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 O O B-Attraction-Inform+Post O O O O O O O O O O O O O O general-reqmore +bos i would like to go see a movie , but want to compare prices . how much is the cineworld 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 Attraction-Request+Fee +bos the entrance fee is unknown as it depends on each movie . eos O O O O O B-Attraction-Inform+Fee O O O O O O O N/A +bos okay that is all i need today , thank you . eos O O 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 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 yes i am looking to find a restaurant that is expensive in the south of town . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O N/A +bos there are 5 options . what food type would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos what type of cuisine options do i have ? eos O O O O O O O O O O N/A +bos you can choose between mexican , italian , indian , and chinese . eos O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos i would like mexican , i would need a table for 6 at 16:00 on monday 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 N/A +bos i 'm sorry , but they have no openings at that time . care to try a different day or perhaps 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 O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos how about 15:00 for 6 people on monday ? eos O O O B-Restaurant-Inform+Time O O O O O O N/A +bos yes , i 've successfully booked your reservation for 15:00. anything else ? eos O O O O O O O O B-Booking-Book+Time O O O O O general-reqmore +bos could i get that reference number ? eos O O O O O O O O Restaurant-Request+Ref +bos yes . the reference number is sei1me8k . the chiquito restaurant bar will reserve your table for 15 mins starting at 15:00. can i help you with anything else ? eos O O O O O O B-Booking-Book+Ref 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-Booking-Book+Time O O O O O O O O O O general-reqmore +bos thanks ! that will be all for today . 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 hi . i 'm looking for information on a hotel called the limehouse . eos O O O O O O O O O O O B-Hotel-Inform+Name O O O N/A +bos limehouse is a guesthouse in the north part of town , it 's rated 4 stars and in the moderate price range . it has free parking and internet . would you like to book ? eos O B-Hotel-Inform+Name 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 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 O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes i would like to book that for 8 people for 4 nights starting on wednesday and i would like 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 Hotel-Request+Ref +bos booking was a success and here is your reference number qj1hxgey . 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 could you help me find an architecture attraction ? eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos there are 5 different architecture venue 's in the centre area , 4 have free entrance . would you like a recommendation ? eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O N/A +bos yes , and i need the address , eos O O O O O O O O O Attraction-Request+Addr +bos i would recommend visiting the holy trinity church which can be found on market street . is there anything else i can look up for you ? 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-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O O O general-reqmore +bos yes . please give me the address and post code for the holy trinity church . 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 Attraction-Request+Post,Attraction-Request+Addr +bos holy trinity church is located on market street and the postcode is cb23nz . is there anything else i can assist you with today ? 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 B-Attraction-Inform+Post O 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 okay . glad we could help ! eos O O O O O O O O general-welcome +bos i am sorry . i actually need a taxi . i am looking to leave the holy trinity church by 05:45 and go to the limehouse . 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 O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest O O O N/A +bos okay , i 've booked a taxi for you . it will be a white toyota . the contact number is 07988739221. 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 N/A +bos i think that 's it . thank you ! eos O O O O O O O O O O general-thank +bos excellent . thanks for texting us . eos O O O O O O O O general-welcome,general-bye +bos i 'd like to go to an attraction in 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 there are 10 different attractions on the east side of town . would you like to go to funky fun house ? it is an 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 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 N/A +bos that sounds great . do you have a contact number for them ? eos O O O O O O O O O O O O O O N/A +bos certainly , the phone number for the funky fun house is 01223304705. 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 B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos yes , i 'd also like to stay in an expensive place . it should be a hotel , not a guesthouse . 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 N/A +bos i have found 33 hotels for you to consider . would you like it be located in the east part 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 B-Hotel-Select+Area O O O O N/A +bos no i need to find a hotel and book it for 7 people , for 4 nights , starting saturday eos O O O O O O O B-Hotel-Inform+Type 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 there is one hotel that fits your description , but it is n't available for 4 days . could you change arrival day or length of time ? eos 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 Booking-Request+Stay,Booking-Request+Day +bos how about one night ? eos O O O O O O N/A +bos great , i have booked express by holiday inn cambridge for 7 people for 1 night starting saturday . your reference number is : 5agsv9jb . may i help with anything else ? 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 O B-Booking-Book+People 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 O O O O O general-reqmore +bos i want a taxi to leave the hotel by 7:45. please include contact number and car type eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O Taxi-Request+Car +bos sure i was able to book you a grey volkswagen for 7:30 and your contact number is 07956540590. eos O 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 O B-Taxi-Inform+Phone N/A +bos great . that is all i need . 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 okay thank you . eos 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 there are 23 museums in cambridge . any particular one or area you are looking for ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Name +bos 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 . eos O O O O 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 can recommend broughton house gallery . it is free and in the centre of town . 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 O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos is the broughton house gallery a museum ? i am also looking for a place to stay . preferably 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-Hotel-Inform+Area O O O N/A +bos yes it is a museum . there are many hotels that match your criteria . do you need free wifi or parking ? eos O O O O O B-Attraction-Inform+Type 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+Internet,Hotel-Request+Parking +bos i do not need to have free parking or wifi . please check to see if there is a guesthouse available instead of a hotel for our stay . 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 O O O O O O O N/A +bos there are 11 guesthouses in the north . do you have a price range or number of stars 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 O O Hotel-Request+Stars,Hotel-Request+Price +bos i would like it to be at least $ 100 a night and 3 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 two available guesthouses . they are both moderately priced . the alpha-milton and the hamilton lodge . would you like more info on one of those ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-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 general-reqmore +bos does one of those offer free parking ? i would like it to have that where i 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 the hamilton lodge has free parking and internet as well . i can try to book it once i know the day , length of stay , and how many people . 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 O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay,Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos great . could i get the postcode , phone number , and address please ? 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 the postcode is cb41da and the phone is 01223365664. hamilton lodge is located at 156 chesterton road . anything else i can help you with ? eos O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O B-Hotel-Inform+Phone 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 general-reqmore +bos no , i think that is all . thank you . 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,general-bye +bos are there any mexican restaurants in the centre ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos sorry no , there are no mexican restaurants in the centre of town . would you like to check another area ? eos O O O O O O B-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 Restaurant-Request+Area +bos sure . i would be interested in indian restaurants also . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos curry garden is in that part of town and they serve indian food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos please book this for 7 people , at 18:00 on sunday . 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 unfortunately there is nothing available for 18:00 on sunday . would another date or time work for you ? eos O O O O O O O B-Booking-NoBook+Time O B-Booking-NoBook+Day O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos try 17:00 on sunday . eos O O B-Restaurant-Inform+Time O O O N/A +bos of course . you 're booked at 17:00 with reference number ttp6gycj . the table will be reserved for 15 minutes . may i assist 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 general-reqmore +bos no , that 'll do it ! thanks ! 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 yes , hi . would you be able to suggest a reasonably priced guesthouse for our stay in cambridge ? 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 i 'd be happy to help you . there are 24 guesthouses to choose from . is there an area you 'd like to stay in , or perhaps a certain price range ? 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 O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos well , how about a moderate price range and a star rating of zero ? oh , and i do n't need free parking . 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 N/A +bos i 'm sorry , i have n't found a guesthouse that meets those requirements . could you possibly stay at a higher rated place , or try a hotel room ? 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 O O O O O O O Hotel-Request+Type,Hotel-Request+Stars +bos please show me a guesthouse with the lowest available rating . eos O O O O O O O O O O O O N/A +bos the alpha-milton guest house is in the north with 3 stars , but there 's no wifi nor parking . will that suffice 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 B-Hotel-Inform+Stars O O O O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes that will work . i 'll need the area , postcode and address , please . eos 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+Addr +bos the alpha-milton guest house is in the north part of town at 63 milton road . their postcode is cb41xa . need anything else ? 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 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 O B-Hotel-Inform+Post O O O O O O general-reqmore +bos i 'd like to visit a nightclub . eos O O O O O O O O O N/A +bos i 'm sorry , i have n't found a guesthouse that meets those requirements . could you possibly stay at a higher rated place , or try a hotel room ? 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 O O O O O O O Hotel-Request+Type,Hotel-Request+Stars +bos yes , i think there 's been some confusion . let 's go back to lodgings for a moment . with no 0-star guesthouses with moderate pricing , how about a hotel instead ? 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 B-Hotel-Inform+Price O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos i 'm sorry , there are no hotels that meet those criteria , either . would you like to try different star ratings ? 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 O O Hotel-Request+Stars +bos no , i 'm looking for a hotel with 0 star rating and moderately priced . eos O O B-Hotel-Inform+Parking O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O N/A +bos there is no results for that match eos O O O O O O O O Hotel-NoOffer +bos i 'm looking for a guesthouse style place to stay . it needs to have 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 N/A +bos there are many guesthouses that meet this criteria . is there a specific area you would like to stay in ? 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 O O Hotel-Request+Area +bos i would like to stay in the west eos O O O O O O O O B-Hotel-Inform+Area N/A +bos i have 2 guesthouses matching your criteria . the finches bed and breakfast guesthouse is 4 stars and includes free parking and internet . would you be interested in this ? 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 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos i am looking for a guesthouse with 0 stars . eos O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i 'm sorry , i ca n't find a guesthouse that meets those specifications . is there anything else i can help you with ? 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 O general-reqmore +bos is there one in the north ? eos O O O O O O B-Hotel-Inform+Area O N/A +bos yes , the city centre north b and b is a zero star guest house in the north , with free parking and free wifi . would you like it booked ? 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 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 O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos not yet . can i get the phone number for the hotel first ? eos O O O O O O O O O O O O O O O Hotel-Request+Phone +bos yes , the number is 01223312843 eos O O O O O B-Hotel-Inform+Phone O N/A +bos could you tell me what price range that hotel is in ? eos O O O O O O O O O O O O O Hotel-Request+Price +bos city centre north b and b is priced as a cheap hotel . 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 B-Hotel-Inform+Price O O N/A +bos i am looking for some places to go in the east of multiple sports . can you help ? 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 the cherry hinton village centre sounds like exactly what you 're looking for . their phone number is 01223576412. 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 O O O O O O O O B-Attraction-Inform+Phone O O N/A +bos i need a taxi to commute between the two . can you help ? 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/arrive by ? eos O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i will be needing to leave the hotel by 16:45. can you arrange that ? eos O O O O O O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos certainly ! i have booked you with a red skoda , whose contact number is 07790176286. is there 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos okay great . that was all i needed . 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 am looking for information for warkworth house . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos certainly . the warkworth house is a 4 star , moderately priced guesthouse located in the east area . the address is warkworth terrace , postcode cb11ee . the phone number is 01223363682. eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O B-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 N/A +bos thank you . does this guesthouse provide internet ? eos O O O O O O O O O O Hotel-Request+Internet +bos yes , would you like me to book a stay for you today ? eos O O O O O O O O O O O O O O O Booking-Inform +bos right now i am just gathering information . what is it 's price range , star of the hotel , and also is internet 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 Hotel-Request+Price,Hotel-Request+Internet +bos it is moderately priced , 4 stars , and internet is available . eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O Hotel-Inform+Internet +bos i 'd also love to go to a swimming pool . can you 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 in the same area , you 'll find the abbey pool and astroturf patch . 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 I-Attraction-Inform+Name O O N/A +bos oh thank you for that information . are they reasonable ? eos O O O O O O O O O O O O general-thank +bos unfortunately i do not know the price . you can call them at 01223902088 for more information . eos O O O O O O O O O O O O O B-Attraction-Inform+Phone O O O O O N/A +bos okay , and what is the address and phone number for the abbey pool ? 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 01223902088 and the address is pool way , whitehill road , off newmarket road . 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 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 i 'd like you to book me a taxi from the warkworth house to abbey pool please . i need to leave the hotel by 8:30. 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 B-Taxi-Inform+Leave O N/A +bos i have a red ford contract number : 07657516003. is there anything else i can help you with ? eos 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 general-reqmore +bos that should be all . thank you ! eos O O O O O O O O O general-thank +bos great ! have a nice day ! goodbye ! eos O O O O O O O O O O general-welcome,general-bye +bos hi , can you help me find a hotel , please ? eos O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos sure , we have many hotels in cambridge . what area of town would you prefer ? 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 care where , i just need it to be 5 stars and include 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 'm sorry , we do n't have any hotels that meet that criteria . might you be willing to accept a place with 4 stars and free parking ? 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 B-Hotel-Select+Stars O O O O O O O Hotel-Select+Parking +bos yes , i would like to book a four star hotel then . eos O O O O O O O O O O O O O O N/A +bos we have three hotels matching that search . could i book a room for you at the huntingdon marriott hotel ? eos O O O B-Hotel-Inform+Choice 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 i 'd like to get a little more information first . what is the price range at the huntingdon marriott 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 Hotel-Request+Price +bos it is expensive . i can check on a cheap hotel if you 'd prefer ? eos O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A +bos no , i really want to stay at the marriott . eos O O O O O O O O O O O O N/A +bos ok , great ! how many guests will there be 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 O O O Booking-Request+Stay,Booking-Request+People +bos i do n't need a reservation yet . i would like the phone number and postcode , though . 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 +bos the huntingdon marriott hotel 's number is 01480446000 , it 's postcode is pe296fl . how else can i assist you ? eos 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 B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore +bos are there any swimming pools in town ? eos O O O O O O O O O N/A +bos there are , yes . there 's the abbey pool and astroturf pitch in the east , the jesus garden outdoor pool and kings hedges learner pool north , and parkside pools 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 B-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 N/A +bos i want the abbey pool . what 's its postcode ? eos O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb58nt . eos O O O O B-Attraction-Inform+Post O N/A +bos do they offer free breakfast with their rooms . eos O O O O O O O O O O N/A +bos i 'm sorry but i do n't have access to that information . eos O O O O O O O O O O O O O O Hotel-NoOffer +bos can you book a taxi for me ? from the pool to the hotel ? eos O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos yes , what time do you need the taxi ? 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 pool by 4:45. eos O O O O O O O O O O N/A +bos i have a booked a grey honda for you . the contact number is 07636297454. can i assist you 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , just one more thing . what 's the address of the abbey pool ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos that 's pool way , whitehill road , off newmarket road . 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 N/A +bos thank you . could you book me a taxi from the pool at 4:45 to go back 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 Taxi-Inform,Hotel-Inform +bos there is a grey honda booked for you to go from the pool to your hotel at 4:45. their contact number is 07636297454 in case you need to reach them . 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O O O O O O N/A +bos thanks , that 's all i need today . sorry for making you repeat yourself like that ! 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 O O O general-bye +bos no problem at all , and 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 O O O O O O general-welcome,general-bye +bos i am looking for a nice restaurant with price range high and book a table for 4. eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +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 N/A +bos i actually need a train eos O O O O O O Train-Inform +bos what are your departure and destination locations ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos departing from cambridge and going to leicester on tuesday . eos O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos tr6985 leaves at 09:21 and cost is 37.80. can we book ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Ticket O O O O Train-OfferBook +bos yes , please , for 3 people . eos O O O O O B-Train-Inform+People O O O N/A +bos your reservation on train id tr6985 for a party of 3 was successful . your reference number is : dqp9uapu . eos O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks , can you also lookup a hotel for me ? i think it 's called the lovell lodge . 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 N/A +bos they are a hotel that is moderately priced in the north . it is 2 star rated and offers free parking and wifi . did you need a room ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like to book a room for 3 people for 5 nights starting thursday if possible , if not sunday . can 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 B-Hotel-Inform+Day O O O O O O O O O O O O O O O N/A +bos you are all booked for thursday . your reference number is eti1vj3v . is there anything else i can help you with ? eos 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 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 are you sure you still do n't need a restaurant ? eos O O O O O O O O O O O O general-reqmore +bos no , that 's all i need today . thanks again . eos O O O O O O O O O O O O O general-thank +bos it was a pleasure helping you today . 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 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 N/A +bos there are 33 to choose from . any type of cuisine you 'd prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Food +bos i do n't care what cuisine . i would like a table for 1 at 12:30 on thursday . i will need a reference number also . 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 O O O O O O O O Restaurant-Request+Ref +bos sure . i booked you into the cambridge chop house on thursday at 12:30. your reference number is 8ni5a15m . 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-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O N/A +bos okay , wonderful . thank you for your help . eos O O O O O O O O O O O general-thank +bos was 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 , you were extremely helpful . thank you . goodbye . eos O O O O O O O O O O O O O general-bye +bos thank you for booking with us today . enjoy your reservation ! eos O O O O O O O O O O O O O general-bye +bos can you give me directions to byard art in cambridge ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos i can tell you that byard art is located at 14 king 's parade , postcode cb21sj . does that help ? eos O O 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 B-Attraction-Inform+Post O O O O O O O general-reqmore +bos yes , i will also need the phone number and entrance fee please . 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 is 01223464646 and it is free of charge . eos O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Price O O O N/A +bos can you give me the address please ? eos O O O O O O O O O Attraction-Request+Addr +bos the address is 14 king 's parade . do you need anything else ? 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 general-reqmore +bos hmm , that number does n't seem like it would be correct . can you double check 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 N/A +bos yes , i am so sorry for the error . the correct phone number is 01223464646 and admission is actually free . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Price O O general-greet +bos can you help me find a 4 star hotel , and it does n't matter if it does n't have internet . 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 there are 21 options . do you have any other preferences to narrow the search ? 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 it to be in the moderate price range and include free parking . eos O O O O O O O O O O O O O O O O O N/A +bos i have moderate hotels across cambridge do you have an area in mind ? eos O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Area O O O O O O O O Hotel-Request+Area +bos no , but i do need free wifi . could you book a room for wednesday ? i will need it for 4 nights . i will be alone . 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 B-Hotel-Inform+Stay O O O O O O O N/A +bos booking was unsuccessful . would you like to shorten your stay or add another day ? eos 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 ? could you also please provide me with the reference number ? i would also like to book a taxi . 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 O O Hotel-Request+Ref +bos booking was successful at acorn guest house . reference number is m8shuqug . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i 'd also like to book a taxi to go between the two . i 'd like to leave byard art by 21:30. 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 B-Taxi-Inform+Leave O O O N/A +bos i booked you a yellow tesla . the contact number is 07903950183. is there anything else i can assist you 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 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 time in cambridge ! 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 that includes free parking and 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 N/A +bos what part of town would you like to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos i would like to stay on the east side . can you also make sure the guesthouse has free wifi ? 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 N/A +bos we have five guesthouses in the east which are 4 star and offer free parking and free wifi . do you have a price range you 'd prefer ? eos O O O B-Hotel-Inform+Choice B-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 Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos not particularly . could you let me know what the price range is for the five guesthouses ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos the rooms range from moderate to cheap , which would you prefer ? eos O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O O O N/A +bos what is the name of the cheaply priced guesthouse ? eos O O O O O O O O O O O Hotel-Request+Price +bos there are three cheaply-priced guesthouses . their names are allenbell , autumn house , and leverton house . eos O O O B-Hotel-Inform+Choice 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 O O O N/A +bos i guess any of them is good . eos O O O O O O O O O N/A +bos for how many nights and starting when ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos actually , there is no need to book for me . i can do that . but do you have any information on the museum of classical archaeology ? 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+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A +bos sure , the museum of classical archaeology is in the west , phone 01223335153 , postcode cb39da , address sidgwick avenue , free to enter . 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 B-Attraction-Inform+Phone O B-Attraction-Inform+Post O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Fee O O O O O O O N/A +bos awesome , that 's all i need . eos O O O O O O O O O N/A +bos excellent . thanks for texting us . eos O O O O O O O O general-welcome,general-bye +bos have a great day . eos O O O O O O N/A +bos you have a great day as well . eos O O O O O O O O O general-bye +bos i would like to know what parks are in the west part of cambridge . 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 sorry , there are no parks in the west part of cambridge . 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 I-Attraction-NoOffer+Area O O N/A +bos what about colleges ? eos O O O B-Attraction-Inform+Type O N/A +bos there are 5 colleges in the west . clare and queens ' both charge entrance fees . churchill , clare , and magdalene are free . 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 B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos how much do clare and queens ' charge ? can i have their 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 clare college is 2.50 pounds , phone number 01223333200 , postcode cb21tl . queens ' college cost the same , phone 01223335511 , postcode cb39et . which do you prefer ? eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O O O O Attraction-Select +bos great thank you i also am looking for a train departing cambridge on saturday eos O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos there are many trains leaving cambridge on saturday . where are you headed ? eos O O O B-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 birmingham new street and need to arrive by 16:45. 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+Arrive O N/A +bos tr4975 matches your criteria and departs at 05:01. is that acceptable ? eos O B-Train-Inform+Id O O O O O O B-Train-Inform+Leave O O O O Train-OfferBook +bos yes . please book that for 1 person and 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 Train-Request+Ref +bos i have booked 1 ticket for tr4975 . the reference number is k88o0gez . it leaves cambridge at 05:01. eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O N/A +bos okay great . that is all i needed . eos O O O O O O O O O O N/A +bos okay . glad i could be of help . enjoy your travel . eos O O O O O O O O O O O O O O general-bye +bos thanks very much for all of the help . have a great day ! eos O O O O O O O O O O O O O O O general-thank +bos you as well , come back any time you need future assistance . eos O O O O O O O O O O O O O O general-bye +bos hello , i need a train to london kings cross after 21:45 , please . eos O O O 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 N/A +bos there are several going to kings cross , where are you departing from and when do you went to leave ? eos O O O B-Train-Inform+Choice O 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+Depart,Train-Request+Leave +bos i 'm leaving from cambridge on monday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos tr2634 can get you there by 21:00 it is 23.60 pounds per person , would you like me to book you ? eos O B-Train-Inform+Id 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 Train-OfferBook +bos yes please book it for one person . eos O O O O O O O O O N/A +bos your reference number is m5l3kbev . 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 im also looking for a restaurant by the name of bedouin . eos O O O O O O O O O O O B-Restaurant-Inform+Name O N/A +bos bedouin is a wonderful african restaurant in the center of town . it 's a little expensive , but the food and service is outstanding . eos O B-Restaurant-Inform+Name 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 B-Restaurant-Inform+Price O O O O O O O O O O O N/A +bos can you book that for me . eos O O O O O O O O N/A +bos yes , i would be happy to do that for you . how many people would there be 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 Booking-Request+People +bos actually can i just have the phone number instead ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos the phone umber for bedouin is 01223367660. can i help with anything else ? eos O O O O O O O B-Restaurant-Inform+Phone O O O O O O O general-reqmore +bos no , that 's all the information i wanted . 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 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 should be it . thanks . goodbye . 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 hello , i 'd like some information on a train departing from cambridge on sunday that leaves after 18:15. eos O 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+Leave O O N/A +bos there are 59 trains leaving cambridge on sunday after 18:15. what is your destination ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O Train-Request+Dest +bos i 'm trying to get to london kings cross . 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 are you looking to arrive ? eos O O O O O O O O O Train-Request+Arrive +bos i do n't have an arrival preference but i want to leave after 18:15. eos O O O O O O O O O O O O O O O N/A +bos i have train tr9039 leaving at 19:00 and arriving at 19:51. would you like to book that ? 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 O O O O O O O Train-OfferBook +bos yes , please reserve 3 seats for us on that train , thanks . eos O O O O O B-Train-Inform+People O O O O O O O O O N/A +bos your booking was successful , the total fee is 56.64 gbp payable at the station .reference number is : t7jv2z8h . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos i would like to dine at an expensive restaurant . eos O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos i have several expensive restaurants available . what type of food would you like ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Food +bos i would like indian food please . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos is there a certain area of town you would prefer to dine at ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area +bos yes , i would like the east area please . eos O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are 2 indian restaurants in that area . i would recommend the sitar tandoori . would you like me to book a table for you ? eos O O O O B-Restaurant-Inform+Food 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 O Booking-Inform +bos yes go ahead an book it . could 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 when 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 Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos there will be three of us dining on sunday at 12:15. eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos your reservation for a table of 3 at sitar tandoori this sunday at 12:15 was successful . the table will be reserved for 15 minutes . your reference number is : 99050jjk . eos O O O O O O O O B-Booking-Book+People 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 O O B-Booking-Book+Ref O O O N/A +bos thank you for your help . thats all i need today . eos O O O O O O O O O O O O O general-thank +bos you 're very welcome ! have a great time ! bye ! eos O O O O O O O O O O O O O general-welcome +bos i 'm looking for a gastropub . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos okay , there are four gastropubs in cambridge . are you looking for a particular area or a certain price range ? 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 Restaurant-Request+Area,Restaurant-Request+Price +bos yes , something in the centre of town please ? eos O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos i have 3 gastropubs in the center of town . does price range matter to you ? eos O O O O 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 Restaurant-Request+Price +bos no , price range does not matter . eos O O O O O O O O O N/A +bos in that case , i recommend backstreet bistro at 2 sturton street city centre . would you like a table there ? eos O 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 O O O O O O O Booking-Inform +bos i 'm sorry , i do need something expensive . is backstreet bistro an expensive place ? eos O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O N/A +bos yes , they are an expensive restaurant . would you like me to make a reservation for you ? eos O 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 yes , i 'd like reservation for 8 people t 11: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 O N/A +bos booking was successful . can i get you anything else ? eos O O O O O O O O O O O O Booking-Book,general-reqmore +bos may i have the reference number ? eos O O O O O O O O Restaurant-Request+Ref +bos of course , the reference number is jp761rjs . eos 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 have a great day ! eos O O O O O O general-bye +bos i 'm traveling to cambridge and i was hoping you could find me a train on tuesday that arrives by 13:30. eos O O O O B-Train-Inform+Depart 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 where would you be departing from ? eos O O O O O O O O Train-Request+Depart +bos i am leaving from stevenage eos O O O O O B-Train-Inform+Depart N/A +bos there is a train departing stevenage on tuesday that arrives in cambridge by 12:43. would you like me to book that for you ? eos 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 O O O O O O O O O O Train-OfferBook +bos when is the departure time ? eos O O O O O O O Train-Request+Leave +bos it leaves at 11:54. is there anything else ? eos O O O O B-Train-Inform+Leave O O O O O general-reqmore +bos yes , can you book that for me and send me a reference number ? eos O O O O O O O O O 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 need to find a french restaurant . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two . restaurant two two and cote . would you like me to book either of those for you ? eos O O O B-Restaurant-Inform+Choice 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 Booking-Inform +bos please book cote for me . eos O O O B-Restaurant-Inform+Name O O O N/A +bos what day would you like to go and at what time ? 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 O O Booking-Request+People,Booking-Request+Day,Booking-Request+Time +bos sorry , i got ahead of myself . i want a french restaurant but it must be in the moderate price range . do either of those options match ? 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 O O O O O O N/A +bos they are both in the expensive price range . would you like to find another ? eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O general-reqmore +bos yes , search for asian oriental food instead then please . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A +bos how about yippee noodle bar , it 's the only one that is moderately priced . eos O 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+Price I-Restaurant-Inform+Price O O O N/A +bos what 's their address ? eos O O O O O O Restaurant-Request+Addr +bos yippee noodle bar is located at 40428 king street city centre in the centre area . would you like a reservation ? 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 O O O O O O O O O O O Booking-Inform +bos no thank you . i am actually all set now . thanks , and bye ! eos 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 cambridge . eos O O O O O O O O general-bye +bos i need a train leaving london king 's cross after 14:45. eos O O O O O O O O O O O O N/A +bos i would be happy to help you book a train . in order to better help you , can you tell me what day you are looking 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+Day,general-greet +bos i want to depart on friday . eos O O O O O O B-Train-Inform+Day O N/A +bos there is a train leaving at 15:17 on friday . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos i actually need a train going to london kings cross leaving cambridge after 14:45. for six people . eos 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 B-Train-Inform+Leave O O O O N/A +bos there is a train that leaves at 15:00 that has 6 tickets available , shall i book it for you ? eos O O O O O O O O B-Train-Inform+Leave O O O B-Train-OfferBook+People O O O O O O O O O N/A +bos please book tickets and provide me with the total cost of tickets and confirmation number . eos O O O O O O O O O O O O O O O O O N/A +bos it has been booked ! your reference number is aq95f0xh . the cost is 141.6 gbp . 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 looking for a chinese restaurant in the center with a moderate price range . eos O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O O N/A +bos jinling noodle bar , lan hong house and shanghai family restaurant are all in the centre area . would you like a table at one of these ? 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 B-Restaurant-Inform+Area O O O O O O O O O O O O O Booking-Inform +bos can you recommend one and give me the phone number ? eos O O O O O O O O O O O O Restaurant-Request+Phone +bos 01223566188 jinling noodle bar . anything else ? eos O B-Restaurant-Inform+Phone B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O general-reqmore +bos no , that is all i need today . thanks . goodbye . eos O O O O O O O O O O O O O O general-bye +bos have a great evening ! eos O O O O O O general-bye +bos are there any vietnamese themed restaurants in the west side 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 yes , thanh binh . do you want a reservation there ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform +bos sure , i 'll need a table for 3 at 19:45 on monday 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 the booking was successful . the table will be reserved for 15 minutes.your reference number is : ep1xt4jy . 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 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 . eos O O O O O O O O O O O Train-Inform +bos sure ! what is your departure area and your destination ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i want a car to get me to cambridge , arriving by 14:00. eos O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O N/A +bos what is your departure station please ? eos O O O O O O O O Train-Request+Depart +bos please ignore my last post , i was distracted . i need to leave ely and get to cambridge by 16:00. eos 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+Arrive O N/A +bos what day are you looking to book train on ? eos O O O O O O O O O O O Train-Request+Day +bos i 'll be departing monday . could you tell me the travel time of the train ? eos O O O O B-Train-Inform+Day O O O O O O O O O O O O O Train-Request+Duration +bos the tr6898 train has a travel time of 17 minutes and arrives at cambridge at 15:52. would you like to book that train or get more information ? eos O O B-Train-Inform+Id O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook +bos no thanks . i have all the info i need . 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 general-bye +bos you are welcome . enjoy your visit . eos O O O O O O O O O general-welcome,general-bye +bos are there any high end restaurants within 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 33 places in centre that meet that criteria , do you have a specific cuisine in mind ? 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 Restaurant-Request+Food +bos no i do not can you recommend one please ? eos O O O O O O O O O O O N/A +bos how about the bedouin ? they serve african cuisine . eos O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O N/A +bos that would be perfect if it is in expensive range . i need to book it for sunday . 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 , how many people will be in your party ? eos O O O O O O O O O O O O Booking-Request+People +bos there will be 6 of us . 16:15 , if possible . eos O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O O O O N/A +bos ok , your table is booked , ref # 1grc21jw . 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 yes , can you help me find a train to get me to the stansted airport on monday ? 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+Day O O N/A +bos yes ! from where will you be departing ? eos O O O O O O O O O O Train-Request+Depart,general-greet +bos i will go from cambridge to stansted airport . eos O O O O O B-Train-Inform+Depart O O O O N/A +bos what time do you need 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 will need to arrive by 19:00 on monday . eos O O O O O O O B-Train-Inform+Arrive O O O N/A +bos the tr3571 can get you there by 18:08 , is that ok ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos yes , please give me the price . eos O O O O O O O O O Train-Request+Price +bos it will cost 10.10 pounds eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos thank you that is all i need . eos 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-welcome,general-bye,general-greet +bos i want to go to a french food restaurant in the north . can you help me find one ? 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 N/A +bos yes , there is a restaurant called restaurant two two located at 22 chesterton road chesterton . their phone number is 01223351880. 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+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 ok , is it expensive ? eos O O O O B-Restaurant-Inform+Price O O N/A +bos yes it is in the expensive price range . would you like to make a reservation ? eos O O O 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 . book for 4 people on tuesday at 18:30. eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos i successfully booked a reservation for you at restaurant two two for tuesday at 18:30. the reference number is abd785au and the table will be held for 15 minutes . 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+Day I-Booking-Book+Day B-Booking-Book+Time O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O N/A +bos great , thanks ! i 'll also need a train to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O 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 the same day as the restaurant booking . eos O O O O O O O O O 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 will be leaving from ely . could you give me the price ? eos O O O O O O B-Train-Inform+Depart O O O O O O O O Train-Request+Price +bos the trip will cost 4:40 pounds . at what time will you be traveling ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need to arrive in cambridge by 12:45. do all of the tickets cost the same ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O O O N/A +bos yes , they all cost 4.40 pounds . would you like me to book that for you ? 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 Train-OfferBook +bos yes that would be great . can you please verify that the booking was successful ? eos O 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 for trainid tr3412 is lmwd8doa . eos O O O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Ref O O N/A +bos thank you very much for your help . that will be all today . eos O O O O O O O O O O O O O O O general-thank +bos it is our pleasure , and have a great day ! eos O O O O O O O O O O O O general-welcome,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 sure ! what restaurant are you looking for ? eos O O O O O O O O O O Restaurant-Request+Name +bos i 'd like a restaurant in the centre in the moderate price range , what can you recommend ? eos 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 N/A +bos personally , i think the yippee noodle bar is a lot of fun . they serve asian oriental . 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 O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos sounds good to me . please book for one , 16:30 on thursday . eos 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 was successful and your reference number is mxjrf0k1 . 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 to find out about trains . eos O O O O O O O O O O O O O Train-Inform +bos what is your destination and the day you will be traveling ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest +bos i would like to travel 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 just so i can get you accurate information , what 's your departure location and 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+Depart +bos i would like to depart from peterborough on thursday . i am pretty open as to departure time , but need to arrive by 08:30. 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 B-Train-Inform+Arrive O N/A +bos i have the tr7094 which will get you there by 08:09 , how many ticket please ? 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 Train-Request+People +bos just for one person please . eos O O O O O O O N/A +bos booking was successful , the total fee is 16.5 gbp payable at the station .reference number is : a9ebxb7w . 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 general-reqmore +bos that is all i need . good bye . eos O O O O O O O O O O general-bye +bos thanks for letting us assist you ! have a great time ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need a train out of cambridge , to arrive by 20:00. eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A +bos just to clarify a train from cambridge , correct ? where will it be to and what date & time ? 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 Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest,Train-Request+Day +bos i 'm going to london 's kings cross on monday . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O N/A +bos i have tr2289 leaving at 7:00 and arriving at 7:51. would you like reservations ? 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 Train-OfferBook +bos what is the price of a ticket ? eos O O O O O O O O O Train-Request+Price +bos one ticket to london kings cross will cost 23.60 pounds . would you like me to book the ticket for you ? eos O O B-Train-Inform+Choice O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest 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 . can you also find a place to dine in the centre . i would like a restaurant in the moderate 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 O O B-Restaurant-Inform+Price O O O Train-Request+Price +bos ok , i have 21 options for you ! any particular cuisine ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos italian would be nice thank you eos O B-Restaurant-Inform+Food O O O O O N/A +bos okay . pizza express would suite your needs , would you like me to make you a reservation ? 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 Booking-Inform +bos yes . i need a table for 8 people at 16:15 on the same day . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O O N/A +bos i have you booked for 8 people at 16:15 on monday . your reference number is k4pzhb51 . eos 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 O O B-Booking-Book+Ref N/A +bos excellent . thank you very much for all of your help ! eos 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 no thank you ! eos O O O O O general-thank +bos great ! have a wonderful time ! eos O O O O O O O O general-bye +bos yes , hello . i 'd like to book a taxi to what i believe is a restaurant . 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 +bos 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 ? eos O O O O O O O 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 yes , oak bistro and will depart 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 O O O O N/A +bos ok great , i will also need to know what your preferences are for your pick up and arrival times to book your 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i would like to arrive by 16:45. i will need a contact number and car type as well . eos O O O O O O O B-Taxi-Inform+Arrive O O O O O O O O O O O O Taxi-Request+Car +bos i have that booked , a red ford and the contact info is 07756177529 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 great ! that 's all for today . goodbye ! eos O O O O O O O O O O O general-bye +bos all right , thank you and have a great day . eos O O O O O O O O O O O O general-bye +bos hi , i 'm looking for a cheap austrian restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry but i do n't have any austrian restaurants ? would you like to try a different cuisine ? 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 Restaurant-Request+Food +bos are you sure ? i 'd really like some austrian food . eos O O O O O O O O O O O O O N/A +bos yes i am sure . however , i do have a number of restaurants listed as serving european food . would you like information on these ? eos O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food O O O O O O O O O O O general-reqmore +bos yes please . i prefer the centre of town if possible . eos O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos there are a number of european options in the town centre . do you have a price range ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 Restaurant-Request+Price +bos i would like for that to be cheap as well . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos the river bar steakhouse and grill located in the centre has cheap modern european food . would you care for that ? 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+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O N/A +bos sounds good . could you give me the number ? also , the 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+Addr +bos the phone number is 01223307030. the address is quayside off bridge street and the postcode is cb58aq . can i book a reservation ? eos 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 O O O O B-Restaurant-Inform+Post O O O O O O O Booking-Inform +bos no , i 'm all set , thanks . goodbye ! eos O O O O O O O O O O O O general-bye +bos thank you , let us know if you need any more help with anything . 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 find a place to stay in cambridge with 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 have several different options . in order to narrow them down , is there a certain price rang you would 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 O O O Hotel-Request+Price +bos in the moderate price range please . oh and it needs to be a guesthouse . eos O O O B-Hotel-Inform+Price O O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos alright , i have found 14 recommendations . do you know what area you would prefer to stay 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 Hotel-Request+Area +bos the area does n't matter , but i need to 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 Hotel-Request+Area,Hotel-Request+Parking +bos i 'm sorry , but i 'm running into some errors in my system . could you please restate your hotel 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 Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Area,Hotel-Request+Internet,Hotel-Request+Stars,Hotel-Request+Parking +bos i 'm looking for a place to stay- a guesthouse . it needs to be in the moderate price range and needs to have free wifi . eos O O 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 O O N/A +bos i have the a and b guest house and it does have free internet . would you like to book this ? 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 Booking-Inform,Hotel-Inform+Internet +bos could you tell me what area it is in and whether it has free parking ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking +bos the a & b guesthouse does not have 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 Hotel-Inform+Parking +bos i also need a train for friday departing from ely to cambridge for 5 people and arriving by 16:30. can you book this and get a reference number for me ? eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart B-Train-Inform+Dest O O B-Train-Inform+People O O O B-Train-Inform+Arrive O O O O O O O O O O O O Train-Request+Ref +bos the closest match for you would be the tr4389 . you 'll depart at 15:35 and arrive at 15:52. reference number d40mv6a4 . 22 gbp payable at the station . eos O O O O O O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O B-Train-OfferBooked+Ref O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O N/A +bos great thank you for your help today . eos 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 , i am interested in finding a place to dine on the west side of town . eos 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 i have found results for 14 restaurants in the west . are you looking for a particular type of cuisine or price range ? eos O O 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 O O Restaurant-Request+Food,Restaurant-Request+Price +bos i 'd like it to be expensive british food . any suggestions ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O N/A +bos the graffitti and the travellers rest both match your criteria . would you like to book at table at one of these ? 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 O O O Booking-Inform +bos yes , a table for 8 people on saturday at 18:15. please provide a reference number , thank you ! 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 O O O O Restaurant-Request+Ref +bos you 'll find a table waiting for your party at the travellers ' rest . your reference number is 00ssyqh4 . 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 O O O N/A +bos thanks ! i 'm also looking to visit a museum in town . eos O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i have many . what part of town and type of museum do you prefer ? eos O O O B-Attraction-Inform+Choice O O O O O O O B-Attraction-Inform+Type O O O O O Attraction-Request+Area,Attraction-Request+Type +bos i do not care about what type of museum or where it is at . what is your recommendation ? 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 broughton house gallery . phone number is 01223314960. located at 98 king street postal code cb11in . entrance fee is free . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone 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 N/A +bos thank you so much for choosing for me - really took the stress out of this trip ! i think 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 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 O general-welcome,general-bye +bos i could really use something to eat . eos O O O O O O O O O N/A +bos i have over 100 restaurants to choose from , would you mind narrowing down your search for me with perhaps a food type or price range ? 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 O O O Restaurant-Request+Food,Restaurant-Request+Price +bos expensive restaurant in the centre , please . eos O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A +bos any particular type of food you 're hankering for ? eos O O O O O O O O O O O Restaurant-Request+Food +bos not really . which is your favorite ? i 'll book that for 13:00 thursday . there will be 6 of us . eos O O O O O O O O O O O O B-Restaurant-Inform+Day O O O O B-Restaurant-Inform+People O O O O O O N/A +bos i 'm sorry , i have not found anything for that time yet . can you choose another day or time please ? are you sure you do n't have a preference for 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 O O O O O O O O O Booking-NoBook,Restaurant-Request+Food,Booking-Request+Time,Booking-Request+Day +bos let 's try to book it for 12:00 then for 6 people on thursday . i 'll also need 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 O Restaurant-Request+Ref +bos which restuarant do you want to book at ? eos O O O O O O O O O O Booking-Inform +bos i 'm not sure . just something expensive . we are celebrating . eos O O O O O O O O O O O O O O N/A +bos i booked you at curry queen . your table will be reserved for 15 minutes . reference number is c06rjunl . 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 B-Booking-Book+Ref O O O N/A +bos thank you for your help . this is all i needed . eos O O O O O O O O O O O O O general-thank +bos you 're welcome . please come again if you need more help . 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 train that departs from peterborough and goes to cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos i have many trains available . what day would you like to leave ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Day +bos we will be leaving on sunday afternoon . eos O O O O O O B-Train-Inform+Day O O N/A +bos there are still many trains to pick from , can you narrow down a departure and arrival time frame ? 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 yes , it should leave after 20:15 and leave on monday , not sunday . please give me a price , travel time , and arrival time for any train . eos O O O O O O B-Train-Inform+Leave 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 O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive +bos i have one leaving at 20:19 and arriving at 21:09. it is 13.20 pounds . would you like me to book that for you . eos O O O O B-Train-Inform+Choice 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 Train-OfferBook +bos yes please . what is the travel time ? i 'll also need a hotel in the expensive price range . can you help me with that as well ? eos 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 O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos travel time is 50 minutes . i found 5 hotels you may like . do you have a star rating request or an area you prefer ? eos O O O O O B-Hotel-Inform+Choice 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+Stars,Hotel-Request+Area +bos yes , i 'd like a 2 star rating and i 'll need it to be in the east side of town . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos i found one hotel that matches your criteria , it 's the express by holiday inn cambridge . would you like to book there ? 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 I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform +bos yes , i would like to book it for 3 people starting that same day for 4 nights . eos 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 N/A +bos i have you booked at the express by holiday inn , three people for four nights starting on monday . your reference number is xpfoa5kt . is there anything else you need ? 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 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 that is all thank you goodbye . eos O O O O O O O O general-bye +bos thank you for using 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 am looking for a japanese restaurant 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 is a japanese restaurant called wagamama in the centre of town . eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 their address is 36 saint andrews street and their phone number is 01223 462354. 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 goodbye . eos O O O general-bye +bos goodbye . eos O O O general-bye +bos i 'm looking for a place to eat in the east side of the city . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos the curry prince is on the east side of town . 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 N/A +bos do they serve chinese food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos no they do not serve chinese food , however the yu garden does and is in the east side . eos O O O O 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+Area I-Restaurant-Inform+Area O O Restaurant-NoOffer +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos yu garden 's address is 529 newmarket road fen ditton . is there anything else i can help you with today ? 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 O O O O O O O O O general-reqmore +bos yes , what is the price range ? eos O O O O O O O O O Restaurant-Request+Price +bos yu garden is in the expensive price range . do you want the address and phone number ? 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 O O N/A +bos i already got the address , thank you . that is all i needed . good bye . eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos thank you , goodbye . eos O O O O O O general-welcome,general-bye +bos yes . i am looking for 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 O N/A +bos would you prefer british , indian , or italian food ? eos O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos indian , please . eos O B-Restaurant-Inform+Food O O O N/A +bos meghna is an indian restaurant . would you like the phone number ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos yes , please . and also the address . eos O O O O O O O O O O Restaurant-Request+Addr +bos the address is 205 victoria road chesterton and the phone number is 01223 727410. 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 general-bye +bos thank you . have a nice day ! eos O O O O O O O O O general-welcome,general-bye +bos 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 ? eos O O O O 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 type of food would you be interested in ? eos O O O O O O O O O O O Restaurant-Request+Food +bos actually , i want to visit a college . somewhere in the centre . 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 would suggest downing college , would you like the address ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O N/A +bos yes , that would be great . can you also give me the entrance fee and postcode for that college ? 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 the address is regent street and there is no entry fee . eos 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 N/A +bos thank you . do you have the postcode , please ? eos O O O O O O O O O O O O Attraction-Request+Post +bos the postcode for downing college is cb21dq . anything else i have help you with ? eos 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 general-reqmore +bos yes , i need a place to eat in that area . i want 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 i would suggest pizza express . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos can you check if they would have a table for 7 at 17:45 on sunday ? 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 N/A +bos yes , they had a table available and i went ahead and booked it for you . your reference number is hxspey9n . what else can i do for you ? 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 'll need a taxi to get me from downing college to pizza express by 17:45. can you set that up for me ? 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 O B-Taxi-Inform+Arrive O O O O O O O O O N/A +bos i can do that for you ! i have your taxi booked . 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 would you know what type of car will pick me up ? may i please have a contact number for 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 Taxi-Inform +bos booked car type red volkswagen contact number 07633256482 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone 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 letting us assist you today ! enjoy your visit ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i am interested in finding an expensive restaurant serving italian food . eos O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos there are expensive italian restaurants in centre and south . do you have a preferred area ? eos O 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 O O O O O O O Restaurant-Request+Area +bos i do n't care which area the restaurant is located in . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O N/A +bos there is a very nice italian restaurant called stazione restaurant and coffee bar in the centre of town . eos O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food 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+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area N/A +bos can 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 the phone number for stazione restaurant and coffee bar is 01223 352607 and they are located at market hill city centre . 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+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 N/A +bos what type of food do they serve ? eos 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 eos O O O general-thank +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 hi . i 'm looking for a restaurant that serves irish food . 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 N/A +bos i 'm sorry , there are n't any restaurants that serve irish food . would you like help with anything else ? 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 O Restaurant-NoOffer,general-reqmore +bos can i have a thai restaurant instead ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are two thai restaurants . there is sala thong in the west area and bangkok city in the centre area eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos i am looking for a cheap 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 N/A +bos there are two restaurants that fit your criteria , would you prefer italian or indian food ? eos 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 N/A +bos let 's try indian , please eos O O O B-Restaurant-Inform+Food O O O N/A +bos royal spice serves indian food in the cheap price range and in the north part of town . 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 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 I-Restaurant-Inform+Area O O O O O O O O O O general-reqmore +bos what is the name of the italian restaurant ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos da vinci pizzeria eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 da vinci pizzeria is 20 milton road chesterton and the phone number is 01223 351707. 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+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 thanks so much ! eos O O O O O general-thank +bos thank you . good bye eos O O O O O O general-welcome,general-bye +bos i 'm looking for 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 O N/A +bos taj tandoori is an expensive indian restaurant in the south . would you like more information on them ? 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 O O N/A +bos is there anything else ? eos O O O O O O N/A +bos yes . chiquito restaurant bar serves mexican food in the expensive price range and is located in the south part of town . eos 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 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 O N/A +bos may 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 chiquito restaurant bar is located at 2g cambridge leisure park cherry hinton road cherry hinton . its phone number is 01223400170. would you like anything else ? 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 B-Restaurant-Inform+Phone O O O O O O O general-reqmore +bos thank you goodbye . eos O O O O O general-bye +bos thanks for your call . goodbye ! eos O O O O O O O O general-welcome,general-bye +bos i 'm so bored , can you find me some kind of entertainment in the city centre please ? 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 i 'm sorry , there are no entertainment attractions in the centre of the city . would you like to try a different area of the city ? eos 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 I-Attraction-Inform+Area O O O O O O O O O O O O O O O Attraction-Request+Area +bos what about a nightclub somewhere ? eos O O O O B-Attraction-Inform+Type O O N/A +bos sure , there are plenty of those in the centre . i 'd recommend kambar , located at 1 wheeler street . can i get you more information ? eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O B-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 O O N/A +bos can i also get the phone number and entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos the phone number is 01223842725 and the entrance fee is 5 pounds . can i help with anything else ? eos O O 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 O O general-reqmore +bos great , thanks . yes , actually . can you find a train schedule for me ? i 'll be traveling norwich to cambridge on thursday . 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 O O O O O O N/A +bos i have 19 trains between those two areas on thursday . what time do you want to travel ? eos O 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 Train-Request+Leave +bos i need to leave after 19:30. eos O O O O O O B-Train-Inform+Leave N/A +bos there are 4 trains leaving after 19:30 what time would you like to arrive by ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O O O O O O O O O Train-Request+Arrive +bos arrival time does n't matter . could you just pick one of the four for me and let me know how much it 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 O Train-Request+Arrive +bos the tr0256 costs 17.60. eos O O B-Train-Inform+Id O B-Train-Inform+Ticket N/A +bos what time does that train arrive ? eos O O O O O O O O Train-Request+Arrive +bos that train arrives by 21:35. is there anything else i can help you with ? eos O O O O O B-Train-Inform+Arrive O O O O O O O O O O general-reqmore +bos nope that is all the help i need today . thank you so much ! eos O O O O O O O O O O O O O O O O general-thank +bos you 're welcome . i hope you have a great trip ! goodbye . eos 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 to take me to stansted airport . can you help me ? eos 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 N/A +bos i have many trains going to stansted airport . what is your preferred departure and arrival time ? eos 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 Train-Request+Arrive,Train-Request+Leave +bos the train should leave cambridge on tuesday and arrive by 21.30 eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O N/A +bos tr8261 leaves cambridge tuesday at 9:40 and arrives at stansted airport by 10:08. would you like to buy a ticket ? eos O O O B-Train-Inform+Depart 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 O O Train-OfferBook +bos yes i 'd like to book for 3 and get the reference number if i could . 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 booking was successful , the total fee is 30.29 gbp payable at the station . reference number is txk6u7dg . 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 N/A +bos could you help me finding some place to eat for dinner ? eos O O O O O O O O O O O O O N/A +bos do you have a food type preference ? eos O O O O O O O O O Restaurant-Request+Food +bos no i 'm trying to find an attraction near town centre , preferably near a college . eos O O O O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type O O O N/A +bos i have several places . is there a specific one you have 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 Attraction-Request+Name +bos not really . which college would you suggest i visit ? eos O O O O O O O O O O O O N/A +bos emmanuel college is a great college to visit . it is located at saint andrew 's street and the entrance is free . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 O O O B-Attraction-Inform+Fee O O N/A +bos do they have a phone number ? eos O O O O O O O O N/A +bos yes . it is 01223334200. anything else i can do for you ? eos O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos yes , may i please have the full address with 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+Addr +bos of course ! emmanuel college is located on saint andrew 's street , postcode cb23ap . may i assist you with anything else ? 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 B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore +bos yes , i also need the postcode , area , and food type for a place called royal standard . 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 O Restaurant-Request+Area,Restaurant-Request+Post,Restaurant-Request+Food +bos the royal standard is a gastropub in the east , the postcode is cb13nl . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Post O O N/A +bos thank you ! have a great day ! eos O O O O 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-welcome +bos no , i do n't need anything else . goodbye eos O O O O O O O O O O O general-bye +bos goodbye . have a wonderful day and stay . eos O O O O O O O O O O general-bye +bos hi , i 'm trying to find a place to go in the centre . a college would be fun to visit ! eos O O O O O O O O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Type O O O O O O O O O N/A +bos great ! i would be happy to help you find one . are you looking for one with free admission ? eos O O O O O O O O O O O O O O O O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee O general-greet +bos maybe , give me the address of one please eos O O O O O O O O O O Attraction-Request+Addr +bos there are several college 's in the centre . how about saint catharine 's college ? it is on king 's parade and has free admission . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area 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 B-Attraction-Inform+Fee O O O O O N/A +bos thank you . i also need a train to london kings cross , arriving by 9 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 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+Depart,Train-Request+Day +bos i 'll be departing from cambridge , and would like to leave on tuesday . eos O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day O O O N/A +bos i have train tr3343 arriving at london kings cross tuesday at 7:00. shall i book that for you ? eos O O O 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 Train-OfferBook +bos yes , i need 4 tickets please . please send me the reference number . eos O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref +bos your tickets have been reserved , and just to clarify , that train departs at 07:00 , and arrives in london , kings cross at 07:51. would n't want you to miss the train ! ref # : aqdcg6n8 eos O O O O O O O O O O O O O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O 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 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 i am looking to visit a museum in cambridge . eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are 23 museums in cambridge , can you tell me an area you are wanting to visit the museum 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 O Attraction-Request+Area +bos how about in the centre of town ? whats available there ? eos O O O O O B-Attraction-Inform+Area O O O O O O O N/A +bos i have many options . are you perchance able to narrow it own by museum type eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Type +bos no , anything that you would recommend would be great . i just need a phone number that i can 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 Attraction-Request+Phone +bos broughton house gallery looks good their number is 01223314960 eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Phone N/A +bos thank you . i 'm also looking for a train from london kings cross to cambridge on wednesday to arrive by 8:15. is there anything available then ? 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 B-Train-Inform+Day O O O O O O O O O O O O N/A +bos tr5725 departs at 05:17 and arrives at 06:08 so you will have plenty of time . 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 O O O O O O O O Train-OfferBook +bos that sounds great . please book for 5 people . eos O O O O O O O O B-Train-Inform+People O O N/A +bos i got you booked for 5 people then on tr5725 . is there anything else i can help you with ? eos O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O O O O O O O O general-reqmore +bos no . thank you for making the train reservations eos O O O O O O O O O O Train-Inform +bos you 're welcome have a great day ! eos O O O O O O O O O general-welcome,general-bye +bos thank you , have a nice day as well . eos O O O O O O O O O O O general-thank +bos you 're quite welcome . enjoy cambridge ! eos O O O O O O O O O general-welcome,general-bye +bos i am looking for someplace to go that is a park eos O O O O O O O O O O O B-Attraction-Inform+Type N/A +bos there are five different parks in the area , one each in the north , centre and east , and two in the south . do you have a specific location you 'd like ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+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+Area I-Attraction-Inform+Area O O O O O O O O O O O O O Attraction-Request+Area +bos could you give me the postcode and entrance fee for the park in the north ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O Attraction-Request+Post,Attraction-Request+Fee +bos sure ! that would be milton country park . the postcode is cb46az and admission is free . can i help you with anything else today ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 O general-greet,general-reqmore +bos i am also looking for a train that leaves after 21.45 to cambridge eos O O O O O O O O O O O O O B-Train-Inform+Dest N/A +bos could you please tell me where you will be departing from and what day you are traveling ? 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 am leaving from leicester and i want to travel on saturday . eos O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day O N/A +bos there are two trains available . one leaves at 22:09 and the other at 23:09. which train do you prefer ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O Train-Select +bos either one will work , once you have chosen one please tell me the arrival time . eos O O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos tr4509 departs at 23:09 and arrives at 24:54. would you like me to book you a seat ? 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 N/A +bos no thank you , i 'll purchase when i get there . that 's all i needed 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 general-thank +bos have a good day ! eos O O O O O O general-bye +bos hello , i 'm looking for some cheap restaurant recommendations . eos O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos i would suggest the rice house in the centre . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area O N/A +bos is this located in the south ? i would like portuguese food please . eos O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O N/A +bos nandos serves prtuguese food and it located in the south . would you like a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Area O O O O O O O Booking-Inform +bos yes please for 2 people at 18:30 on a wednesday . eos 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 've made your reservations and your reference number is : e0e1o4mu . eos O 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 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 , i 'd also like information about a train . i will be travelling on wednesday . eos 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 where will you be departing from ? eos O O O O O O O O Train-Request+Depart +bos i 'm traveling from norwich . eos O O O O B-Train-Inform+Depart O O N/A +bos where are you traveling to ? and what time will you need to arrive ? eos O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive +bos i 'm headed to cambridge and need to arrive by 11:00. eos O O O O B-Train-Inform+Dest O O O O O O O N/A +bos there is a train leaving at 9:16 that will get you in by 10:35. eos O O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive N/A +bos ok. thanks . that is all . eos O O O O O O O O general-thank +bos thanks for using our services welcome anytime eos O O O O O O O O general-welcome,general-bye +bos hello there ! i need a train from stansted airport 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 sure , i can 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 O Train-Request+Leave,Train-Request+Day,general-greet +bos the train should leave after 08:15 and should leave on sunday eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day N/A +bos there are 16 trains that travel during that time frame , do you have a specific time you 'd 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 O O Train-Request+Arrive +bos the earliest is better . can you tell me what time it will arrive and 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,Train-Request+Arrive +bos arrival time is at 08:52 and the cost is 8.08 gbp . can i get a ticket for you ? eos 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 O O O Train-OfferBook +bos i guess that is alright . please book me . eos O O O O O O O O O O O N/A +bos the booking was successful your reference number is tjfpd155 . eos O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos can you also help me find an attraction 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 would you like visit clare college ? the entrance fee is 2.50 pounds . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos is that on the west side ? if so then yes , i would like to also get a phone number for that attraction . 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 Attraction-Request+Phone +bos clare college is in the west , their phone number is 01223333200. anything else i can help you with today ? eos O B-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 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 then you have a great trip . thank you . eos O O O O O O O O O O O general-welcome,general-greet +bos hi , i am looking for a cheap place in the centre of town to eat . can you help ? 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 O O O N/A +bos sure what type of food are you wanting ? eos O O O O O O O O O O Restaurant-Request+Food +bos any type is fine , just something cheap and in the centre . could you recommend one and give me the 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 Restaurant-Request+Food +bos how about the dojo noodle bar ? they serve asian oriental . eos 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 N/A +bos that would be fine . can 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos their postcode is cb21rq , and their phone number is 01223363471 eos O O O O B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O N/A +bos thank you for your help today . eos 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 need to find a restaurant in the west part of town . it should be 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 O B-Restaurant-Inform+Price O O O O N/A +bos i have a vietnamese and an italian restaurant matching your requirements . would you be interested in either ? 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 Restaurant-Select +bos i 'd prefer the italian one . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i have la margherita that is a cheaper italian restaurant . it 's located at 15 magdalene street city centre . did you need any help booking a table ? 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 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 can i get the postcode for it ? eos O O O O O O O O O Restaurant-Request+Post +bos absolutely ! the postcode for la margherita is cb30af . would you like me to make a reservation for you ? eos O O O O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O O Booking-Inform +bos yes , please . thank you very much . eos O O O O O O O O O O general-thank +bos great ! what day and time would you like the reservation for ? eos O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i do not want to just yet , thanks . eos O O O O O O O O O O O general-thank +bos okay , we 'll book that for you whenever you 're ready . thank you and goodbye ! eos 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 you to tell me about great indian restaurants in the area . it 's okay if they are expensive . eos O O O O O 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 N/A +bos there are a total of 14 different expensive indian restaurants located throughout the city . is there a particular area of town you would like to eat in ? eos O O O O O O O B-Restaurant-Inform+Choice B-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 O O O O O O O O Restaurant-Request+Area +bos no . choose one for me . eos O O O O O O O O N/A +bos curry garden has good reviews , would you like to book there ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O Booking-Inform +bos sure ! can you book a table for 8 people at 17: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 O N/A +bos sure . your reference number is qlmrq3h2 . anything else ? eos O O O O O O O B-Booking-Book+Ref 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 welcome . goodbye ! eos O O O O O O O general-bye,general-greet +bos i need a restaurant in the west that serves hungarian cuisine , eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry . there is no matching restaurant . do you want to try a different area 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 Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos i guess let 's check and see if there are any hungarian restaurants in other parts of town . what is 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 N/A +bos i 'm sorry there are no hungarian restaurants coming up anywhere . is there another type of cuisine you 'd like me to look for ? 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 Restaurant-Request+Food +bos are there any restaurants in the west and in the expensive price range that serves indian food ? eos O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A +bos there are 5 of them . i hear the cocum is very good . would you be interested in booking it ? 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 O O O O Booking-Inform +bos is this location in the west ? if so yes , i would 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 N/A +bos great , what day , time , and number of people would you like to book for at cocum ? 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,Booking-Request+Day +bos please book a table for 7 people at 11:45 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 N/A +bos i 'm sorry that time slot is not available that day . would you care to try for a different time or 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 O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos let 's try 10:45. eos O O O B-Restaurant-Inform+Time O N/A +bos i was able to get you a table for 7 at cocum on monday at 10:45. reference number is : az2du7ir . can i be of any further assistance today ? eos O O O O O O O O O O O B-Booking-Book+People 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 general-reqmore +bos yes , i am also looking for a three star hotel located 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 N/A +bos hobsons house is a moderately-priced , 3-star guesthouse in the west . it offers free internet and parking . would you like me to book this for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos great , can i please have the address and phone number ? eos O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos certainly . hobsons house is located at 96 barton road . it 's phone number is 01223304906. is there anything else i can help you with today ? eos 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 O O O O O O O O O O O O O O general-reqmore +bos actually , yes . i need a taxi to transport between the two places . i want to make sure it arrives at cocum at the booked time . any ideas ? 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+Dest O O O O O O O O O O O N/A +bos i have your taxi scheduled to arrive in time for your parties reservation . is there antying else i can take care of 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 Taxi-Inform,general-reqmore +bos can i get the contact number and car type please . eos O O O O O O O O O O O O Taxi-Request+Car +bos certainly booked car type blue bmw , and contact number 07581556997. 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 B-Taxi-Inform+Phone 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 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 i am looking for a 3 star hotel with free parking in cambridge . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos i found a handful of locations that might suit your interests . would you care to check out the gonville hotel ? it has everything you are looking for in accommodations . 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 O O O O O O O O O O O N/A +bos does the gonville hotel have guesthouse accommodations ? eos O O O O O O B-Hotel-Inform+Type O O N/A +bos i believe so , yes . eos O O O O O O O N/A +bos can you book this hotel ? eos O O O O O O O Hotel-Inform +bos absolutely . on what day , for how many people and how long is your 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,Booking-Request+People +bos i would like to book for four people for three nights beginning on tuesday . eos O O O O O O O O O O O O O O O O N/A +bos before i book this hotel i just want to inform you that i have confirmed that it is not a guesthouse but a hotel . would you still 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 O O O O O O O O O O O O O O N/A +bos yes please book it for four people in 3 nights starting on tuesday eos O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A +bos unfortunately it can not be booked for 3 days . did you want to get information about a different hotel instead ? eos 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 N/A +bos no how about two nights ? eos O O O O O O O N/A +bos i want able to book your room at the gonville hotel for you for the two nights . your reference number for this is kyxt8tus . 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+Stay O O O O O O B-Booking-Book+Ref O O N/A +bos thank you . i am also looking for a particular restaurant , it is called charlie chan . can you provide me its address ? 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 Restaurant-Request+Addr +bos certainly ! the address for the charlie chan is regent street city centre . would you like me to book a reservation ? eos O 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 O O O O O O Booking-Inform +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 thanks for contacting cambridge towninfo centre . let us know if you need anything else 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 general-bye +bos i 'm looking for a particular restaurant called j restaurant . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos that is a great cheap restaurant located in the city centre . would you like a reservation ? eos O O O 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 Booking-Inform +bos yes please 2 people at 16:45 on tuesday eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos your booking is confirmed , 2 people on tuesday at 16:45 for j restaurant . reference is h9zg8n17 . can i help with anything else ? eos O O O O O O B-Booking-Book+People O B-Booking-Book+Day O B-Booking-Book+Time O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Booking-Book+Ref 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 . goodbye . eos O O O O O O general-bye +bos where can i get some british food that is n't too cheap or expensive ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos there are a total of 5 british restaurants that are moderately priced . is there any particular location you are wanting such as the centre or west ? eos O O O 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 O O O O O O Restaurant-Request+Area +bos no , no particular location . what is the information for the first listing ? eos O O O O O O O O O O O O O O O O N/A +bos restuarant one seven . the address is de vere university arms regent street city centre . the phone number is 01223337766. 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 O O O B-Restaurant-Inform+Phone O O N/A +bos great . do you know of a high-end hotel i could stay at ? it has to have 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 the university arms hotel is an expensive place with free wifi , conveniently located very close to your restaurant . 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 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 Booking-Inform,Hotel-Inform+Internet +bos i might be interested . first , is that a guesthouse style ? i would love to stay in a guesthouse style with 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 N/A +bos unfortunately no , it is not a guesthouse style lodging . there are none that fall into the expensive category , would you like me to search for something cheaper that is 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 O O O N/A +bos no , that 's okay . are there any hotels available in the moderate price range ? 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 there are 12 guest houses that have free wifi and free parking . would you like me to book one for you ? 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes . i would like a room for just me for 4 nights starting on sunday . eos O B-Hotel-Inform+Internet O O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A +bos i 'm sorry , all those guesthouses are book for that time frame , could you arrive 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+Day,Booking-Request+Stay +bos can we try 3 nights ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos i was able to book you a room at the acorn guesthouse for 3 nights . your reference number is 25y826uq . 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 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 yes can you help me reserve a taxi ? eos O O O O O O O O O O Taxi-Inform +bos sure , i can help you with that . where is your departure site or destination ? perhaps you have a certain 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 Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Depart +bos i 'd like to go from the restaurant at 08:45 to the hotel . can you let me know what kind of car and how to contact them ? eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O O O O O O O O O O O O O O O O O O O N/A +bos ok. a grey lexus will pick you up at restaurant one seven at 08:45. the contact number is 07669997265. 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 B-Taxi-Inform+Depart I-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 that 's it.. thank you . eos O O O O O O O general-thank +bos it is no problem . thank you 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 general-welcome,general-bye +bos i need to find a hotel in cambridge that 's moderately priced . i do n't need to have free parking included for my stay . 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 N/A +bos there are four possibilities , one is a hotel and the others are guesthouses . do you have a preference for one or 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 O O O O N/A +bos i do not . are any of those places located in the centre ? eos O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos only one is located in the centre . the cityroomz which also has free wifi . would you be interested in booking this hotel ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area 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 yes , that sounds splendid . i would like to book a room there for 6 people for 2 nights , and i would like the reference number , 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 O O O O O O O O O O O N/A +bos what night would you like to begin your stay ? eos O O O O O O O O O O O Booking-Request+Day +bos i would like to stay starting tuesday night eos O O O O O O O B-Hotel-Inform+Day O N/A +bos i have booked the cityroomz hotel for 2 nights , starting this tuesday , for 6 people . eos 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 O O B-Booking-Book+People O O O N/A +bos that is great ! how much ? eos O O O O O O O O N/A +bos i apologize i do n't have the price . it is in the moderate price range however . 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 see . that sounds great . thank you . could 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 Hotel-Request+Ref +bos your reference number is : eb05kfxv . will there be anything else today ? eos O O O O O O B-Hotel-Inform+Ref O O O O O O O O N/A +bos i also need a restaurant that serves turkish food please . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are three turkish restaurants , all in the center of town . the meze bar is expensive , but the other two are more moderate . would you like to book a table ? 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O Booking-Inform +bos the meze bar is fine . book it for 6 at 14:15 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 N/A +bos your table will be reserved for 15 minutes . the reference number is xzx9agml . 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 you are welcome . have a nice day ! eos O O O O O O O O O O general-welcome,general-bye +bos i would a train . i 'm going from birmingham new street and it needs to arrive by 11: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 B-Train-Inform+Arrive 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 am leaving on saturday , and the train should go to cambridge . eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest O O N/A +bos tr8259 will arrive in cambridge at 10:23. would you like me to book a ticket for you on that train ? 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 O O O O O O O O O O O O O Train-OfferBook +bos not yet . first i would like to get price and departure time . eos O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos it will depart at 7:40 and it will cost 60.08 pounds . do you need help with anything else ? eos O 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 general-reqmore +bos and i need a place to stay eos O O O O O O O O N/A +bos okay there are many options . do you have a price preference or area ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos i would like something in the east . i also prefer a guesthouse . eos O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Type O O N/A +bos there is a and b guesthouse , it is in the east part of town 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+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O N/A +bos that sounds good , i have 7 people in total . eos O O O O O O O O O O O O N/A +bos could you tell me the dates , and how many rooms you will be needing ? 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 it will be for saturday and for 3 nights . eos O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O N/A +bos okay , three nights . would you like me to book that ? eos O O B-Booking-Inform+Stay I-Booking-Inform+Stay O O O O O O O O O O N/A +bos yes , of course i want you to book it . and give me the reference number too ! 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 unfortunately i am having trouble with booking that for you . is there other options we could explore . 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 hmmm , could you try again . that is what i really need . eos O O O O O O O O O O O O O O O N/A +bos unfortunately it is n't allowing me to make that reservation . i am sorry , 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 O O O Booking-NoBook,general-reqmore +bos is there another guesthouse with a 4 star rating in that area ? eos O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos yes . the a and b guest house meets all of your criteria . 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 I-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,general-greet +bos yes , please . do they have free parking and internet ? eos O B-Hotel-Inform+Internet O O O O O O O O O O O N/A +bos i apologize , there was a problem with the system . that guesthouse is not available at this time . is there a price range your trying 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 O O O O Booking-NoBook,Hotel-Request+Price +bos let 's just try booking the same hotel for 1 night please . eos O O O O O O O O O O O O O O Hotel-Inform +bos okay the system is up and running again . i was able to successfully book your stay and your reference number is stnww1ab . 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-NoBook+Ref O O general-greet +bos guess thats 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 . eos O O O O O O O O O O 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 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 O O general-bye +bos i 'm looking for an italian restaurant on the south side 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 sure we have either pizza hut cherry hinton or frankie and bennys . would you like to book a table at one of these places ? 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 O O O O O O O O O O O O Booking-Inform +bos great ! i 'd like a table at frankie and bennys for 7 people at 14:00 on friday . eos O O O O O O O B-Restaurant-Inform+Name I-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 i 'm sorry , that time is not available . would you like to book 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,general-reqmore +bos how about at 13:00 at same time ? eos O O O O B-Restaurant-Inform+Time O O O O N/A +bos your table is reserved at 13:00 on friday . your reference number is rq2l5tkr . 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 great . that 's all i need ! eos O O O O O O O O O N/A +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 can you find a restaurant for me that is southern and is in the mid price range ? eos 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 i found pizza hut cherry hinton and restaurant alimentum for you . eos 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 does either one serve hungarian food ? i 'd like hungarian food . eos O O O O O O O O O O O O O O N/A +bos unfortunately there are no hungarian restaurants in the area . pizza hut cherry hinton serves italian and restaurant alimentum serves modern european if those interest you . 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 I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O Restaurant-NoOffer +bos restaurant alimentum sounds interesting . could you give me more information about this location ? eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos restaurant alimentum is moderately priced . they are located at 152-154 hills road . would you like me to make a reservation 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 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 would like a table for 2 on wednesday . eos O O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos what time would you like the reservation to be for ? eos O O O O O O O O O O O O Booking-Request+Time +bos i would like to dine at 13:30 and i also need the reference number . eos O O O O O O O B-Restaurant-Inform+Time O O O O O O O O N/A +bos you reservation is made for 13:30 and your reference number is x1uvxl1x . can i help you with anything else ? eos 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 general-reqmore +bos i also am looking for a place to stay , it will need to be on the east side and have 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 B-Hotel-Inform+Area O O O O O O O O O O O O O N/A +bos sure on the east side with free parking how about allenbell , autumn house , carolina bed and breakfast , or leverton house all guesthouses . eos O O O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O O O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name B-Hotel-Select+Type O O O O Hotel-Select+Parking +bos any of those could work . you decide . eos O O O O O O O O O O N/A +bos let 's choose autumn house . do you have a preference for a time of day and for how long ? eos 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 O Booking-Request+Stay,Booking-Request+Time,Booking-Request+Day +bos sure , i want 3 nights starting wednesday please . eos O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A +bos alright , your room has been booked at the autumn house for 3 nights starting on wednesday . your reference number is rdxxh6q8 . 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+Stay O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O N/A +bos thank you for all your help . that sounds perfect . eos O O O O O O O O O O O O general-thank +bos you are quite welcome . please enjoy your stay in cambridge ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos hi there ! i 'm looking for something fun to do in the center of town . what kind of attractions are 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 Attraction-Inform +bos yes i have many architectural attractions would you be interested in those ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O N/A +bos yes ! i 'd like a phone number and address of one of those . eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos sure , all saints church phone is 01223452587. and address is jesus lane . anything else ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O general-reqmore +bos yes i am looking for a restaurant called caffe uno . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos i found a restaurant named caffe uno at 32 bridge street city centre , their number is 01223448620. 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 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 O O O O O O O O O O Booking-Inform +bos yes please . i 'll need a table for 4 at 19:15 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 O O N/A +bos booking was successful . the table will be reserved for 15 minutes . your reference number is bcm0d5y2 . 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 also need a taxi to take me to the restaurant , so i will need to be there by 19: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+Arrive O O N/A +bos alright i have you booked for a cab from all saints to caffe uno , arriving by 19:15. eos O O O 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+Arrive O N/A +bos can i get the contact number and car type for the cab . eos O O O O O O O O O O O O O O Taxi-Request+Car +bos it 's going to be a blue toyota and the contact number is 07525945489. is there anything else i can help 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 thank you for all of your help . i do n't need anything else today . eos 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 . eos O O O O O O O O O O O O O O general-bye +bos i need a hotel in the west part of cambridge . i do n't care if it has internet . 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 we have 4 matches , 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 Hotel-Request+Price +bos yes expensive please . just book me a room and send me the reference number . eos O O B-Hotel-Inform+Price O O O O O O O O O O O O O O N/A +bos there is the huntingdon marriott hotel 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 O O O O O O O O O Booking-Inform +bos no . actually sorry . it should be a cheap hotel in the west . eos O O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O N/A +bos that is no problem , the cambridge belfry is a better price and should meet your needs , would you like more information ? 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 O O O O O O O general-reqmore +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes , the bell fry has free 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 Booking-Inform,Hotel-Inform+Parking +bos no , just the phone number and address . 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 O O O O O O O O O Attraction-Request+Addr +bos the phone number is 01954714600 , address 01954714600. what type of attraction would you like to go to ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O O O Attraction-Request+Type +bos i have no preference , just something 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 i suggest the queens ' college . can i give you the address ? eos 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 please thank you eos O O O O O general-thank +bos the address for queens ' college is silver street . 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+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore +bos i need the postcode as well . eos O O O O O O O O Attraction-Request+Post +bos their postcode is cb39et . is there anything else i can assist 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 nope . that was all i needed . 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 to assist you . 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 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 ? eos O O O O O O O O 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 do you have a preference in area ? eos O O O O O O O O O Hotel-Request+Area +bos no , i don '' t have an area preference . i would like to stay in a guesthouse with at 4 star rating . i also need wifi . eos 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 O O O O O N/A +bos i would suggest the acorn guest house would you like the info ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O general-reqmore +bos is there another nearby option ? eos O O O O O O O N/A +bos yes , there are several options . they are all priced in either the cheap or moderate price range . 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 O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O N/A +bos i have no price range preference , do any have free parking ? eos O O O O O O O O O O O O O O Hotel-Request+Parking +bos the allenbell is in east . it has free wifi and parking . would you like me to book that for you ? eos O O B-Hotel-Inform+Name 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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no thank you . can you please give me the address ? eos O O O O O O O O O O O O O Hotel-Request+Addr +bos it is located in 517a coldham lane , postcode cb13js eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O N/A +bos could you give me information on cafe jello 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 sure its located in the west and is a museum . free admission too eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Type B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos i also need a tax leaving my hotel by 18:30 to take me to the museum . 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 you are booked , look for a ford pinto . kidding , look for a yellow lexus , the drivers contact info is 07407659393 , any further questions ? eos 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 i need today , thank you . eos O O O O O O O O O O O general-thank +bos no problem , have a great day . eos O O O O O O O O O general-welcome,general-bye +bos hi ! can you give me some information on the golden curry restaurant ? 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 N/A +bos the golden curry is an expensive indian restaurant located in the centre of town . is there anything else you would like to know ? 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 O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O N/A +bos that sounds great . i would like a table for 5 people at 19: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 O N/A +bos unfortunately , that day/time are unavailable . would you like me to try 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos okay try 18:00 instead . eos O O O B-Restaurant-Inform+Time O O N/A +bos that time is available , so i 've made your reservation . the reference number is oshzupsd . what else can i 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 general-reqmore +bos that 's all that i needed today , thanks ! eos O O O O O O O O O O O general-thank +bos great . glad i could help . enjoy your meal . eos O O O O O O O O O O O O N/A +bos thanks , i will . bye ! eos O O O O O O O O general-bye +bos thanks for contacting cambridge towninfo centre . bye ! eos O O O O O O O O O O general-bye +bos hi , i am planning a trip and could use some help finding a particular attraction . eos O O O O O O O O O O O O O O O O O O Attraction-Inform +bos sure what type of attraction can i help you find ? eos O O O O O O O O O O O O Attraction-Request+Type +bos i would like a museum in the west please . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos kettle 's yard is found in castle street . their entrance fee is free . 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+Fee O O O N/A +bos can i get the phone number for that one ? eos O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223748100. eos O O O O O B-Attraction-Inform+Phone N/A +bos thank you . could you also find a guesthouse with a four star rating 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 N/A +bos is there a certain area you 'd like it to be in or would you like me to make a 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 Hotel-Request+Area +bos whatever you recommend will work . it need it booked for wednesday , 2 nights , 7 people . i 'll need the reference number as well please . eos O O O O 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 O O Hotel-Request+Ref +bos i booked a room at the acorn guest house . your reference number is p11x2d77 . 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 N/A +bos thanks . you were very helpful . goodbye . eos O O O O O O 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-welcome,general-bye +bos i 'm looking for a hotel , can you help ? eos O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i can , we have 9 hotels , do you have anything else to narrow it down ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O general-reqmore +bos it should be in the centre and be on the expensive side . eos O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O N/A +bos i have 2 available hotels . one is the gonville hotel located on gonville place . the other is university arms hotel on regent street . which one would you like to book ? 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 B-Hotel-Inform+Name I-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 Booking-Inform +bos can you book the one without wifi ? eos O O O O O O O O O N/A +bos they both have internet , for what days and how many people should i book ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People,Hotel-Inform+Internet +bos do either of them offer free wifi ? eos O O O O O O O O O N/A +bos as previously mentioned , they both have internet available . i do n't have specifications about the internet service however . 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 O O O O Booking-Inform,Hotel-Inform+Internet +bos yes , please book for two nights beginning on sunday for one person . eos O O O O O O O O O B-Hotel-Inform+Day O O O O O N/A +bos your booking was successful and the reference number is elypaxqz . 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 museum to go to 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 O O N/A +bos there are 11 all with free entrance . would you like me to recommend one ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos yes , please . can i get the address and phone number for the one you reccommend ? eos O 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 nice place , their address is unit su43 grande arcade st andrews st and their postcode is cb23bj , anything else today ? eos O B-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 I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Post O O O O O O general-reqmore +bos do you have there phone number ? eos O O O O O O O O Attraction-Request+Phone +bos their phone is 01223307402. is there anything else i can help you with today ? eos O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos yes , i also need a taxi going between the two places . eos O O O O O O O O O O O O O O Taxi-Inform +bos what time do you need the taxi , and which is the destination site ? eos O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest +bos i want to arrive at the castle galleries by 11:15. eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave N/A +bos your white ford taxi booking was successful . its contact number is 07580691974. 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 ok , thank you for the help . eos 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 'm interested in finding a modern european restaurant for dinner with a moderate price range on their menu . eos O 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 O O O O N/A +bos i pulled up 3 restaurants . two in the centre and one in the south . do you have a preference on location ? eos O O O O O B-Restaurant-Inform+Choice 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-Request+Area +bos no preference . can you recommend me one and book a table for 8 people at 11:30 on wednesday ? thanks ! 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 N/A +bos of course ! you 're all set at the restaurant alimentum with reference number ia29xfxa . the table will be reserved for 15 minutes . anything else i can help you with ? eos O O O O 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 O O O O O O O O O N/A +bos no thank you . goodbye . eos O O 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 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 great , i have many places for you to go in the centre . 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 Attraction-Request+Type +bos i would like a college please can you send me some info ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos sure . how about christ 's college ? it is located at saint andrew 's street and is free . eos 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 B-Attraction-Recommend+Fee O O O O O N/A +bos yes , that 's fine . can you give me the phone number , entrance fee , and postcode ? 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+Phone,Attraction-Request+Fee +bos the entrance fee is free . the phone number is 01223334900. the postcode is cb23bu . is there anything else i can assist you with today ? eos O O O O O B-Attraction-Inform+Fee 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 O O general-reqmore +bos i am also looking for a place to stay . it should be a guesthouse in the same area and include 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 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 a star preference i have a 0 and a 4 star . eos O O O O O O O O O O O O O O B-Hotel-Select+Stars O N/A +bos the star preference does n't matter . i 'll take the 4 star . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos do you want me to book you into the four-star alexander bed and breakfast ? eos 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 N/A +bos no , that 's all the information i need right now . 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 general-thank +bos i hope you enjoy your stay ! eos O O O O O O O O general-bye +bos thank you . i will also need 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 from the alexander b & b to christ 's college . i want to leave the hotel by 09:45. eos 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 B-Taxi-Inform+Leave O O O O N/A +bos your taxi reservation on a red honda is complete . you will be picked up at 09:45 at alexander bed and breakfast and dropped off at christ 's college . 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+Leave O B-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 N/A +bos may i please get a contact number for the taxi ? eos O O O O O O O O O O O O Taxi-Inform +bos their contact number is 07182437996. anything else ? eos O O O O O B-Taxi-Inform+Phone O O O general-reqmore +bos what type of car is it ? eos O O O O O O O O N/A +bos it is a red honda . is there 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 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 , glad i could help . eos O O O O O O O O O O general-welcome +bos i 'm looking for the huntingdon marriott hotel . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos the huntingdon marriott hotel is on kingfisher way near the hinchinbrook business park . 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 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 I-Hotel-Inform+Addr O O O O O O O O O O Booking-Inform +bos yes for one guest , for nights starting with tuesday . eos O O O O O O O O O O B-Hotel-Inform+Day O N/A +bos i 'm sorry , but i 'm not sure how many nights you want to stay . did you mean to say four 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-Request+Stay +bos no sorry i meant 2 nights . eos O O O O O O B-Hotel-Inform+Stay O N/A +bos ok i 've booked that for you with reference number sdmc5szk . is there anything else i can help 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 yes , i 'm looking for a museum near the centre . eos 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 , may i suggest castle galleries . and there is no entrance fee . is there anything else i can assist you with today ? 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+Fee I-Attraction-Recommend+Fee I-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 please ? eos O O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223307402. 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 i 'd like a taxi from the hotel to the museum . i want to leave the hotel by 19:00. book it please 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 B-Taxi-Inform+Leave O O O O O O O O O O O O O Taxi-Request+Car +bos a grey skoda will pick you up at the hotel by 19:00 to take you to the castle galleries . your contact number is 07375156908. will there be anything else today ? :07375156908 eos O O O O O O O O O O O O O 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 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 enjoy your visit ! let us know if we can be of any further assistance . 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 in the east . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos there is an express by holiday inn cambridge , shall i book it for you ? eos 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 O O O O O O N/A +bos what is the price range and is there internet ? eos O O O O O O O O O O O N/A +bos the price range is expensive , and there is internet . eos O O O O O B-Hotel-Inform+Price O O O O O O Hotel-Inform+Internet +bos i need it to have four stars and free parking . eos O O O O O O O O O O O O N/A +bos unfortunately i found no matches . would like me to look elsewhere with your same request ? eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos is there a guesthouse that would be available with that criteria ? eos O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos yes , there are a few four star guesthouses in the cheap and moderate price ranges with free parking and internet in the east . do you have a preference in price range ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price 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+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i do n't have a price preference . which guesthouse do you recommend ? eos O O O O O O O O O O O O O O O N/A +bos i highly recommend warkworth house in the moderate price range . do you want me to book it for you ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price O O O O O O O O O O O O O Booking-Inform +bos yes book it with reference number eos O O O O O O O Hotel-Request+Ref +bos what night will you be arriving ? eos O O O O O O O O Booking-Request+Day +bos the day that i arrive is flexible . eos O O O O O O O O O N/A +bos i can book you in if you have an idea of when your stay will begin . eos O O O O O O O O O O O O O O O O O O Booking-Request+Day +bos i will arrive on wednesday . eos O O O O O O O N/A +bos i can book the warkworth arriving on wednesday . how many nights will be be there ? eos O O O O O B-Booking-Inform+Name O O B-Booking-Inform+Day O O O O O O O O O Booking-Request+Stay +bos we will be there for 4 nights . eos O O O O O O O B-Hotel-Inform+Stay O N/A +bos how many people will be staying ? eos O O O O O O O O Booking-Request+People +bos 4 of us will be staying . please give me the reference number for this booking . eos O O B-Hotel-Inform+People 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 : im2bxwkv . eos O O O O O O O B-Booking-Book+Ref O N/A +bos can you tell me about nightclubs in the centre area ? eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are 44 different places in the centre . what kind are you interested in ? architecture , boat , cinema , college , concert hall , museum , night club , park , swimming pool , or theatre ? 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 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 N/A +bos as i mentioned before , can you tell me about a good nightclub ? eos O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos my favorite is ballare . their entrance fee is 5 pounds . eos O O O O B-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A +bos can you give me the phone number , postcode and address 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 the phone number is 01223364222. postcode , cb23na . address is cb23na heidelberg gardens , lion yard . eos O O O O O B-Attraction-Inform+Phone O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos now i 'll need a taxi to pick me up at 15:00 from ballare and take me to the hotel eos O O O O O O O O O O O B-Taxi-Inform+Leave O B-Taxi-Inform+Depart O O O O O O O N/A +bos okay , i have booked the car . the driver will be in a white honda . 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 N/A +bos may i have 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 contact number for the taxi is 07885085016. do you need anything else or is this all for now ? eos 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 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 have a wonderful trip . enjoy the rest of your day , goodbye . eos O 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 in the center of town . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos i have found 13 of them . can you please be more specific about what you would like ? eos O 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 you can choose 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 i recommend emmanuel college . their address is saint andrew 's street eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O N/A +bos thank you ! can you also help me find a place to stay with free wifi ? eos O O O O O O O O O O O O O O O O O O N/A +bos there are 32 hotels that offer free internet , is there a price range or area you prefer ? 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 Hotel-Request+Price,Hotel-Request+Area +bos moderate price range thank you eos O B-Hotel-Inform+Price O O O O N/A +bos i narrowed it down to 17. what part of town would you prefer and do you want free parking ? 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 Hotel-Request+Area,Hotel-Request+Parking +bos i would prefer the north please . eos O O O O O B-Hotel-Inform+Area O O N/A +bos i would suggest the acorn guest house it is a great place to stay . 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 N/A +bos that will be fine . i 'll need to book for saturday , 3 nights , and 1 person . eos 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 you 're all set ! your reference number is 41bk9pc7 . eos O O O O O O O O B-Booking-Book+Ref O O O N/A +bos actually one more thin , i need a taxi from the hotel to the restaurant , i want to leave at 09:45. 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-Taxi-Inform+Leave O O N/A +bos okay , i booked a yellow honda and their contact number is 07225232221. do you need help 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 general-reqmore +bos no that will be it for today . eos O O O O O O O O O N/A +bos no thank you that will be all eos O O O O O O O O general-bye +bos i am trying to locate a really nice guesthouse to take my wife to . can you suggest any ? 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 there are several nice guesthouses i can recommend . are you looking for a specific location ? eos O O O B-Hotel-Recommend+Choice O O O O O O O O O O O O O O Hotel-Request+Area +bos i do n't have a place in mind but i would like for the guesthouse to be on pricier side . 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 'm sorry to say we do n't have any expensive guesthouses . would you like to try something cheaper ? eos O O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O B-Hotel-Select+Price O O O O Hotel-Request+Price +bos could you see if there 's a hotel that meets my preferences ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos yes there are five such hotels . which area of town could you like to stay ? 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 no , but i was looking for something with 2 stars . eos O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos the express by holiday inn cambridge is east area . would you like me to book a reservation for you today ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform +bos please just give me their postcode . eos O O O O O O O O Hotel-Request+Post +bos the postcode is cb13lh . eos O O O O B-Hotel-Inform+Post 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 thank you , if you need anything else let me know.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 eos O O O O O O O O O B-Hotel-Inform+Area N/A +bos what pricerange are you looking for in your hotel ? eos O O O O O O O O O B-Hotel-Inform+Type O Hotel-Request+Price +bos i would prefer a place in the moderate price range with 4 stars and free wifi . eos O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O N/A +bos i have 3 results in the moderate price range . do you need parking ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O Hotel-Request+Parking +bos no , i do not need parking . i would need you to book a place for 1 person who will be staying for three nights beginning tuesday . can you do 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 O O O O O O N/A +bos not a problem , would the a and b guest house work for you ? 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 N/A +bos yes , please book it . i need a reference number . i also need to book a train leaving after 13:15 on tuesday . eos O O O O O 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 O O N/A +bos what days are you planning on staying and how many people will be staying ? eos 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 1 person and 3 nights starting tuesday please . eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos it 's all booked , reference number is 22he1kcu eos O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you i also need a train leaving after 13:15 on tuesday eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day N/A +bos there are 2828 trains can you tell me where you would be 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 O Train-Request+Dest,Train-Request+Depart +bos the train should go to cambridge and should depart from broxbourne . eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart O N/A +bos the following train is available : tr8199 broxbourne to cambridge on tuesday at 13:32 arriving at 14:32. this will cost 17.89gbp . would you like to reserve this ? eos O O O O O O B-Train-Inform+Id B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos yes please . just one ticket and could i get the reference number pleases ? eos O O O O O O O O O O O O O O O O N/A +bos yes , i was able to book the train for you . the reference number is 2datsodp . 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 ok , great ! thanks for all of your help . that is 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 O general-thank +bos i am glad that i could help . have a good day ! eos 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 guesthouse in the south part of town . do you have anything in that category ? 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 N/A +bos yes , i have found 3 to choose from . would you prefer a moderate price or something cheap ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O N/A +bos moderate , please , and make sure they have free parking . eos O B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos how about the bridge guesthouse that is in the moderate price range ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Price O O O N/A +bos do they have free parking ? and do you know if they have a star rating ? eos O 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 and it has a 3 star rating . would you care to book a room at bridge guest house ? 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 O O Booking-Inform,Hotel-Inform+Parking +bos not right now . i 'd just like their phone number , please . eos O O O O O O O O O O O O O O O Hotel-Request+Phone +bos that number is 01223247942. eos O O O O B-Hotel-Inform+Phone N/A +bos great . thanks for all your help . bye ! eos O O O O O O O O O O O general-bye +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 need a restaurant located in the centre for a moderate price . eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos sure , i can help you with that . i have 21 restaurants available . would you like a certain type of food ? eos O O O 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 Restaurant-Request+Food +bos i am looking just for any restaurant available for 5 people at 13:45 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 N/A +bos i was able to book yippee noodle bar and your reference is 7j4exp7m . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Booking-Book+Ref 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 you with ? eos 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 for using our system ! eos O O O O O O O O general-bye +bos hi i am looking for a place to stay that has free parking in the north part 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 N/A +bos there are several options with your criteria . eos O O O B-Hotel-Inform+Choice O O O O O N/A +bos the hotel should be in the type of guesthouse and should be in the expensive price range . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price O O O Train-Request+Price +bos there are no guesthouses with those criteria . would you like to look in 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 N/A +bos i did n't mention a specific part of town . eos O O O O O O O O O O O N/A +bos i am sorry but there are no accommodations that meet your criteria . would you be willing to try a top rated but less 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 N/A +bos ok , how about one in the cheap price range in the north with free parking ? eos O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O Train-Request+Price +bos how about the worth house , it fits those requests and has a 4 star rating . 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 O O O N/A +bos sounds good . i 'll need rooms for 3 people , for 2 nights . eos O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O N/A +bos okay , what day would you like your stay to begin ? eos O O O O O O O O O O O O O Booking-Request+Day +bos we 're arriving on thursday . eos O O O O B-Hotel-Inform+Day O O N/A +bos i apologize , i was unable to complete your booking . is there another day for arrival , or possibly 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+Day,Booking-Request+Stay +bos are there any other cheap guesthouses in the north with free parking ? my schedule is inflexible i 'm afraid . 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 , but booking was unsuccessful at the city centre north b and b as well . eos O O O O O O O O O O O O O O O O O O O Booking-NoBook +bos is there any cheap guest house available for arrival on thursday for 2 nights ? i still need free parking . 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 O N/A +bos i am sorry your booking is still unsuccessful . would you like to book another 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos are there any guest house available for my requested days ? eos O O O O O O O O O O O O N/A +bos sorry , i tried to book a stay for 2 guests earlier . you 're staying at the city centre north b and b , reference number 28uek6jh ! 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 I-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 N/A +bos great ! now i need a train to go to birmingham new street after 10:15 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 B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos there is a train to birmingham new street that leaves at 11:01 on saturday . would you like me to book it for you ? 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 O B-Train-Inform+Day O O O O O O O O O O O Train-OfferBook +bos not right now , can you please just give me the time , price , and train id number ? 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+TrainID +bos tr5669 is the one that leaves at 11:01. the tickets are 60.08 pounds each and the trip is 163 minutes . anything else ? eos O B-Train-Inform+Id O O 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 B-Train-Inform+Time I-Train-Inform+Time O O general-reqmore +bos sure , you can book that train now -- just for me , please . eos O O O O O O O O O O O O O O O O Train-Inform +bos great it 's been booked the reference number is dr5mnoos eos O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos okay great that is all i needed . eos O O O O O O O O O N/A +bos thank you for calling ! eos O O O O O O general-bye +bos hi i am looking for a hotel called finches 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 N/A +bos finches bed and breakfast is in the west side of town at 144 thornton road , phone 01223276653. would you like me to 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 B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Phone O O O O O O O O O O O O Booking-Inform +bos can you please give me the price range and the hotel type ? eos O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Type +bos finches bed and breakfast is a guesthouse , and the price range is cheap . would you like me to book a room for you ? eos 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 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 oh , i forgot , do they have free parking ? eos O O O O O O O O O O O O Hotel-Request+Parking +bos they do have free parking , yes . 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 O Booking-Inform,Hotel-Inform+Parking +bos no that wo n't be necessary . can you help me find a train though ? i need to go to cambridge . 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 N/A +bos there are 1414 trains heading to cambridge do you have some more information to narrow it down ? 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 N/A +bos i need the train to leave on friday from peterborough , and arrive by 12:15. eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A +bos alright , you have 13 options . trains from peterborough to cambridge leave twice an hour , starting at 5:19 and running until 11:19. would you like to book one of these trips ? eos O O O O O O O O O O O O O O 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 . 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 ? eos O O O O O O O O O O O O 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 certainly . tr0035 leaves at 07:19 and arrives by 08:09. it is 16.50 pounds and the travel time is 50 minutes . does this work for you ? eos O O B-Train-Inform+Id 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore +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 okay . i have booked you on that train and your reference number for the journey is 6d90ejte . 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-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos actually yes , can i get the travel time , train id , 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+TrainID +bos certainly . tr0035 leaves at 07:19 and arrives by 08:09. it is 16.50 pounds and the travel time is 50 minutes . the booking above was for only one ticket . is that correct ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive 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 O O O O O O O O O O O O O O Train-Request+People +bos i actually didnt 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 ! eos O O O O O O O O O O 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 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 i am looking for an italian restaurant in the centre of town , could you provide me with some options to choose from please ? 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 N/A +bos there are 9 italian restaurants in the centre of town . do you have a price range ? 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 Restaurant-Request+Price +bos i 'd like a cheap one , please . eos O O O O B-Restaurant-Inform+Price O O O O O N/A +bos there are 3 cheap italian restaurants . i would recommend pizza hut city centre . 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-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 what are the other two restaurants in this price range ? eos O O O O O O O O O O O O Restaurant-Inform +bos the two other restaurants that are relatively cheap are a restaurant called ask and the other is zizzi cambridge . would you like more info on one of those ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 Restaurant-Select +bos yes please . what are the phone numbers of those places ? eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number for ask is 01223364917 , the one for zizzi cambridge is 01223365599. is there anything else i can help with ? eos 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+Phone I-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos not now . thanks 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-welcome,general-bye +bos i 'm looking for the university arms hotel . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos the university arms hotel is located on regent street . would you like their phone number ? 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 O O O O O O O O N/A +bos i would like to book a room for 2 nights for 2 people starting on friday please . 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 N/A +bos sorry , it looks like they 're all booked up . would you like to try a different day or just 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos one night would work . be sure to include my reference number . eos O O O O O O O O O O O O O O Hotel-Request+Ref +bos excellent . the booking worked . your reference number is 6p5miato . eos O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos awesome . i 'm also looking to book a train that arrives there on the same day by 09:00. eos 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 certainly , where will you be departing from for your train to cambridge ? eos O O O O O O O O O O O O O O O Train-Request+Depart +bos i will be departing from birmingham new street . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos tr4887 is the only morning train that early . i can certainly book it for you ! how many riders will be traveling ? eos 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 Train-Request+People,Train-OfferBook +bos i need two tickets please , can i also get the time it will take to travel on 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 N/A +bos i have gone ahead and booked that for you . the train ride will be 163 minutes . eos 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-OfferBooked +bos alright , that is everything i need to know ! thank you . eos O 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 train that leaves on wednesday after 12:30. eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos i 'm happy to help ! could you let me know where you would like to depart 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 O O O O O Train-Request+Depart,Train-Request+Dest +bos i am departing from birmingham new street and my destination is cambridge . eos 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 N/A +bos i have 12 trains that leave after 12:30 that day . did you want to leave at about 13:40 ? that train arrives at 16:23 and costs 75.10 pounds a ticket . 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 O O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O N/A +bos yes , thank you . eos O O O O O O general-thank +bos all set ! your reference number is 9p2d9orj . eos O O O O O O O B-Train-OfferBook+Ref O O N/A +bos i am also looking for a certain hotel in the area . it is called the lovell lodge . do you have information on that ? 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 O O O O O O O O O N/A +bos yes , i do . what would you like to know ? eos O O O O O O O O O O O O O general-reqmore +bos could you see if they have rooms available for 7 people , for a 4 night stay ? eos O O O O O O O O O O O O O O O O O O O N/A +bos when would you like to begin your stay ? eos O O O O O O O O O O Booking-Request+Stay +bos i 'd like you begin my stay on wednesday . eos O O O O O O O O B-Hotel-Inform+Day O O N/A +bos unfortunately , it does n't look like there is availability for 7 people , for 4 nights , starting on wednesday . would you like to try another day or a shorter stay ? eos O O O O O O O O O O O B-Booking-NoBook+People 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 ummm , i can swing just 2 nights if that is available . eos O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos ok , we were able to book that for you , your confirmation code is 1hc1u1tn . eos 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 is all . goodbye ! eos O O O O O O O O O general-bye +bos you 're welcome . enjoy your trip . eos O O O O O O O O O general-welcome +bos i need a train that will be leaving from cambridge by 16:30 , can you help me with this please ? eos 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 O O N/A +bos where would you like to go and on what day ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i need the train to leave on monday before 16:30 for ely . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A +bos there are 10 trains leaving before 16:30. what is the earliest you 'd like to leave ? 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 N/A +bos the latest i can leave to arrive by 16:30 please . eos O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos the last train that will arrive by 16:30 is train tr7177 . it departs at 15:50 and arrives at 16:07. would you like me to book a ticket for you ? 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 N/A +bos yes , but how much is the ticket going to be and how long is 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 17 minutes and the price of the ticket would be 4.40 pounds . would you like me to book that for you ? 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 O O Train-OfferBook +bos yes , and once i am in ely i need a place to stay on the north side of town with at least a 1 star rating , and has wifi . eos O B-Hotel-Inform+Internet 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 O N/A +bos there are 11 possible selections in those parameters , do you have a preferred price range ? would you like a guesthouse or hotel ? 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 any price range and area is fine . but , is it possible to look for a 3 star hotel or guesthouse instead . 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 O Train-Request+Price +bos hamilton lodge is a guesthouse in the north with a 3 star rating and moderately priced . 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 B-Hotel-Inform+Type 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 O O O O Booking-Inform +bos if they have free parking , yes . eos O O O O O O O O O Hotel-Request+Parking +bos ok. i 'll need the day , length of stay , and number of people . eos 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 first , do they have free parking ? eos O O O O O O O O O Hotel-Request+Parking +bos i apologize . yes , hamilton lodge provides guests with both free wifi and free parking . i can set you up with a room if you like . 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 O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos not at this time . thank you so much for the information . that 's all i need today . 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 have a nice day ! eos O O O O O O general-bye +bos hello , i am looking to stay in a guesthouse that includes 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 lots of them to choose from . is there any area of town that i can check into for you ? 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 O O Hotel-Request+Area +bos no . i would like it to have a star rating of 4 and free wifi . 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 such guest houses . you might like the alexander b and b , which is rated 4 stars , yet inexpensive , and offers all the luxury the others choices do . eos O O O O B-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 I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Stars O B-Hotel-Recommend+Price O O O O O O O O O O O O O O N/A +bos that sounds great ! can you book the alexander for 2 people ? we 'll need it for 5 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+Stay O O B-Hotel-Inform+Day O O O O N/A +bos i am afraid that was unsuccessful . would 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos can we try 2 nights instead then ? i 'll need the reference number as well . eos 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 your booking at the alexander for 2 nights was successful . your reference number is x7vu6y8y . is there anything else i can help you with today ? eos O O O O O O O O B-Booking-Book+Stay 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 , thanks . eos O O O O O O O O general-thank +bos awesome . take care ! eos O O O O O O general-bye +bos i 'm looking for a guesthouse with free wifi . eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos we have 23 guesthouses offering free wifi . do you have other preferences , as well ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos something in the east , please . eos O O O O B-Hotel-Inform+Area O O O N/A +bos a and b guest house is available . 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 N/A +bos that sounds like it will work . do they have a star rating ? if so , can i get the postcode . 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 Hotel-Request+Post +bos a and b guest house has a four-star rating , and their postcode is cb12dp . would you like me to book that for you ? i should mention there 's no 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+Stars 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 O Booking-Inform,Hotel-Inform+Parking +bos no that 's okay , i just wanted to learn about it . thanks ! eos O O O O O O O O O O O O O O O O general-thank +bos you are welcome . do you need additional information about restaurants or attractions ? eos O O O O O O O O O O O O O O O general-reqmore +bos no , not at this time . 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-bye +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 B-Train-Inform+Id 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 general-reqmore +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 B-Train-OfferBook+People O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O O O O O Train-Request+People +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-OfferBooked+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 B-Hotel-Inform+Stars 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 i need a 5 star hotel to stay in that should be a guesthouse . eos O O O O O B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Inform+Type O N/A +bos i 'm sorry , i was n't able to find anything that matches your criteria . 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 O O O O O O Hotel-NoOffer,general-reqmore +bos what about a 4-star place ? eos O O O O B-Hotel-Inform+Stars O O N/A +bos i have several places that meet your criteria . do you have an area you are 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 it does n't matter as long as it is a 4 star guesthouse with free wifi . i will want to book it from monday . 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 O O N/A +bos i would recommend acorn guest house . how many people will be in your party and for how many days ? 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 Booking-Request+Stay,Booking-Request+People +bos it is just me this trip and i 'll be there for 3 nights . eos O O O O O O O O O O O O O B-Hotel-Inform+Stay 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 'll be arriving on monday . eos O O O O O B-Hotel-Inform+Day O O N/A +bos your room is booked under ref # 54kh70iq . 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 as long as i do n't need anything beside the reference number . thanks eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos alright , enjoy your stay and have a great night ! eos O O O O O O O O O O O O general-bye +bos hello , i 'm looking for a train to get me 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 O N/A +bos ok. will you be departing from cambridge ? eos O O O O O O O O O Train-Request+Depart +bos yes , cambridge and i want to leave on sunday . i need travel time eos O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day O O O O O O Train-Request+Duration +bos travel time is 51 minutes . what time were you hoping to leave ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-Request+Leave +bos i would like to leave after 13:45. eos O O O O O O O B-Train-Inform+Leave N/A +bos there is a train that leaves at 15:00 would you like me to book that train 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 O N/A +bos no thanks , i just needed the travel time for the train departing at 15:00. eos O O O O O O O O O O O O O O O O Train-Request+Duration +bos the travel time for tr 9386 is 51 minutes . eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Time I-Train-Inform+Time 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 thank you for using cambridge towninfo centre , goodbye ! eos O O O O O O O O O O O general-bye +bos i have heard you have great museums . i would like to visit one while in cambridge . 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 sure , is there an area of the city you would like to visit ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area +bos not really , what do you suggest ? and can you provide a phone number ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos cambridge artworks is my favorite . their phone number is 01223902168. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Phone O N/A +bos great i am also looking for a restaurant called nandos city centre eos O O O O O O O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Area N/A +bos nandos city centre is a great place to eat . do you want to book ? 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 absolutely , i need a table for 8 on saturday , at 17: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 ok ! i have booked a table for 8 people on saturday at 17:00 at nandos in the city centre . eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Day O B-Booking-Book+Time O B-Booking-Book+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos great . can you give the reference number , please ? eos O O O O O O O O O O O O Restaurant-Request+Ref +bos booking was successful , table will be reserved for 15 mins.reference number is : dhoayofg . 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 general-reqmore +bos i also need a taxi to get from the museum to the restaurant . i need to get to 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+Arrive O N/A +bos great ! i 've made you a booking . it 'll be yellow volkswagen and the contact number is 07057030091. is there anything else you need help with ? 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 O O O O O general-reqmore +bos no , i think that is all for today . thank you for your assistance . 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 have a great day ! eos O O O O O O O general-bye +bos i am looking for places in the centre to go to . eos O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos there are 44 great attractions to visit ! is there a certain type you were looking for ? perhaps a museum 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 B-Attraction-Select+Type I-Attraction-Select+Type O O Attraction-Request+Type +bos a museum sounds nice . do you have a favorite ? i need an address and entrance fee . eos 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+Fee,Attraction-Request+Addr +bos my personal favorite is the museum of archaeology and anthropology at university of cambridge , downing street . it even has free admission ! 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Inform+Fee O O O O N/A +bos i 'll check that out . can you also find me a train for monday i 'm leaving leicester ? eos 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 N/A +bos there are about 19 different train schedule for your chosen date . may i know your preferred time of departure ? 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 Train-Request+Leave +bos sure . i 'd like to leave after 09:45. i 'm heading to cambridge . eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O O O O N/A +bos the earliest train after that time is tr0032 . it leaves leicester at 10:09 and arrives in cambridge at 11:54. 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 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 that sounds great ! what 's the total travel time on that ? it seems like a long trip . 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 duration of the travel is 105 minutes . can i book it 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 Train-OfferBook +bos yes please . i need the reference number eos O O O O O O O O O N/A +bos can you please tell me how many in your party ? eos O O O O O O O O O O O O Train-Request+People +bos 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 . eos O O O O O O O O O O O O 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 thanks for using the service , have a nice day eos O O O O O O O O O O O general-bye +bos please be a darling and find me a moderately priced place to dine in the east eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area Train-Request+Price +bos sure , i have 3 options for you eos O O O O O B-Restaurant-Inform+Choice O O O N/A +bos could you give me all three options please ? eos O O O O O O O O O O N/A +bos curry prince , indian , rajmahal indian or pizza hut in the east eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O N/A +bos how about pizza hut ? i need a reservation for 4 people at 17:45 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 O N/A +bos done ! your reference number is diwcunvi . 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-greet,general-reqmore +bos no thanks . i think that took care of everything . thanks . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos okay goodbye , have a lovely day ! eos O O O O O O O O O general-bye +bos can you tell me which museums i can go to in cambridge ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos you are free to choose whichever one you want . there are 23 choices , is there a preference by area ? eos 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 Attraction-Request+Area,general-greet +bos the area does n't matter , but i do need to know the entrance fee . eos O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee +bos there are so many . in order to narrow it down , do you want something with free admission . and are you open to a suggestion ? 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 O O O O O O Attraction-Request+Price,general-reqmore +bos it does n't matter . can you just recommend one and tell me the entrance fee ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos cafe jello gallery has a free admission . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O N/A +bos thank you . what 's the area for the cafe jello gallery ? eos O O O O O O O O O O O O O O Attraction-Request+Area +bos that one is located in the west . eos O O O O O O O B-Attraction-Inform+Area O N/A +bos alright , can you find me a train to leicester on tuesday after 20:15 ? eos 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 ok you are set eos O O O O O general-greet +bos what is the train id you found ? eos O O O O O O O O O Train-Request+TrainID +bos i 'm sorry , my mind is not all there today . i have not found a train for you yet . 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 O O O O O O O O Train-Request+Depart,general-greet +bos i am leaving from cambridge and going to leicester . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos there are 4 trains that depart cambridge for leicester after 20:15. the first one leaves at 20:21 , and they run every hour . 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 B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O N/A +bos please pick the earliest one and give me the following info about them : 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 O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID +bos tr0378 arrives at 22:06. the travel time is 105 minutes . can i help you with anything else ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 general-reqmore +bos no , thank you . i believe 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 you are welcome . thank you for getting in touch with 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,general-greet +bos i am looking for a place to dine . the restaurant should serve chinese food and should be in the expensive 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 9 to choose from . do you have a preference as to area ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Area +bos area is n't important , can you recommend a good one ? eos O O O O O O O O O O O O O N/A +bos peking restaurant is located in the south . can i give you their contacts ? eos 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 general-reqmore +bos can you please make a reservation for me for 8 people at 16:30 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 booking was successful . the table will be reserved for 15 minutes.reference number is : b8vxazn0 . 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 also would like to visit somewhere 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 there are many places to visit in the centre of town . is there something specific you are wanting or would you like a recommendation ? eos O O O B-Attraction-Inform+Choice I-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 O O O O O O O O general-reqmore +bos any attraction is fine honestly , but how about a night club ? eos O O O O O O O O O O O O O O Attraction-Inform +bos there are 5 nightclubs in the centre . i recommend soul tree nightclub their entrance fee is 4 pounds . would that one interest you ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O N/A +bos that sounds fun ! how much is it to get in ? eos O O O O O O O O O O O O O N/A +bos entrance fee is 4 pounds . they are located at 1-6 corn exchange street , phone number 01223477900. is there anything else i can help you with today ? 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 I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos thank is all . thanks so much ! eos O O O O O O O O O general-thank +bos you are welcome . let us know if you need anything else . eos O O O O O O O O O O O O O O general-welcome,general-reqmore +bos i would like to visit a college while in cambridge . eos O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos we have 18 colleges in cambridge ! is there a certain area you had in mind ? if not , i recommend churchill college in the west . eos O O O O 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O Attraction-Request+Area +bos i was really hoping for something 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 there are 13 colleges in the centre . would you like me to recommend one ? 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 general-reqmore +bos yes that would be great ! eos O O O O O O O N/A +bos christ 's college is particularly nice . it 's located on saint andrew 's street and the entrance is free . does that sound good ? eos 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 O B-Attraction-Recommend+Fee O O O O O O O O O O Booking-Inform +bos yes , thats great . can you give me their postcode please ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb23bu . can i help you find 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 yes , i also need to book the aylesbray lodge guest house . starting saturday . 3 nights , 5 people . please inclue a reference number . 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+Day O B-Hotel-Inform+Stay O B-Hotel-Inform+People O O O O O O O O O O O Hotel-Request+Ref +bos booked ! your reference number is : ekfwzc8w . eos O O O O O O B-Booking-Book+Ref O O O N/A +bos i will also need a taxi between those places and i need the taxi to pick me up from the hotel at 5: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 Taxi-Inform,Hotel-Inform +bos you 're taxi is all set . it will be a red ford . the contact number is 07979547936. 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 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 is all . eos O O O O O O O O O general-thank +bos you 're welcome . i hope you fully enjoy your time there . enjoy ! eos O O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos again thank you for all your help and goodbye . eos O O O O O O O O O O O general-bye +bos let me know if i can be of further assistance . eos O O O O O O O O O O O O general-reqmore +bos i need to locate a train that 's going to cambridge and leaves after 3:45 pm . can you help ? eos 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 N/A +bos what is your departure site and what day are you traveling on ? eos O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i need to depart from london kings cross on thursday . 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 to clarify , do you need to leave after 13:45 , or after 15:45 ? eos O O O O O O O O O O O O B-Train-Select+Leave I-Train-Select+Leave O O N/A +bos after 15:45 , please . and i 'll need tickets for 6 people . eos O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+People O O O O N/A +bos i booked you seats for 6 on tr1149 departing london kings cross for cambridge on thursday at 17:17. reference number : 6xjzp2j2 . do you need further assistance today ? eos O O O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O O O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos i am also looking for more info on the india house . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos the india house is an expensive indian restaurant in the west . would you like to reserve a table ? 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 O O Booking-Inform +bos yes , please reserve a table for 6 people on thursday at 19:45. and tell me my reference number too . 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 O O O O O O N/A +bos ok. i was able to complete that booking , and your reference number is tnip68uh . 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 general-reqmore +bos that is the only thing i needed . eos O O O O O O O O O N/A +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 hi , i am looking for a restaurant called the hotspot . eos O O O O O O O O O O O O O Restaurant-Inform +bos wonderful ! the address of the hotpot is 66 chesterton road chesterton , and their telephone number is 01223366552. i can help you get a taxi there if you like . 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 O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O O general-reqmore +bos thank you ! do you know what the price range is at the hotpot ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Price +bos it 's an expensive restaurant . eos O O O B-Restaurant-Inform+Price O O O N/A +bos what part of the city is that in ? eos O O O O O O O O O O N/A +bos it is in the north area . would you like a reservation ? eos O O O O O B-Restaurant-Inform+Area O O O O O O O O Booking-Inform +bos i 'm also looking for a guesthouse in the east with 4 stars and free parking , is there a place like that available to stay at ? eos O O O O O O 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 N/A +bos the allenbell , leverton house , and autumn house are inexpensive 4 star guesthouses offering free parking . i have two others that are moderately priced . do you have a preference ? eos O O O O 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 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 O Hotel-Select,Hotel-Inform+Parking +bos i 'll take the allenbell . it 's in the east right ? eos O O O O O O O O O O O O O O N/A +bos yes , allenbell is in the east , at 517a coldham lane . it is very affordable . would you like to set up a booking ? eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Area O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 i need to double check , does it include wifi ? eos O O O O O O O O O O O O Hotel-Request+Internet +bos yes it includes wifi , would you like to me to book your reservation ? eos O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos that 's all i need for now . thank you very much ! eos 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 that 's all . thank you . goodbye . eos O O O O O O O O O O O general-bye +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 i need to book a train to cambridge . i would like to arrive by 21:00 eos O O O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive N/A +bos there is a depature at london kings cross on friday which departs at 7:17. 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 B-Train-Inform+Leave N/A +bos i need to depart london liverpool street on tuesday to arrive by 21:00. 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 O N/A +bos i have one that arrives at 19:07 , would that be alright ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Arrive O O O O O O N/A +bos sure ! what is the total travel time for that one , and what 's the 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 +bos train id : tr1395 it an 88 min . ride . eos O O O B-Train-Inform+Id O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A +bos i am also looking for a park or something in town . eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are 5 parks in town what area are you looking for ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Area +bos any area is fine . can you provide me the phone number of the first park on the list ? 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 cambridge university botanic gardens phone number is 01223336265 eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone N/A +bos thanks . can you book the train ticket for me ? eos O O O O O O O O O O O O Train-Inform +bos is it just you traveling or do you also have guests ? eos O O O O O O O O O O O O O Train-Request+People +bos just me thanks eos O O O O N/A +bos you are booked on tr1395 . the confirmation number is rrxhu8ay . eos O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ref O N/A +bos okay , i 'm all done . thanks ! bye ! 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 general-welcome,general-bye +bos i want to try some local restaurants . what are your recommendations ? eos O O O O O O O O O O O O O O Restaurant-Inform +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 actually need a train frist . it needs to arrive by 13:00 and depart from cambridge and arrive at london kings cross wednesday . eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O O N/A +bos i will have to tranfer you to the person that does trains since i do restaurants . let me know if you want to discuss food still . eos O O O O O O O O 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 also need the departure time and travel time . eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos train tr3844 departs at 11:21 and the travel time is 49 minutes . 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 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 , but i would like to see if there are any persian restaurants in the south area of town . 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 O O O N/A +bos no . would you like me to try another type of food . eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos do you have anything expensive ? eos O O O O O B-Restaurant-Inform+Price O N/A +bos there are five expensive restaurant in the south . eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos i need one close to centre of town eos O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have so many options including africa , british and asian . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Select +bos yes , i would prefer the british . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i recommend the fitzbillies restaurant . it 's on 51 trumpington street city centre . would you like me to book a table ? eos 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 O Booking-Inform +bos no thanks , but could you give me the zipcode for the restaurant ? eos O O O O O O O O O O O O O O O N/A +bos the zip code for the restaurant is cb21rg . is there any thing else i can do for you today ? eos O O O O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O O general-reqmore +bos no . i am taken care of . thanks . bye . eos O O O O O O O O O O O O O general-bye +bos enjoy your day , goodbye ! eos O O O O O O O general-bye +bos i 'm planning my trip in cambridge and i need a train . it should arrive by 20:15 and leave on sunday . eos O O O O O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Day O O O N/A +bos okay we 've got a long list of matches . where did you want to depart from ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O Train-Request+Depart +bos i would like to depart from cambridge , and i 'm headed to birmingham new street . 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 N/A +bos there is a 16:40 that will arrive at 19:23. there are also plenty of earlier trains if you would like to arrive much earlier . eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive 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 N/A +bos that sounds great , could you make the reservation for me ? 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 15 tickets eos O O O O B-Train-Inform+People N/A +bos booking was successful , the total fee is 901.2 gbp . reference number is : glby9vb9 . 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 B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos i need to get the train id.please . eos O O O O O O O O O Train-Request+TrainID +bos yes the train id is tr8297 . eos O O O O O O B-Train-OfferBooked+Id O N/A +bos i also need an expensive place to eat in the centre of town . eos O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area 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 'm not too picky . can you recommend anything ? eos O O O O O O O O O O O O N/A +bos loch fyne has an excellent selection of seafood . they are expensive . can i make a reservation for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform +bos can i have the food type , postcode , and address , please ? 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 they have seafood . the post code is cb21qy , and the address is the little rose 37 trumpington street . do you need me to book it for you ? eos O O O B-Restaurant-Inform+Food O O 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 O O Booking-Inform +bos no thank you , that will be all for today . eos O O O O O O O O O O O O general-thank +bos thank you . please remember us for your future travel needs . eos O O O O O O O O O O O O O general-bye +bos i need a place to eat that serves sea food . eos O O O O O O O O O O O O N/A +bos i have only one option that is in the expensive price range and in the center of town . it is called loch fyne . would that interest you ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O 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 O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O Booking-Inform +bos that works . then i 'd to book for seven people at 11:00 on friday eos O O O O O O O O O O O O O O O O N/A +bos sounds great ! i will contact them about booking a reservation for seven people at 11:00 on friday eos O O O O O O O O O O O O B-Booking-Inform+People I-Booking-Inform+People O B-Booking-Inform+Time O B-Booking-Inform+Day O general-greet +bos ok , could i get the reference number for that reservation please ? eos O O O O O O O O O O O O O O N/A +bos i 'm very sorry there seems to be an error in our system . there are no results for a seafood restaurant . is there another type of cuisine you 'd like ? eos 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 O O O O O O Restaurant-Request+Food,general-greet +bos could you try the same requirement for wednesday ? eos O O O O O O O O B-Restaurant-Inform+Day O N/A +bos i was able to book you for a table for 7 on wednesday at 11:00. the reference number is xbg9yhtb . is there anything else that i can help you with ? eos O O O O O O O O O O O O B-Booking-Inform+People B-Booking-Inform+Day I-Booking-Inform+Day B-Booking-Inform+Time O O O O B-Booking-Inform+Ref O O O O O O O O O O O O general-reqmore +bos i also need a train to london kings cross , on thursday . 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 O N/A +bos the tr8272 to london kings cross on thursday leaves at 05:00 and arrives and 05:51. the price is 23.60 pounds . is that a good train for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day I-Train-Inform+Day O B-Train-Inform+Leave I-Train-Inform+Leave 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 Train-OfferBook +bos as long as it is departing from cambridge and arriving before 14:00 , i am good with that train . i am needing to book for 7 people please . eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive 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 have you booked for 7 on tr8272 . your total fee is 165.2 , payable at the station and your reference number is tmut96xe . can i further assist you ? eos O O O O O O O B-Train-OfferBooked+People 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 O O O O O general-reqmore +bos no that 's all thanks ! 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 want to book a taxi . eos O O O O O O O O Taxi-Inform +bos where would you like to go ? eos O O O O O O O O Taxi-Request+Dest +bos i want to get to the ghandi . eos O O O O O O O B-Taxi-Inform+Dest O N/A +bos where will the taxi be picking you up at and what time do you wish to arrive at the ghandi ? 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+Arrive +bos it should pick me up from leverton house at whatever time is necessary to get me there by 01:45. 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 N/A +bos i have booked a white tesla to pick you up at the leverton house , and will take you to the ghandi before 01:45. the contact number is 07484372393. is that all ? eos 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 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 general-reqmore +bos great ! ! that is 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 happy to be of service -- goodbye ! eos O O O O O O O O O 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 in cambridge . to help narrow down results , is there a particular type of food you are looking for ? eos O O O O B-Restaurant-Inform+Choice 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+Food +bos let 's try international food . eos O O O B-Restaurant-Inform+Food O O O N/A +bos sure , do you care if it is cheap or moderately priced ? eos O O O O O O O O O O O O O O Restaurant-Request+Price +bos moderately priced in centre . i would like to book a table for 2 at 18:45 on sunday eos O O O O O O O O O O O O O O O O O O O N/A +bos the varsity restaurant may have availability . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 i have booked your table . your reference number is adpjrx82 . 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 am also looking for a train that day eos O O O O O O O O O O N/A +bos where will you go to and from ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i will leave london liverpool street and go to cambridge . eos 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 do you have a time that you need 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 need to arrive by 9:15. i will also need tickets for 2. eos O O O O O O O O O O O O O B-Train-Inform+People N/A +bos i 've got you on the tr4678 , leaving london at 7:39 and arriving in cambridge at 9:07. reference number is 79zuo01j and the total fee is 26.56 gbp payable at the station . eos 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 B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive 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 N/A +bos thank you very much . 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 that is all i needed thank you for your time . eos O 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,general-bye +bos can you help me find a nightclub 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 recommend soul tree nightclub . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos what is the postcode and address please ? eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the address and postcode are : 1-6 corn exchange street , cb23qf . will that be all for you today ? eos 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 that is all the info i need today . thanks . eos O O O O O O O O O O O O general-thank +bos ok , 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 general-bye +bos i am looking for a high priced hotel in the north side of town eos O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i 'm sorry , but there are n't any places that meet those qualifications . 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 Hotel-NoOffer,Hotel-Request+Area +bos how about an expensive hotel in the south side of town ? eos O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O N/A +bos there is one option , it is the lensfield hotel . do you want me to reserve any rooms for you ? 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 Booking-Inform +bos does it offer free wifi ? eos O O O O O O O N/A +bos yes the lensfield hotel does have free wifi . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Hotel-Inform+Internet +bos how about free parking , does it have that as well ? eos O O O O O O O O O O O O O N/A +bos yes it also has free parking . anything else today ? eos O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos book it for 7 people and 3 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 the booking was successful . your reference number is 81e1itxc . is there anything else i can 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 O general-reqmore +bos no that is all i need . thank you for your time . eos O O O O O O O O O O O O O O general-thank +bos we appreciate you using our services . have a good day . eos O O O O O O O O O O O O O general-bye +bos can you help me get a train ticket leaving birmingham new street on sunday please ? 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 O O N/A +bos we have many options that meet your needs . do you have a certain destination in mind ? 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 +bos i am looking to go to cambridge and leave after 21:00 please . eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O N/A +bos i have three different choices depending on when you want to arrive . i 've got one arriving by 24:23. would that work ? eos 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 Train-OfferBook +bos that would be great , i 'd like to book for 1 person please . eos O O O O O O O O O O O B-Train-Inform+People O O O O N/A +bos your ticket has been booked , reference number is d77tjznf eos O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you . can you tell me what kinds of museums there are in that area ? 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 there are over 20 museums in the city , is there a particular part of town you 'd like to be 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 O O O O O O Attraction-Request+Area +bos no , i do not have any preference on area . what would you suggest ? eos O O O O O O O O O O O O O O O O O N/A +bos you might like broughton house gallery . would you like more information about this ? 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 general-reqmore +bos yes please may i have their postcode ? eos O O O O O O O O O Attraction-Request+Post +bos sure ! the postcode is cb11ln . is there anything else i can help you with 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 i think that 's all i need for now , thank you ! eos O O O O O O O O O O O O O O O general-thank +bos you 're welcome , have a wonderful visit ! eos O O O O O O O O O O general-welcome,general-bye +bos hello , can you please help me find a train that leaves on sunday . i would also like the train to go to peterborough . eos O O O O O O O O O O O O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos ok , i have 38 trains heading to peterborough on sunday . what time would you like to leave ? eos 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 O Train-Request+Leave +bos i would like to leave after 15:00. eos O O O O O O O O N/A +bos sure , there are plenty of trains that you could take . the first is at 15:34 , then 16:06 , and there are many more . is there a time that 's best ? 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 B-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 the 15:34 sounds perfect . could you book me tickets for 2 ? eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos i have booked 2 seats on tr4558 . the cost is 13.20 pounds . train leaves cambridge sunday at 16:06. is there anything else i can help with ? 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 B-Train-OfferBooked+Depart B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O O O O O O O O general-reqmore +bos thank you , i also need to find a room . eos O O O O O O O O O O O O general-thank +bos is there a specific area you 'd like me to search ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos no , that does n't matter , as long as it has free wifi . i would like it to be a 2 star hotel . 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 B-Hotel-Inform+Type O O O O O N/A +bos there are 3 matches for your preferences . i recommend ashley hotel . eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos okay , please book that for 2 people and 5 nights starting tuesday . i 'll need a reference number . 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 N/A +bos ok. the booking was successful and your reference number is pfmozlxc . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos thanks , that takes care of all my needs for today . bye ! eos O O O O O O O O O O O O O O O general-bye +bos great , it was a pleasure assisting you ! goodbye ! eos O O O O O O O O O O O O general-bye +bos i need a train leaving from kings lynn . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos okay . what day will you be traveling and what is your destination please ? eos 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 traveling on sunday and need to go to ely . eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest O N/A +bos i 'm sorry , but there are no trains that travel between kings lynn and ely . eos O O O O O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart O B-Train-NoOffer+Dest O O O N/A +bos what if i left on friday ? i need to book it for 7 people and i need the reference number please . eos O O O O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref +bos my apologies . our system only calculates trips either to or from cambridge , so we are unable to make this reservation 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 N/A +bos can i book a train with the same requirements from kings lynn to cambridge ? 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 N/A +bos sure . do you still want to leave on friday ? eos O O O O O O O O O O O O Train-Request+Day +bos yes , please . i need tickets for 7 people . eos O O O O O O O O O O O O N/A +bos i 'll be happy to book that for you . do you have a departure or arrival time preference ? 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,Train-OfferBook +bos i need to arrive by 09:45. eos O O O O O O O N/A +bos there is only one train that day . tr9102 would you like me to book this ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O Train-OfferBook +bos yes , for 7 people please . if i could have the reference number that would be great . eos 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 success ! i have booked you on this train and your reference number is 9m4r8z4v . eos O O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos great , thank you . i 'm also looking for a 3 star guesthouse located in the north with free parking . eos O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O B-Hotel-Inform+Internet O O O O O O O N/A +bos sorry , i could n't find anything matching that . eos O O O O O O O O O O O Hotel-NoOffer +bos are there any 3-star guesthouses at all ? eos O O O O O O O O O N/A +bos i have found one for you . the hamilton lodge is a 3-star guesthouse in the north with free parking . eos O O O O O B-Hotel-Inform+Choice 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+Area O O O O O Hotel-Inform+Parking +bos please give me their phone number , price range , and address eos O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price,Hotel-Request+Addr +bos hamilton lodge 's phone number is 01223365664 , they 're at 156 chesterton road , and they 're moderately priced . would you like to book a room ? or is there anything else i can help with ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 O O O Booking-Inform,general-reqmore +bos that is it for today thank you eos 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 , i believe so . thank you . good bye . eos O O O O O O O O O O O O O general-bye +bos great ! and you 're welcome , have a great day ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i 'm going to cambridge from london liverpool street . i need to leave on tuesday . eos 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+Day O O O N/A +bos i am more than happy to help , do you have a time in mind ? eos O O O O O O O O O O O O O O O O O Train-Request+Leave +bos i need a train from london liverpool street to cambridge for tuesday and i need to get there by 12:30. 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 B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive N/A +bos i have 3 trains i can book for you . which departure time do you prefer 05:39 , 07:39 or 09:39 ? 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-Select+Leave I-Train-Select+Leave O O N/A +bos i want the 9:39 if it makes it there by 12:30. eos O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos yes , the 9:39 arrives by 11:07. can i book this train for you today ? eos 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 O Train-OfferBook +bos that 's okay . can you tell me about a hotel though ? it 's the express by holiday inn cambridge . 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 N/A +bos i have the express by holiday inn cambridge located at 15-17 norman way , coldhams business park . the phone number is 01223866800. 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 N/A +bos can you tell me about the cambridge belfry ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos sure thing ! it 's a cheap four star hotel on the west side with parking and internet available . is there anything else you would like to know ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars 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 Hotel-Inform+Internet,Hotel-Inform+Parking,general-greet,general-reqmore +bos can you get me the phone number ? i like that they have free parking . that sounds great . 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 Hotel-Request+Phone,Hotel-Request+Parking +bos 01954714600 is their phone number . eos O B-Hotel-Inform+Phone O O O O O N/A +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes , they have free parking , would you like me to book it ? eos O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos yes please . also , i need a train that needs to get there around 20:30. can you look that up as well ? 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 O N/A +bos sure ! which day would you like ? eos O O O O O O O O O Train-Request+Day +bos monday , thank you . i 'll be departing from leicester to cambridge . 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 the last train of the evening leaves at 18:09 and arrives at 19:54. 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+Arrive O O O O O O O O O O Train-OfferBook +bos yes , can you book 2 tickets please and also could i get a reference number when you are done ? thank you . 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 O O O Train-Request+Ref +bos you 're all set . the total fee is 75.59 gbp payable at the station . your reference number is : 4e1bcsin . 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 N/A +bos thanks for all your help ! eos 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 i need a four star hotel . eos O O O O O O B-Hotel-Inform+Type O N/A +bos i have many 4 star hotels . do you have a price range or area of town in mind ? 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 O O Hotel-Request+Area,Hotel-Request+Price +bos i would like it to be in the moderate price range and have free parking eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O Train-Request+Price +bos unfortunately , i do n't have any hotels that fit that criteria . would you consider a guesthouse in that range ? eos 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 O O O O O N/A +bos unfortunately i need a hotel that is 4 stars with free parking . do you have one that is not in the moderate price range ? eos 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 O O O O Train-Request+Price +bos there is one in the price range of cheap would you like me to book that one . eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O Booking-Inform +bos yes , that would be fine . 4 people , 4 nights , starting from tuesday . eos O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O O N/A +bos unfortunately that day is unavailable for that many days . do you have an alternative ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos would you try for 2 nights instead ? and , what is the name of the hotel ? eos O O O O O O B-Hotel-Inform+Stay O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos the name is the cambridge belfry , but unfortunately they were not able to accommodate that reservation . would you like to try it for a shorter number of days ? 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 O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay +bos yes.let`s please try for shorter number of days . thanks . eos O O O O O O O O O O O O general-thank +bos i was able to successfully book the cambridge belfry for two nights starting on tuesday for four people . your reference is bk6ds11e . eos O O O O O O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Day O B-Booking-Book+People O O O O B-Booking-Book+Ref O O N/A +bos sorry , i did not want to book a room until i was sure of the price could you give that to me 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 O O O Train-Request+Price +bos i am sorry about that . the hotel is in the cheap price range . eos O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O N/A +bos that 's fine , thank you . i also need help with a train leaving cambridge and going to london kings cross . 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 I-Train-Inform+Dest I-Train-Inform+Dest O O O O N/A +bos do you have a preferred departure/arrival time ? the travel time is 51 minutes and there are multiple trains . eos O O O O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Choice O O Train-Request+Leave,Train-Request+Arrive +bos i just want to leave after 16:45 going from cambridge to london kings cross on thursday . eos O O O O O O O B-Train-Inform+Leave 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 N/A +bos tr6628 leaves at 17:00 and arrives by 17:51 , do you want me to book 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 Train-OfferBook +bos not at this time . i just need the price . eos O O O O O O O O O O O O Train-Request+Price +bos the price is 23.60 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 no , you 've been a great help , thanks for your time . 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 need a trip going to cambridge and arrive by 11:00 eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A +bos where are you leaving from ? eos O O O O O O O Train-Request+Depart +bos i am leaving from norwich eos O O O O O B-Train-Inform+Depart N/A +bos we have many trains that meet that criteria . can you tell me what day you are looking to travel on ? 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 +bos of course , i will be traveling on tuesday . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos there are five entries meeting your specifications ! they leave every hour starting at 05:16 to 09:16. which would you like ? eos O O O B-Train-Inform+Choice 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 Train-Select +bos please pick one and book it for 8 people . eos O O O O O O O O O B-Train-Inform+People O N/A +bos 8 tickets are booked for tr4134 norwich to cambridge . departing 9:16 arriving 10:35. total fee is 140.8 gb payable at the station . reference # x1f43yh3 . anything else ? eos O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Arrive 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 general-reqmore +bos i am also looking for any colleges in town . can you name me any ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos we have 18 colleges in town . did you have an area or entrance fee 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 Attraction-Request+Area,Attraction-Request+Price +bos nah , not really . can you just give me the postcode for your favorite one ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos christ 's college is widely praised . their postcode is cb23bu . 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+Post O O O O O O O O O O O general-reqmore +bos thats all i need thanks eos O O O O O O general-thank +bos the pleasure was all mine , have a great day ! eos O O O O O O O O O O O O general-bye +bos hey there ! can you find me lodging , please ? i 'd like to stay at a guesthouse on the east end , if possible . eos O 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 O O N/A +bos sure . what is the price range and how many rooms do you need to book ? eos O O O O O O O O O O O O O O O O O O Booking-Request+People,Hotel-Request+Price +bos i need a guesthouse with a four star rating located in the east . eos O O O O O O O O O O O O O O O N/A +bos there are 6 choices . may i recommend the moderately priced carolina bed and breakfast ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos that sounds great . please get me a room for one for three nights on wednesday . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos my apologies . that booking was not available . 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos let 's try just one night . eos O O O O O O O O N/A +bos it also is n't available for that . is there another place i could recommend ? 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 of the 5 other options . same criteria . eos O O O O O O O O O O O O O N/A +bos i was able to book allenbell for you for 1 night on wednesday . the reference number is cs4g5qzo . eos O O O O O O B-Hotel-Inform+Name O O O O B-Booking-Book+Stay O B-Booking-Book+Day O O O O O B-Hotel-Inform+Ref O N/A +bos could you also book a train that departs from norwich and arrives at cambridge by 14:15 ? eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos certainly . on which day will you be traveling ? eos O O O O O O O O O O O Train-Request+Day +bos i 'll be coming into town on wednesday . how much are the tickets ? eos O O O O O O O B-Train-Inform+Day O O O O O O O O N/A +bos the price for the tickets are 17.60 pounds . would you like to book a seat ? 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 sure.make sure you get train id and price eos O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos we have trains arriving hourly . do you have a preferred departure or arrival time ? the trip takes about 1 hour and 15 minutes . eos O O O O 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 I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O Train-Request+Leave,Train-Request+Arrive +bos i would just need to arrive by 14:15. eos O O O O O O O O B-Train-Inform+Arrive N/A +bos for how many people ? eos O O O O O O Train-Request+People +bos just one person , thank you . eos O O O O O O O O N/A +bos i booked you one seat on tr4203 leaving norwich for cambridge on wednesday at 05:16. reference : y8u2pd7g . anything more today ? eos O O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Choice O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Ref 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 is 17.60 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i am looking for a cheap room , free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos alexander bed and breakfast is a cheap guesthouse in the centre of town . eos O B-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 B-Hotel-Inform+Area O O O N/A +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 i have 3 guesthouse in he east all with 4 stars , the allenbell , auumn house or leverton house . would you like me to book one for you today ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars 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 +bos yes , the allenbell sounds good . eos O O O O O O O O N/A +bos okay , how long would you like me to make your reservation ? eos O O O O O O O O O O O O O O Booking-Request+Stay +bos that wo n't be necessary . i just need to look for a train now . eos O O O O O O O O O O O O O O O O O Train-Inform +bos certainly , i can help you with that . do you know what station you want to go to or 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 Train-Request+Dest,Train-Request+Depart +bos i would like to go from stansted to cambridge , please . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest O O O N/A +bos do you have a preference for the day or the arrival time ? eos O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Day +bos yes the train should leave on monday and arrive by 10:30. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos okay , i think tr3304 would be most suitable . it leaves stansted airport at 09:24 and arrives in cambridge by 09.52. would you like me to book you a ticket ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O 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 O O O O O O O Train-OfferBook +bos yes , please book six tickets . eos O O O O O O O O N/A +bos booking was successful , the total fee is 60.59 gbp payable at the station . reference number is : 6gy1ytln . 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 that was all i needed eos O O O O O O O O general-thank +bos is there nothing else you need ? eos O O O O O O O O general-reqmore +bos no , good bye . eos 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 want a train 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 N/A +bos we have 70 trains that meet that criteria , what is your point of departure please ? eos O O O O B-Train-Inform+Choice O O O O 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 B-Train-Inform+Depart N/A +bos great ! what day would you like to leave ? do you have any preferred times 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 O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive +bos i would like to travel on monday and leave after 15:30. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos there are four trains that depart every two hours . the earliest leaves at 17:70 and the last one leaves at 23:00. what 's your preference ? 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O Train-Select +bos please book the 17:70 for 3 people . eos O O O O O O O B-Train-Inform+People O N/A +bos actually , the earliest train , tr7786 leaves cambridge at 17:00 and arrives at 17:51. should i go ahead a book this for 3 people ? 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+Arrive O O O O O O O O O B-Train-OfferBook+People O O O N/A +bos yes please it needs to be for three people . eos O O O O O O O O O O O N/A +bos i was able to book it , reference number is m9mip9u1 eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos great , thanks ! also , can you tell me about the worth house , please ? eos O O O O O O O O O O O O O O O O O O general-thank +bos i am not sure is that a restaurant ? eos O O O O O O O O O O general-reqmore +bos i did n't ask about a restaurant . i 'm pretty sure that 's a hotel . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos sorry about that . worth house is a cheap guesthouse located in the north . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O N/A +bos yes i would like to book it for 2 nights from saturday for 3 people please . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+People O O N/A +bos booking was successful.reference number is : 1hlac0tn . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thanks , that is all i need . 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 i need information about trains leaving from cambridge and going to bishops stortford . 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 N/A +bos okay ! i can help you with that . what day are you wanting to travel ? eos O O O O O O O O O O O O O O O O O O general-welcome,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 i have 10 trains leaving from cambridge to bishops stortford on sunday . the earliest leaves at 05:29 and the latest leaves at 23:29. would you like to book a seat ? 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 I-Train-Inform+Dest B-Train-Inform+Day 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-OfferBook +bos i need one that leaves after 17:15 eos O O O O O O O B-Train-Inform+Leave N/A +bos the first one out after that time is tr6742 , departing at 17:29. would you like to book a ticket on that train ? 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 O O O O Train-OfferBook +bos yes , i need two seats please . can you give me the reference number after they are booked ? 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 two seats are booked for tr6742 . your reference number is esm407g4 . is there anything else i can do for you ? eos 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 O O O general-reqmore +bos i need to find a hotel too . eos O O O O O O B-Hotel-Inform+Type O O N/A +bos what are your preferences regarding area , price range and star rating ? or do you have other needs ? 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,Hotel-Request+Price,Hotel-Request+Stars +bos it should include free parking . the hotel should have a star of 2. eos O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O N/A +bos so , i have three hotels in town that have 2 stars and parking . do you have a preference on cost ? i have two moderate and one expensive . eos O 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O O O Hotel-Request+Price,Hotel-Inform+Parking +bos i 'm not picky , it just needs to have 2 stars . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i need to know what price range please . eos O O O O O O O O O O Hotel-Request+Price +bos i do n't have a preference just 2 stars please . eos O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos the ashley hotel and lovell lodge are both moderately priced and in the north , while express by holiday inn cambridge is expensive and in the east . would you like to book ? eos O O O O O O O O B-Hotel-Inform+Choice I-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 I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Booking-Inform +bos the ashley hotel sounds good . i need to make a reservation for the same amount of people , for 5 nights , starting tuesday . eos O O B-Hotel-Inform+Day B-Hotel-Inform+Type 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 so you 'd like me to book the guesthouse tues thru sat is that correct ? eos O O O O O O O O O B-Booking-Inform+Day O O O O O O O N/A +bos no i 'd like you to book the ashley hotel for 5 nights starting on tuesday . eos O O O O 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 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 five of us . eos O O O O O O O O N/A +bos booking was successful . is there anything else that you would like ? eos O O O O O O O O O O O O O O Booking-Book,general-reqmore +bos yes , can you find me a restaurant for friday night of that week ? eos O O O O O 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 'm interested in asian food . eos O O O O O O O O N/A +bos on the same area ? eos O O O O O O Restaurant-Request+Area +bos oh , never mind the restaurant . i 'll book it myself . did i say 5 people at the hotel ? i 'm sorry , i meant 2. 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-Hotel-Inform+People O O O O O O O N/A +bos ok , no problem i can change that eos O O O O O O O O O N/A +bos can you provide the reference number ? eos O O O O O O O O Hotel-Request+Ref +bos the reference number is 1bwyjxu9 eos O O O O O B-Hotel-Inform+Ref N/A +bos thank you that will be all i need . 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,general-bye +bos i need a train departing from cambridge on friday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos i 'd be happy to help . where are you leaving from ? eos O O O O O O O O O O O O O O Train-Request+Depart +bos i am leaving cambridge and need to go to broxbourne on friday . eos O O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos there are 19 trains for friday that fit your needs , would you like to narrow that down with a time you would like to depart ? 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 Train-Request+Leave +bos i need to arrive by 18:15 please . eos O O O O O O B-Train-Inform+Arrive O O N/A +bos first one arrives at 10:01 , how many tickets please ? eos O O O O O B-Train-Inform+Arrive O O O O O O Train-Request+People +bos just one please . i also need a place to stay with 0 stars and an expensive price . 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 Train-Request+Price +bos okay your reference number is plubryfc . i 'm sorry but we do n't have any expensive hotels with 0 stars . do you have any other preferences ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Stars O O O O O O O O O O N/A +bos i suppose 1 star would also be acceptable . eos O O O O B-Hotel-Inform+Stars O O O O O N/A +bos i 'm sorry but we do n't have any expensive hotels with 1 stars , either . do you have any other preferences ? 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+Stars O O O O O O O O O O O O N/A +bos okay , how about one that is in the cheap price range , instead ? eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O Train-Request+Price +bos city center b & b and el shaddai are cheap guesthouses with 0 stars . 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+Type O B-Hotel-Inform+Stars O O O N/A +bos is that in the north area of town ? eos O O O O O O O O O O N/A +bos city centre is located in the north and el shaddai is located in the centre . eos O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos can i get their postcode and addresses and whether or not they free parking ? thank you . 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+Parking,Hotel-Request+Addr +bos their address is 41 warkworth street , cb11eg . they do have free parking , can i make you a reservation ? 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 Booking-Inform,Hotel-Inform+Parking +bos no thank you , that is all the information i needed . goodbye ! eos 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 i 'm looking for a train leaving after 19:15 departing from cambridge . eos O O 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 need to go to stevenage on wednesday eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos the tr9016 leaves at 21:21. eos O O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos that sounds good . i will need 4 tickets . eos O O O O O O O O B-Train-Inform+People O O N/A +bos i was able to book that for you ; the total fee is 51.2 gbp payable at the station . your confirmation number is 3jbqp8o4 . 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 B-Train-Inform+Ref O O N/A +bos i am also looking for a particular hotel called the alexander 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 they are a 4 star guesthouse in the centre area , pricing is cheap , internet and parking are included . are you interest in staying there ? eos 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 O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'd like to book that for the same group of people starting on sunday for 3 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+Stay O O N/A +bos ok , i have that room booked for you , your reference number is going to be , g3s8ey5n . 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 O N/A +bos okay . thank you for your help . eos O O O O O O O O O general-thank +bos it has been a pleasure to help 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 'm heading out on saturday and need a train that arrives by 17:45 eos O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive O N/A +bos sure , what is your destination ? eos O O O O O O O O Train-Request+Dest +bos i 'm leaving for cambridge from ely . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos train tr8176 leaves at 15:25 and will arrive at your destination at 15:52. would you like me to reserve you a seat on that train ? eos O O B-Train-Inform+Id I-Train-Inform+Id 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 Train-OfferBook +bos yes , that sounds good . i am also interested in finding an entertainment centre at my destination . eos 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 there are 5 entertainment attractions in town , but they are only found in the east , south , and 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-Inform+Area I-Attraction-Inform+Area O O O N/A +bos i 'm disappointed but i would love to see a college , too . is there one in the centre ? eos 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 christ 's college is in that area and has free admission . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Fee O O O N/A +bos cool . could you tell me the postcode and their address ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos post code is cb23bu , and their address is saint andrew 's street . eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos is there any entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos there is no entrance fee for the attraction . eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 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 that is all for now . i 'll let you know if i need more help 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 N/A +bos thanks for using our services . eos O O O O O O O general-bye +bos i 'm looking for a hotel called home from home . 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 yes , home from home is located in the north and is a guest house . it 's in the moderate price range and is 4 stars . would you like the address ? 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+Type I-Hotel-Inform+Type 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 N/A +bos no thanks , i would like to book for 5 people for 2 nights starting on tuesday . 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 ok , i was able to successfully book your party of 5 for two nights starting tuesday . your reference number is juwrbb8l . anything else i can do ? eos O 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 O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos i also need a train . going to bishops stortford arriving around 21:30. eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O N/A +bos sure i can help you with that . what day were you wanting to travel ? eos 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 thursday eos O O O O O O B-Train-Inform+Day N/A +bos i 'm sure i can help you . can you tell me 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 Train-Request+Depart +bos yes , i 'd like to leave from cambridge . eos O O O O O O O B-Train-Inform+Depart O 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 i 'm not sure but i would need to arrive by 21:30. eos O O O O O O O O O O O O O N/A +bos the closest arrival time is 20:07 on train tr7961 may i book this for you ? eos O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Id O O O O O O O Train-OfferBook +bos yes that would be great ! i 'd like it for the same number of people , please 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 . your reference number is ah8t29ho and the total due at the station is 50.5 gbp . eos 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 I-Train-OfferBooked+Ticket O O N/A +bos is there anything other way i may assist you ? eos O O O O O O O O O O O N/A +bos yeah , let me know the winning numbers on the next lottery , lol . 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 general-reqmore +bos that 's all , goodbye . eos O O O O O O O general-bye +bos you have a great day , goodbye ! eos 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 sure , what are you looking for ? eos O O O O O O O O O general-greet +bos are there any attractions in the west of town ? eos O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are many things to do . what would you like to do or see ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Type +bos i have never been there so i do n't know what their might be . can you tell me what some of my options are 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 N/A +bos there 's college types , entertainment , and museums . do any of those sound interesting to you ? eos 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 i prefer museums , get entrance fee.am also looking for a train . it should depart from cambridge and should arrive by 08:30 on monday and should go to kings lynn eos O O O B-Attraction-Inform+Type 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 B-Train-Inform+Day O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O Attraction-Request+Fee +bos i 'd recommend cafe jello gallery . 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 what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos it is free ! the best kind of fee ! eos O O O B-Attraction-Inform+Fee O O O O O O O N/A +bos i also need a train from cambridge . eos O O O O O O O B-Train-Inform+Depart O N/A +bos i can help with that . what day would you like to travel ? eos O O O O O O O O O O O O O O O Train-Request+Day +bos thank you ! i would like to leave for kings lynn in monday , please . 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 O O N/A +bos tr2926 departs cambridge at 07:11 and arrives at kings lynn at 07:58. the price is 9.80 pounds . do for you want me to book it for you ? how many tickets ? 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 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 no this will be all thank you . eos O O O O O O O O O general-thank +bos glad i could be some help . hope you have a good day . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos i need 3 rooms for nights in a cheap hotel eos O O O O O O O O O O B-Restaurant-Inform+Price N/A +bos i can certainly help you with that . 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 O O O O O O Hotel-Request+Area +bos i 'm actually looking for an expensive north african restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos there are none , can i find you find you anything else ? eos O O O O O O O O O O O O O O Restaurant-NoOffer +bos what about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are several options for chinese food . is there a particular area that you would prefer ? eos 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 O O O O O O Restaurant-Request+Area +bos no . just pick one . i need a table for 4 at 16:30 on thursday . i need the reference number . also , i need a museum in the centre . 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 O O O O O O O O O O O O O O Restaurant-Request+Ref +bos i 've booked a table for you at ugly duckling located at 12 st. johns street city centre . your reference number is 5vytxwh4 . can i help you with anything else ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+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-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos yes , thanks . i am looking for a museum in the centre of town . what would you recommend ? 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 N/A +bos there are lots of museums in the centre . did you have a particular one in mind ? eos O O O B-Attraction-Inform+Choice I-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 Attraction-Request+Name +bos no is there one you could recommend ? eos O O O O O O O O O N/A +bos sure i personally like the primavera . eos O O O O O O B-Attraction-Recommend+Name O N/A +bos i 'd like to get some additional information on this museum . may i have the 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 Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223357708 and the postcode is cb21sj . may i help with something else ? eos 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 general-reqmore +bos i would also like to book a taxi traveling between the two location . eos O O O O O O O O O O O O O O O Taxi-Inform +bos ok , which direction and what time ? eos O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest +bos i want it to go to my restaurant by 16:30 eos O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos booking completed ! booked car type : black audicontact number : 07792008199can 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 . thanks . all set . 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-bye +bos hello , i was wondering if there are 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 O O O O Attraction-Inform +bos there is none . is there anything else you 'd like to see ? eos O O O O O O O O O O O O O O O Attraction-Request+Type +bos how about college attractions ? eos O O O B-Attraction-Inform+Type O O N/A +bos yes i have many famous colleges to visit and most of them are free . would you like anything else ? eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Fee O O O O O O O general-reqmore +bos which one would you recommend ? eos O O O O O O O N/A +bos christ college . what would you like to know ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O general-reqmore +bos may i have the address ? eos O O O O O O O Attraction-Request+Addr +bos absolutely ! the address is saint andrew 's street . postal code is cb23bu . 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 B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore +bos yes , i was also hoping to find a train to cambridge from petersborough . eos O O O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos certainly ! there are many trains from peterborough to cambridge . what day would you like to travel , and do you have a departure or an arrival time preference ? 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 O O O O O O O Train-Request+Arrive,Train-Request+Day,Train-Request+Leave +bos i would like to leave on wednesday and i 'd like to arrive by 08:45 if possible . eos 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 the tr8935 arrives at cambridge at 8:09. would you like me to book it for you or would you like more information ? 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 O O O O O O O O general-reqmore,Train-OfferBook +bos yes please . please book for 2 people and can i get the reference number after 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 Train-Request+Ref +bos booking was successful , the total fee is 33 gbp payable at the station . your reference number is : 6256yexk . 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 O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos i think 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 i 'm glad i could help . eos O O O O O O O O general-bye +bos i need a train on wednesday , to take me to leicester . eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O N/A +bos did you have an arrival or departure time in mind ? 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 17:45 eos O O O O O O B-Train-Inform+Arrive N/A +bos tr0677 will get you there by 7:06. how many seats will you need ? 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 Train-Request+People +bos i will need 2 seats eos O O O O O B-Train-Inform+People N/A +bos okay , i have booked 2 tickets for you ! reference number jckun8pk . can i help you with anything else ? eos 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 O general-reqmore +bos thanks ! can you help me with a restaurant that i 'm looking for its called dojo noodle bar . 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 it is located at 40210 millers yard city centre and is cheap . would you like 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 B-Restaurant-Inform+Price O O O O O O Booking-Inform +bos i would like to book a table for the same group of people at 14:45 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 great . i was able to do that are your reference number is qlktyzdk.. eos O O O O O O O O O O O O O B-Booking-Book+Ref O general-greet +bos perfect . thank you very much . i think 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 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-welcome,general-bye +bos i 'm looking for a local place to dine in the centre that serves chinese food . 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 N/A +bos i have restaurants matching your criteria in all price ranges . do you have a preference on price ? eos 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 Restaurant-Request+Price +bos i need the address , postcode and the price range . eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Price,Restaurant-Request+Addr +bos ok how about charlie chan , located at regent street city centre . postcode is cb21db with a cheap price . can i help you further today ? 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 O O B-Restaurant-Recommend+Post I-Restaurant-Recommend+Post O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O general-reqmore +bos i also need a train . the train should leave after 16:15 and should leave on sunday . eos O O O O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O O N/A +bos can i have more information for the train you 're needing ? where are you departing from and arriving to ? 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 cambridge and going to norwich . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos i have train tr1840 leaving at 16:36 is that okay ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O N/A +bos book for 5 people and get me the reference number eos O O O O B-Train-Inform+People O O O O O O Train-Request+Ref +bos you 're all set . reference number is njb87pap . is there anything else i can help you 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 no , this is all i will need . thank you . eos O O O O O O O O O O O O O general-thank +bos thank for calling us today . i hope you have a good trip . eos O O 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 of town . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O N/A +bos there are many british restaurants in the area , is that okay ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O N/A +bos that is fine , ill go with what you recommend , can i get the place 's phone number 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+Phone,Restaurant-Request+Addr +bos i recommend midsummer house restaurant phone number is 01223369299 and address is midsummer common , cb41ha eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr B-Restaurant-Recommend+Post 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 the restaurant serves british food . would you like to make a reservation ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform +bos nah , but i need to catch a train eos O O O O O O O O O O Train-Inform +bos when and where will you be traveling ? eos O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Dest +bos i am going from cambridge to london kings cross on friday . eos 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 N/A +bos there are several trains , do you have a time preference ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Leave +bos the train should arrive by 09:15 if possible eos O O O O O O B-Train-Inform+Arrive O O N/A +bos tr8026 arrives at 07:51 and it is the latest . will that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O O Train-OfferBook +bos yes , what 's the total travel time please ? eos O O O O O O O O O O O Train-Request+Duration +bos total 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 can you tell me what time the train will be departing ? eos O O O O O O O O O O O O O Train-Inform +bos tr8026 leaves the station at 07:00. would you like me to go ahead and make reservations for you ? eos O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O 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 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 will be all for now . eos O O O O O O O O O N/A +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 hello , can you help me find a restaurant for my upcoming trip to cambridge ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos absolutely ! what type of food are you looking for ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i do not care . just something in the south , moderate range in price . eos O O O O O O O O O B-Restaurant-Inform+Area B-Restaurant-Inform+Price O O O O O O N/A +bos there are two options that match what you 're looking for . pizza hut cherry hinton and restaurant alimentum , which is modern european cuisine . does either sound good ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Select +bos i want to reserve a table at restaurant alimentum eos O O O O O O O O O O Restaurant-Inform +bos what day and how many people ? eos O O O O O O O O Booking-Request+Day,Booking-Request+People +bos i would need it for 3 people for 17:30 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 N/A +bos i have booked that for you and your reference number is 7hrlwxyb . is there anything else i can help 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 general-reqmore +bos thanks ! i need to travel to kings lynn from cambridge for 3 people . i need to travel tuesday night , sometime after 20:00. i need a reference number please . eos 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 B-Train-Inform+Day O O O B-Train-Inform+Leave O O O O O O O O N/A +bos i would suggest train tr8387 that leaves at 21:11 with arrival at 21:58. would you like me to book this one or do you need a different arrival time ? eos 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 O O O O O O O O O O O O O O Train-Request+Arrive,Train-OfferBook +bos this is perfect . please book for 3 people and give me the reference number . eos O O O O O O O O B-Train-Inform+People O O O O O O O O N/A +bos okay , i 've booked 3 tickets for you on tr8387 . it will cost 29.4 gbp . your reference number is vf2trxd0 . can i do anything else for you today ? eos O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Id 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 O O O general-reqmore +bos no , that sounds about right . thanks . eos O O O O O O O O O O general-thank +bos enjoy your visit . eos O O O O O general-bye +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 there are many options . what 's your price range and what type of food do you want ? 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,Restaurant-Request+Price +bos i would like somewhere expensive that serves chinese food eos O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O N/A +bos how about hk fusion , located at 21 burleigh street ? 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 N/A +bos yes book it for friday . 5 people at 13:00. eos O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O N/A +bos i have your reservation at hk fusion for 5 people on friday at 13:00 , your reference number is xamsdtry . can i help with anything else ? eos 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 O O O O O O O O O general-reqmore +bos i am also looking to book a train the same day ! eos 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 where will you be departing/arriving 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 Train-Request+Leave,Train-Request+Dest,Train-Request+Depart +bos it should go to cambridge and should arrive by 09:00 eos O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive N/A +bos there is a train that leaves at 5:17. eos O O O O O O O O B-Train-Inform+Leave N/A +bos thats okay can you book that ? eos O O O O O O O O N/A +bos could you please confirm where you are departing from first ? there are many trains and i want to make sure i book you the right one . 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 O O O Train-Request+Depart +bos i need to depart from london liverpool street on friday . ineed to arrive in cambridge by 9:00 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 O B-Train-Inform+Dest O O O N/A +bos tr8522 arrives at 07:07. eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive N/A +bos okay , let 's book it for five people . eos O O O O O O O O O O O N/A +bos the booking was successful . the total fee of 83 gbp is payable at the station . the reference number is l4g0zwc2 . 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 ok , thankk you . bye now . eos 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 general-welcome,general-bye +bos please help me find a restaurant called frankie and bennys . thanks . eos 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 is located at 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 N/A +bos can you book a table for 1 at 17:00 on saturday there for me ? 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 sure ! i 've booked it for saturday at 17:00 for 1 person . reference number is 57bvl3k7 . eos O O O O O O 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 thanks , i also need a train going to cambridge , arriving at 13:00 , please . eos O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O O O O O N/A +bos will you be traveling on saturday ? eos O O O O O O O O Train-Request+Day +bos yes . i 'm coming in from leicester . eos O O O O O O B-Train-Inform+Depart O O O N/A +bos tr6210 arrives in cambridge at 12:54 on saturday . would you like a ticket on that train ? eos O B-Train-OfferBook+Id O O B-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O B-Train-OfferBook+Day O O O O O O O O O O Train-Inform +bos what is the total travel time ? and can i also get the departure time and a price 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+Leave +bos that train leaves at 11:09 and last a total of 105 minutes of travel . eos O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O N/A +bos how much does this ticket cost ? thanks for your help ! eos O O O O O O O O O O O O O general-thank +bos it is 30.24 pounds . eos O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O N/A +bos no thank you that will be all eos O O O O O O O O general-thank +bos have a nice day . bye eos O O O O O O O general-bye +bos i need a train to cambridge on monday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos can you tell me where you will be departing from ? eos O O O O O O O O O O O O Train-Request+Depart +bos i am leaving ely i need to arrive by 11:15. eos O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A +bos tr2987 leaves ely at 9:35 and arrives in cambridge at 9:52. would you like to book a seat ? eos 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 Train-OfferBook +bos is there a later one that would still get us there by 11:15 ? i need 4 seats . eos 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 that is the latest train for that day . is that okay ? eos O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O Train-Select +bos ok. you can book that one for 4 people . eos O O O O O O O O O O B-Train-Inform+People N/A +bos booking was successful , the total fee is 17.6 gbp payable at the station . you reference number is : e3f6rpqb . can i help with 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 O B-Train-OfferBooked+Ref O O O O O O O O N/A +bos i 'm also looking for a restaurant eos O O O O O O O O Restaurant-Inform +bos there are many , many restaurants to chose one . can you help me narrow it down ? 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 N/A +bos yes , i am looking for the curry garden . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos sure . curry garden is located in the city center and is expensive and good . would you like me to make a reservation for you ? eos 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O O O Booking-Inform +bos i do n't need a reservation right now . 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 Restaurant-Request+Food +bos they serve indian food . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos can i get just the postcode and phone number please ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos sure ! their phone number is 01223302330 , and their postcode is cb21dp . can i help you with anything else ? eos O O O 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 general-reqmore +bos nope , that 's all for now . you 've been a great help , 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 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 cambridge i want to be at my designation by 17:45. eos O O O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Arrive N/A +bos what is your destination site and what day are you planning to travel on ? eos 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 arrive in birmingham new street by 17:45 on wednesday . 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+Day O N/A +bos i have train tr5558 arriving on 17:44 is that okay ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O general-reqmore +bos yes , that will work . can i make a booking for 7 people please ? i will need 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 O O N/A +bos yes i will get a confirmation number for 7 eos O O O O O O O O O B-Booking-Inform+People N/A +bos thanks . again , it is for wednesday . eos O O O O O O O O O O general-thank +bos booking was successful for tr5558 . the total fee is 525.69 gbp payable at the station . reference number is : 7gor98hs . do you need further assistance with anything ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos thanks . i am also looking for a cheap chinese restaurant . can you help me with this ? eos 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 O N/A +bos would you prefer in the centre or south area ? eos O O O O O O O O O O O Restaurant-Request+Area +bos south area please . eos O B-Restaurant-Inform+Area O O O N/A +bos i have found the lucky star that meets your requirements . would you like me to book it for you ? eos 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 +bos please for wednesday at 14:45. eos O O O O 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 for all 7 of us , and i 'll need the reference number for that as well . eos O O O O B-Restaurant-Inform+People O O O O O O O O O O O O O O N/A +bos great . your reference number is tia1wmsz . eos O O O O O O B-Booking-Book+Ref O O N/A +bos thank you for all your help . that will be it for now . eos O O O O O O O O O O O O O O O general-thank +bos thank you is there anything else today that i can help you with ? eos O O O O O O O O O O O O O O O general-reqmore +bos thanks for you help . that is all . eos 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-greet +bos do you have any recommendations for restaurants in cambridge ? eos O O O O O O O O O O O Restaurant-Inform +bos there are 110 restaurants in cambridge , is there a specific cuisine 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 'm sorry , it is actually a train that i 'm looking for . i need to depart from cambridge 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 B-Restaurant-Inform+Day O O O O O N/A +bos well can you tell me yur destination please ? eos O O O O O O O O O O Train-Request+Dest +bos i need to go to leicester and leave from cambridge after 18:00. there are 8 of us , can you make a reservation and send me the reference number ? eos O O O O O O B-Train-Inform+Dest 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 N/A +bos i booked you on the tr6034 that leaves cambridge at 18:21 and arrives at 20:06. your reference is nyxz1sor and the total fee of 241.92 is payable at the station eos O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket O O O O O N/A +bos perfect . i am also looking for a moderate priced restaurant in the east eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos there are two indian restaurants and one italian . do either of these interest you ? 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 Restaurant-Select +bos i am interested in italian . eos O O O O O O O N/A +bos the pizza hut fen ditton is located at cambridge retail park newmarket road . would you like me to book a reservation ? 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+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 yeah i need a table for eight eos O O O O O O O O N/A +bos what day and time would you like to eat at the pizza hut fen ditton ? 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 O Booking-Request+Day,Booking-Request+Time +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 particular time would you like me to make your reservations for ? eos O O O O O O O O O O O O O O Booking-Request+Time +bos please make the reservation for 8 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 N/A +bos you are all set . your reference number is fa6idt91 . eos 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 you are most certainly welcome . i hope you have an excellent day . eos O O 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 O O O 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 O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos 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 ? eos O O O O 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 13:23 and will cost you 75.10 pounds eos O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos okay , 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 , goodbye ! eos O O O O 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 general-reqmore +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 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 O O O O O Hotel-Request+Price,Hotel-Request+Type +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 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-Recommend+Parking,Hotel-Recommend+Internet,Hotel-Select+Parking +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 also need a train to norwich . i need to arrive by 8:15. eos O O O O O O O B-Train-Inform+Dest O O O O O O O N/A +bos there are many options available . do you know what day you will be leaving and what time you want 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 O O O O Train-Request+Day,Train-Request+Leave +bos i 'd like the train for wednesday and it doesnt matter when i leave , just need to arrive by 08:15. eos O O O O O O B-Train-Inform+Day O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos there is a train that leaves at 5:36. eos O O O O O O O O B-Train-Inform+Leave N/A +bos what time does it arrive ? eos O O O O O O O N/A +bos there are 2 one arrives at 06:55 and the other is 07:55. eos O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Arrive N/A +bos can you please book that for 3 people , thank you in advance . 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 fee is 52.8 gbp payable at the station . eos O O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O N/A +bos wow , that was quick , you helped me a lot , thank you . eos O O O O O O O O O O O O O O O O general-thank +bos may i assist you with anything else ? eos O O O O O O O O O general-reqmore +bos may i have the reference number for the train and the train id , please ? i 'm not sure which one i was booked 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 Train-Inform +bos the train id is tr9179 and the reference number is bgzhm2z2 . is there anything else i can help with ? eos 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 general-reqmore +bos hi , i 'm looking to take a train on tuesday and heading 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 O N/A +bos where are you leaving from ? eos O O O O O O O Train-Request+Depart +bos i will be leaving from ely . eos O O O O O O B-Train-Inform+Depart O N/A +bos ok , what time do you want to depart ? eos O O O O O O O O O O O Train-Request+Leave +bos well i want to arrive by 16:15. eos O O O O O O O B-Train-Inform+Arrive N/A +bos you have quite a few options . would you rather leave early in the morning because trains run every two hours from 05:35 ? eos O O O B-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 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 N/A +bos i could leave in the morning . eos O O O O O O O O N/A +bos how many tickets please ? eos O O O O O O Train-Request+People,Train-OfferBook +bos i do n't need tickets just the information for the train . i need the train id please . 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 the train id is tr8685 . eos O O O O O B-Train-Inform+Id O N/A +bos i also need a place to stay with free wifi . eos O O O O O O O O O O O O N/A +bos do you have a preference ? hotel rating , location , parking , or internet availability ? eos 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+Stars +bos i 'd like a guesthouse in the expensive price range with free wifi , please . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A +bos we have no guesthouses in the expensive price range . can i find something else for you ? 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 N/A +bos any guesthouse in the cheap range ? eos O O O O O B-Hotel-Inform+Price O O N/A +bos yes ! how about allenbell ? eos O O O O B-Hotel-Recommend+Name O O N/A +bos i would like to book 5 people for 5 nights the same day . eos O O O O O O O B-Hotel-Inform+People O O O O O O O N/A +bos your booking was successful . reference number is 6gdibpko . how else can i help ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos that 's all i need . thank you so much . eos O O O O O O O O O O O O general-thank +bos thanks for letting us assist you ! enjoy your visit ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i need a train to peterborough that will be there no later than 17:15. eos O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive N/A +bos i have several choices , do you have a time for your departure ? eos O O O O O O O O O O O O O O O Train-Request+Leave +bos i am looking for a train arriving in peterborough . eos O O O O O O O O O B-Train-Inform+Dest 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 'll be leaving cambridge on sunday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i have train tr1086 that leaves at 16:06 and will have you in peterborough at 16:56. would this 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 O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A +bos yes , that will be fine can you get me a ticket ? eos O 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,Train-OfferBook +bos i need 7 tickets . eos O O O O B-Train-Inform+People O N/A +bos i 've booked you 7 tickets on the tr1086 . your reference is ij6zq2gf and the total fee of 92.4 gbp is payable at the station . can i help you with anything else ? eos O O O O O B-Train-OfferBooked+People 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 I-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 am also looking for a place to stay . eos O O O O O O O O O O O N/A +bos sure , in what area of town ? eos O O O O O O O O O Hotel-Request+Area +bos i 'd like something moderately-priced , 3-stars , and in the north . and i do need wifi . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O O O O N/A +bos the hamilton lodge is a guesthouse that meets your specifications . would you like any additional information ? i could also book a room for you . eos O O B-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 O O O O O O O Booking-Inform,general-reqmore +bos no , but could you book a room on tuesday for me please ? eos O O O O O O O O O O O O O O O N/A +bos i 'd be happy to ! how many are in your party 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 O O O O O Booking-Request+People,Booking-Request+Stay +bos 7 5 nights starting from tuesday , need the reference number too please eos O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O O N/A +bos i have made your reservations and your reference number is ckpi787r . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos that is it for today eos O O O O O O N/A +bos gald i could help . enjoy your stay . eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for the acorn guest house . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos ah , yes . the acorn guest house is moderately priced and located in the north . it has a 4 star rating and offers both free internet and parking . eos 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 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 O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos sounds perfect . what is the phone number ? eos O O O O O O O O O O Hotel-Request+Phone +bos its phone number is 01223353888 eos O O O O O B-Hotel-Inform+Phone N/A +bos thank you . can you also find a train that leaves on sunday and departs from cambridge . eos 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 N/A +bos where are you going to and what time would you like to leave ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave +bos i am leaving from cambridge and going to ely and i need to leave after 19:30. eos O O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave N/A +bos the tr3544 leaves at 19:50 and arrives at 20:07. would you like to book it ? 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 N/A +bos yes book it for me please eos O O O O O O O N/A +bos how many people do you want to purchase tickets for ? eos O O O O O O O O O O O O Train-Request+People +bos hi ! i need a train to birmingham new 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 what day would you be needing the train ? eos O O O O O O O O O O Train-Request+Day +bos i will be traveling on wednesday from cambridge . i need to leave sometime after 13:45 please . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O O O N/A +bos tr8860 departs at 14:01 and arrives by 16:44. 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 could you just give me the train id and price on that please ? 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 tr8860 and the price is 75.10 pounds . is there anything else you need today ? eos 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 O O O O O O O general-reqmore +bos i would also love to find a place to stay and should be in the east eos O O O O O O O O O O O O O O O O O N/A +bos sure no problem . what type of hotel are you looking for ? eos O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Stars +bos need one in the east and have 2 stars . eos O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars N/A +bos the express by holiday inn cambridge is exactly what you 're looking for . would you like me to make you 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 O O O O Booking-Inform +bos yes a reservation for three please eos O O O O O O O N/A +bos how many days will you be staying and what day will you arrive ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos 3 nights starting from sunday . eos O O O O O O O N/A +bos how many people in your party and for how long eos O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos i need it for 5 people , please . and could you get me the reference number . eos O O O O O 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 : r6szo5ao . anything else ? eos O O O O O O O O B-Booking-Book+Ref 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 , enjoy your stay . eos O O O O O O O O O general-welcome +bos can you help me find a very expensive place to eat that serves crossover 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 N/A +bos i 'm sorry but there are no restaurants that serve crossover food . would you like to choose something different ? 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 N/A +bos how about an indian restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos we love our indian food in cambridge , there are 14 restaurants to choose from . did you have a location in mind to help narrow it down ? eos 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 O O O O O O O O O O O Restaurant-Request+Area +bos i would like an expensive indian restaurant in cambridge please , the area is not important . 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 Restaurant-Request+Area +bos i recommend the golden curry in the centre . would you like me to book a table for you there ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area O O O O O O O O O O O O O Booking-Inform +bos no at this time . i 'm also looking for attractions in the centre area . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O O Restaurant-Request+Area +bos what interests you : museums , architecture , theater , cinema ? eos O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O Attraction-Request+Type +bos i enjoy all of those . could you make me a recommendation ? eos O O O O O O O O O O O O O O N/A +bos if you would like a suggestion , there is a nightclub called the club salsa that is always a very popular venue in the centre of town . would you like more info ? eos O O O O O O O O O O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O general-reqmore +bos no , anything but a night club . what else can you recommend in the centre area ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos how about scudamores punting co , it 's a gorgeous boat . address is granta place , mill lane , postcodecb21rs , phone number 01223359750. 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 B-Attraction-Recommend+Post O O B-Attraction-Recommend+Phone O O O O O O N/A +bos thank you . i will need a taxi to get from the restaurant to the boat . can you book 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 Restaurant-Inform,Taxi-Inform +bos what time would you like to leave and 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 by 24:30. eos O O O O O O O B-Taxi-Inform+Leave N/A +bos okay , i 've booked you a grey volkswagen and the contact number is 07525319116. is there anything else i can help you with today ? 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 O O O general-reqmore +bos that will be all , thank you 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 general-thank +bos my pleasure , enjoy your stay ! eos O O O O O O O O general-bye +bos i am looking for the attraction whipple museum of the history of science . eos 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 O N/A +bos the whipple museum of history of science is located at free school lane in the centre area . the phone number is 01223330906. 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone O N/A +bos great , thanks for that . can you tell me what area of the city that 's in , and what their 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 O O O Attraction-Request+Area,Attraction-Request+Fee +bos they are located in the centre and no admission fee . eos O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos thank you , can you also find an indonesian restaurant for me ? i 'd prefer if it were expensive . 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 N/A +bos i am sorry but there are no restaurants that match your request . would you like to try a different 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 O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-NoOffer +bos is there an expensive indonesian restaurant in the town centre by chance ? eos O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O O N/A +bos no there is not . may i try a different area ? eos O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos no , please stay in the centre , but lets try a gastropub . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i got two options , there is backstreet bistro and the slug and lettuce , which one could you prefer ? 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 I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O O N/A +bos slug and lettuce would be a fine choice , i need a table on friday for 2 people 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 your reservation has been booked . eos O O O O O O O Booking-Book +bos can you provide me with the reference number for that booking ? eos O O O O O O O O O O O O O Restaurant-Request+Ref +bos your booking number is dmnjikfz . eos O O O O O B-Booking-Book+Ref O N/A +bos book a taxi for me , it needs to get me 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,Taxi-Inform +bos i have that taxi booked for you . a blue toyota will pick you up . the contact number is 07584480415. 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 B-Taxi-Inform+Phone O O 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 thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-greet +bos i am looking for a restaurant in the centre in the expensive price range eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos there are 33 options . do you want to specify food type ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food +bos i would love some modern european food . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos darrys cookhouse and wine shop fits your needs . 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 N/A +bos awesome ! can i make a reservation for thursday ? eos O O O O O O O O O O O N/A +bos we can try ! how many people should i book the table for , and what time ? 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+People +bos we 'll be a party of 6 and we 'd like to dine at 16:15 on thursday , please . eos O O O O O O O B-Restaurant-Inform+People O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A +bos okay , booking was successful . the table will be reserved for 15 minutes . your reference number is : wwqvd41c . 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 O O general-reqmore +bos yes i 'm also looking for places to go in town . prefer that the attraction be a type of cinema . 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 the vue cinema would be a perfect choice . the address is grafton centre , east road . unsure of entrance fee . the phone number is 08712240240. eos O O B-Attraction-Recommend+Name I-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 O O O O O O O O O B-Attraction-Recommend+Phone O N/A +bos i 'd like to book a taxi from the cinema to darrys , i 'd like to get to the restaurant by 16: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+Arrive O O O N/A +bos a blue audi will arrive for you . here 's their number just in case you need it . 07884218213 eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O O O O B-Taxi-Inform+Phone 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 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 will be in cambridge next week and i need to find a type of boat , in the north can you help me find one ? 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 O O O O O O O O N/A +bos sure , the riverboat georgina offer passenger cruisers and they are located in the north . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O O B-Attraction-Recommend+Area O O N/A +bos sounds interesting . what is the fee ? also can i have their 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 i do n't have the entrance fee , but the phone number is 01223902091 and the post code is cb43ax . 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 B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O N/A +bos thanks . i also am looking for a restaurant to dine in that serves chinese food and would prefer close to the attraction . 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 N/A +bos i have 3 options here . do you have a preference for the pricerange ? 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 , no preference . can you tell me the names of the 3 ? eos O O O O O O O O O O O O O O O O N/A +bos we have hakka , golden wok , and the hotpot . can i book one , if so what date , time and for how many people ? 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 O O O O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day,Restaurant-Select +bos that would be for one person at 19:00 on friday please . eos O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos hi , i was able to book your table at hakka . the reference number is jrf1sh26 . eos 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 N/A +bos great , thanks ! that 's all i need today . you 've been a wonderful 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 are welcome . thanks for calling cambridge towninfo centre . 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,general-greet +bos can you find an attraction in the centre ? eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are a lot , ranging from all saints church to the cambridge corn exchange . did you have something specific in mind ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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+Name +bos not really . i just want to see some local tourist attractions 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 all saints church is in the center and it 's known for it 's architecture . the entrance fee is free . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Fee O O O O N/A +bos i am also looking for a place to dine . the restaurant should serve turkish food and should be in the expensive price range 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 B-Restaurant-Inform+Price O O O N/A +bos how about the meze bar restaurant ? it is located in the city centre . 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O N/A +bos yes , that will work perfect . i will go ahead and contact them myself though . thanks so much . take care . 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 N/A +bos my pleasure ! have a wonderful day and thanks for contacting the 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 also need to book the restaurant . eos O O O O O O O O O Restaurant-Inform +bos i 'll be happy to help with that . can you tell me the day , 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 O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos i would like to dine on tuesday and need a table for 7 people at 13:45. eos O O O O O O O B-Restaurant-Inform+Day O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time N/A +bos the booking was successful . the table will be reserved for 15 minutes . reference number is 4916j7lz . what else can i 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 no , as long as the meze bar restaurant is in the centre area , that is perfect . thank you . eos 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 N/A +bos perfect , have a great meal . eos O O O O O O O O general-bye +bos i am heading to cambridge soon and am looking to find a nice expensive restaurant to eat at . eos 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 there are plenty of expensive restaurants in cambridge . do you have a particular area or food type in mind ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 Restaurant-Request+Area,Restaurant-Request+Food +bos i would like it to be in the centre area , please . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos the kymmoy meets your criteria and serves asian oriental food . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O N/A +bos i would like to make a reservation for 7 people on sunday , 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 what time on sunday would you like the reservation for ? eos O O O O B-Booking-Inform+Day I-Booking-Inform+Day O O O O O O Booking-Request+Time +bos we 'd like to dine at 19:45. please let me know the reference number when you have it available . eos 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 i 'm sorry , they 're booked up for 19:45. will another time do ? eos O O O O O O O B-Booking-NoBook+Time O O O O O O O O Booking-Request+Time +bos yes , i would like to book for 18:45. please let me know the reference number when you have it available . 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 O O Restaurant-Request+Ref +bos i was able to get you a table at the 18:45 time . reference number is : 03n9dfpo . is there anything else i can help you with ? eos O O O O O 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 i need to find a museum in the same area . can you find one ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos yes , that 's no problem . how about the museum of archaelogy and anthropology ? it 's free to enter . 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 O B-Attraction-Inform+Fee O O O O O O O O general-greet +bos that sounds good . what is their postcode 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 the postal code is cb23dz , the phone number is 01223333516 , can i assist with anything else ? eos 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 general-reqmore +bos yes i need a taxi between the two places . i want to be sure to arrive at the restaurant before 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 O O O Restaurant-Inform,Taxi-Inform +bos i got you a white volkswagen reserved contact number 07430137522. eos 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 . that will be all . goodbye . eos O O O O O O O O O O O general-bye +bos my pleasure ! good bye . eos O O O O O O O general-welcome,general-bye +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 ok , i have several hotels . any particular location ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Hotel-Request+Area +bos location does n't really matter as long as there 's free parking available . eos O O O O O O O O O O O O O O O N/A +bos i have several available . what is your price range ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Hotel-Request+Price +bos between $ 100- $ 300 per night . eos O O O O O O O O O N/A +bos how about the gonville hotel located in the centre area of town ? eos 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 I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O N/A +bos what is their postcode ? eos O O O O O O Hotel-Request+Post +bos their postcode is cb11iy , address gonville place , phone 0122336661 they have wifi and free parking too . would you like me to book this for you ? eos O O O O B-Hotel-Inform+Post O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Phone I-Hotel-Inform+Phone 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 hi , i 'm looking for an indian restaurant . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos great ! there are many outstanding indian restaurants in cambridge . what area of town do you prefer to visit ? 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,general-greet +bos i 'm looking for something in the west , and it should be expensive . 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 5 in the west , tandoori palace , cocum , rice boat , maharajah tandoori restaurant and india house . would you like to make a reservation at any of these choices ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area 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 Booking-Inform +bos cocum sounds interesting . can you give me the phone number , address and postcode please ? eos O B-Restaurant-Inform+Name 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 for cocum is 01223366668. you can find it at 71 castle street city centre , post code cb30ah . eos O O O O O B-Restaurant-Inform+Name O B-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 B-Restaurant-Inform+Post O O N/A +bos do you have any recommendations for places to go in town maybe some architecture ? that are in the same area as the restaurant ? 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 N/A +bos i do n't see any in the west . perhaps you 'd 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 O O Attraction-Request+Area +bos i 'd like to stay in one area . are there any museums near the restaurant that would be open ? 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 N/A +bos yes , there are 7 museums in the west part of town . may i recommend the museum of classical archaeology , located on sidgwick avenue ? entrance is free . would you like more information ? eos O O O O O B-Attraction-Inform+Type 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 O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos yes , could i get 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 of course , it is on sidgwick avenue , and the postal code is cb39da . anything else ? eos O O 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 general-reqmore +bos yes , i need a taxi from the museum by 11:30 to the restaurant . eos O O O O O O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos of course , i have booked a yellow ford for you at that time , and the contact number is 07870520690. anything else 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 O O B-Taxi-Inform+Phone O O O O O O general-reqmore +bos no thanks . that will be it for today . have a great night . goodbye . eos 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 . thanks for contacting us . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos i 'm planning a trip to cambridge i am looking for places to go in centre . eos O O O O O O O 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 anything , really , just trying to kill some time . what 's your favorite attraction ? eos O O O O O O O O O O O O O O O O O O Attraction-Inform +bos there are churches , boats , cinemas , museums and colleges in the city centre . would you like information on any of them ? eos O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 surprise me ! can you send me the postcode of the attraction you choose ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post +bos you should go see holy trinity church , the stained glass there is simply amazing . the postcode is cb23nz . can i help you with anything more today ? 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 O O O O B-Attraction-Recommend+Post O O O O O O O O O O O general-reqmore +bos yes - i am also looking for a moderately priced restaurant in the same area . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos there are 21 different restaurants that match your criteria . do you have a type of food you 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 Restaurant-Request+Food +bos any food will be just fine.once you find the restaurant you want to book a table for 7 people at 13:30 on friday.if the booking fails how about 12:30.make sure you get the reference number 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 B-Restaurant-Inform+Day O O O O O B-Restaurant-Inform+Time O O O O O O Restaurant-Request+Ref +bos just to confirm before making a booking : how about yippee noodle bar ? it is in the centre of town and moderately priced . would you like this booked ? 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 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 O O O O Booking-Inform +bos yes , 7 people at 13:30 on friday . eos O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O N/A +bos i 'm sorry but that was unsuccessful . can i try a different restaurant ? eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos how about 12:30 ? are there any tables open then ? eos O O O B-Restaurant-Inform+Time O O O O O O O O N/A +bos yes . they have a table available at 12:30. your reference number is ib76zc58 . would you like to write down their address and phone number ? eos 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 O O O general-reqmore +bos no thank you , i think that will be all i need . eos 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 good day ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i need a train leaving from leicester on thursday . thanks . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos there are 19 trains leaving leicester thursday . where do you want to arrive ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart B-Train-Inform+Day O O O O O O O O Train-Request+Dest +bos i need to arrive in cambridge eos O O O O O O B-Train-Inform+Dest N/A +bos tr3839 ill cost you 37.80 pounds and will arrive 10:54. can we book ? eos O B-Train-Inform+Id O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Arrive O O O O Train-OfferBook +bos okay . could you make me a booking for 2 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 75.59 gbp payable at the station . your reference number is ue7ka83c 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 help me find a place to eat that is really cheap in the centre of town ? eos O 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 N/A +bos okay , what type of food would you like to eat ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos just to make sure , tr3839 leaves after 10:00 correct ? i can not leave before then . as far as cuisine type , chinese sounds good . 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 yes the train leaves at 10:54. i would recommend rice house at 88 mill road city centre . would you like to make a reservation ? eos O O O O O O B-Train-Inform+Leave 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 no thank you . i just need the postcode please . eos O O O O O O O O O O O O Restaurant-Request+Post +bos the post code is cb12bd . can i get you anything else ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O N/A +bos yes i will be hungry i need a place to eat eos O O O O O O O O O O O O N/A +bos rice house is a good place . shall i book it ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform +bos sorry , i do n't need a reservation . 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 O O O O O O O general-thank +bos thank you for using this service goodbye eos O O O O O O O O general-bye +bos hi , i 'm looking for an indian restaurant . i 'd prefer something on the west side . 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 N/A +bos i have found 6 restaurants meeting your criteria . rice boat is a good choice . would you like me to book you a table ? eos O O O O O B-Restaurant-Inform+Choice 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 Booking-Inform +bos i 'm looking for something in the fine dining price range , so the place should be expensive . are there any that fit that criteria ? 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 O O O O O N/A +bos absolutely , there are a few choices . how about tandoori palace on histon road ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O N/A +bos that sounds good . may i have their postcode , address , and phone number ? 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 sure . tandoori is located at 68 histon road chesterton in postcode cb43le . their phone number is 01223506055. can i book it for you ? eos 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 B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O Booking-Inform +bos no , that 's fine . eos O O O O O O O N/A +bos ok , will there be 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 no , i think that 's everything . thank you . eos 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-bye +bos i 'm in need of a train leaving boxbourne that ca n't arrive any later than 14:00. can you find me one ? 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 N/A +bos but of course . i just need a bit more info . what time do you want to leave 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+Arrive,Train-Request+Leave,Train-Request+Day +bos i want to leave on monday . it does n't matter what time the train leaves as long as i arrive by 14:00. 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 B-Train-Inform+Arrive O O N/A +bos just to confirm : is your destination cambridge or another city ? eos O O O O O O O O O O O O O Train-Request+Dest +bos yes , my destination is cambridge , and i 'll be coming in from broxbourne . eos O O O O O B-Train-Inform+Dest O O O O O O O O O O O N/A +bos okay , that helps give us a good start , what day are you wanting 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 monday , please . for 6 people . eos O B-Train-Inform+Day O O O O O O O N/A +bos it looks like there is a train leaving broxbourne at 12:32 and arriving in cambridge at 13:32. the price is 17.90 pounds per passenger . shall i book this for you ? eos 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+Arrive O O O B-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook +bos yes , please . i 'll need 6 tickets . eos O O O O O O B-Train-Inform+People O O O O N/A +bos the booking for tr0354 was successful , the total fee is 107.4 gbp payable at the station .reference number is : 8uv8y3a7 . eos O O O 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 B-Train-OfferBooked+Ref O O N/A +bos thank you so 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 welcomed . 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 nice restaurant ? eos O O O O O O O O O O Restaurant-Inform +bos sure ! what kind of food do you like ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i was thinking some indian food would be great . eos O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i have 22 indian restaurants- do you have a preference for area of town ? 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+Area +bos no , i do n't care where it is . i 'm thinking i 'd like an expensive restaurant . 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 would you like to try curry garden ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos that is fine book me a table for 6 on sat at 17:30. i also need a train for the same and should leave leicester for cambridge eos 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 O O O O B-Train-Inform+Depart O B-Train-Inform+Dest N/A +bos alright , i have made your requested booking at curry garden , and the reference number is hk9ycl6z . as for the train , what time would you like to depart ? eos 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 O Train-Request+Leave +bos it does n't matter as long as i am there by 13:45 leaving leicester going to cambridge , i 'll need the reference number too please eos O O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O O O O O O N/A +bos i have found tr6210 leaving leicester at 11:09 on saturday and arriving in cambridge at 12:54. i have booked 6 seats . reference number is lr5i1rzv . anything else i can do ? eos O O O O B-Train-OfferBooked+People I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart 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 B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos that will be all for today . thanks so much for all 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 and enjoy your day . eos O O O O O O O O general-bye +bos i 'd love to find an expensive german restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , there are no german restaurants in the area . is there another cuisine i could search for ? eos 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 one that serves european food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have several european restaurants to choose from . did you want to dine in a certain area of the city ? 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 Restaurant-Request+Area +bos i do n't care which area . just need to find a table for 5 people at 15:00 on saturday . i will need the reference number once booked . 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 Restaurant-Request+Ref +bos i think you 'd enjoy eraina , so i 've booked you a table there . the reference number is 0it4qd59 . eos O O O O O B-Booking-Book+Name O O O O O O O O O O O B-Booking-Book+Ref O O O O O N/A +bos great thank you for all your help . eos O O O O O O O O O general-thank +bos you are quite welcome . thank you and goodbye ! eos O O O O O O O O O O O general-bye +bos i am looking for a place to dine . i would like european food in the expensive price range . eos 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 N/A +bos i was able to find five restaurants that meet you requests . eraina is a great choice . would you like me to book you a table ? eos O O O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Recommend+Name O O O O O O O O O O O O O O O O Booking-Inform +bos is it in the north area ? eos O O O O O B-Restaurant-Inform+Area O O N/A +bos no , it is in the centre . city stop restaurant is an expensive european restaurant in the north end . would you like a reservation there ? eos O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O Booking-Inform +bos yes please . i would like to book a table for 8 people on tuesday at 15: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 N/A +bos we have made your reservation thank you ! eos O O O O O O O O O Booking-Book +bos that 's great - can you give me the reference number ? eos O O O O O O O O O O O O O Restaurant-Request+Ref +bos sure , sorry for that - 5u8l4dtq . do you need any more help ? eos O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos thats all - thanks for great service ! eos O O O O O O O O O general-thank +bos happy to help anytime , bye ! eos O O O O O O O O general-bye +bos i am looking for a place to stay , that is a 2 star hotel on the east side eos O O 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 express by holiday inn cambridge is a 2 star hotel in the east . 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+Stars O O O B-Hotel-Inform+Area O N/A +bos is it expensive and does it have free parking ? eos O O O B-Hotel-Inform+Price O O O O O O O N/A +bos it is expensive and it has free parking . eos O O O B-Hotel-Inform+Price O O O O O O Hotel-Inform+Parking +bos okay , great ! what 's the address and postcode for that place ? eos 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 15-17 norman way , coldhams business park , and the postcode is cb13lh . 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 B-Hotel-Inform+Post O O O N/A +bos can i have their phone number please ? eos O O O O O O O O O Hotel-Request+Phone +bos sure . there phone number is 01223866800. would you like me to book it for you ? eos O O O O O O B-Hotel-Inform+Phone O 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 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-greet +bos is there a restaurant that serves italian food in the expensive price bracket ? 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 yes , there are 5 such places . 4 are in the centre and 1 is in the south . would you like to book at one ? eos O O O O O O O O O O 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 N/A +bos absolutely ! thank you ! eos O O O O O O general-thank +bos which area of town would you prefer ? eos O O O O O O O O O N/A +bos how about the center ? eos O O O O O O N/A +bos great , how about don pasquale pizzeria ? may i book this 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 O O Booking-Inform +bos that sounds good . no i do n't need a reservation , but could you tell me the 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+Post +bos certainly , the postcode for don pasquale pizzeria is cb23nj . would you like any other information ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos no thanks . that will do it for me . 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 , you too . goodbye . eos O O O O O O O O O general-bye +bos i am looking for a german restaurant in the west . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are no german restaurants available in the west . would you like to try a different area or different food type ? eos 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 Restaurant-Request+Area,Restaurant-Request+Food +bos how about one that serves british food instead ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are three british restaurants in the west . 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 Restaurant-Request+Price +bos i 'm looking for meals under 30 $ a person . i need to book for 3 at 16:15 on wednesday . eos O O O O O O O B-Restaurant-Inform+People O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A +bos the restaurant saint johns chop house is the only restaurant to your specifications with a moderate pricing . would you like me to make a reservation ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos yes please and i will need a reference number . eos O O O O O O O O O O O Restaurant-Request+Ref +bos your booking is successful and your reference number is czt3la0m . 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 thank you . that is great . eos O O O O O O O O O general-thank +bos thanks ! eos O O O general-greet +bos have a good day ! eos O O O O O O N/A +bos enjoy your time ! eos O O O O O general-bye +bos i am looking for a place serving christmas 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 N/A +bos it does n't look like there are 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 O Restaurant-Request+Food,Restaurant-NoOffer +bos do you have any indian restaurants ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos yes , we have nine indian restaurants in the center of town . do you have a preference in price range ? eos O 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 O O O O O O O O O O O Restaurant-Request+Price +bos i actually would prefer gastropub type food and preferably in the moderate price range . eos O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O O N/A +bos the cow pizza kitchen and bar would be perfect for you ! would you like for 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 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 Booking-Inform +bos are there any other options for gastropub ? eos O O O O O O O O O N/A +bos the cow pizza kitchen and bar is the only gastropub in all of cambridge . 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 I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos in that case , could you 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 i sure can . the address is corn exchange street , and the phone number is 01223308871. can i help you with anything else today ? eos 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 B-Restaurant-Inform+Phone O O O O O O O O O O general-welcome,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 calling us today . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos hello , i am looking for a local restaurant that serves indian food and is located in the centre of town . 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 O O O N/A +bos we have nine indian restaurants in the centre . if you have a price range preference , we have both cheap and expensive options . 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 O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos i would like it to be an expensive place to eat . eos O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i recommend curry king . their phone number is 01223324351. eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Phone O N/A +bos i would actually like to book a table for tuesday . eos O O O O O O O O O O O O N/A +bos how many people and what time would you like me to make your reservation ? eos O O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos i have a party of 8 and need it for 14:45. can you help me with that ? eos O O O O O O O B-Restaurant-Inform+People O O O O O O O O O O O N/A +bos sure for what day ? eos O O O O O O Booking-Request+Day +bos on tuesday . book and give me the reference number eos O O B-Restaurant-Inform+Day 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 : kgmvnkjm . 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 would also like to find some where fun 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 N/A +bos hm , there are quite a number of places to visit in the town centre . could you give me an idea of what you 're looking for ? a museum or church ? or something different ? eos O O O O B-Attraction-Inform+Choice I-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 O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type O O O O O Attraction-Request+Type +bos i was looking for something for a type of multiple sports . eos O O O O O O O O O O O O O N/A +bos i dont have that in the centre . would you like to try something else ? eos O O O O O O O B-Attraction-NoOffer+Area O O O O O O O O O general-reqmore +bos how about a swimming pool ? eos O O O O O O O N/A +bos there is parkside pools . their address is gonville place . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos okay , what are the hours they 're open ? eos O O O O O O O O O O O N/A +bos i do not have that information . eos O O O B-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open N/A +bos okay , that 's all i need . good bye . eos O O O O O O O O O O O O general-bye +bos have a good time ! good bye . eos O O O O O O O O O general-bye,general-greet +bos i am looking for a cheap 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 N/A +bos there are several options available in the town centre . is there a particular cuisine that you would prefer ? asian , chinese , indian , italian , mediterranean , modern european , portuguese , or spanish ? 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 O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O O O O Restaurant-Request+Food +bos i want a restaurant that serves molecular gastronomy food . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos 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 ? eos O O O O O O 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 are there any chinese restaurants ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos yes , there are 3 chinese restaurants that are in the cheap price range . i would recommend the golden house . would you like for me to book you a table ? eos O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price 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 O O O Booking-Inform +bos yes , please book it for around 20:00 for 3 people eos O O O O O O O O O O O O N/A +bos what day would you like to book ? eos O O O O O O O O O Booking-Request+Day +bos actually , scratch that , i do n't want to book the restaurant . could you give me the phone number for the golden 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 Restaurant-Request+Phone +bos their phone number is 01842753771. 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 can you give me the address and postcode as well ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the golden house is located at 12 lensfield road city centre . their postcode is cb21eg . can 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 I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos no , that 's it . thanks a bunch . eos 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-welcome,general-bye +bos i 'm looking for some entertainment related places to go in the centre of cambridge . eos 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 i was unable to find any entertainment in the centre . eos O O O O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O N/A +bos okay . how about a boat anywhere in town ? eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are two boats in the centre , scudamores punting co and the cambridge punter . would you like more information ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 O O O O O O general-reqmore +bos i will take the phone number , entrance fee and address of the one you choose for me . 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 will choose for you the cambridge punter , their phone number is 07807718591 , they are found on 251a chesterton road , they do n't have an entrance fee . eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Phone O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr 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 N/A +bos hey , are there any expensive restaurants 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 thirty thee choices . do you have a food type you would like to try ? 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+Food +bos i would like to just find something expensive and get the postcode please . eos O O O O O O O O O O O O O O O Restaurant-Request+Post +bos how about bedouin ? it 's an expensive african restaurant in the centre , postcode cb12bd . is there any other information you need ? eos O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O B-Restaurant-Recommend+Post O O O O O O O O O O O O general-reqmore +bos great that 's all the information i needed today , thank you ! eos O O 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,general-bye +bos same to you ! goodbye . eos 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-welcome,general-bye +bos hi , i 'm looking for a guesthouse to stay at in the south area of cambridge . can you help me ? eos 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 O N/A +bos i have three of them 2 that are moderate priced and 1 that is cheap . do you have a preference ? eos O O O O 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 Hotel-Select +bos i would like a moderate priced one with a 3 star rating . eos O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O N/A +bos bridge guest house has a 3 star rating and is in the moderate price range and is located in the south . would you like me to book a room ? eos 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 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 Booking-Inform +bos can you book that for 7 people for 5 nights starting on friday ? 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 your reference number is 7hhyrfa1 . can i help you 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 am also looking for a place to eat that is in the same area as the hotel and the same 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 N/A +bos sure , i have two moderately priced restaurants in the south . they are pizza hut cherry hinton and restaurant alimentum . do either interest you ? eos O O O O O B-Restaurant-Inform+Price 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Restaurant-Select +bos can you get us a table at restaurant alimentum at 11:30 on friday ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos i was able to book your table for friday at 11:30 for 7 people , your reference number is eo14chvw . is there anything else i can help you with ? eos O 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 B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos yes , can you get me a taxi from the bridge guest house to restaurant alimentum . i would need to arrive by 11:30. eos 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 O O O O O O B-Taxi-Inform+Arrive O O N/A +bos sure it has been reserved the car type will be a red volvo , contact number 07709680182 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+Phone O N/A +bos thank you have a great day . eos O 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-bye +bos i 'm looking for a restaurant , can you help ? eos O O O O O O O O O O O O Restaurant-Inform +bos sure , do you know what you are looking to eat ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos i am wanting a recommendation so it can be any type of food , but i would like something cheap 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 B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O Attraction-Request+Type +bos i would highly recommend the charlie chan for you . should i make a booking for you ? eos 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 Booking-Inform +bos yes can you please and send me the reference number ? eos O O O O O O O O O O O O Restaurant-Request+Ref +bos sure . can you tell me how many people will be there and when you would 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 Booking-Request+Time,Booking-Request+Day,Booking-Request+People,general-greet +bos no problem . i would like it booked for two people at 20:00 on saturday . eos 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 your reference number is owa5ykji . do you need 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 need to know where a fin place ot go is , i dont care what type , just in the cetre area near where i am 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 O O O O O O Attraction-Request+Type +bos i am sorry what is a fin ? can you please rephrase your question ? eos O O O O O O O O O O O O O O O O general-greet,general-reqmore +bos sorry , i am looking for a fine attraction which is also 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 what type of attraction would you like ? eos O O O O O O O O O Attraction-Request+Type +bos suggest something to me , near the restaurant . eos O O O O O O O O O O Restaurant-Inform +bos old schools is nice and they are located in the centre eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Area N/A +bos what kind of attraction is that ? eos O O O O O O O O Attraction-Inform +bos old schools is an architecture tour . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type O N/A +bos that sounds interesting . what is the entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos there is no entrance fee . eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos thank you for all your help . that 's all i need 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 calling and 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 need help finding a chinese restaurant located near the centre . eos O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A +bos there are ten chinese restaurants in the centre . is there a price range you 'd like to stay within ? 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+Price +bos not really . can you recommend one ? i 'll need the contact information . eos O O O O O O O O O O O O O O O O N/A +bos jinling noodle bar is at 11 peas hill city centre . there phone number is 01223566188. would you like me to book you there ? eos 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 O O B-Restaurant-Recommend+Phone O O O O O O O O O O Booking-Inform +bos great i also need some information on the lensfield hotel eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos the lensfield hotel is an expensive 3-star hotel located in the south withe free wifi and parking . the phone number is 01223355017 and the address is 53-57 lensfield road . anything else ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos can you book it for me for monday for 3 nights ? eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A +bos how many people will be staying with you ? eos O O O O O O O O O O Booking-Request+People +bos just me , can you also get me a taxi please too eos O O O O O O O O O O O O O Taxi-Inform +bos yes , where would you like to leave from ? eos O O O O O O O O O O O Taxi-Request+Depart +bos i need to leave from the hotel by 9:15. eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos can you tell me where your destination is going to be for the taxi ? eos O O O O O O O O O O O O O O O O Taxi-Request+Dest +bos i 'd like a sedan taxi and destination will be jinling noodle bar is at 11 peas hill city centre eos 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 great , i 've booked you a white toyota leaving the lensfield for jinling at 9:15. your contact number is 07734572228. 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 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 , 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 . 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 i 'd like to find an 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 N/A +bos do you have a food type preference ? eos O O O O O O O O O Restaurant-Request+Food +bos yes . chinese , please . eos O O B-Restaurant-Inform+Food O O O O N/A +bos peking restaurant is in the south and in the expensive price range . would you like to reserve a table ? 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 O O O O O O O O O O Booking-Inform +bos reserve a table for 4 please . eos O O O O O O O O N/A +bos for which day and time would you like ? eos O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos monday at 19:30 would be perfect . eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A +bos i have made your reservation for monday with reference # y7i4empo . can i help you any further ? eos O O O O O O O B-Booking-Book+Day O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i 'm also looking for some entertainment in the same area as the restaurant . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos i have 2 great options for entertainment venues in the south . one is nusha and the other is tenpin . but , if you do n't mind a suggestion i would say nusha . eos O O O O B-Attraction-Inform+Choice O O O O O O O O O B-Attraction-Recommend+Name 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 sounds good . i need the address and phone number for them too . eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos okay , nusha is located on unit g6 , cambridge leisure park , clifton road and phone number is 01223902158. tenpin is located on cambridge leisure park , clifton way and phone number is 08715501010. 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 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 N/A +bos thank you so much for your help . can we also look at 4 star hotels in the same 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-Inform +bos what price range would you like ? eos O O O O O O O O Hotel-Request+Price +bos forget the hotels . that 's all the information 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 O O O O Hotel-Inform +bos to be clear you do n't need me to look up any other information for you ? eos 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 anything other than the restaurant and the attractions . thank you for your 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 Restaurant-Inform,Attraction-Inform +bos you 're welcome . enjoy your stay ! goodbye eos O O O O O O O O O O general-welcome,general-bye +bos i need a hotel the next town over . eos O O O O O O O O O O Hotel-Inform +bos i can surely help with that . which part of town are you specifically looking for ? 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 do n't care which part of town it is . i just want a cheap place with free wifi . 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 N/A +bos alexander bed and breakfast is a guesthouse in town centre with 4 stars in the cheap price range , and has free wifi . shall i book a room for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O B-Hotel-Recommend+Stars 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 Hotel-Recommend+Internet,Booking-Inform +bos yes please do and send me the reference number . eos O O O O O O O O O O O Hotel-Request+Ref +bos what day would you like me book and 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 Booking-Request+Stay,Booking-Request+Day +bos i need it for 7 people for 3 nights starting on friday 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 you are all set with the booking , the reference number is b8r0do3l , can i help 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 can you also provide the address to an attraction in the town centre ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O Attraction-Request+Addr +bos castle galleries is a lovely museum in the town centre . the address for the attraction is unit su43 , grande arcade , aaint andrews street . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area I-Attraction-Recommend+Area 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 O N/A +bos thank you . i will also need a taxi to pick me up at the attraction by 21:30. send 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 B-Taxi-Inform+Leave O O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Type +bos sure , can you tell me your destination just so i can be sure to send it to the right 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 Taxi-Request+Dest +bos my destination will be going from the castle galleries and going back to the alexander bed and breakfast 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 I-Taxi-Inform+Dest N/A +bos i 've booked a blue tesla , which you can reach at 07827647450. anything else for you 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 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 have a great time . eos O O O O O O general-bye +bos i need help with a particular hotel , can you do that ? eos O O O O O O O O O O O O O O Hotel-Inform +bos yes , i have the database ready , do you want info on a specific hotel or a search ? 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 i 'd like a hotel named warkworth house , and am interested in booking for 8 people starting on saturday . eos 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+Day O O O N/A +bos how many people ? eos O O O O O Booking-Request+People +bos 8 people , for 3 nights . eos O O O O O B-Hotel-Inform+Stay O O N/A +bos what day of the week will you need that ? eos O O O O O O O O O O O Booking-Request+Day +bos does saturday work ? eos O O O O O N/A +bos okay your booking was successful and your reservation number is hkw4g2vt . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos could you give me information on cambridge and county folk museum ? eos 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 it 's a museum located at 2-3 castle street on the west side of town . postcode is cb30aq and the phone number is 01223355159. the entrance fee is 3.50 pounds . eos O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos thank you . i 'd also like to get a taxi between these two places . eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos can you specify a departure or arrival time ? eos O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos we want to leave the hotel by 24:15. what is 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 O O O Taxi-Request+Car,Attraction-Request+Type +bos you have a booking for a black volvo at 24:15. contact number , 07253606087. eos 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+Phone 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 thank you for using our system today ! eos 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 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+Type O O O O O B-Hotel-Inform+Price O O O N/A +bos there are 9 cheap guesthouses in cambridge . to help narrow it down , is there a part of town you prefer ? 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 Hotel-Request+Area +bos not really . i 'd like a 4 star guesthouse , though , is that possible ? 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 there are seven that fit . might i suggest the alexander bed and breakfast ? 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 I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos i think i have heard of that . can you just get me an address ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos absolutely ! the alexander bed and breakfast is located at 56 saint barnabas road . would you like me to book your stay ? 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 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 N/A +bos no . i do need some options for entertainment sort of attractions . 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 O O N/A +bos i have many ideas such as architecture , museums , theaters etc . do you have a preference ? 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 Attraction-Select +bos museums or theaters , thank you . eos O B-Attraction-Inform+Type O O O O O O N/A +bos i recommend the broughton house gallery . would you like more information ? 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 general-reqmore +bos actually , what colleges do you recommend ? eos O O O B-Attraction-Inform+Type O O O O O N/A +bos downing college looks nice , do you need to know anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O general-reqmore +bos could you give me the phone number and address for downing college please ? eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Phone,Attraction-Request+Addr +bos the phone number is 01223334860. the address is regent street , post code cb21dq . may i help with anything else ? eos O O O O O B-Attraction-Inform+Phone 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 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 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 can you give me some information on the worth house ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos that is a nice guesthouse located on warkworth terrace on the east side of town . can i tell you something in particular ? eos O O O O O B-Hotel-Inform+Type O O B-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 general-reqmore +bos i want to book the hotel for two people and five nights starting from monday eos O O O O O O O O O O O O O O O B-Hotel-Inform+Day N/A +bos i have booked warkworth house starting monday for 5 days for 2 people . reference # xlio11mv . eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Stay O O B-Booking-Book+People O B-Booking-Book+Ref O O O N/A +bos thanks so much for the help . eos O O O O O O O O general-thank +bos you are welcome , have a good trip . eos O O O O O O O O O O general-welcome +bos great , thanks . can you also recommend something fun to do in the south 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 N/A +bos sure , is there a particular type of activity you are interested in . a museum or nightclub perhaps ? 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 i 'd like to take a stroll at a park . eos O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos you 're in luck ; there are two beautiful parks in the south and both have free admission . sheep 's green and lammas land park fen causeway or wandlebury country park . eos O O O 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A +bos can i get the phone number for wandlebury country park ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos sure , the phone number is 01223243830. eos O O O O O O B-Attraction-Inform+Phone O N/A +bos also what car type is it ? eos O O O O O O O O Taxi-Request+Car +bos i 'm sorry , i do n't understand your question . do you need 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 general-reqmore +bos sorry to confuse . yes , can i book a taxi from wandlebury country park to warkworth house . i want to leave by 11:30. 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O B-Taxi-Inform+Leave O O O N/A +bos your taxi is booked , a grey tesla . your contact number is 07097592462. may i help with something 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 general-reqmore +bos no thank you have a nice day . eos 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 hi ! i 'd like a hotel with a 4 star rating and free parking , please . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos were 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 i 'm trying to stay on the east , if possible . eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos i have 5 of them in the east . three of them are cheap and two are moderate priced . did you have a preference ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area 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 the price does n't matter . what do you recommend ? eos O O O O O O O O O O O O N/A +bos i would recommend the allenbell . eos O O O O O B-Hotel-Recommend+Name O N/A +bos does it have free wifi ? eos O O O O O O O N/A +bos yes , it does have free wifi . 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 Booking-Inform,Hotel-Inform+Internet +bos not yet . what is their phone number ? eos O O O O O O O O O O Hotel-Request+Phone +bos yes their telephone number is 01223210353. eos O O O O O O B-Hotel-Inform+Phone N/A +bos great and what is their post code ? eos O O O O O O O O O Hotel-Request+Post +bos postcode , is cb13js , address is 517a coldham lane , internet and parking is included and price is cheap . can i help with anything else ? eos O O O B-Hotel-Inform+Post O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos would you also find me a hotel in the same area ? eos O O O O O O O O O O O O O Hotel-Inform +bos in the east , i have 6 different guesthouses and 1 hotel . do you have a preference ? eos O O O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Type O O O O O O O O general-reqmore +bos no , that 's ok. the allenbell is great . what i need is information on boat attraction in the same pay off 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 Attraction-Inform +bos do you want me to book that hotel for you ? eos O O O O O O O O O O O O Booking-Inform +bos i 'd just like the phone number and postcode for now . thank you . 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 phone number and post code are : 01223210353 and cb13js . camboats is a boating attraction in the east . would you like more information ? eos O O O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone B-Hotel-Inform+Post O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos yes i will need a taxi to get me to the attraction by 08:15. eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos will you be getting picked up from allenbell ? eos O O O O O O O O O O Taxi-Request+Depart +bos no i want to leave camboats at 08:15 and go to the hotel . eos O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O O N/A +bos a red audi will pick you up and the contact number is 07026466566. 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 B-Taxi-Inform+Phone 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 us and have a nice day . eos O O O O O O O O O O O O general-greet +bos i would like to find a 2 star hotel to stay at that also includes free parking . do you have any suggestions ? 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 N/A +bos the ashley hotel , lovell lodge and express by holiday inn cambridge match your criteria . would you like more info on them ? 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 O O O O O O O O O O O general-reqmore +bos i need a guesthouse . eos O O O O B-Hotel-Inform+Type O N/A +bos unfortunately there are no guest houses in that area . eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O N/A +bos then a hotel please . what are my options ? eos O O O B-Hotel-Inform+Type O O O O O O O N/A +bos there are three hotels that match your criteria . the express by holiday inn is in the east . the lovell lodge and the ashley hotel are both in the north . all three offer free parking , would you like their contact 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 O O O O O O O O O O O O O O O O O O N/A +bos okay can i make a booking at ashley hotel for 6 people and 5 nights starting from thursday . eos O O O O O O O O B-Hotel-Inform+Name B-Hotel-Inform+Type 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 complete ! your reference number is 35ed1a8c . 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 no that 's it thanks for your help 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-welcome,general-bye +bos i am looking for a entertainment attraction in the centre 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 'm sorry i have no entertainment options in the center of town . would you be interested in trying 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 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+Type,Attraction-Request+Area +bos yes can you look for a museum ? eos O O O O O O O B-Attraction-Inform+Type O N/A +bos yes there are 11 different museums in centre . are you interested in a particular type ? eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Type +bos can you tell me the different museums available ? eos O O O O O O O O O O N/A +bos what are you interested in ? eos O O O O O O O general-reqmore +bos are there any that feature anything archeological items ? eos O O O O O O O O O O N/A +bos there is the museum of archaelogy and anthropology 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 N/A +bos that sounds great . can you give me the phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos yes their telephone number is 01223333516. eos O O O O O O B-Attraction-Inform+Phone N/A +bos can i get the postcode for the museum as well ? eos O O O O O O O O O O O O Attraction-Request+Post +bos of course . the postcode is cb23dz . can i help you with anything else today ? eos 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 need an insanely expensive hotel that has free wifi eos O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are 5 options available . do you prefer a specific area or 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 Hotel-Request+Stars,Hotel-Request+Area +bos the highest rated one you have , i need 5 people booked for a 2 night stay starting saturday . 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 i have 2 options available . the huntingdon marriott hotel in the west , and the university arms hotel in the centre . both are 4 star with internet and parking . 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 I-Hotel-Inform+Name I-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos can you book the marriott hotel for 5 people and 2 nights on 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 N/A +bos booking was successful.reference number is : 5k1tgkmu . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i also need to use a taxi eos O O O O O O O O Taxi-Inform +bos of course ! to book a taxi , i 'll need to know your travel destination , departure site , and 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 Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest +bos i 'll be going from the museum to the hotel . i 'll need to leave by 09:30 please . 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 B-Taxi-Inform+Leave O O O O O N/A +bos you are all set . please look for a blue toyota , which will arrive by 9:30. the contact number is 07988683424. do you need anything else today ? 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+Leave O O O O B-Taxi-Inform+Phone O O O O O O O O O N/A +bos that is all for today thanks very much eos O O O O O O O O O general-thank +bos any time , happy to help ! have a good 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 stay in the north 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 N/A +bos there are 12 options in the north , any others preferences ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O Hotel-Request+Stars,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos i do n't need parking . eos O O O O O O O N/A +bos i can only find avalon guesthouse eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos that sounds fine . what is their address and postcode ? oh , i 'll need their phone number too , if it 's 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 Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr +bos they are located at 62 gilbert road cb43pd , phone number 01223353071. would you like me to book it for you ? eos O 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 O O Booking-Inform +bos yes please book it for me thank you eos O O O O O O O O O general-thank +bos sure thing what nights will you be staying ? eos O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos actually , i do n't want to book it at this time . can i get some information about the vue cinema , though ? 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 O O O N/A +bos of course , what would you like to know ? eos O O O O O O O O O O O general-reqmore +bos i would like the address and phone number . eos O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the phone number is 08712240240 and the address is at the grafton centre , east road eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos thanks . do you know if there is an entrance fee ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos i do n't have any information about the entrance fee , sorry . 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 N/A +bos oh , that 's alright , thanks for your help ! eos O O O O O O O O O O O O general-thank +bos you 're welcome ! is there any other attraction i can look up for you ? or any other info 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 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 it was a pleasure assisting you today . good-bye . eos O O O O O O O O O O O general-welcome,general-bye +bos can i get some information on the 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 it is a guesethouse in the north part of town in the modrate price range and has a 4 star rating . eos 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 I-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O N/A +bos and what is the address ? eos O O O O O O O Hotel-Request+Addr +bos asbury lodge guesthouse 82 asbury road cb42je eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos thank you . i am also looking for places to visit in the north that have to do with boating . is there any place around there to go ? 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 N/A +bos yes i have four boat attractions 2 in the centre , one north , and one west . what part of town would you like ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 Attraction-Request+Area +bos i would like that in the north please . eos O O O O O O O B-Attraction-Inform+Area O O N/A +bos the riverboat georgina sounds like what you are looking for than . would you like more information on this attraction ? eos 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 O O O O general-reqmore +bos yes please . could i get the address , postcode , and entrance fee ? 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 they are at cambridge passenger cruisers , jubilee house , cb43ax postcode . fees vary by boat type and length of time rented , but you can call 01223902091 for that information . eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post I-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 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 I-Attraction-Inform+Phone O O O O O O N/A +bos i also need a taxi from the hotel to the boating place , i want to leave the hotel by 15:00 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 . it will be a yellow volkswagen and their number is 07212731770. 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 so much ! eos 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,general-bye +bos hi , i am looking to go somewhere that is in the centre that is architecturally interesting . 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 the cambridge punter is a boat that looks fun in the centre of town . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos how about an architecture attraction ? are there any of those in the centre of town ? eos 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 cambridge has several churches in the centre . the architecture is amazing . i would recommend little saint mary 's church . eos O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+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 N/A +bos can i get the address , phone number and postcode to little st mary ? also need swiss food nearby . 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos of course , the address is little saint mary 's lane . the post code is cb21qy and the phone number is 01223366202. what 's your budget for the restaurant ? 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 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 Attraction-Request+Price +bos i do n't have a price range in mind . eos O O O O O O O O O O O N/A +bos i am sorry i am not able to locate any swiss restaurants nearby . is there another type of cuisine you would like to try ? eos O O O O O 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 Restaurant-Request+Food +bos how about modern european food , what is available ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A +bos sorry there are no options anything else you would like to try . eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos what else is available ? eos O O O O O O N/A +bos would you like another type of cuisine ? eos O O O O O O O O O Restaurant-Request+Food +bos no thanks . that will be all today . eos O O O O O O O O O O general-thank +bos do you need a train , hotel or anything else while your in town ? eos O O O O O O O O O O O O O O O O general-reqmore +bos no thats all , thanks eos 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 can you help me find a swimmingpool ? eos O O O O O O O B-Attraction-Inform+Type O N/A +bos sure , what part of town are you looking for ? eos O O O O O O O O O O O O Attraction-Request+Area +bos something in the north , please . eos O O O O B-Attraction-Inform+Area O O O N/A +bos there are two swimming pools in the north side . would you like more information on either one or is there anything else i can assist you with today ? eos O O O O B-Attraction-Inform+Choice 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 O O O O O O O O general-reqmore +bos yes , i want the address and entrance fee to both please . eos O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos jesus green outdoor pool is located between victoria road and the river . there is no entrance fee information availble . eos 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 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 ! eos 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 no , that is it , thank you . 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 want to visit an expensive restaurant in the south part of town . i need the address , 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 O O O Restaurant-Request+Phone,Restaurant-Request+Food,Restaurant-Request+Addr +bos there are five expensive restaurants available in the south part of the city . mexican , italian , indian , and two chinese restaurants are available . what type of food would you like ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area 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 O Restaurant-Request+Food +bos mexican will be fine . could i have the address and phone please ? eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos chiquito restaurant bar is a mexican restaurant located in the south part of town in the expensive price range . their phone number is 01223 400170 and their address is 2g cambridge leisure park cherry hinton road cherry hinton . 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 B-Restaurant-Inform+Price 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 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 O general-bye +bos goodbye . eos O O O general-bye +bos hello . can you please recommend a korean restaurant for me ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos little seoul is a korean restaurant in the epensive price range . it is located in the centre area . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos what is their phone number eos O O O O O O Restaurant-Request+Phone +bos the phone number is 01223 308681 eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos little seoul is located at 108 regent street city centre . is there anything else i can do 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 O O O O O general-reqmore +bos thank you , goodbye . eos O O O O O O general-bye +bos goodbye ! eos O O O general-bye +bos hi , i am looking to go to a place with multiple sports in the centre . 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 N/A +bos the cherry hinton village centre is available if that works for you ? 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 O O O N/A +bos is that a multiple sports attraction in the centre ? how much does it cost ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A +bos no , the only multiple sports place is in the east . would you prefer that one , or perhaps a different type of attraction in the centre ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type I-Attraction-Inform+Type 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 O general-reqmore +bos i 'd like to definitely see something in the centre of town . how about a museum ? can you recommend a nice one ? 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 O O O O O O O N/A +bos there are 5 museums in the centre of town . all with free admission . my favorite is castle galleries on st. andrews street . 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+Price I-Attraction-Inform+Price 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 O N/A +bos excellent , can i get the address and post code please ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos of course ! the postcode is cb23bj and it is located at unit su43 , grande arcade , saint andrews street . can i assist you with anything else ? eos O O O O O O B-Attraction-Inform+Post 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 O O O O general-reqmore +bos no , that is all thanks . eos O O O O O O O O general-thank +bos if you need anything else , feel free to contact us again . have a nice day . 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 tell me the address to the police station in cambridge ? eos O O O O O O O O O O O O O O Police-Inform +bos the address is parkside , cambridge , postcode cb11jg eos O O O O O O O O O O N/A +bos thanks . would you be able to help me find a place to stay in the east 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 N/A +bos what price range do you prefer ? eos O O O O O O O O Hotel-Request+Price +bos that does n't matter . i would like a 4 star hotel though , please . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos would a and b guest house work for you ? 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 N/A +bos does that place have free wifi ? eos O O O O O O O O N/A +bos yes it has wifi . would you like to know anything more ? eos O O O O O O O O O O O O O O Hotel-Inform+Internet +bos that is sufficient , please book me for 8 people , 5 nights staring on friday . eos 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 you 've been booked at a and b guesthouse . your reference number is i23q30ph . can i be of further assistance today ? 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 B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos also looking for a train leaving norwich after 14:00 and arriving in cambridge on friday . eos 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 N/A +bos the tr4828 leaves norwich at 14:16 and arrives in cambridge at 15:35 on friday . the price is 17.60 pounds . would you like me to book it 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 O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O B-Train-Inform+Day 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 can you please give me the travel time . eos O O O O O O O O O O Train-Request+Duration +bos the travel time is 79 minutes . would you like me to book it ? 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 no i do n't need you to do that , thank you eos O O O O O O O O O O O O O general-thank +bos okay , will that be all today or 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 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 O general-welcome,general-bye +bos where can i get swiss food in town ? eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are no venues serving swiss food . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O Restaurant-NoOffer +bos how about indian food ? can i have the address and phone number ? eos 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 cocum serves indian food . its address is 71 castle street city centre and the phone number is 01223 366668 , is there anything else i can help you with ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-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 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 thank you , goodbye . eos O O O O O O general-welcome,general-bye +bos i 'm looking for some info on an attraction called kettle 's yard . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos absolutely ! the entrance is free ! it is located in the west . the address is castle street ! eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A +bos great thank you for all your help , that 's all that i needed to know . 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 contacting 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-bye +bos 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 ? eos O O O O O O O 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 would be more than happy to recommend an attraction , first could you tell me in what part of town your hotel 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 O O O O Attraction-Request+Area +bos it is in the centre of town . eos O O O O O B-Attraction-Inform+Area O O O N/A +bos there are tons of places to go in the center of town . what type of attraction are you looking for ? eos 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 Hotel-Request+Type +bos really anything will do . i have to kill some time in between appointments . can you recommend something and send 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 Attraction-Request+Addr +bos how about the cambridge contemporary art museum ? their address is 6 trinity street , in the centre of town , and they have no entrance fee . 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 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 B-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price O O O N/A +bos that will do ! thank you very much . 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 nope , that 's all i needed.thanks so much ! eos O O O O O O O O O O O general-thank +bos oh , you are most welcome . the museum will be awesome . eos O O O 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 west section of town ? i would like to go to an architecture attraction . 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 B-Attraction-Inform+Type O O O N/A +bos there are no matches for an architecture attraction in the west part of town . would you like me to search another area ? 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 I-Attraction-NoOffer+Area O O O O O O O O O O Hotel-NoOffer,Attraction-Request+Area +bos what about a type of college ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos magdalene college , clare hall , and churchill college are all colleges in the west with free entrance fees . 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 O B-Attraction-Inform+Area O B-Attraction-Inform+Fee O O O O O N/A +bos the churchill college is fine . can i have the phone number please ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223336233. 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 . what is the postcode for churchill college ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb30ds . anything else i can assist you with ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O N/A +bos no , that is all i needed . thanks . eos O O O O O O O O O O O general-thank +bos you 're very welcome . thank you and goodbye ! eos O O O O O O O O O O O general-bye +bos i want english food . eos O O O B-Restaurant-Inform+Food O O N/A +bos please tell me the price range you would like today . eos O O O O O O O O O O O O Restaurant-Request+Price +bos i do n't care . eos O O O O O O N/A +bos i 'm sorry . there are no restaurants serving english food near your area . eos O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos how about italian food then . please give me phone number and postcode please . eos O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos ask serves italian food , is in the center of town and in the cheap price range . their phone number is 01223 364917 and their postcode is c.b 2 , 1 u.f . eos O O B-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 O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O O N/A +bos thank you good bye eos O O O O O general-bye +bos thank you and good bye eos O O O O O O general-bye +bos hello , i am looking for a restaurant that serves thai food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos would you prefer the centre or west part of town ? eos 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 N/A +bos i do n't care eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos bangkok city is in the centre area and is serving thai food , is there anything i can help you with ? 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 O B-Restaurant-Inform+Food O O O O O O O O O O O general-reqmore +bos are there any others ? eos O O O O O O N/A +bos there 's also sala thong in the west part of town . they 're located at 35 newnham road newnham and you can call them at 01223 323178. eos 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 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 N/A +bos perfect . thank you very much ! eos O O O O O O O O general-thank +bos i hope you enjoy your thai food . goodbye . eos O O O O O O O O O O O general-bye +bos i want a place with austrian food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , i do n't have a restaurant that serves austrian food . do you have a second choice ? 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 ok , how about a place with spanish food ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there is la raza , a cheap spanish restaurant located at 4 - 6 rose crescent . there is also la tasca , a moderately priced spanish restaurant located at 14 -16 bridge street . eos 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 I-Restaurant-Inform+Addr O O N/A +bos thanks for your help ! goodbye . eos O O O O O O O O general-bye +bos thank you for using our system . goodbye . eos O O O O O O O O O O general-bye +bos am looking for the addenbrookes hospital eos O O O O O O O Hospital-Inform +bos addenbrookes hospital is located at hills rd , cambridge . is there a particular department you 'd like the 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 N/A +bos that is all , thank you . eos O O O O O O O O general-thank +bos you 're welcome . let me give you the hospital 's main phone number , which is 01223245151. 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 goodbye eos O O O O general-bye +bos you 're welcome . the centre is here to help . goodbye . 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 come to nandos city centre . i need it here by 04:00. 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 B-Taxi-Inform+Leave O N/A +bos i 'd be happy to book that for you . where will you be heading ? eos 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 warworth house . eos O O O O O O O O N/A +bos booking completed ! booked car type : red skodacontact number : 07116555709 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 help me reserve a taxi please eos O O O O O O O Taxi-Inform +bos okay , what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart +bos i will be leaving from pizza express fen ditton eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos okay . can i get a time that you 'd 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 O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i 'd like to arrive at the sidney sussex college by 12:45 , please . eos 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 O O O N/A +bos great , you will be picked up in a white toyota , the contact number is 07519220407. is there anything else i can do for you ? 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 general-reqmore +bos that 's all i need for today . i appreciate your help . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos you 're very welcome ! do n't hesitate to call again 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-reqmore +bos i need a taxi at ian hong house to leave by 14:45. eos O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos okay , what is your destination ? eos O O O O O O O O Taxi-Request+Dest +bos i want to go to the leicester train station . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos have you in a white honda , 07040297067 is the phone number . eos 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 N/A +bos thanks for the quick response . eos O O O O O O O general-thank +bos have a great day ! eos O O O O O O general-greet +bos please book me a taxi to club salsa after 01:30. eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave N/A +bos i can book you a taxi to club salsa at 1:30. where do you need 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+Depart +bos i am at saint john 's college . eos 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 arrive by ? eos O O O O O O O O O O Taxi-Request+Arrive +bos i want to arrive by 02:30. eos O O O O O O O N/A +bos before booking , please confirm either your arrival or departure time . there are 2 different times stated , so i want to be sure before reserving . eos O O O O O 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 'm sorry for the mixup . i want to leave after 01:30. eos O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos booking completed ! anything else i can help with ? booked car type : yellow fordcontact number : 07427696778 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 N/A +bos thanks ! that would 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 've just has a dispute involving an auto accident . i need some help urgently ! eos O O O O O O O O O O O O O O O O O O N/A +bos the number to reach the parkside police station is 01223358966. i suggest you give them a call . they can help with the accident . eos O O O O O 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 . what is the postcode for that station ? eos O O O 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 's all ! ! eos 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 general-welcome +bos on the contrary ... thank you . goodbye . eos O O O O O O O O O O general-bye +bos good day and goodbye . eos O O O O O O general-bye +bos i am looking for a train . the train should leave on tuesday and should depart from peterborough 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 trains that meet that criteria . what destination are you looking for ? 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 leave from peterborough . eos O O O O O O B-Train-Inform+Depart O N/A +bos how about tr5042 that arrives at 05:19 ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O N/A +bos i 'd like to arrive by 10:45 , do you have something close to that time ? eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O N/A +bos there are several trains that meet that criteria . 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 O O O O Train-Request+Leave +bos departure time does n't matter , just want to arrive by 10:45 so whatever is closest to that arrival 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 O Train-Request+Leave +bos great , i have a train that meets your criteria . 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 O O O O O Train-OfferBook +bos wait , does this train go to cambridge ? that 's my destination . eos O O O O O O O B-Train-Inform+Dest O O O O O O O N/A +bos yes i have a train that arrives at cambridge on tuesday at 10:38 would you like me to book that for you ? eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave O B-Train-Inform+Arrive O O 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 'd be happy to help with your request , 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 +bos just one please . eos O O O O O N/A +bos booking was successful , the total fee is 16.5 gbp payable at the station . reference number is : ormu35ru . 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 did n't actually need to reserve a seat . could you comfirm the departure 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 Train-Request+Leave +bos tr9620 leaves at 09:48. do you need anything else ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O general-reqmore +bos no , that 's all i need for now , thanks ! eos O O O O O O O O O O O O O general-thank +bos you 're welcome . have a safe trip ! eos O O O O O O O O O O general-welcome,general-bye +bos i am injured i need a hospital that has the cambridge eye 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 O N/A +bos the number for that department is 0122357168 eos O O O O O O O O N/A +bos thanks . can i get an address as well ? eos O O O O O O O O O O O Hospital-Request+Addr +bos addenbrookes hospital is located at hills rd , cambridge . do you need the postcode ? eos O O O O O O O O O O O O O O O O O N/A +bos yes , please . may i also have the general phone number for my records , too ? eos O O O O O O O O O O O O O O O O O O O Hospital-Request+Phone +bos the main phone number for addenbrookes hospital is 01223245151. 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 N/A +bos can i please have the full address of the hospital as well as the postal code ? eos O O O O O O O O O O O O O O O O O O Hospital-Request+Addr +bos the address of the hospital is tr6247 . the postcode is cb20qq . eos O O O O O O O O O O O O O O N/A +bos how would i find tr6247 in cambridge ? eos O O O O O O O O O N/A +bos sorry for the mix-up the full address for addenbrookes hospital is ( including postcode ) : hills rd , cambridge , cb20qq and their number is 01223245151. 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 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 glad to be of help . good 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 have a star of 4 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+Stars O O O O O N/A +bos try the a and b guest house or arbury lodge guesthouse eos O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos are either of those in the cheap price range ? eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos in what section of town are you looking to stay ? i have 8 different lodgings that fit your requirements . eos O O O O O O O O O O O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area +bos i am not really picky . eos O O O O O O O N/A +bos i would like the arbury lodge guesthouse eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos is it cheap ? eos O O O O O N/A +bos no , but the alexander bed and breakfast is in the cheap range and has wifi . it 's in the centre of town . would you like me to reserve a room 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 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 Booking-Inform,Hotel-Inform+Internet +bos that sounds good , yes . i need 4 nights booked for me , beginning friday and for 7 people . eos O O O O O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+People O O O O N/A +bos i 'm sorry . alexander bed and breakfast is fully booked . do you want to book starting 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 O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos yes , 3 nights please and can i have a reference number eos O O O B-Hotel-Inform+Stay O O O O O O O O O Hotel-Request+Ref +bos i 've booked that reservation . the reference number is 1g6a07oi . can i assist with something 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 , i 've got everything i need . i appreciate your help . eos O O O O O O O O O O O O O O O N/A +bos great , thank you for using cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O O O general-bye +bos can you give me some suggestions on restaurants ? i 'm interested in a cheap mediterranean 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 O O N/A +bos the gardenia in centre meets your specifications , would you like the address ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Area O O O O O O O O O O general-reqmore +bos that sounds like a great restaurant . is it really good ? eos O O O O O O O O O O O O O Restaurant-Inform +bos yes , it is wonderful food in the centre of town . can i reserve a table 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 sure ! it 's a party of 4 , and we 'd like to eat at 18:00 on wednesday . can i get the reference number , too ? eos O O O O O O O B-Restaurant-Inform+People 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 N/A +bos great i was able to book that reference number is 3hfqtsau . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks so much . are you able to help with train schedules too ? eos O O O O O O O O O O O O O O O Train-Inform +bos yes of course , can i get information on your departure and arrival locations ? eos 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 from cambridge to stansted airport . eos 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 are you wanting to leave or arrive ? 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 want to leave from cambridge on thursday and arrive by 16:00 on that same day . eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O O N/A +bos how about the tr6456 ? it arrives at 15:08. eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O N/A +bos that will work . could you reserve 4 seats on that train for me ? eos O O O O O O O O B-Train-Inform+People O O O O O O O N/A +bos i was able to book you 4 tickets . your reference number is r9x7vu6w . is there anything else i can assist you with ? 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 no , that is everything that i needed . thank you so much for all of 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 thank you for using our service today . eos O O O O O O O O O general-bye +bos yes , i need help finding a restaurant there in cambridge . eos O O O O O O O O O O O O O Restaurant-Inform +bos there are quite a few restaurants here in the city ! did you have a particular type of food in mind , or a 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 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 O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i am actually looking for efes restaurant . i would like to book a table for 7 people on sunday at 19:30. and please provide a 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+Day O B-Restaurant-Inform+Time O O O O O O O N/A +bos ok your booking was successful you reference number is 3g02x88x . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks . can you check on trains for me ? eos O O O O O O O O O O O Train-Inform +bos as there are quite a few trains , what is your destination , departure , and arrival time needed ? i will narrow them down for you . 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 O Train-Request+Dest,Train-Request+Arrive,Train-Request+Depart,general-greet +bos i will be departing birmingham new street on sunday . i want to arrive at cambridge by 14: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 O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos tr7468 would arrive cambridge at 13:23. would that work fine for you ? 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 Train-OfferBook +bos that would be great . i will need 7 tickets booked please . eos 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 420.56 gbp payable at the station .reference number is : ui1lgpay . 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 . that 's all i need . have a nice 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 and enjoy your stay in cambridge ! eos O O O O O O O O O O general-welcome +bos is there a cinema in the west area ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos there are no cinemas in the west part of town in my system . 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 N/A +bos too bad . how about museums ? can you recommend one for me ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos there are 7 museums in the area , would you be interested in the lynne strover gallery ? eos O O 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 O N/A +bos yes i would . can you give me the address , post code , and phone number for that museum ? 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 lynne strover gallery is located in the west at 23 high street , fen ditton postcode cb30aq , phone 01223295264. can i help with anything else ? eos 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 I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos thanks . i also am looking for a place to stay with 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 i have 29 results that match your request . to narrow it down , what area are you looking to stay in , and what 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 O Hotel-Request+Price,Hotel-Request+Area +bos i would like to stay in the west as well . eos O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos there are 4 hotels in the west area . could you tell me what 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 O Hotel-Request+Price +bos oh , any of them will do . let 's book it for 3 people for 5 nights starting wednesday . 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 N/A +bos i 'm sorry but none of the hotel are available . would you like to book another 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos will a two night stay work ? if that works go then ahead 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 O O O Hotel-Request+Ref +bos finches bed and breakfast was booked reference number qw2d4cnl eos 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 N/A +bos i think that 's it ! have a nice day ! eos O O O O O O O O O O O O N/A +bos have a good trip ! eos O O O O O O general-bye +bos thank you for your help . good bye . eos O O O O O O O O O O general-bye +bos thanks for using our service . have a great day . eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'm going to be in centre cambridge and am looking for something to do . suggestions ? eos 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 yes i have many options . you could visit architecture , a museum , the theater or the cinema . which do you prefer ? there are also a lot of famous colleges 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 B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O O O Attraction-Select +bos how about a college ? eos O O O O B-Attraction-Inform+Type O N/A +bos there are thirteen colleges in central cambridge . corpus christi , for example , is located at king 's parade . trinity college is located at trinity street . would you like more information ? eos 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 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 general-reqmore +bos i would like to see more information about corpus christi . eos O O O O O O O O O O O O N/A +bos of course . it is located in the town centre , on king 's parade . the cost is 2 pounds and you can call them at 01223338000. is there anything else i could help you with ? eos O O 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 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 O general-greet,general-reqmore +bos i would like the postcode for corpus christi too . eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb21rh . 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 general-reqmore +bos i would also like to book a place to stay , please . eos O O O O O O O O O O O O O O N/A +bos we have many different hotels . is there a particular part of town you would like to stay 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 O O O O Hotel-Request+Area +bos i would like a moderate priced guesthouse if possible . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O N/A +bos of course ! are you looking for a certain part of town ? how about amenities ? eos 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,general-greet +bos i would like for it to have free wifi . eos O O O O O O O O O O O N/A +bos we do not have any located in centre cambridge . we do have 14 locations in the area that offer moderate pricing and internet . is there a better area ? eos O O O O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O 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 Hotel-Request+Area +bos any area of town is fine for the guesthouse . pick your favorite and book 4 nights starting on saturday for 2 people , please . 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+Day O O B-Hotel-Inform+People O O O O N/A +bos i 've booked you a room at the lovely avalon ( ref # 3ok8zq7u ) . can i help with anything else today ? 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 O O O general-reqmore +bos actually , yes . can you book a taxi leaving corpus christi college by 24:15 ? eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Leave O O N/A +bos booking completed ! please look out for a black audi . the contact number is 07752731336. 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 O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos okay great . you 've been a lot of help . eos O O O O O O O O O O O O N/A +bos thank you for using cambridge towninfo centre . eos O O O O O O O O O general-welcome +bos i am planning a trip to cambridge . i was hoping to find the attraction called magdalene college . 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 O O N/A +bos magdalene college is located in the west part of cambridge . what information would you like about the college ? eos O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O N/A +bos i 'd like the postcode and address , please . eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos magdalene college is located on magdalene street with a postcode of cb30ag . 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 B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos i 'd like to find the ashley hotel , please . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos the ashley hotel is a moderately priced hotel on the north side of town . would you like assistance booking a room there ? 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 B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform +bos yes . i 'd like to book a room on friday for 2 nights for 7 people . eos 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 N/A +bos that booking was unsuccessful . would you like to try a different day , or a different 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos how about just for 1 night ? can i also get a reference number . eos O O O O O O B-Hotel-Inform+Stay O O O O O O O O O Hotel-Request+Ref +bos the booking was successful . your reference number is zr1yuzb1 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you . i also need a taxi from the college to the hotel , please . 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 would be happy to book a taxi for you , what time would you like to leave the college 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 Taxi-Request+Leave +bos i 'd like to leave the college by 7:00. eos O O O O O O O O O O N/A +bos your booking with a white ford has been completed . the contact number is 07979324338 and you will leave at 7:00. 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 B-Taxi-Inform+Leave O N/A +bos thank you that is all , good bye . eos 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-welcome,general-bye +bos i am looking for a place to dine . the restaurant should be in the moderate price range and should serve international 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 may i recommend bloomsbury restaurant ? it serves wonderful international food . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food O O N/A +bos are they located in the cetre ? eos O O O O O O O O N/A +bos yes , they are . should i book that for you ? eos O O O O O O O O O O O O O Restaurant-Inform,Booking-Inform +bos yes , please try for sunday at 19:00 for 2 people . eos 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 alright - you are booked , reference number is 4ghah1tc . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks so much . that 's all i needed . goodbye . 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 great day . eos O O O O O O O O O O O O O O O general-bye +bos i am looking for a nightclub . are there any located in the south side of cambridge ? 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 N/A +bos the place is the only night club in the south of cambridge . would you like more information ? 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 I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O general-reqmore +bos yes , may i have the postcode please ? eos O O O O O O O O O O Attraction-Request+Post +bos the place is located on 22 signey street with a post code of cb23hg . eos 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+Post O N/A +bos i 'm also looking for a hotel to stay at called huntingdon marriot hotel . what is the address ? 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 the address is kingfisher way , hinchinbrook business park , huntingdon . the postcode is pe296fl . would you like a reservation ? eos O O O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Post O O O O O O O O O Booking-Inform +bos perhaps , can you tell me how many stars they have and 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 Hotel-Request+Stars,Hotel-Request+Parking +bos the huntingdon marriott hotel is a 4 star hotel and does offer free parking . can i reserve 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 O O Booking-Inform,Hotel-Inform+Parking +bos yes . i also need a taxi to pick me up at the club by 23:45. i need a number and car type , please . 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 Taxi-Request+Car +bos where would you like the taxi to take you ? eos O O O O O O O O O O O Taxi-Request+Dest +bos the huntingdon marriott hotel please . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos i have scheduled a yellow toyota taxi to pick you up at 23:45. their contact for any questions is 07081942286. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Leave O O O 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 i can help you with ? eos 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 O general-thank +bos thank you , and have a nice day ! eos O O O O O O O O O O general-bye +bos can you help me find a night club in south cambridge ? eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos the place is located at 22 sidney street . their phone number is 01223324600. you will need to call for their entry fee . eos 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 B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A +bos can you schedule me a taxi to take me there ? eos O O O O O O O O O O O O Taxi-Inform +bos i can book you a taxi , can you tell me the arrival or departure time ? 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 also , i need a hotel with parking and 2 stars . eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O N/A +bos i have three options for you - two in the north in the moderate price range and one that 's expensive 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+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos ok , tell me about the ones to the north . i need one that 's a regular hotel and not a guesthouse . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos the ones in the north are the ashley hotel and the 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 Hotel-Select +bos no , please book one of them for me for 4 people staying 2 nights starting tuesday . can you provide me with the reference number for that booking ? 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 O O O O O O O O O Hotel-Request+Ref +bos i have successfully booked you at the ashley hotel . the reference number is ymeo7l37 . can i help you with anything else today ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 everything . thanks a bunch ! 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 looking for an indian 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 have found 9 results for an indian restaurant in the centre area , do you have a price preference ? eos O O O O O B-Restaurant-Inform+Choice 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 an expensive indian restaurant located in the centre please . eos O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A +bos saffron brasserie is located in the centre area . would you like me to book a table ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform +bos no but 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos yes . the address is hills road city centre . their phone number is 01223354679. their postcode is cb21la . is there anything else i can help with ? 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 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 some information about the train schedule . i want to leave on saturday . eos 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 sure thing what places and times would you like to travel ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart +bos i 'm going to bishops stortford after work , after 21:15 would work . eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O O N/A +bos i have two trains that leave after that time . one departs at 21:29 and the other departs at 23:29. 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O Train-Select +bos i would like to book the first one . can you give me the price on that ? 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 price of that is 8.08 pounds . eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos ok thank you for the information that 's all i needed today . eos O O O O O O O O O O O O O O general-thank +bos ok have a great time eos O O O O O O general-bye +bos i 'm looking for something to do tonight . maybe the theatre ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos there are 5 theatres , 4 in the centre and 1 in the south . there are no fees listed , would you like information on any of these ? eos O O O O B-Attraction-Inform+Type O O O O O O 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 O O O general-reqmore +bos can you give me any one in the centre , and give me phone number 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 Attraction-Request+Post,Attraction-Request+Phone +bos you can try adc theatre , phone number is 01223300085 and postcode cb58as eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O N/A +bos that is great can you also find me a hotel with a 0 star in the same area as the theatre 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 N/A +bos i have two choices for you . do you need parking ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Parking +bos no , i do not need parking but need wifi while in the hotel . eos O O B-Hotel-Inform+Parking O O O O O O O O O O O O O N/A +bos let me look for a hotel with wifi . eos O O O O O O O O O O Hotel-Select+Internet +bos ok thank you , i would like the room for thursday . eos O O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos i have two options with internet do you have a price reference ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet +bos i do n't have a preference , please just pick one . eos O O O O O O O O O O O O O N/A +bos we can try el shaddai . how many nights will you be staying , and with how many people ? eos 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 Booking-Request+People,Booking-Request+Stay +bos three , nights and three people , from thursday on . eos O O O O O O O B-Hotel-Inform+Day O O O O N/A +bos i was able to book you a room for 3 for 3 nights starting thursday . your reference number is mhtjjn91 . eos O O O O O O O O O O O B-Booking-Book+People O O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A +bos fantastic , i 'd also like a taxi to take me between the two locations , please . eos O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos do you know what time you want to leave by ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i need to leave the hotel by 23:30. can you please give me the contact number and car type for the taxi ? 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 O O Taxi-Request+Car +bos sure , i have found you a white tesla . their contact number is 07150153206. 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 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 general-thank +bos it has been my pleasure ! goodbye ! eos O O O O O O O O O general-bye +bos i am looking for the museum of archaelogy and anthropology . do you have any information on this attraction ? 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 O O O O O O O O O N/A +bos yes , this museum is in the town centre and the entrance is free . would you like the address and phone number ? eos O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos yes please if you do not mind . eos O O O O O O O O O N/A +bos the address of the museum is university of cambridge , downing street . the phone number is 01223333516. can i help you with anything else ? eos O O O O O B-Attraction-Inform+Type 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 i am also looking for a hotel called leverton house . do you have any information on it ? 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 O O N/A +bos yes , i do . the leverton house is located in the east . it has 4 stars and is relatively cheap . it 's located at 732-734 newmarket road . phone is 01223292094. does that help ? 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 B-Hotel-Inform+Stars O O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 O O O O O O general-reqmore +bos yes , could you book me a room for 4 nights starting on tuesday . there will be 5 of us staying there . 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 O O O N/A +bos your booking was a success ! your reference number is 49jmgafp . 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 that 's all i needed . thank you ! eos O O O O O O O O O O general-thank +bos if you should need anything else , please contact us again . 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 O general-bye +bos i am looking for a moderate price 3 star hotel . can you help with that please ? eos 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 N/A +bos there are four hotels that match your criteria . would you like to tell me more about your trip so i can help find the best one ? 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 O O O O O O O O O general-reqmore +bos i 'm looking to stay at a guesthouse please . eos O O O O O O O B-Hotel-Inform+Type O O O N/A +bos alpha-milton guest house looks like a good location would you like that ? eos O O O O O O O O O O O O O O N/A +bos yes please . i need to book it for monday for 4 guests staying 2 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 N/A +bos i am sorry but that was unsuccessful . would you like to book another 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos can you try booking it for just one night ? if that works i will need the reference 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 Hotel-Request+Ref +bos that went through ! your reference number for your one night stay at the alpha milton guest house is wkuzw2qi . do you need anything else today ? eos O 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos great ! i am also looking to do something fun , what kind of entertainment is available in the south area ? eos 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 O N/A +bos there is tenpin in the south that i recommend . does that interest you ? eos O O O B-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O O O O O O Attraction-Select,general-reqmore +bos sure , is it labelled as entertainment ? i will just need the postcode . eos O O O O O O O O O O O O O O O O Attraction-Request+Post +bos yes the tenpin is labelled as entertainment , the postcode is cb17dy . can i help with anything else ? eos O O O B-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos no thank you . thank you for everything ! eos O O O O O O O O O O general-thank +bos you 're welcome ! and you have a great day ! eos O O O O O O O O O O O O general-welcome,general-bye +bos could you please assist me in finding a hospital in town eos O O O O O O O O O O O O Hospital-Inform +bos certainly the info of the nearest hospital is as follows : addenbrookes hospitaltelephone : 01223245151address : hills rd , cambridgepostcode : 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 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 ! have a pleasant day ! eos O O O O O O O O O O general-welcome,general-bye +bos get me the address to the police station nearest me . eos O O O O O O O O O O O O Police-Request+Addr +bos the nearest police station is parkside police station and the telephone is : 01223358966. here is the address : address : parkside , cambridgepostcode : 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 N/A +bos thanks so much for the information . eos O O O O O O O O general-thank +bos no problem ! have a good one . eos O O O O O O O O O general-bye +bos i would like a taxi please eos O O O O O O O Taxi-Inform +bos i would be happy to help with your request , fist i 'll need to know your departure site/destination . 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 +bos what time do you need at taxi and from where ? eos O O O O O O O O O O O O Taxi-Inform +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 actually need to arrive at 19:30. eos 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 departing from frankie and bennys eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 caffe uno . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos your taxi is booked . it is a grey volkswagen with the contact number 07111100101. 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 thank you . i 'm glad it 's taken care of . eos O O O O O O O O O O O O O general-thank +bos you are welcome . do you need help with anything else ? eos O O O O O O O O O O O O O general-reqmore +bos there is nothing more , thank you . 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-greet +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 located at hills rd , cambridge . 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 welcome , have a nice day . eos O O O O O O O O O O general-welcome,general-bye +bos i need some train schedule information , please . eos O O O O O O O O O O Train-Inform +bos is there a specific destination you need to depart from ? eos O O O O O O O O O O O O Train-Request+Depart +bos yes , the train should arrive by 18:15 and should depart from ely . eos 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 want to go to cambridge , please . eos O O O O O O B-Train-Inform+Dest O O O N/A +bos trainid departure destination day leaveat arriveby price duration book ( optional ) tr8519 ely cambridge friday 05:35 05:52 4.40 pounds 17 minutes tr8510 ely cambridge friday 07:35 07:52 4.40 pounds 17 minutes tr3976 ely cambridge friday 09:35 09:52 4.40 pounds 17 minutes tr0212 ely cambridge friday 11:35 11:52 4.40 pounds 17 minutes tr0236 ely cambridge friday 13:35 13:52 4.40 pounds 17 minutes there is a sample eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O O 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 . eos O O O O O O O O O general-thank +bos did you say you were leaving on friday ? eos O O O O O O O O O O Train-Request+Day +bos i need to leave on thursday , not friday . eos O O O O O O B-Train-Inform+Day O O O O N/A +bos i see . all right , i 've adjusted that information for you . eos O O O O O O O O O O O O O O O N/A +bos that is all i needed . eos 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 need to get a taxi from emmanuel college eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos where will you be going ? eos O O O O O O O Taxi-Request+Dest +bos i 'm heading to finches bed and breakfast . 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 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 do n't have a preference but would like to arrive by 22:30. eos O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos you 're all set . expect a black audi , contact number 07715481740. 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 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 general-thank +bos have a wonderful time , and good luck ! eos O O O O O O O O O O general-bye +bos i 'm trying to find the parkside police station please . eos O O O O O O O O O O O O Police-Inform +bos their contact number is 01223358966 , and they are located in postcode cb11jg . eos O O O O O O O O O O O O O O O N/A +bos thanks , what is the address ? eos O O O O O O O O Police-Request+Addr +bos the address is parkside , cambridge . eos O O O O O O O O N/A +bos that 's all i need . thanks . goodbye . eos O 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 need to book a taxi to pembroke college from prezzo . eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Depart O N/A +bos when would you like to leave ? eos O O O O O O O O Taxi-Request+Leave +bos i would like to get there by 13:00. eos O O O O O O O O O N/A +bos ok , what time would you like to leave ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i want to get there by 13:00. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos i 've booked for you a white volkswagen , the contact number is 07750608995. 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 ok , that 's all i need . thanks ! 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 's everything . goodbye . eos O O O O O O O general-bye +bos have a great trip . eos O O O O O O general-welcome,general-bye +bos i need to take a train on tuesday . i want to visit somewhere i have n't been before . 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 that sounds like fun ! will you be departing from cambridge or somewhere else ? eos O O O O O O O O O O O O O O O O Train-Request+Depart +bos i need to depart cambridge and head to the stansted airport and arrive by 12:15 eos O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A +bos there are several options for you , leaving hourly . the tr7293 leaves at 11:40 and arrives at 12:08. would you like me to book that for you , or perhaps an earlier one ? 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 O O O O O O O Train-Select,Train-OfferBook +bos that sounds great . can you book 4 seats for me ? eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos sure . i have done so and your confirmation number is voons2e2 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos i am also interested in places to go in town centre . can you offer me some ideas ? 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 there are numerous options available . were you looking for free attractions ? there are some great free museums . eos O O O O O O O O O O B-Attraction-Select+Fee O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O N/A +bos sure , a museum sounds good , which one would you recommend ? eos O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos i just love the museum of archaeology and anthropology . they 're in the city centre and have no entrance fee . 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 I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area I-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 that sounds perfect . i will check it out , thanks . eos 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-reqmore +bos that is all , goodbye . eos O O O O O O O general-bye +bos goodbye . enjoy your trip . eos 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 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 particular department . could i get their phone number ? eos O O O O O O O O O O O O Hospital-Request+Phone +bos the number for the hospital is 01223245151. 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 N/A +bos can you also give me their address while i call them , to save some time ? 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 yes , it is hills rd . cambridge . postcode is 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 O O general-bye +bos goodbye . i hope you feel better ! eos O O O O O O O O O general-bye +bos where is the addenbrookes hospital located ? eos O O O O O O O O Hospital-Inform +bos the hospital is located at hills rd , cambridge . eos O O O O O O O O O O O N/A +bos can you also tell me what the phone number and post code for the hospital is ? eos 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 sure , the telephone number is 01223245151 and the post code is cb20qq . eos O O O 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 welcome . at your service next time eos O O O O O O O O general-welcome,general-bye +bos i 'm interested in a place called restaurant one seven . what can you tell me about 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 O O N/A +bos restaurant one seven serves british food ! it is moderately priced ! eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos awesome ! can you book a table for me ? 4 people at 15:30 on monday . 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 N/A +bos okay i have you booked there for monday at 15:30 and your reference number is 0j39ojvt . eos 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 N/A +bos great thank you ! that 's all i need . eos O O O O O O O O O O O general-thank +bos it was my pleasure to help you . please feel free to call us again in the future . 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 general-bye +bos i need informant on trains . eos O O O O O O O Train-Inform +bos okay what information do you need per say ? eos O O O O O O O O O O general-reqmore +bos i 'd like a train from cambridge to london liverpool street , arriving by 21:30 on tuesday . 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 B-Train-Inform+Arrive O B-Train-Inform+Day O O O N/A +bos tr3515 will arrive at 21:27 , would that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O N/A +bos sure . could you tell me the typical travel time , and price for a ticket ? 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 typical travel time is 88 minutes and it is 16.60 pounds per ticket . would you like for me to book that for you ? eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time 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 O O Train-OfferBook +bos no . could you please find me a restaurant in the center of town in the expensive price range ? 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 Train-Request+Price +bos we have 5 different restaurants in the centre . two of them are expensive , one of them is african cuisine , the other is oriental cuisine . what do you prefer ? eos O O O O B-Restaurant-Inform+Choice 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 O O O O O O O O Restaurant-Select +bos what are the expensive ones ? eos O O O O B-Restaurant-Inform+Price O O N/A +bos we have the bedouin , kymmoy , fitzbillies restaurant , the cambridge chop house , and the midsummer house restaurant . all 5 are expensive and in the town centre . 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O N/A +bos could i have the postcode of one that you recommend ? eos O O O O O O O O O O O O Restaurant-Request+Post +bos how about bedouin ? the postcode is cb12bd . can i help you with anything else ? eos O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Post O O O O O O O O O O general-reqmore +bos no that is it for today . thanks for helping 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 looking for a train from stevenage to cambridge . can you help me ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O N/A +bos of course ! what day would you like to leave 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 O O O O Train-Request+Arrive,Train-Request+Day,general-greet +bos i am looking to arrive by 17:15 on tuesday . eos O O O O O O O O O O O N/A +bos i have found you a train that leaves at 15:54 and arrives by 16:43. would you like this one ? 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 Train-OfferBook +bos yes could you please book that for me for 8 people and provide a reference number for the booking . 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 N/A +bos booking was successful , the total fee is 102.4 gbp payable at the station . reference number is : aim1qz4c . 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 ! i also am looking for a place to eat at in the west area . i would prefer a nice expensive one . 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-Restaurant-Inform+Price O O O O N/A +bos we have many fine restaurants in the west , but i recommend sala thong , which serves thai food . would you like to book a table ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area 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 is there any place to eat that serves indian ? eos O O O O O O O O O B-Restaurant-Inform+Food O N/A +bos which area are you referring to ? eos O O O O O O O O Restaurant-Request+Area +bos i would like it to be in the west of town . eos O O O O O O O O O O O O O N/A +bos would you like me to reserve a table ? eos O O O O O O O O O O Booking-Inform +bos yes please book it for 8 people on tuesday at 20:15 eos O O O O O O O O O O O O N/A +bos which restaurant should i book ? there are 5 , in the west , that serve indian food . eos O O O O O O O O O B-Restaurant-Select+Choice O B-Restaurant-Select+Area O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O Booking-Inform +bos can you suggest one that has an expensive price range , please ? eos O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos yes , i recommend tandoori palace . it meets your specifications . would you like 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 O O O O Booking-Inform +bos yes , please book a table for 8 on tuesday at 20:15. i 'd also like the reference number , 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 N/A +bos i have the reservation booked at the restaurant . the reference number is 2yceetcj . 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 . i think that will be it for 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 O O O O O general-bye +bos i 'm glad i could help . have a wonderful trip and a wonderful day . 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,general-greet +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos i need 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 general-reqmore +bos i 'd like a moderately priced place to stay . but only if it is a 0 star . i love a little adventure ! eos O O O O B-Hotel-Inform+Price O O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos cityroomz meets your specifications . want to book ? eos O B-Hotel-Inform+Name O O O O O O O O Booking-Inform +bos yes please . 5 people for 2 nights , starting wednesday . eos 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 make your reservation . your confirmation is 8s83g1yc . can i help 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 also needs a train after 18:00 out of cambridge . eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O N/A +bos can you tell me your destination please ? eos O O O O O O O O O Train-Request+Dest +bos i would like to go to ely and would like to leave on friday . eos O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O N/A +bos the next train leaves cambridge at 19:50. would you like more information or can i book it for you ? eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos that will work for me . can you book 5 tickets for me ? eos O O O O O O O O O O B-Train-Inform+People O O O O N/A +bos i 've booked 5 tickets on the 19:50 train leaving cambridge to ely . your total fare is 22gbp , payable at the station , your reference number is hrblrjcu . eos O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Dest 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 N/A +bos that is all , thank you for you 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 i 'm looking for information . i need to find 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 N/A +bos i can help with that ! cambridge has lots of different attractions do you have a specific type in mind ? eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Type +bos yes , i 'd like to visit an entertainment attraction . eos O O O O O O O B-Attraction-Inform+Type 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 it should be in the south . eos O O O O O O B-Attraction-Inform+Area O N/A +bos how about tenpin ? it 's located in the south . eos O O O B-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area O O O N/A +bos that should work then . can i get their 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 tenpin is located at cambridge leisure park , clifton way , posrtcode cb17dy . i do not have fee information , but they can be reached at 0871550101. 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 B-Attraction-Inform+Post O O O O O O O O O O O O O B-Attraction-Inform+Phone 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 Hotel-Request+Ref +bos there is no option for me to book it . 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 i am also looking for a hotel to stay out in the moderate price range , it also needs to have free parking . eos O O 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 O O N/A +bos well , i have a couple of choices for a moderate hotel . they 're both in the north and have two stars ( and free parking ) . one is the ashley hotel and the other is lovell lodge . do you have a preference ? eos O 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 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+Name I-Hotel-Inform+Name O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos i 'll do the ashley hotel . i need a room for 5 nights starting on monday . eos O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A +bos great ! how many people will be staying ? eos O O O O O O O O O O Booking-Request+People +bos it 's just me eos O O O O O N/A +bos so just 1 person ? eos O O O O O O Booking-Request+People +bos yeah , like i said , it will just be me staying . eos O O O O O O O O O O O O O O N/A +bos your booking was successful . the reference number is : 9aa41tbm . 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 thanks , i also need a taxi to get from the hotel and the attraction . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos when would you like to leave ashley hotel or arrive at tenpin ? 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 arrive by 21:45. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos booking completed ! lookout for a blue volkswagen , contact number 07652098253. is there anything else i can help with ? 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 O O N/A +bos no that 's everything for me . thank you ! eos O O O O O O O O O O O general-thank +bos you are more than welcome ! good bye . eos 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 okay ! what would you like to know ? eos O O O O O O O O O O general-reqmore +bos first , i need a cheap guesthouse in the centre . it should have free wifi . eos 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 N/A +bos yes i have two one is rated 4 stars and the other has a 0 star rating . which do you prefer ? eos O O O O O O O O O O O O O O O O B-Hotel-Select+Stars O O O O O O O N/A +bos i would prefer the 4 star rated one . i need to book it for 2 people for 4 nights starting friday . eos O O O O O O B-Hotel-Inform+Stay 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 okay . your booking at the alexander bed and breakfast was successful . your reference number is 7il8sajv . 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 O O B-Booking-Book+Ref O O O N/A +bos great thank you eos 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 need a train that leaves on monday going to birmingham new 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 N/A +bos there are trains every hour to birmingham new street . it takes 163 minutes . what time would you like to travel ? eos O O O O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-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 need to depart from cambridge , leaving after 20:30 eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O N/A +bos there are three trains that depart after 20:30 the first one departs at 21:01. would you like to book a seat ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos no thank you ! i just need the arrival time , travel time , and train id . 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 tr2392 arrives at 23:44. i travels for 163 minutes . eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time 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 O general-reqmore +bos no that 's 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 O general-welcome +bos have you heard of saint barnabas press gallery ? eos 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 of course ! is a nice little museum on the east side . it 's free to enter , and a nice place to spend an afternoon . eos O O O O O O O B-Attraction-Inform+Type O O B-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 O O N/A +bos may i have the address and area please ? eos O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Addr +bos its on the east side at the belfast yard , coldham 's road . postcode cb13ew . is there anything else i can help you with ? eos 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 B-Attraction-Inform+Post O O O O O O O O O O O O O O general-reqmore +bos i 'm also looking for a guesthouse that includes free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos there are a lot of options , what 's your price range ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Price +bos the hotel should be in the moderate price range eos O O O O O O O B-Hotel-Inform+Price O O N/A +bos acorn guest house is a moderate 4 star facility in the north . would that meet your needs ? eos O B-Hotel-Inform+Name I-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 general-reqmore +bos that sounds great can you book a room for 4 people ? we are checking in monday and staying 4 nights . eos 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 N/A +bos your reservation for 4 at the acorn guest house for monday for 5 days 4 nights was successful . your reference number is : 7erdyin3 . eos 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 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 N/A +bos great , thank you . i think that is all i will be needing . 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 i 'm glad i could assist you . enjoy your stay . good-bye . eos O O O O O O O O O O O O O O O general-bye +bos i need to find a hotel to stay in , some place with free parking . thank you . 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 options for you eos O O O O B-Hotel-Inform+Choice O O N/A +bos okay , thank you ! i would like a 4-star hotel . eos O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos that narrowed it down some , but we still have plenty of options available . is there anything else you 're looking for like a certain price range or maybe internet ? 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 O O O O O O O Hotel-Request+Internet,Hotel-Request+Price +bos any place in the south area of town ? eos O O O O O B-Hotel-Inform+Area O O O O N/A +bos i found two 4-star hotels in that area : aylesbray lodge guest house and rosa 's bed and breakfast . eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type 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 the first hotel will do great , i need to book for 4 people and 2 nights starting from tuesday . 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 booking was successful . reference number is : pz6rf1h0 . is there anything else i could 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 would also like to find a pricey gastropub , eos O O O O O O O O O B-Restaurant-Inform+Food O N/A +bos there are three expensive gastropub restaurants . would you rather be in the centre or the east ? eos 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 B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A +bos i would prefer the south . eos O O O O O O O N/A +bos unfortunately the only restaurants that meet your criteria are in the centre or the east . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos can you look again ? i thought i saw one in the south area the last time i was 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 N/A +bos there are none in the south side of town . eos O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O N/A +bos can you check all the gastropubs in town ? eos O O O O O O O O O O N/A +bos there are 4 gastropub restaurants in town . three are located in the centre , one is in the east . three are expensive , and one is moderate . eos O O O O B-Restaurant-Inform+Food O O O 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 O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O N/A +bos i 'm sorry , i need a restaurant in the south . eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are no gastropub restaurants in the south . would you like a different kind of food ? 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 Restaurant-Request+Food +bos yes , let 's try an italian restaurant in the south , please . there should be one . 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 i have two italian restaurants in south . we have the pizza hut cherry hinton and frankie and bennys . which would you prefer ? eos O O O O B-Restaurant-Inform+Food 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 Restaurant-Select +bos i 'll go with frankie and bennys . do you have their phone number and 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 O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos yes . their phone number is 01223412430 located cambridge leisure park clifton way cherry hinton . anything else ? eos O O O O O O B-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 I-Restaurant-Inform+Addr O O O O O general-reqmore +bos can you help me book a taxi ? eos O O O O O O O O O Taxi-Inform +bos 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 ? eos O O O O 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 i need to leave the hotel by 6 and head to the restaurant . eos O O O O O O O O O O O O O O O N/A +bos i have booked you with a red honda taxi . their phone number is 07534551524. 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 B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos no thank you , you were helpful eos O O O O O O O O general-thank +bos thank you , any have a great day . eos O O O O O O O O O O general-bye +bos are there any trains that arrive in cambridge before 11:45 ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos yes there are . we start in early morning on most places . where will you be coming from 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+Depart,Train-Request+Day +bos i am leaving broxbourne on saturday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr2025 will arrive by 11:32. do you need anything else ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Arrive O O O O O O general-reqmore +bos yes , would you please make a booking for 8 on that train . eos O O O O O O O O O O B-Train-Inform+People O O O O N/A +bos the booking on train tr2025 was successful for a party of . the reference number is : ihphir7n . eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O B-Train-Inform+Ref O O N/A +bos great , thank you . can you also help me find 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 O N/A +bos there are 29 hotels and guesthouses that have free parking . what area are you looking into ? 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+Area,Hotel-Inform+Parking +bos a hotel in the heart of the center of the city that is a two star hotel or a hostel . but is has to be in the center of the town . 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 O O O N/A +bos i 'm sorry , there are no matching hotels or guesthouses . can you try a different star rating perhaps ? 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 Hotel-Request+Stars +bos as long as its in the centre and has a moderate price range its ok if it isnt a 2 star hotel . what options do i have ? 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O N/A +bos i 'm sorry , i 'm not seeing anything in the center area with a moderate price range and free parking . are you flexible at all with this ? eos O O O O O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area 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 Hotel-NoOffer+Parking,general-reqmore +bos sure , i can be flexible . how about in the north ? i need it for 8 , for two nights starting saturday . i need a reference number also . eos O O O O O O O O O O O B-Hotel-Inform+Area 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 N/A +bos booking was successful.reference number is : hzkm08ko . is there anything else i can be of help ? 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 thank you . that is all that i need . eos O O O O O O O O O O O general-thank +bos it was my pleasure to assist you today . please let us know if we can be of further help . 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 general-bye +bos i need a train for tuesday that will leave at 2:15. eos O O O O O O B-Train-Inform+Day O O O O O N/A +bos there are 2,828 trains with you description , would you kindly specify where it is you are going where from and time 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 Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest +bos i 'm going from cambridge to broxbourne on tuesday after 12:15 , what are my options for that ? eos 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 O O O O O O N/A +bos there are 11 different trains 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 Train-Request+Arrive +bos i do n't care much about arrival time but i need to leave sometime after 12:15 , please . eos O O O O O O O O O O O O O O O B-Train-Inform+Leave O O O O N/A +bos tr5802 leaves at 13:01 , will 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 yes that works . i need a booking for 6 people . eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos you are booked on tr5802 . your reference number is pegfa2wo . the total fee is 107.4 gbp . do you need help with anything else ? eos 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 general-reqmore +bos i 'm looking for the alexander bed and breakfast , could you get me the postcode and phone number ? 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-Request+Post,Hotel-Request+Phone +bos certainly . their phone number in 01223525725 , postcode cb12de . shall i book rooms for you at the guesthouse ? eos O O O O O O O B-Hotel-Inform+Phone O B-Hotel-Inform+Post O O O O O O O O O B-Hotel-Inform+Type O O Booking-Inform +bos not just yet thank you . eos O O O O O O O general-thank +bos is there anything else you would like me to lookup for you ? eos O 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 general-thank +bos if you should need anything else , we are always here to help . eos O O O O O O O O O O O O O O O general-bye +bos i need a train leaving after 11:00 on wednesday if you can help me . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O N/A +bos certainly . where would you like to go ? eos O O O O O O O O O O Train-Request+Dest +bos i need to go from cambridge to london liverpool 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 i have tr4604 leaving at 11:59 and arriving at 13:27. would you like to make reservations ? 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 Train-OfferBook +bos yes please make a booking for 1 people . eos O O O O O O O O B-Train-Inform+People O N/A +bos i was able to book you for train tr4604 . the total fee is 16.6 gbp . the reference number is : ig31yh6p . 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 O O O O O O B-Train-OfferBooked+Ref O O N/A +bos i need to find a place to stay . eos O O O O O O O O O O N/A +bos okay what is your price range ? eos O O O O O O O O Hotel-Request+Price +bos i would prefer a guesthouse in the cheap price range . thanks eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O N/A +bos we have many to choose from ! is there an area in town you want 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 Hotel-Request+Area +bos i 'm not sure but it needs to have free wi-fi . do you have some with those specifications ? 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 nine places that are cheap guesthouses and offer free wifi and free parking . if you know an area i can narrow it down or i can suggest one . eos O O O B-Hotel-Inform+Choice 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 O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i am open to any area , whatever you suggest is fine . eos O O O O O O O O O O O O O O N/A +bos okay when are you planning your stay so i can book the room eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform +bos i need a cheap guesthouse with free wifi . i would like it to be a hotel . eos 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 N/A +bos i 'm sorry , but your message is ambiguous . would you like to stay in a guesthouse , or in a hotel ? 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 O O O N/A +bos i would like a guesthouse . eos O O O O O B-Hotel-Inform+Type O N/A +bos would you like me to book it for you and get a reference number ? eos O O O O O O O O O O O O O O O O Booking-Inform +bos i am looking for a hotel called 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 the hotel is located in the eastern part of the city . it is in the expensive price range . would you like me to try and make a reservation ? eos O O B-Hotel-Inform+Type 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 B-Hotel-Inform+Price O O O O O O O O O O O O O O Booking-Inform +bos first , can you tell me if the hotel has internet available ? eos O O O O O O O O O O O O O O Hotel-Request+Internet +bos yes they have 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 Booking-Inform,Hotel-Inform+Internet +bos that wo n't be necessary right now . but , can you find a train that leaves after 19:30 and goes to cambridge ? 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 B-Train-Inform+Dest O O O N/A +bos sure ! just let me know what day you 're traveling as well as your departure 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 will be traveling on tuesday . eos O O O O O O O O N/A +bos great i also need to know where you will be leaving from . eos O O O O O O O O O O O O O O Train-Request+Day +bos leaving ely going to cambridge on saturday . i need arrival time , travel time and train id please eos 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 Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID +bos tr4288 arrives at 19:52. the travel time is 17 minutes . eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you . thanks for all your help . goodbye . eos O O O O O O O O O O O O general-bye +bos i am glad i have been of help . good day eos O O O O O O O O O O O O general-welcome,general-bye +bos i really need to get out of cambridge ! can you find me a train to leicester ? sometime after 08:45 because i like to sleep in . eos O O O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O O O O O O O N/A +bos i would be happy to help with your request , 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 Train-Request+Day +bos i 'll be leaving this place on saturday . eos O O O O O O O B-Train-Inform+Day O 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 it does not matter . eos O O O O O O N/A +bos there is a train that leaves at 9:21 and arrive in leiester at 11:06. 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+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 . what 's the cost of the ticket ? eos O O O O O O O O O O O O O general-thank +bos the ticket price is 30.24 pounds . can i be of further assistance ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O N/A +bos i also need the travel time and arrival time please . eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive +bos arrival time is 11:06 and travel time is 105 minutes eos O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time N/A +bos i 'm also looking for a particular hotel . its name is called cityroomz . eos O O O O O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos sure , what kind of information do you need ? eos O O O O O O O O O O O general-reqmore +bos i 'd like to to book it for 8 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 N/A +bos i have booked a room for 8 for 4 nights beginning on tuesday . your reference number is sy5aj8cl . 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 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 not at this time . thank you . eos O O O O O O O O O general-thank +bos have a fantastic day , goodbye . eos O O O O O O O O general-bye +bos i 'm looking for train information that leaves broxbourne after 0800. can you help ? eos O O O O O O O O B-Train-Inform+Depart O O O O O O O N/A +bos the tr3005 train leaves broxbourne on friday at 8:32 and will arrived at cambridge at 9:32. would you like me to book you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Day 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 Train-OfferBook +bos yes , please ! that would be great . thank you ! eos O O O O O 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 only need one ticket . eos O O O O O O O N/A +bos i have booked a ticket for one and here is the information-booking was successful , the total fee is 17.89 gbp payable at the station .reference number is : dfsn06mo . eos O O 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 I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos i also need a cheap place to stay with free parking . eos O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos there are several in that price range . did you have a particular area in mind ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos i do not . can you make a suggestion ? eos O O O O O O O O O O O N/A +bos yes , i would suggest allenbell eos O O O O O B-Hotel-Recommend+Name O N/A +bos it should also be a guesthouse with a 4 star rating . do you think allenbell would work ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Name O O O O N/A +bos yes , allenbell meets all that criteria . would you like me to book ? 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 no , but could i get their address ? eos O O O O O O O O O O Hotel-Request+Addr +bos yes , they are at 517a coldham lane , postal is cb13js , can i assist with anything else today ? eos O O O O 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 O 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 thank you . you as well ! eos O O O O O O O O general-bye +bos i need a place to stay for my trip to cambridge in the east area . eos O O O O O O O O O O O O O O B-Hotel-Inform+Area O O Attraction-Request+Area +bos there are 7 great places to choose from . are you looking for a guesthouse or hotel ? 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+Type +bos i do n't care about the type as long as it is in the east and has free parking . 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 Attraction-Request+Type +bos i 'd recommend the autumn house . would you like to make a booking ? eos 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 please . i need the reservation to be for 8 people and 2 nights starting on tuesday . 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 great . i successfully booked your stay . your reference number is 2ovwnfw1 . 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 am looking for a particular attraction . its name is called lynne strover 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 O N/A +bos the lynne strover gallery is a wonderful museum in the west area of town , it is free to enter . would you like the phone number and address perhaps ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name 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 O O general-reqmore +bos yes , i would also like to know what kind of attraction it is 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 Attraction-Request+Fee +bos it is a museum and it is free entry . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Fee O O N/A +bos what area is it in ? eos O O O O O O O Attraction-Request+Area +bos as stated previously , it is on the west side of town . is there anything else i can do for you ? 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 general-reqmore +bos no that 's all the help 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 have a great day ! eos O O O O O O general-bye +bos i 'm looking for a italian restaurant centre . eos O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O N/A +bos there are 9 restaurants that fit your request . what is your pricerange ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price +bos price does n't really matter , but can you tell me the address , postcode , and phone for 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 O O Restaurant-Request+Phone +bos my favorite is zizzi cambridge , located at 47-53 regent street , cb21ab . their phone number is 01223365599. would you like to reserve a table ? 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 B-Restaurant-Recommend+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos no thank you , but i am looking for a college to visit . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos any particular area ? eos O O O O O Attraction-Request+Area +bos no , it does n't matter . eos O O O O O O O O N/A +bos what about clare college ? it 's in the west . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O N/A +bos that sounds great ! could you give me the entrance fee , postcode , and address ? 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 clare college is located at trinity lane . their post code is cb21tl . the entrance fee is 2.50 pounds . 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O 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 have a great day yourself . eos O O O O O O O general-bye +bos i 'm looking for a train leaving stansted airport on tuesday . eos 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 what is your destination and what time would you like to depart from stansted airport ? eos O O O O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O Train-Request+Leave,Train-Request+Dest +bos i am going to cambridge and i plan to depart from stansted airport and i need a train schedule from stansted airport that will get to cambridge by 13:30 tuesday . eos O O O O O B-Train-Inform+Dest 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 O O O B-Train-Inform+Arrive B-Train-Inform+Day O N/A +bos ok , the tr4117 arrives at 12:52. would you like to book that train ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos not yet but i do need a price and travel time . eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos tr4117 is 10.10 pounds per ticket and the duration of the trip is 28 minutes . you would leave at 12:24 and arrive in cambridge at 12:52. eos O B-Train-Inform+Id 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 B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos thank you ! i 'm also looking for a hotel named the allenbell . can you help me with that ? eos 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 N/A +bos the allenbell is a guesthouse located in the east . it is a cheap 4 star hotel with free parking and internet . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos thanks so much , can you book it for 1 person for 4 nights starting from the same day ? eos O O 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 i have made your reservation for tuesday , with reference # ov9qi79d . can i help you with anything else ? eos O O O O O O 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 no . that is all . thanks . eos O O O O O O O O O general-thank +bos thanks for using the help desk ! eos O O O O O O O O general-bye +bos please help me find somewhere to stay . eos O O O O O O O O O N/A +bos absolutely ! what type of hotel 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 Hotel-Request+Price,Hotel-Request+Type +bos i would like to stay in a guesthouse type of hotel that is in the moderate price range . also , it should have free wifi . eos O O 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 O O O O O O O N/A +bos we have 14 guesthouses around town that fit your criteria . are you planning on staying in a specific 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 O O O O O Hotel-Request+Area +bos i do n't have an area preference . eos O O O O O O O O O N/A +bos i can book a room for you at avalon . eos O O O O O O O O O B-Booking-Inform+Name O N/A +bos i 'd like to book the room for 4 people , for 4 nights , starting saturday . please provide me with the reference number . 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 O O O O O O O O N/A +bos booking was successful.reference number is : kpbdlexw . anything else for you ? eos O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos yes , i need to find a train from leicester to get to the hotel . eos O O O O O O O O O B-Train-Inform+Depart O O O O O O O N/A +bos sure , arrival at the cambridge station ? when are you traveling ? eos O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Depart +bos i will be travelling on saturday , but i ca n't leave until the evening after 18:45. 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 N/A +bos train id tr5790 leaves at 19:09. will that be fine with you ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O general-reqmore +bos can you book the train for my entire group of people 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 O O N/A +bos booking was successful , the total fee is 120.96 gbp payable at the station .reference number is : 4qnvl472 . 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 that 's all i need for today , thank you ! 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 i just need a little help booking a train from cambridge . eos O O O O O O O O O O O B-Train-Inform+Depart O N/A +bos where are you traveling to ? eos O O O O O O O Train-Request+Dest +bos to bishops stortford i need to arrive by 12:45 on tuesday . eos O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O O O N/A +bos what time do you need to depart and on what day ? eos O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i do n't care what time i depart as long as i can arrive by 12:45 on tuesday . eos 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 alright perfect ! how many people will need tickets ? eos O O O O O O O O O O O Train-Request+People +bos i will need 4 tickets please . eos O O O O O B-Train-Inform+People O O N/A +bos your reference number is sirfmx3o . may i help you with anything else today ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos can you find a hotel for me called alexander 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 N/A +bos that 's a 4-star guesthouse in the city centre . they offer free wifi and parking . would you like me to make a reservation for you ? eos 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 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 4 people , for 3 nights , starting saturday . 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 great ! the reference number is zfgsw8hu , 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 nope , that 's 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 . thank you for using cambridge towninfo . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos great , i sure hope so . i need a restaurant . eos O O O O O O O O O O O O O Restaurant-Inform +bos i can help you with that . there are over 100 restaurants in cambridge . are you in the mood for a particular food ? or would you like a certain area ? 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 O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos yes , i would like 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 O N/A +bos sure , there are 14 expensive indian restaurants . do you have an area in mind ? 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 Restaurant-Request+Area +bos i do n't care about the about the area . i need a table for four . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos what day and time would you like your reservation ? eos O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i 'd like sunday at 18:15 , please . eos O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A +bos i 'm sorry , there are no available table on sunday for 4 at 18:15. would you like to book another day or time slot ? eos O O O O O O O O O B-Booking-NoBook+Day O O B-Booking-NoBook+People B-Booking-NoBook+Time O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos let 's try 17:15. eos O O O B-Restaurant-Inform+Time O N/A +bos ok , i have booked a table for four at 17:15 on sunday at the tandoori palace . your reference number is 3havrre7 . enjoy your evening ! eos 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 O O O O O B-Booking-Book+Ref O O O O O O N/A +bos thank you can i have the address as well ? additionally , are there any museums in the immediate area to visit before hand ? 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 Attraction-Request+Area,Attraction-Request+Addr +bos the tandoori palace is located at 68 hinston road chesterton . there are many museums around town . would you like to hear about those in the same area as tandoori palace ? 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 B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O B-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-Select+Area O O O general-reqmore +bos sure , the closest museum would be fine . eos O O O O O O O O O O N/A +bos i have several museums in that area cafe jello gallery , cambridge book and print gallery , kettle 's yard and lynne strover gallery all have free entrance fee . eos O O O B-Attraction-Inform+Choice B-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 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 N/A +bos okay , lynne strover sounds great . give me the address and post code , please . also , which area is that , again ? 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 O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Addr +bos they are located at 23 high street , fen ditton . post code is cb30aq . 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 N/A +bos what area is the lynne strover museum in ? eos O O O O O O O O O O Attraction-Request+Area +bos the west , 23 high st. , fen ditton . eos 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 very much , could i also have the postcode for the museum ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb30aq , 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 that is all thank you for your help . bye . eos O O O O O O O O O O O O general-bye +bos thank you for contacting cambridge towninfo centre , enjoy your day ! eos O O O O O O O O O O O O O general-bye +bos i 'm looking for a mediterranean restaurant near 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 i 've got three that fit that bill ... the gardenia , la mimosa , and shiraz . do you have a preference ? 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 O O O O O O O O O O Restaurant-Select +bos is one of them in the cheap price range ? eos O O O O O O O O O O O N/A +bos yes , the gardenia . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos great , could i book a table of 5 for 11:30 on wednesday ? if so , please provide me with a 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 O O Restaurant-Request+Ref +bos yeah . the reference number is cvwakcn2 eos O O O O O O B-Booking-Book+Ref O N/A +bos thank you ! is there any entertainment in the same area as the restaurant ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos i am sorry . there does not seem to be any matching your choices . would you like to try another area 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 Attraction-Request+Area,Attraction-Request+Type,Attraction-NoOffer +bos yes . can you please search for an attraction in the type of college ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos is an entrance fee okay ? if so , the corpus christi college located at king 's parade . fee is 2 pounds . would you like the phone number ? eos 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+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 Attraction-Request+Price +bos i do n't mind an entrance fee . could you actually give me the postcode for that college ? 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 corpus christi is located at king 's parade , postcode cb21rh . would you like any further information ? eos 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 O O O O O O N/A +bos yes , i 'd like to book a taxi to go from the attraction to the restaurant . eos 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 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 . eos O O O O 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 corpus christi college in enough time to arrive at the restaurant at the booked time of 11:30. 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+Arrive N/A +bos i have booked you a taxi that will get you to the restaurant by 11:30. their phone number is 07469156027. is there anything else i can help you with ? eos 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos what is the car 's contact number and type ? eos O O O O O O O O O O O N/A +bos your taxi is a black audi and their contact number is 07469156027. is there 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos that 's everything , thank you ! eos O O O O O O O O general-thank +bos great ! i 'm glad i could be of assistance to you . 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 O O general-welcome,general-bye +bos hi . can you book me a taxi to the ugly duckling from dojo noodle bar ? 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 I-Taxi-Inform+Depart O N/A +bos what time would you like 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 O Taxi-Request+Leave,Taxi-Request+Arrive +bos the taxi needs to arrive by 19:30. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos i have booked you a red volkswagen . the contact number is : 07820586917. 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos thanks , that 's everything . eos O O O O O O O general-thank +bos thank you for choosing us for your booking . have a great day ! eos O O O O O O O O O O O O O O O general-bye +bos hi ! i 'd like to book a taxi from kettle 's yard to old schools . eos 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 O O O N/A +bos absolutely - do you have a particular arrival or departure time in mind today ? eos O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos yes , i would like the taxi to arrive by 19:30. in addition , i would like the car type and its contact number . eos 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 Taxi-Request+Car +bos i have completed your booking ! the car type is a white volkswagen and the contact number is 07027624842. 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 so much ! that is all i need 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 great day . good bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need a taxi to pick me up from carolina bed and breakfast and take me to ali baba . 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 O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +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 by 10:00 , what is the car type and can i get a contact number ? eos O O B-Taxi-Inform+Leave O O O O O O O O O O O O O O Taxi-Request+Car +bos it is a grey volvo and the contact number is 07985302391 eos 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 for today , thank you for 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 . thank you for using our service . eos O O O O O O O O O O O O O O general-bye +bos hi , i 'd like to book a taxi from london liverpool street to club salsa . 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+Dest I-Taxi-Inform+Dest O O O N/A +bos before i can complete your request please let me know a departure and or 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i can leave any time after 01:30. can you send me the car type i can expect and the 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 you are all set . you will be picked up in a blue volvo at 1:45. the contact number is 07144891471. do you need help 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 O B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore +bos that will be all for now . thank you for your time ! eos O O O O O O O O O O O O O O general-thank +bos you 're quite welcome . goodbye ! eos O O O O O O O O general-bye +bos hi , i would like to get a taxi from whale of a time . i 'll need to leave after 22:45. 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 O O O O B-Taxi-Inform+Leave O O O N/A +bos could you tell me your destination , please ? eos O O O O O O O O O O Taxi-Request+Dest +bos i would like to go to citi stop restaurant eos O O O O O O O O O O N/A +bos ok , i have you booked to leave at 22:45. the car is a yellow skoda and their contact number is 07314230139. anything else i can do for you ? 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 general-reqmore +bos nope thats all thank you ! eos O O O O O O O general-thank +bos glad to be of help 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 O O O O general-greet +bos i 'm looking for a restaurant that serves international food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are three international restaurants in cambridge . do you have a price preference ? 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+Price +bos i would like to find a moderately priced place and i need a reservation for 4 people at 12:15 on a thursday . eos O O O O O O O B-Restaurant-Inform+Price 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 okay i have the bloomsbury and the varsity restaurants . but i was unable to reserve either . is there another time that would suit you ? 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 O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos yes , could you make it for 11:15 , and can you give me the reference number ? eos O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O Restaurant-Request+Ref +bos alright , i have booked you a table for 11:15 at the varsity restaurant . your reference number is hm90eaet . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Time O O B-Restaurant-Inform+Name I-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 O O general-reqmore +bos i am looking for some entertainment , do you know anywhere i could go 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 unfortunately i do n't see anything entertainment related in the centre of town . how about another area of the city ? 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 I-Attraction-NoOffer+Area O O O O O O O O O O Attraction-Request+Area +bos that 's fine . i 'd like to know about museums in the area instead . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos fantastic , there are 11 museums in the centre . can i recommend the fitzwilliam museum , if you do n't have a preference ? eos O 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 O O O O O O O O O O O N/A +bos fitzwilliam museum sounds great . what is the postcode ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb21rb . eos O O O O B-Attraction-Inform+Post O N/A +bos great . now can you book a taxi for me between the two places ? from the varsity restaurant to fitzwilliam museum ? 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos at what time would you like the taxi to arrive ? eos O O O O O O O O O O O O Taxi-Request+Arrive +bos actually it 's from fitzwilliam museum to the varsity restaurant i want to arrive by the 11:15 booking please . 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 N/A +bos certainly . what time would you like to leave ? eos O O O O O O O O O O O Taxi-Request+Leave +bos it does n't matter , at long as i arrive at the restaurant by 11:15. eos O O O O O O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos ok , a yellow lexus will pick you up at the varsity and get you to the fitzwilliam by 11:15. the contact number is 07462272535. can i help with anything else ? eos 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 B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos no thank you , that will do for now ! thanks for helping me today ! eos O O O O O O O O O O O O O O O O O general-thank +bos have a fantastic day ! eos O O O O O O general-welcome +bos thank you for all your help . eos 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 i would like to book a taxi departing from panahar . eos O O O O O O O O O O B-Taxi-Inform+Depart O N/A +bos could you tell me when you would like to depart 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos yes i 'd need to arrive by 3:00 at cambridge arts theatre . eos O O O O O O O B-Taxi-Inform+Arrive O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos that booking has been completed . your reservation number is 07869081756 and you will be picked up by a blue audi . can i help with anything else ? eos O O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O general-reqmore +bos when should i expect it ? eos O O O O O O O N/A +bos i ca n't tell the exact arrival time , but expect it a little before 3. it will get you to the theatre by 3. eos O O O O O O O O O O O O B-Taxi-Inform+Leave I-Taxi-Inform+Leave I-Taxi-Inform+Leave I-Taxi-Inform+Leave O O O O O O O B-Taxi-Inform+Arrive I-Taxi-Inform+Arrive O N/A +bos good , good , that 'll be all . 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 . eos O O O O O O O O O general-bye +bos i 'm looking for a cinema 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 sure , i have located cineworld cinema which is located at cambridge leisure park , clifton way in the south part of town . eos O O O O O B-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 B-Attraction-Inform+Area O O O O O O N/A +bos thank you , can i also have the postcode and phone number ? 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 00872208000 and postcode is cb17dy . can i assist you with anything else ? eos 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 general-reqmore +bos yes . i need a restaurant by the name of anatolia . eos O O O O O O O O O O B-Restaurant-Inform+Name O O N/A +bos anatolia is located at 30 bridge street city centre and phone number is 01223362372. can i book you a table ? 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 Booking-Inform +bos yes for 8 people at 14:15 on a saturday . i will need a reference number . eos 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 the booking was unsuccessful unfortunately . eos O O O O O O O Booking-NoBook +bos are you sure ? could you possibly try again , just to make sure ? eos O O O O O O O O O O O O O O O O N/A +bos yes , the booking was unsuccessful . 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos no , i wanted to reserve on saturday at 14:15 for 8 people at the anatolia . can you make sure there was n't an error ? eos O O O O O O 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 N/A +bos i am very sorry for the confusion . i have confirmed your reservation at anatolia , your reference number is w2sfw7or . is there anything else i can help with ? eos O O 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 O O O O O O O O O general-reqmore +bos yes , i need a taxi to pick us up at cineworld and get us to anatolia by 14:15. can you send 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+Dest O B-Taxi-Inform+Arrive O O O O O O O O O O O O Taxi-Request+Car +bos ok , i have a grey toyota picking you up . the contact number is 07221782589. is there anything else i can do 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 O O O general-reqmore +bos that 's all i need today . you 've been a great help - 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 am looking for a chinese restaurant an expensive one . eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O N/A +bos there are a number of restaurants that fit what you are looking for . what area would you like and how many people ? 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 Booking-Request+People,Restaurant-Request+Area +bos the area does n't matter . anywhere where i can get a table for 5 at 15:30 on saturday . 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 ok , i 've booked at yu garden for 5 at 15:30 on saturday . your reference number is jdfxwumm . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name 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 great ! can you also help me with a place to go in town . 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 O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there is the all saints church that is an architecture destination in the centre of town , would you like that ? eos O O O O 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+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O N/A +bos that sounds nice . what is the postcode for that location , and is there a fee ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb58bs and there is no entrance fee . eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos can i also please get a taxi from yu garden to all saints ? make sure i do n't miss my booking ! eos 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 O O N/A +bos yes , what time would you like to leave from yu garden ? eos O O O O O O O O O O O O O O Taxi-Request+Leave +bos i just need to make sure i get to yu garden by 15:30. eos O O O O O O O O O O O O O O N/A +bos ok , i booked your taxi ( a black volvo ) arriving at all saints at 15:30. the contact number is 07272341684. 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 B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos that 's all . you have been very helpful . thank you very much . eos O O O O O O O O O O O O O O O O general-thank +bos you 're welcome . enjoy your time in cambridge and please let us know if you need anything else . 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 general-welcome,general-bye +bos i 'm looking for places to go to view architecture in centre . eos O O O O O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area O O N/A +bos i found old schools on trinity ln , postcode cb21tt . entrance is free . would you like to go there ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee O O O O O O O O O O Attraction-Select +bos no , that 's all . goodbye ! eos O O O O O O O O O general-bye +bos ok. 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 general-bye +bos i forgot . do you have information about don pasquale pizzeria ? 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 they serve italian food in the centre of town and in the expensive price range . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A +bos that 's the one ! can 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 cb23nj , post code , 12 market hill city centre . is there anything else you need ? eos 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 O O O O O O O O N/A +bos i am looking for 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 i have found the warkworth house located in the east . it is 4 stars and is in the moderate price range . may i book it for you ? eos 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+Stars O O O O B-Hotel-Inform+Price O O O O O O O O O O O Booking-Inform +bos yes , please . i need a reservation for 5 nights starting wednesday . there will be 4 people . eos 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 O O N/A +bos i am sorry but warkworth house is fully booked . may i look for another hotel for you in the east area ? 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 general-reqmore +bos can you find me another hotel in the same price range as the warkworth house ? eos O O O O O O O O O O O O O O O O O N/A +bos i show two hotels in the moderate price range . would you like more details on them ? 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 general-reqmore +bos yes thank you and the reference number eos O O O O O O O O Hotel-Request+Ref +bos they are both guesthouses in the east , four star . would you prefer the one with our without parking ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Area B-Hotel-Inform+Stars O O O O O O O O O O O O O Hotel-Request+Parking +bos either is fine . i just need the reservation for wednesday . eos O O O O O O O O O O O O O N/A +bos great ! you 're booked at a and b guest house with reference number ze1obrft . may i help with anything else ? 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 B-Booking-Book+Ref 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 enjoy your stay eos O O O O general-bye +bos i 'm looking for a hotel in the north with free wifi . eos O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos there are 5 hotels in the north that offer internet . do you have a specific 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 O O O Hotel-Request+Price,Hotel-Inform+Internet +bos any price range is fine but i do need free parking eos O O O O O O O O O O O O N/A +bos how about the ashley hotel ? it is a moderately priced 2 star hotel with free internet and parking . eos O O O O B-Hotel-Select+Name B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds great . i would like to book 5 nights for 1 person starting thursday . 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 N/A +bos i apologize the booking was unsuccessful . would you like me to look at another location ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook,Hotel-Request+Area +bos please book a different hotel in the same price range . eos O O O O O O O O O O O O N/A +bos great ! i was able to get you into the lovell lodge for 5 nights and your reference number is riecnlut . eos O 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+Stay O O O O O B-Booking-Book+Ref O O N/A +bos thanks so much ! eos 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 am looking for a place to stay with free wifi and a 0 star rating . 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 i have found three hotels which in the cheap and moderate price range . they are also located in the north and centre area . which do you prefer ? eos O O O O B-Hotel-Inform+Choice 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+Area I-Hotel-Inform+Area O O O O O O O Hotel-Select +bos one with moderate price range , please . eos O O O B-Hotel-Inform+Price O O O O O N/A +bos i have located citiroomz in the centre area , would you like me to book you ? eos O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos yes please that would be great . can you do it for 5 people for 5 nights starting sunday eos 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 N/A +bos sorry , that booking was unavailable . would you like to try another hotel ? eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos can you find a hotel in the same price range ? eos O O O O O O O O O O O O Hotel-Inform +bos how does lovell lodge sound ? it is in the moderate price range but it has a two star rating . eos O O O B-Hotel-Select+Name I-Hotel-Select+Name O O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Stars O O N/A +bos do they have rooms available for 5 people for 5 nights starting on sunday ? eos O O O O O O O O O O O O O O O O N/A +bos yes , i was able to book that for you . address is 365 milton road . reference number is ewrn88mq . would that work for you ? eos 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 B-Booking-Book+Ref O O O O O O O O O Hotel-Select +bos yes that 's fine . thank you so much ! eos O O O O O O O O O O O general-thank +bos great . enjoy your stay in cambridge . eos O O O O O O O O O general-bye +bos we will . thanks again . eos O O O O O O O general-thank +bos great ! let me know if you need anything else . eos O O O O O O O O O O O O general-bye +bos can you find me a particular hotel please ? eos O O O O O O O B-Hotel-Inform+Type O O N/A +bos i can . if you 'd give me the name , or other details , i can search 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 Hotel-Request+Name +bos i am looking for the warkworth house . i would like to book it starting sunday for 3 nights for 2 people . eos O 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+Stay O O O O O N/A +bos the warkworth house is a guesthouse , not a hotel . is that okay ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O Hotel-Select +bos yeah that 's okay . please book it for 2 people and 3 nights starting sunday . 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 i 'm sorry , that is n't available . can i find a different hotel for you ? 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 please look for a different hotel in the same pricerange . eos O O O O O O O O O O O O N/A +bos i was able to book a and b guest house , reference number is qrvy59m0 . 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 B-Booking-Book+Ref O O N/A +bos thanks so much for all of your help eos O O O O O O O O O general-thank +bos you 're so very welcome . is there anything else that i may assist you with ? eos 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 is all . eos 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 could you recommend a local hotel with free parking ? eos O O O O O O B-Hotel-Inform+Type O O O O N/A +bos sure , there are 8 hotels that offer free parking . would you like to stay in a specific part of town , or want a certain prince 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 O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos yes , i would like those in the south of town in the expensive price range . eos O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O N/A +bos i would like to recommend the lensfield hotel . it is located in the south in the expensive range with free parking . eos O O O O O O O B-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 Hotel-Recommend+Parking +bos great . please book it for 5 nights starting thursday . eos O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos for how many people would you like me to book that hotel ? eos O O O O O O O O O O O O O O Booking-Request+People +bos could you book it for 7 people , please . and what is the reference number ? eos O O O O O O O B-Hotel-Inform+People O O O O O O O O O O Hotel-Request+Ref +bos i am sorry they have no rooms available . perhaps another hotel , i am sorry about this . 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 please and i need a reference number after booked please . eos O O O O O O O O O O O O O Hotel-Request+Ref +bos i also have aylesbray lodge guest house in the south . it 's moderately priced . 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 B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Select +bos i really want one in the same price range , please . eos O O O O O O O O O O O O O N/A +bos i got you a room at the university arms hotel . your reference number is : 8ofbiii9 . anything else you need today ? 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-Hotel-Inform+Ref O O O O O O O O O general-reqmore +bos no , thank you for helping me . good bye . eos O O O O O O O O O O O O general-bye +bos okay . glad i could be of help and enjoy your 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 a hotel called avalon , can you help ? eos O O O O O O O O B-Hotel-Inform+Name O O O O O N/A +bos certainly ! the avalon is a 4 star guesthouse in the northend . it offers free wifi . would you like the phone number or address ? eos 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+Area O O O O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos i would actually like to book rooms for 8 people . can i do that ? eos O O O O O O O O O O O O O O O O O N/A +bos absolutely ! what day do you want to book it for , and for how many days ? 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 +bos this tuesday , for 5 days . eos O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O N/A +bos i am sorry booking was unsuccessful for that time , 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 O O O Booking-NoBook,general-reqmore +bos i guess , can you find me another hotel similar to the avalon ? eos O O O O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos there are lots of other guesthouses that are similar , what price would you like to pay ? eos 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 O O Hotel-Request+Price +bos i would like to stay in the same price range as the avalon eos O O O O O O O O O O O O O O N/A +bos would you like me to book acorn guest house ? eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O N/A +bos i am looking fot a hotel , allenbell . eos O O O O O O O B-Hotel-Inform+Name O O N/A +bos hotel allenbell is located at 517a coldham lane the telephone number is 01223210353. would you like me to book the hotel ? eos 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 O O O B-Hotel-Inform+Phone O O O O O O O O O Booking-Inform +bos yes well i would like to book it for 3 nights staring from wednesday for 4 people . eos 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 N/A +bos i 'm sorry those times are not available . is there another hotel 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 Booking-NoBook,general-reqmore +bos yes please try another hotel in the same price range . eos O O O O O O O O O O O O N/A +bos i booked a room at the autumn house on newmarket road . the reference number is d7hjjcu8 . is there anything else i can help you with today ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Ref O O O O O O O O O O O O general-reqmore +bos no , that 's all i needed . have a nice day . eos O O O O O O O O O O O O O O N/A +bos great . glad i could help . enjoy your stay . eos O O O O O O O O O O O O general-bye +bos i am looking for a hotel called the leverton house . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos may i suggest the guesthouse called the leverton house . eos O O O O O B-Hotel-Recommend+Type O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos yes , that is the one i wanted . could i book a four night stay 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 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 total of 8 of us . eos O O O O O O O O B-Hotel-Inform+People O O N/A +bos i 'm sorry , it does n't look like they have rooms available . would you like me 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 O O O Booking-NoBook,Hotel-Request+Name +bos sure . you can try something different as long as it is in the same price range as leverton 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 O N/A +bos i was able to book allenbell , reference number is kzburd59 . eos O O O O O O B-Booking-Book+Name O O O B-Booking-Book+Ref O O N/A +bos thank you ! good bye . eos O O O O O O O general-bye +bos enjoy your stay . eos O O O O O general-bye +bos i 'd like to find a train that leaves after 17:00 on saturday . eos O O O O O O O O O O O O B-Train-Inform+Day O O N/A +bos absolutely , i need departure and destination information and a time you need to arrive by . eos 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+Dest +bos i 'll be departing from broxbourne and i 'd like to go to cambridge . eos O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O O O N/A +bos i have 7 available . the first leaves at 17:32 , and arrives at 18:32. would you like me to book that for you ? eos O O O O B-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 O Train-OfferBook +bos i 'm not looking to book at the moment , can i just get the train id ? thanks ! 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 of course ! tr0811 leaves at 17:32 , arrives at 18:32 , with a duration of 60 minutes . the price is 14.32 pounds . may i assist you with anything else ? eos O O O B-Train-Inform+Id I-Train-Inform+Id 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O O general-reqmore +bos that is all i need for today . thank you . goodbye . eos O O O O O O O O O O O O O O general-bye +bos okay glad i could help . enjoy your trip . eos O O O O O O O O O O O general-bye +bos can you help me find a restaurant ? i want to find a place in the centre . eos 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 sure ! there are plenty of restaurants in the centre to choose from . what type of food do you prefer ? eos O 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+Food +bos i 'd like to find a vegetarian restaurant , if possible . eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos i 'm afraid there 's none of those in the centre . would you like to try and different area of town ? eos O O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O O O O O O Restaurant-Request+Area +bos what about a restaurant that serves asian oriental food in the centre instead ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos there are a few options in the centre ranging from cheap to expensive . do you have a price range you would prefer ? eos 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 B-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Price +bos no not really . why do n't you pick one a reserve a table for 4 at 19:15 on wednesday please 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 O N/A +bos your booking was successful . your reference number is sb1ntsyb . 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 i 'll need a ride there . can you arrange a taxi for me ? eos O O O O O O O O O O O O O O O O Taxi-Inform +bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart +bos departing from the hotel and arriving at the restaurant by 19:15. eos O O O O O O O O O O O B-Restaurant-Inform+Time N/A +bos first we need to book you a hotel or guesthouse . do you have any preferences for location or price ? 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+Price,Booking-Inform +bos i want kirkwood house- i do n't need a booking , just the postcode . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb41da . how else may i help you ? eos O O O O B-Hotel-Inform+Post O O O O O O O O general-reqmore +bos now i need a taxi . eos O O O O O O O Taxi-Inform +bos i have booked a taxi from kirkwood house to the dojo noodle bar for you . a white honda will pick you up . the contact number is 07516276037. is there anything else i can help you with ? 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 I-Taxi-Inform+Dest O O O B-Taxi-Inform+Car I-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 general-reqmore +bos will the taxi arrive to the restaurant by the booked time ? eos O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos yes , it will arrive by 19:15 eos O O O O O O B-Taxi-Inform+Arrive O N/A +bos that will be okay for now thanks eos O O O O O O O O general-thank +bos you 're welcome ! i hope you have a wonderful trip ! eos O O O O O O O O O O O O O general-welcome +bos thank you . i appreciated your assistance . eos O O O O O O O O O general-thank +bos and thank you for texting the cambridge towninfo centre . take care ! eos O O O O O O O O O O O O O O general-greet +bos i want to find a place to stay that is a guesthouse and has free parking . 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 21 guesthouses with free parking . are you looking for a particular price range 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 Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos i want at least 4 stars rating . are any of them 4 starts ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos there are 16 that have a 4-star rating . is there a particular price range you are looking for ? 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 Hotel-Request+Price +bos no , just anywhere that has room for 5 people starting sunday . eos O O O O O O O O O O O O O O N/A +bos i need to narrow the search . what area do you want to stay in ? do you prefer moderate or cheap ? eos 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 Hotel-Request+Area +bos i prefer to stay in a moderate area . eos O O O O O O O B-Hotel-Inform+Price O O N/A +bos i have 9 guesthouse in the moderate range with free parking and 4 stars . the archway house is nice on the north side . eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O Hotel-Inform+Parking +bos sounds good . please book for 5 people and 3 nights starting from this sunday . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O O N/A +bos booking was unsuccessful . want to try aylesbray lodge guest house ? 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 Booking-NoBook +bos yes let 's try that one please . eos O O O O O O O O O N/A +bos ok that is all set , thank you ! eos O O O O O O O O O O Booking-Book +bos i am looking got a hotel near the centre and i need to it have 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 O O O N/A +bos i have 5 hotels that fit that criteria . are you looking for a particular 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 Hotel-Request+Price +bos expensive . a guest house , please . eos O B-Hotel-Inform+Price O O O O O O O N/A +bos i have no matches that fit that criteria , would you like me to look up 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 that is a hotel ? eos O O O O O O O B-Hotel-Inform+Type O N/A +bos yes , i have two results . gonville hotel has 3 stars and university arms has 4 stars , would one of those work for you ? 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 O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O general-reqmore +bos yes any one of them will do . i need to book for 6 people for 2 nights starting 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 N/A +bos the gonville hotel is booked . however , the good news is you are booked into university arms hotel . the reference number is bq60jngd . is there anything else ? eos O O B-Booking-NoBook+Name I-Booking-NoBook+Name 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 general-reqmore +bos uh , no that 's fine . thanks for all of 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 good day ! eos O O O O O O O O general-welcome,general-bye +bos do you have information about all saints church ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos all saints church is a fine bit of architecture in the center of cambridge . they are located on jesus lane , cb58bs , and their phone is 01223452587. 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+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+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O N/A +bos is there an entrance fee and if so , how much is it ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos nope , it 's totally free . can i help with any other information today ? eos O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos can you find me a moderately priced british restaurant now ? eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos restaurant one seven is in the moderate range and serves british food , would you like the address ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O general-reqmore +bos i need a taxi to arrive by 09:45 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 the pickup location will be finches bed and breakfast eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos ok , i will also need your destination for booking purposes . eos O O O O O O O O O O O O O Taxi-Request+Dest +bos i will be traveling to sidney sussex college today . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos do you have a time you would like to leave by ? eos O O O O O O O O O O O O O Taxi-Request+Leave +bos is 9:00 good ? do you think forty-five minutes is enough time to get to the college ? eos O O O O O O O O O O O O O O O O O O O N/A +bos yes , the taxi will pick you up at 9:00. it is a yellow lexus . eos O O O O O O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos great . can i get a contact number ? eos O O O O O O O O O O N/A +bos of course , the contact number is 07336173784. is there anything else you need ? eos O O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos that 's all thanks eos 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 am looking for the nearest police station eos O O O O O O O O O Police-Inform +bos i have the parkside police station . their number is 01223358966 , the postcode is cb11jg eos O O O O O O O O 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 welcome . at your service next time eos O O O O O O O O general-welcome +bos i 'm at kettle 's yard and need a taxi to pick me up by 19:30. eos O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos i would be happy to help with your request , what 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 want to go to castle galleries . 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 arrive at castle galleries ? eos O O O O O O O O O O O O Taxi-Request+Arrive +bos i need to leave after 19:30. eos O O O O O O O N/A +bos your booking is complete , a red 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 thank you , what is the contact number ? eos O O O O O O O O O O general-thank +bos the contact number is 07833391546. do you have any other questions ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore +bos no . thank you for your assistance . 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 i want to take a taxi from arbury lodge guest house to the varsity restaurant . 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 N/A +bos i need a taxi to pick me up at 01:00 at the arbury lodge guesthouse and have me at the varsity restaurant at 01: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 N/A +bos my taxi should arrive by 13:30 eos O O O O O O B-Taxi-Inform+Arrive N/A +bos please modifiy the following answers based on the latest customer response : what does the user want ? where is the departure site ? arbury lodge guesthousewhere is the destination ? the varsity restaurantwhen does the user want to leave ? 01:00when does the user want to arrive by ? 01:30booking completed ! booked car type : black fordcontact number : 07792065670 eos O O O O O O O O O O O O O O O O O O O O O O O O O O O O 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+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O O Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive +bos i need to book a 12:15 taxi at charlie chan . eos O O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos of course . i just need to know your destination . eos O O O O O O O O O O O O Taxi-Request+Dest +bos i will be going to cotto . eos O O O O O O B-Taxi-Inform+Dest O N/A +bos a black audi will pick you up at charlie chan to leave at 12:15 and get you over to cotto . their contact # is : 07928872088 eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Leave I-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone O O N/A +bos thank you very much ! eos O O O O O O general-thank +bos you 're quite welcome . can i assist you with anything else 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 , thanks so much ! eos O O O O O O O O O general-thank +bos no problem at all . eos O O O O O O general-welcome +bos where is the closest police station located ? eos O O O O O O O O O Police-Inform +bos the closest police station is located at parkside , cambridge . eos O O O O O O O O O O O O N/A +bos could i have the postcode 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 thank you so much for all of your help . eos O O O O O O O O O O O general-thank +bos take their phone number just in case : 01223358966. anything else ? eos O O O O O O O O O O O O O N/A +bos thanks that is all . goodbye . eos O O O O O O O O general-bye +bos have a nice day , farewell . eos O O O O O O O O general-bye +bos i would like to find a train that is leaving cambridge on monday . 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 i can assist you . what is your destination and departure time ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i 'll be leaving from london kings cross and need to leave after 17:15. eos O O O O O O O O O O O O O O O N/A +bos i have a train leaving cambridge for london kings cross monday at 19:00 , would you like me to book it ? eos O 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 O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos i need the arrival time and price eos O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos the ticket will coat 23.60 pounds and it will arrive at 19:51. eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 alright . goodbye now . thank you ! eos O O O O O O O O O general-bye +bos i need a taxi arriving by 16:45. eos O O O O O O 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 want to leave from nandos , city center . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos great . and where will you be traveling to ? eos O O O O O O O O O O O Taxi-Request+Dest +bos i 'm going to parkside police station to turn myself in . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O N/A +bos ok , your contact number is 07037812928 and it will be a black volvo . is there anything else i can help you with ? eos 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 O O N/A +bos that was all . thanks eos O O O O O O general-thank +bos you are very welcome . goodbye . eos O O O O O O O O general-bye +bos can you help me find a cheap restaurant in the west 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 N/A +bos certainly ! there are two great restaurants that meet your criteria . the first in la margherita and the second is thanh binh . would you like more information on one of them ? eos O 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 O O O O O O O O O O O O Restaurant-Select,general-reqmore +bos does it serve creative food ? eos O O O O O O O N/A +bos unfortunately , no . la margherita is an italian place . and , thanh binh serves vietnamese . 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 O O O O N/A +bos thanh binh would be perfect . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos would you like for me to make you a reservation ? eos O O O O O O O O O O O O Booking-Inform +bos yes , i want to book a table for 6 people at 12:00 on sunday . 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 booking was successful . the table will be reserved for 15 minutes.reference number is : h0bfxwtp . 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 , could you find me a train from ely that same day ? eos O O O O O O O O O O B-Train-Inform+Depart O O O 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 would like a train to cambridge , arriving by 09:45. eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O N/A +bos tr3207 will arrive by 07.51. should i book it ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos yes , book that for 6 people . i would also like 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 booking was successful . the total fee is 113.28 gbp , which is payable at the station . your reference number is a5zwgbq3 . 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 N/A +bos thanks so much you have been very helpful eos O O O O O O O O O general-thank +bos thank you for using the cambridge town info centre services ! we 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 O O O general-bye +bos where can i find the queen 's college ? eos O O O O O O O O O O N/A +bos queen 's college is on the west side of town , on silver street . their postcode is cb39et . 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O O O O N/A +bos can you verify the type of place this is and the address please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Addr,Attraction-Request+Type +bos it is a college and the address is silver street . anything else i can help you with ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O N/A +bos i 'm looking for restaurant in the centre area that serves european food please . eos 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 i have several listed from moderate to expensive . do you have a preference ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Restaurant-Select +bos the nearest one to the hotel . eos O O O O O O O O Hotel-Inform +bos what hotel are you staying at ? eos O O O O O O O O Hotel-Request+Name +bos actually , i do n't need one near a hotel . i just need the phone number and address of an expensive one . 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 Restaurant-Request+Addr +bos yes the eraina is expensive and their address is free school lane city centre and their telephone is 01223368786 eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone N/A +bos alright , i want you to book me a taxi from queen 's college to the eraina . i 'll be leaving the college at 12:00. eos 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+Leave O O O O N/A +bos i have booked you a blue skoda . the contact number is 07822607219 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 thank you very much . that was all i will be needing today . eos O O O O O O O O O O O O O O O general-thank +bos ok thank you for using this service and have a nice 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 some info on the abbey pool and astroturf pitch 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 N/A +bos this is a swimming pool found in the east . their phone number is 01223902088. eos O 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 N/A +bos do they have an entrance fee ? eos O O O O O O O O Attraction-Request+Fee +bos i 'm sorry , i do n't have that information . would you like their phone number again ? 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 why are you not able to call and find out , you are 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 the information i have does n't include a entrance fee . 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 O O O O O O O O O general-reqmore +bos yes , please get me information about the home from home hotel 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 home from home is a guesthouse in the north . it is a moderately priced and has a 4 star rating . 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 B-Hotel-Inform+Type O O B-Hotel-Inform+Area 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 general-reqmore +bos can you give me their address , price range , and tell me whether they have free internet ? 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+Internet,Hotel-Request+Addr +bos they do have internet and they are moderately priced . eos O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O Hotel-Inform+Internet +bos okay , may i please have their address ? eos O O O O O O O O O O Hotel-Request+Addr +bos the address is 78-80 milton road . eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos oakay great thank you for that info . eos O O O O O O O O O general-thank +bos do you want me to book a room for home from home ? eos 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 can you tell me about an attraction found in the centre ? eos O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are 44 attractions . what type would you like ? eos O O O O B-Attraction-Inform+Choice O O O O O O O Attraction-Request+Type +bos just any . give me one option with its phone number , postcode and address . 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 little saint mary 's church . you 'll have to go to little saint mary 's lane . the postcode is cb21qy and the phone number is 01223366202. 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 I-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 N/A +bos thank you . can you tell me some information for a place called the autumn house . i am not sure if its a hotel or 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 O O O O O O O O O O O N/A +bos there is no hotel in our records that goes by that name eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O N/A +bos are you sure autumn house is no longer there ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos sorry , i found it ! it 's a guesthouse . would you like for me to book you a room there ? 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 Booking-Inform +bos how many stars is it ? eos O O O O O O O Hotel-Request+Stars +bos i apologize , i was able to find your requested autumn house . it 's a 4 star , guesthouse . would you like to book it ? which days , people , etc ? eos 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 B-Hotel-Inform+Type 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 no , thanks . i was just looking for the star rating , which you 've already given me . 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 no problem , can i help with anything else ? eos O O O O O O O O O O O general-welcome,general-reqmore +bos i just needs the taxi to the hotel , i need to leave the attraction by 05:45 . ( i 'm doing a volunteer overnight security shift there for the experience ) 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 N/A +bos sounds like a great experience . a black volvo will pick you up at the church and drop you at the hotel . you can reach the driver at 07118076381 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+Depart O O O O O B-Taxi-Inform+Dest O O O O O O B-Taxi-Inform+Phone O O N/A +bos great , that is all i needed . thank you eos O O O O O O O O O O O general-thank +bos i hope you have a good trip . 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 am looking for a museum 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 , there are 4 museums available . three of them are free . eos O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Fee O O O N/A +bos can i get the address to one ? eos O O O O O O O O O N/A +bos sure , the cambridge artworks is located at 5 greens road . is there anything else you need ? 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 O O O O general-reqmore +bos could you give me the postcode , too ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb13ef . it is a great museum . eos O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Recommend+Type O N/A +bos thank you , ca n't wait to go ! can you help me with one more thing ? i need to find a guesthouse for us 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-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O O N/A +bos there are several , all are in the moderate price range . do you have any other preferences ? eos 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 O O O general-reqmore +bos not really . i wo n't be needing free parking . eos O O B-Hotel-Inform+Parking O O O O 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 general-reqmore +bos please book for 8 people for 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 acorn guest house will be expecting the 8 of you to arrive on saturday and stay for 5 nights . your reference number is : vxh2cwor . is there anything else ? eos O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+People O O O O B-Booking-Book+Day I-Booking-Book+Day O O O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos awsome ! i also need a taxi to leave the hotel by 19:00. eos 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 and what is the destination ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i 'll need to go from the hotel to the museum . i 'd like to leave by 19:00 please . 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 N/A +bos i have booked you a taxi . a yellow tesla will arrive to pick you up by 19:00. the contact number is 07384178468. 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 O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone 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 you are welcome , enjoy your holiday in cambridge . eos O O O O O O O O O O O general-welcome,general-bye +bos 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 . eos O O O O O O O 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 of town will you be staying in ? eos O O O O O O O O O O O Hotel-Request+Area +bos i need information for the warkworth house for my hotel . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos the warkworth house is a guesthouse located on the east side of town in the moderate price range with a 4 star rating , free internet and parking . anything else ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O 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 B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos yes , can you book that for me and 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 i can certainly help you book a room . i will just need to know how many guests , how many days you are staying , and what day you plan 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 O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People,Booking-Inform +bos i need it for 4 people , we 're staying 2 nights starting thursday . eos O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O O O O N/A +bos you 're all set ! your reference number is xm6q1aua . eos O O O O O O O O B-Hotel-Inform+Ref O O O N/A +bos thank you ! i 'm also looking for a good museum to go to . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos in what area ? eos O O O O O Attraction-Request+Area +bos it does not matter and please provide the entrance fee . eos O O O O O O O O O O O O Attraction-Request+Fee +bos i can suggest the castle galleries in the city centre . there is no entrance fee . eos 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 O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos okay . can you help me book a taxi to get to there from 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 sure i can help you with that . 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 Taxi-Request+Arrive,Taxi-Request+Leave +bos i want to leave the attraction by 16:15. please send me the contact number and car type . thank you ! 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 you 're all set ! the car will be a grey tesla and the contact number is 07137237413. 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 awesome ! that is all i need for now , thank you ! eos O O O O O O O O O O O O O O general-thank +bos glad i was able to help you today . goodbye . eos O O O O O O O O O O O O general-bye +bos i want a hotel that has free parking . eos O O O O B-Hotel-Inform+Type O O O O O N/A +bos there are several , got a price range , or area of town you 'd 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,Hotel-Request+Price +bos i want to stay in the northern part of town . eos O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos ashley hotel is in the north in the moderate price range with free parking and internet . would you like to reserve a room ? 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 O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , please reserve a room . eos O O O O O O O O N/A +bos 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 ? eos O O O O O O O O O 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 never mind . i want to know is this a guesthouse . if not i need one . eos O O O O O O O O O O O O O O O O O O O N/A +bos no its not but the hamilton lodge is one . would you like a room ? eos O 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 sure . can i get the postcode , price range , and phone number ? i also need an attraction 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 Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Price +bos the postcode for hamilton lodge is cb41da and their phone is 01223365664. they 're in the moderate price range . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Price O O O O N/A +bos i also need 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 O N/A +bos we have a couple swimming pools , a park , and a riverboat in the area , do you have a preference ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 Attraction-Request+Type +bos a park sounds nice . what are my options ? eos O O B-Attraction-Inform+Type O O O O O O O O N/A +bos milton county park is a favorite amongst locals and tourist in the north part of town . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O B-Attraction-Recommend+Area O O O O N/A +bos that sounds wonderful ! i will need a taxi to commute please . eos O O O O O O O O O O O O O O Taxi-Inform +bos absolutely , what time do you prefer ? eos O O O O O O O O O Taxi-Request+Leave +bos i want to leave milton county park by 06:15 to return to hamilton lodge , please . eos O O O O O O O O O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos i booked you a white tesla . in case you need to reach them , their number is 07906803720. will that be all for 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos yes , that will do for now thanks eos O O O O O O O O O general-thank +bos i am glad to help . enjoy ! eos O O O O O O O O O general-bye +bos thank you i do n't need anything else , goodbye . eos O O O O O O O O O O O O general-bye +bos goodbye and enjoy eos O O O O general-bye +bos i heard cityroomz is a good hotel . can you give me some information on this hotel ? eos O O O B-Hotel-Inform+Name O O O O O O O O O O O O O O O N/A +bos it is located in he centre of town and is priced in the moderate range . eos O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O N/A +bos can you book it for me eos O O O O O O O N/A +bos yes i can . what day will you be arriving and departing ? 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 Booking-Request+Day,Booking-Request+People,Booking-Request+Stay +bos i would like to book for six people and for three nights starting on monday . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Day O N/A +bos i have you booked for 3 nights starting monday at cityroomz . your reference number is z629wkmu . is there anything else i could help you with today ? eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Day I-Booking-Book+Day 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 sure , i 'm looking for places to go in town , something in the east . can you help ? 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 that here . what would you like to know ? eos O O O O O O O O O O O O O general-reqmore +bos can you give me the address , attraction type , and entrance fee please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type,Attraction-Request+Addr +bos how about the abbey pool and astroturf pitch located at pool way , whitehill road , off newmarket road . 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos that sounds great . what is the entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos i am sorry but there is no information on the entrance fee . eos O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos okay . can you help me book a taxi to get there ? eos O O O O O O O O O O O O O O Taxi-Inform +bos i certainly 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 Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Leave +bos i need to leave by astroturf pitch by 09:30. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos good news , a taxi is booked , this is a white volkswagen . the phone number is 07766913165. 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 N/A +bos great ! thank you . that 's all i need for today . i appreciate 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 any time ! enjoy your trip ! eos O O O O O O O O general-greet +bos i am looking for a place to stay . eos O O O O O O O O O O N/A +bos great we have 33 places , do you have anything to narrow it down ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O N/A +bos i 'd like a moderately priced guesthouse . eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O N/A +bos we have 15 moderate priced guesthomes available that may suit your needs , is there a certain area or star rating you are interested 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 Hotel-Request+Area,Hotel-Request+Stars +bos somewhere in the south would be ideal . eos O O O O B-Hotel-Inform+Area O O O O N/A +bos there are two : aylebray lodge guest house and bridge guest house . do either of those sound appealling ? eos 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 O O O Hotel-Select +bos not sure yet . does either have free parking ? i also need free wifi . eos O O O O O O O O O O O O O O O O O Hotel-Request+Parking +bos there are 2 guest houses in the south part of town both have parking and internet . do you want a 4 or 3 star room ? 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 O O O B-Hotel-Select+Stars I-Hotel-Select+Stars O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos the star rating is not important . either of those will do . can i just get the name of one and 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 Hotel-Request+Addr +bos bridge guest house is located at 151 hills road . would you like to book ? 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 O O O O O Booking-Inform +bos no thanks , can you help me find a nightclub to go to ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are several nightclubs in the centre and one in the south . are you looking for anything in particular ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 general-reqmore +bos no , can you recommend your favorite one ? eos O O O O O O O O O O N/A +bos yes , i recommend club salsa on 1 station road . it costs 5 pounds to get in . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O N/A +bos okay that 's perfect thanks so much . eos O O O O O O O O O general-thank +bos no problem ! is that all 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 a taxi . ill need to leave club salsa by 15:45 and go to bridge guest house . 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 N/A +bos okay let me work on booking that for you ! eos O O O O O O O O O O O N/A +bos thank you . i 'll 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 Taxi-Request+Car +bos i booked your taxi . there will be a black lexus coming for you . their phone number is 07229053145. 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 B-Taxi-Inform+Phone O O N/A +bos thanks for all your help . you 've been great . 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 general-bye +bos you 're welcome . i hope you enjoy your trip . eos O O O O 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 where would you like to go to ? eos O O O O O O O O O Train-Request+Dest +bos i will be going to londons kings crossing . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos sure , just let me get a little more information . where are you departing from and when did you want the booking 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 Train-Request+Day,Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart +bos i need to leave friday after 16:15 from cambridge . eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O B-Train-Inform+Depart O N/A +bos tr6628 leaves cambridge on friday at 17:00 and arrives by 17:51 at london kings cross , does this suit your needs ? eos 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 B-Train-Inform+Leave I-Train-Inform+Leave 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 N/A +bos that sounds great , i 'll need 4 seats please and a reference number . eos 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 that for you . your reference number is o4brx03o and you 'll owe 94.4 gbp payable at the station . anything else i can do ? eos O O O O O O O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref 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 general-reqmore +bos yes , please . i 'm looking for an italian restaurant in the east . price range does n't matter . 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 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 i want to eat in the east . eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos okay , there is one that matches . it 's the pizza hut fen ditton . would you like me to make 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 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 not at this time but can i please get their postcode ? eos O O O O O O O O O O O O O Restaurant-Request+Post +bos of course , the postcode is cb58wr . is there anything else i can assist you with ? eos O O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos no , that will do it . thank you and goodbye ! eos O O O O O O O O O O O O O general-bye +bos have a good visit . eos 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 what day would you like to leave ? eos O O O O O O O O O Train-Request+Day +bos i want to leave on sunday , please . eos O O 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 'll be departing from cambridge and want to arrive by 19:30 on sunday . could i also get the train id as well ? eos O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+TrainID +bos there are 146 departures from cambridge on sunday that match your arrive by time . where is your destination ? 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 O Train-Request+Dest +bos kings lynn and i also looking for a restaurant in the south and expensive price range eos O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O N/A +bos sure , i can help you with that . first , let 's find the train . how early 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 Train-Request+Leave +bos arriving by 19:30 on sunday . i need the train 's id please . leaving cambridge going to kings lynn eos O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O O O Train-Request+TrainID +bos tr3212 leaves cambridge at 05:11 and arrives in kings lynn at 05:58. will this one 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 O B-Train-Inform+Arrive O O O O O O O general-reqmore +bos i 'd like something a little later in the day , please . eos O O O O O O O O O O O O O O N/A +bos tr2045 leaves at 18:11 and arrives at 18:38. would that be acceptable ? eos 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 that sound just fine eos 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 please do . i would also like help finding an expensive restaurant . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos how many seats do you need on that train ? eos O O O O O O O O O O O Train-Request+People +bos i do not need train reservations . i need help finding a restaurant . eos O O O O O O O O O O O O O O O Restaurant-Inform,Train-Inform +bos there are several fine restaurants . what area and what type of food would you enjoy ? eos 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 south area , and food type does n't matter . i need it for 3 people at 15:45 on the same day , if that time does n't work 14:45 and i 'd like a reference number . eos O B-Restaurant-Inform+Area 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 O O O O O O O O O O O O O O Restaurant-Request+Ref +bos you are booked at frankie and bennys for 3 at 1545. your booking number is t01e84xg eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People B-Booking-Book+Time O O O O B-Booking-Book+Ref N/A +bos thank you for your help . that is all i need . eos 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 O general-bye +bos i 'm looking for a 4 star place to stay that has free wifi . eos O O O O O O B-Hotel-Inform+Stars 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 'd like be ? 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 need the place to be in the east part of town . eos O O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos allenbell is in the east with a 4 star rating . it has free internet and parking . would you like to reserve a room ? eos O B-Hotel-Inform+Name 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 O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos please and i need postcode and confirm number eos O O O O O O O O O N/A +bos postal code is cb13js , before i book , how many people and nights and starting which day ? eos O O O O B-Hotel-Inform+Post 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 it for 3 people 2 nights starting sunday please . eos 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 reference number is : u1wo8e7e . 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 i also need to book an expensive chinese restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos we have 9 restaurants that meet your criteria . did you have a particular area of town in mind ? 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+Area +bos same area as the hotel . i need a reservation for 3 at 17:30 on sunday and please provide the reference number . 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 N/A +bos yu garden is a good choice . i 've booked a table for 3 at 17:30 on sunday . reference number is ft3srq1r . reservations are held for 15 minutes . need anything else today ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 B-Booking-Book+Ref 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 ! eos O O O O O O O O O O O general-thank +bos bye now , then . have a nice day . eos O O O O O O O O O O O general-bye +bos hello , i 'd like some information on a train departing from stansted airport . 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 sure , i can help you with that ! what information are you looking for ? eos O O O O O O O O O O O O O O O O O N/A +bos it should depart stansted airport and arrive at cambridge by 8:30 on wednesday . eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O N/A +bos there are 3 different options that fit your request . which time would you like to depart , 05:24 , 06:24 , or 07:24 ? 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-Select+Leave I-Train-Select+Leave O O O O N/A +bos i need to depart whichever train gets me to cambridge closest to 08:30 am . eos O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O O N/A +bos the tr0196 arrives by 7:52. do you want to purchase a ticket ? 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 and i need a reference number please thank you eos O O O O O O O O O O O Restaurant-Request+Ref +bos how many tickets will you need ? eos O O O O O O O O Train-Request+People +bos nevermind . i 'm going to just purchase my ticket at the station . can you check for swedish restaurant for me ? 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 O O N/A +bos i 'm sorry but we do n't have any restaurants that serve swedish food in the area . is there another type of food you would like to try ? eos 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 O O O N/A +bos how about one with italian food ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos recommend pizza hut city centre . it a very good joint . 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 N/A +bos sounds like a plan . can you book me a table for 6 people please 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 to go ? eos O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos it will be for wednesday , 6 people at 12:00. eos O O O O O B-Restaurant-Inform+Day 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 : 63ovporg . 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 . that is all i will be needing for today . 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 hi i would like to find a moderate priced place to stay with free parking . eos 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 14 results which fit your request . do you want information for the places with a 4 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 N/A +bos i 'd like a 4 star hotel in the south , yes . eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O N/A +bos the aylesbray lodge guest house fits your needs . it 's a moderately-priced , 4-star guesthouse in the south . i can book a room for you , if you like ! 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 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 +bos that is a guest house ? eos O O O O O O O N/A +bos yes this is a moderately priced guesthouse . eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos thanks so much . also can you provide me information about a restaurant called the copper kettle ? 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 N/A +bos i have that here . what would you like to know ? eos O O O O O O O O O O O O O N/A +bos what area is it in ? eos O O O O O O O Restaurant-Request+Area +bos south would you like me to book it for you ? eos O B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos can you help me locate a restaurant called pizza express fen ditton ? 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 N/A +bos pizza express fen ditton is located on jesus lane . the phone number is 01223324033. 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 O O O O B-Restaurant-Inform+Phone O N/A +bos thank you do you know if they take reservations ? do you know the hours of the business ? 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 am unable to locate the hours of pizza express ; however , they do take reservations if there is a time you would like me to try to book 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 Booking-Request+Time,Booking-Inform +bos i need a reservation for 3 people on saturday . eos O O O O O O O O O O O N/A +bos what time would you like to dine ? eos O O O O O O O O O Booking-Request+Time +bos the train should arrive by 16:30 and should depart from cambridge . eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart O N/A +bos there is a train that leaves 13:17. eos O O O O O O O B-Train-Inform+Leave N/A +bos what time does that train arrive ? eos O O O O O O O O N/A +bos what day do you want to travel ? eos O O O O O O O O O Train-Request+Day +bos i will travel on sunday . eos O O O O O B-Train-Inform+Day O N/A +bos where shall the train go ? eos O O O O O O O Train-Request+Dest +bos the train should arrive by 16:30 and should depart from cambridge eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart N/A +bos a total of five entries found . how about tr7447 ? it arrives at 13:51 , and leaves at 13:00 ? then we can get back to the restaurant reservation we had been working on . eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Id O O O B-Train-Inform+Dest 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 general-reqmore +bos yes , that will do . i need tickets for 3 people please . eos O O O O O O O O O O B-Train-Inform+People O O O O N/A +bos your train tickets are booked , ref # 6qvpo3n3 . 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 thank you , that 's all i need today . eos O O O O O O O O O O O general-thank +bos great . well , i hope you have a wonderful trip . if you need anything else , do n't hesitate 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 O O general-greet +bos hello any restaurants suggestions ? i am also looking for nice 4 star hotels with wifi . 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 N/A +bos two hotels in the west , huntingdon marriott and the cambridge belfry , and one in the centre , university arms hotel , meet your specified needs . eos 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 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 could i please have more information about the west ? is it an actual hotel or a guesthouse ? eos 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 O N/A +bos i have two hotels the huntingdon marriott and the cambridge belfry . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos okay may i get the price range for those hotels with the postcode also ? eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O Hotel-Request+Post,Hotel-Request+Price +bos the huntingdon marriott is an expensive offering at postcode pe296fl . the cambridge belfry is a cheap offering at postcode cb236bw . 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 I-Hotel-Inform+Price O B-Hotel-Inform+Post I-Hotel-Inform+Post N/A +bos thank you . i 'm also looking for for a place to dine , i 'd prefer an expensive place please . 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 N/A +bos do you have a particular cuisine in mind ? eos O O O O O O O O O O Restaurant-Request+Food +bos italian food please in the cheap price range eos O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O Hotel-Request+Price +bos what area would you like to dine in ? eos O O O O O O O O O O Restaurant-Request+Area +bos in the centre please . and make it portuguese . i do n't care about price . i have no idea where i got the idea of cheap italian from , smh . 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 Hotel-Request+Price +bos i have a cheap portuguese restaurant in the centre by the name of nandos city centre , would you like me to book you a table ? eos O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area 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 i apologize . my husband wants something expensive . do you have any portuguese places that are expensive ? 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 there does n't seem to be any . do you have any other different criteria ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos in that case what about french ? eos O O O O O O B-Restaurant-Inform+Food O N/A +bos you have two options , one in the north and one in the center . which one 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O Restaurant-Select +bos i 'd rather the one in the center . what is it called ? eos O O O O O O O O O O O O O O O N/A +bos i have the cote located in the centre it is a expensive french restaurant . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos that sounds good . can you get me the address , post code 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+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos cote is at bridge street city centre , cb21uf . their phone number is 01223311053. would you like a reservation ? eos 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 B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O Booking-Inform +bos no thank you i do not need reservations . 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 hello , i am looking for some good australasian food . i would like an expensive restaurant also . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos i do n't have matches . 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 and i would like something australasian , or if you ca n't find that , chinese , at least . 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 great , we have several chinese restaurants that are expensive . do you have a preference on what area it is in ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Select +bos any area is fine with me , i can drive there . eos O O O O O O O O O O O O O N/A +bos is there a certain price point ? eos O O O O O O O O Restaurant-Request+Price +bos i would like a chinese restaurant the is expensive . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O N/A +bos the yu garden is highly recommended , shall i 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 Booking-Inform +bos yes a table for four please . eos O O O O O O O O N/A +bos what day and time ? eos O O O O O O Booking-Request+Day,Booking-Request+Time +bos wednesday at 14:45 if that is not available please try saturday at the same time . can you send a reference number please ? eos 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 N/A +bos booking was successful for wednesday . the table will be reserved for 15 minutes.reference number is : vrhksk2r . can i help with anything else today ? eos O O 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 general-reqmore +bos i actually need a train from london liverpool street to cambridge , i want to arrive by 10:30. eos 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+Arrive O N/A +bos sure , i can help you with that . was that for the same day ? eos O O O O O O O O O O O O O O O O O Train-Request+Day +bos yes please . for 4 people as well . eos 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 : x5hdvsz6 . anything more ? 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 no that is it . thanks for your help eos O O O O O O O O O O general-thank +bos thanks for letting us assist you ! have a great 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 stay in the north side . eos O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos there are many guesthouses and hotels on the north side . do you have any preferences ? eos O O O B-Hotel-Inform+Choice 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 Hotel-Select +bos i would like for the place to be 0 stars but has to include free wifi and free parking . 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 found the city centre north b and b. would you like me to book you a room ? 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 I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos yes . i want to book it for 8 people , starting sunday , for 3 nights . 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 N/A +bos okay , your all set . the reference number is 0is0gu49 . can i do anything else 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-welcome,general-reqmore +bos that 's all , thank you . eos 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 a medium priced chinese restaurant . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos alright we have a few of those . any preference on the area ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Area +bos i would like it to be in the north please . eos O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos the golden wok is in the north and moderately priced . would you like to book a table ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O Booking-Inform +bos that sounds perfect . can you please book a table for 7 at 12:30 on monday ? i 'll need a 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 N/A +bos i have booked it and here your information , booking was successful . the table will be reserved for 15 minutes.reference number is : a776mgrf . 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 thanks . now please book me a train departing from london kings cross on monday 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 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 would like to go to cambridge . is there any way i can get a train that will arrive by 09:00 ? 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 B-Train-Inform+Arrive O N/A +bos sure i have train tr9276 arriving at 08:08 is that okay for you ? eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yeah , that would be great . eos O O O O O O O O N/A +bos would you like me to book this for you ? i will need to know how many total 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 O O Train-Request+People,Train-OfferBook +bos yes i need 7 tickets please . eos O O O O O B-Train-Inform+People O O N/A +bos you are booked , the reference number is c33q5d2g , the total fee is 196.2 , any further questions today ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket O O O O O O O O general-reqmore +bos that 's it . thanks very much for your help today . eos O O O O O O O O O O O O O general-thank +bos thank you for choosing to work with us . i hope your experience has been pleasurable . have a good 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 general-welcome,general-bye,general-greet +bos hi . can you help me find a train ? eos O O O O O O O O O O O Train-Inform +bos yes . when will you be departing and where from ? and what is your final destination ? 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+Leave,Train-Request+Dest +bos i will be departing from cambridge and going to norwich . as long as it leaves after 13:15 departure time does not matter eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O O O O O 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 leaving on sunday . eos O O O O O B-Train-Inform+Day O O N/A +bos train tr8185 departs cambridge to norwich at 13:36. would you like to reserve a ticket ? eos O O B-Train-Inform+Id 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 yes please , for 1 person eos O O O O O B-Train-Inform+People O N/A +bos i have booked your train . it will cost 14.08 gbp . you can pay at the station . your reference number is rmg9s7n9 . 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 N/A +bos do you know where i may get some yummy chinese 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 N/A +bos may i suggest charlie chan ? it is a good chinese restaurant in the cheap price range . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Price O O O O N/A +bos i 'm feeling like chinese for breakfast . i 'd like to get a table for 1 at 10:00 on sunday please . eos O O O O B-Restaurant-Inform+Food 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 : kiasvdlx.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 general-reqmore +bos no , that 's all the information i need right 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 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 i 'm looking for good turkish food , and price is no object . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos i have found three restaurants for you all in the center of town . the expensive restaurant is meze bar restaurant . do you want their address ? eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Inform+Area 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 general-reqmore +bos that 's great . i 'd like to book a table . eos O O O O O O O O O O O O O N/A +bos when would you like to dine and on what day and for 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+Time,Booking-Request+People +bos i think i will just take their address instead . eos O O O O O O O O O O O Restaurant-Request+Addr +bos meze bar restaurant is located at 196 mill road city centre . anything else i can help you with or can i reserve you a table ? 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 O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos thanks for the address . can you find me a 2-star hotel in the same price range -- expensive ? eos O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O Restaurant-Request+Addr +bos express by holiday inn cambridge is an expensive , two-star hotel . do you want me to book the hotel ? eos 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+Price 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 the express by holiday inn offers parking , however i do n't know if it 's free . 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 Hotel-Inform+Parking +bos okay can you tell me what the postcode is for that ? eos O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb13lh . will that be all for you ? eos O O O O B-Hotel-Inform+Post O O O O O O O O general-reqmore +bos thanks , i also need a taxi to commute between the two places . can you please assist ? eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos which site will you be departing from ? eos O O O O O O O O O Taxi-Request+Depart +bos i need to leave the hotel by 09:45. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos a black skoda is booked for you . the contact number is 07215076304. anything else ? 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 general-reqmore +bos thank you for your help . eos O O O O O O O general-thank +bos thank you and have a good time in our lovely city ! 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 north . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos there are two options , ashley hotel and lovell lodge , both are two stars and moderately pricing , would you like me to check for bookings ? 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform +bos are either of those in the north ? it should have free parking too eos O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos they are both in the north , and have free wifi . would you like to make a reservation at either of them ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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,Hotel-Inform+Internet,Hotel-Select +bos do either have free parking ? eos O O O O O O O N/A +bos they both offer parking . eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O Hotel-Inform+Parking +bos is either one a guesthouse ? eos O O O O O O O N/A +bos i am sorry but they are both hotels . would you like a reservation ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Booking-Inform +bos may i have you check one more time to make sure there are not any moderate priced guesthouses in the north that include parking . i 'd much rather stay in a guesthouse . eos O O O O O O O O O O O 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 O O N/A +bos there must have been a glitch in my system . i am showing 7 moderately priced guesthouses in the north that have free parking . are there any other amenities you require ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Choice 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 O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos can you please recommend one and book me a room for 6. eos O O O O O O O O O O O O O N/A +bos i would recommend acorn guest house . what day will you be arriving and how many nights would you like to stay ? 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 Booking-Request+Day,Booking-Request+Stay +bos it will be for wednesday for 6 people , 4 nights . eos O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O N/A +bos okay , i have that booked for you . reference number is wzycql4o eos 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 dine as well , chinese food 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 any price range preferred ? eos O O O O O O Restaurant-Request+Price +bos same general price range as the hotel please . eos O O O O O O O O O O N/A +bos i recommend the golden wok at 191 histon road , chesterton . can i reserve a table for you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O Booking-Inform +bos no thanks , what 's the postcode though ? eos O O O O O O O O O O Restaurant-Request+Post +bos the post code is cb43hl . can i get you any other information ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos yes can you help with a taxi ? eos O O O O O O O O O Taxi-Inform +bos certainly . what will be you departure and arrival sites and times ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,general-greet +bos i would like to leave the restaurant by 19:15. i will need the contact number and car type as well . 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 Taxi-Request+Car +bos i have you riding fancy in a blue honda , you can reach them at 07390748168. how else can i help ? . 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 N/A +bos that was all i needed . eos 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-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 sure . where will you be departing from and where do you want to go ? 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 i want to depart from leicester and go to cambridge . i also want to leave on saturday eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Day I-Train-Inform+Day 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 need to leave after 13:45. can you help find something ? eos O O O O O O B-Train-Inform+Leave O O O O O O N/A +bos i have the tr0137 leaving at 14:09. would you like me to book that for you ? 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 O Train-OfferBook +bos yes that will be fine , can you book me a seat for 2 people and give me the reference number ? 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 Train-Request+Ref +bos i have booked you on the tr0137 for two people with reference number is a4mgzve0 . the total fee is 60.48 gbp payable at the station . will that be all ? eos O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+People I-Train-OfferBooked+People 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 general-reqmore +bos actually , i could use some help finding an expensive restaurant in the west 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 i have 9 restaurants that meet your requests . would you be interested in british , european , indian , or thai cuisine ? eos O O O O B-Restaurant-Inform+Choice 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 N/A +bos i would like european , please eos O O O O B-Restaurant-Inform+Food O O N/A +bos cambridge lodge restaurant fits your criteria . would you like more information on it or would you like to book a table ? 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 O O O O O O O Booking-Inform,general-reqmore +bos i just need the address please . eos O O O O O O O O Restaurant-Request+Addr +bos the address is cambridge lodge hotel 139 huntingdon road city centre . 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 N/A +bos thank you for the address . that is all the help i need today . eos O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos enjoy the rest of your day , goodbye ! eos O O O O O O O O O O general-bye,general-greet +bos hello i am seeking a restaurant in the west side of cambridge to eat at . please only suggest expensive places . eos O 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 N/A +bos there are 9 matches . do you have a food preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos i would like to eat british food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i suggest graffiti . 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 yes , please . i need a table for 7 at 15:30 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 was able to book a table for 7 at 15:30 on monday . your confirmation number is c1555wjl . can i help you with anything else ? 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 O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos yes , i need a place to stay . something that is expensive and has free wifi . eos O B-Hotel-Inform+Internet O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos there are 5 expensive hotels with free wifi . do you have a preference of area ? 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,Hotel-Inform+Internet +bos i 'm not really set on an area , however , please make sure that they are 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 B-Hotel-Inform+Stars O O O O O O O O N/A +bos then i suggest the huntingdon marriott hotel . it is on kingfisher way , hinchinbrook business park , huntingdon . would you like for me too book it ? 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 O O O O O O O O O O O O Booking-Inform +bos yes please . book it for he same group of people and 3 nights starting from the same day . 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 booking was successful . reference number is : vj7yqqs7 . 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 O general-reqmore +bos i also want a taxi to get to the hotel after the restaurant eos O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos when would you like to leave the restaurant ? eos O O O O O O O O O O Taxi-Request+Leave +bos wait , i want it to go to the restaurant by 15:30. eos O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos booking completed ! booked car type : black volvocontact number : 07237462964 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 so much for all the help ! 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 can you tell me if there are any european restaurants in the center of town ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos there are 8 restaurants that have european food in the centre of town . is there a pricerange you would like it to be in ? 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 O O O O O O O O O O O O Restaurant-Request+Price +bos i need something in the moderate price range , please . eos O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos the galleria serves european food and is located in town centre and moderately priced . would you like me to reserve a table for you ? eos O O B-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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform +bos no thank you , but i would like their address please ! eos O O O O O O O O O O O O O Restaurant-Request+Addr +bos their phone number is 01223362054. anything else i can do for you ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos i 'm also looking for a college to visit while i am in town . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos there are 18 colleges around town . is there a part of town you 'd like to visit 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 Attraction-Request+Area +bos i do n't mind where the college is . sorry , but could you please get me the address for the galleria ? 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 Restaurant-Request+Addr +bos christs 's college is on saint andrew 's street and is free to enter . i do n't have any information on a galleria . is there another attraction you would like to see ? 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+Fee I-Attraction-Inform+Fee O O O O O O O O O B-Attraction-NoOffer+Type O O O O O O O O O O O O O O general-reqmore,Attraction-Request+Name +bos the galleria is the name of the restaurant . i need the address for it please . i also need the postcode for the 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 B-Attraction-Inform+Type O O O Restaurant-Request+Addr,Attraction-Request+Post +bos my apologies , the system has been giving us difficulties today . the galleria is at 33 bridge street . christ 's college is in postcode cb23bu . can i help you with anything else today ? eos O O O O 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-Attraction-Inform+Name O O O B-Attraction-Inform+Post O O O O O O O O O O O O O O general-reqmore +bos no i think that 's everything , thanks . 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 . do 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 O O general-reqmore +bos i do not think i need any more info , thank you so much . eos O O O O O O O O O O O O O O O O general-thank +bos alright , enjoy cambridge ! eos O O O O O O general-bye +bos hi , i 'm looking for a nightclub located in the east . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O N/A +bos there are n't any , unfortunately . shall i look for something elsewhere ? eos O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos no that 's ok. is there anything in the east in the category of multiple sports ? eos O O O O O 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 attraction in the east . 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 I-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos can i get their telephone number ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Phone +bos sure ! the telephone number is 01223576412. is there anything else i can help with ? eos 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 their address . eos O O O O O O O Attraction-Request+Addr +bos of course ! the address is colville road , cherry hinton cb19ej . may i help with anything else ? eos 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 O O O O general-reqmore +bos i also need a 4 star hotel with free wifi . i prefer a guesthouse in moderate price range . it will be for 7 people for 2 nights starting from monday . eos O O 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 B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A +bos i recommend arcon guesthouse . it matches your description and even has free parking . can i book you into it ? eos 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 O O Booking-Inform,Hotel-Inform+Parking +bos yes please , and can you send me the reference number once the booking is complete ? 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 booked you a room and the reference number is : 42kexq3v . eos O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks . i need help with one more thing , a taxi to travel from 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 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 ! eos O O O O O O 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 between the hotel and the arcon guest house . eos O O O O O O O O O O Hotel-Inform +bos i am sorry but i ca n't book it without the time . when did you want to go ? 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 +bos oh sure , i would like to leave the hotel by 9:45. eos O O O O O O O O O O O O O Hotel-Inform +bos okay . i booked you a black skoda and the contact number is 07991291688. 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 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 thank you and enjoy your stay . eos O O O O O O O O general-bye +bos hi , i am looking for a particular restaurant , the restaurant alimentum . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos restaurant alimentum is a modern european restaurant in the south . it is located at 152 - 154 hills road . their phone number is 01223413000. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 B-Restaurant-Inform+Phone O O N/A +bos could you book me a table for 1 at 12:30 on friday and could i have the 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 Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes.reference number is : ao7b2s0g . 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 'm also looking for museum type attractions in the centre eos O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos there are 11 museums in the centre . is there a particular one that you are looking for ? 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 Attraction-Request+Name +bos i have no idea . i have never been to any . can you make a recommendation 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 how about castle galleries ? admission is free ! eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Inform+Fee O O N/A +bos sure ! thanks for the recommendation ! i like free ! can i get a postcode and phone number for this museum ? 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+Post,Attraction-Request+Phone +bos sure the phone number is 01223307402 and the postcode is cb23bj eos O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post 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 welcome , and thanks , you , too ! eos O O O O O O O O O O O O general-welcome,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-Inform+Id I-Train-Inform+Id O O O O O O B-Train-Inform+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 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 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 O O O O B-Hotel-Select+Price B-Hotel-Select+Type 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-Select+Type 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 O N/A +bos let 's go with the 4 star . could i have the phone number of that one ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Phone +bos of course . the phone number for finches bed and breakfast is 01223276653. 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-Hotel-Inform+Phone O N/A +bos thank you . that will be all for today . goodbye eos O O O O O O O O O O O O general-bye +bos bye now . eos O O O O general-bye +bos i need a taxi to pick us up in centre at 11:45 eos O O O O O O O O O O O O O Taxi-Inform +bos sure , i can help you find a taxi . first i need a specific location the taxi will 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 Taxi-Request+Depart +bos im sorry , my wife was confused on what we were doing , disregard that last request . i really need a train from cambridge to leicester eos 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 O B-Train-Inform+Dest O N/A +bos what day will you be travelling and is there a certain 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 Train-Request+Day,Train-Request+Leave +bos i would like to leave on wednesday . i am open on what time to leave , however , i need to be there by 21: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 Train-Request+Leave +bos the first train leaves at 5:21. eos O O O O O O B-Train-Inform+Leave N/A +bos that is a good train . could you give me the train id ? how long is that train ride 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 Train-Request+TrainID +bos i have another train that arrives there at 20:06 eos O O O O O O O O O B-Train-Inform+Arrive N/A +bos that sounds good . how long is the train ride ? eos O O O O O O O O O O O O Train-Inform +bos the travel time is 105 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 yes , and i will need the train id as well , please . eos O O O O O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr0677 . eos O O O O O B-Train-Inform+Id O N/A +bos can you book it for me ? eos O O O O O O O O N/A +bos yes , how many tickets will you need ? eos O O O O O O O O O O Train-Request+People +bos i actually do n't need any tickets . i just need the departure time . eos O O O O O O O O O O O O O O O O Train-Request+Leave +bos the departure time of tr0677 is 05:21 arriving in leicester by 07:06. do you need any further assistance today ? eos O O O O O B-Train-Inform+Id O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O general-reqmore +bos yes , please give me the name of a place to dine in the centre . i would like it to be moderately priced . 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 N/A +bos i have many options . what type of food interests you ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food +bos i 'd like to try some british food , i think . eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos would you like to try cotto ? eos O O O O O O B-Restaurant-Inform+Name O N/A +bos cotto is fine . please get me their address and postcode eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos cotto address is 183 east road city centre , postcode cb11bg . eos 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 B-Restaurant-Inform+Post 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 today ? eos O O O O O O O O O O O O general-reqmore +bos nope , that 's it . eos O O O O O O O N/A +bos thank you for using this service good bye eos 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 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 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 am leaving cambridge . i need a train that leaves after 13:45. eos O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Leave O N/A +bos on what day do you wish to travel ? eos O O O O O O O O O O Train-Request+Day +bos i am traveling on wednesday and need to go to birmingham new street please . eos 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 O N/A +bos tr1766 . it is going to take 163 minutes . can i book it for you ? eos O B-Train-Inform+Id O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O N/A +bos yes , can you book 4 tickets for me ? eos O O O O O O B-Train-Inform+People O O O O N/A +bos i have you booked on tr1766 leaving cambridge at 18:01 arriving birmingham new street at 20:44. your reference number is 6l0manzv . can i help with anything else ? eos O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos also looking for a place that has british food and moderately priced . 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 have many options for you . they are all in the city center . do you have any other 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 O O O O O O N/A +bos what are my options ? eos O O O O O O N/A +bos there are four in the centre area and one in the west . do you have a preference between the areas ? eos O O O O O 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-Select +bos no , i do not . eos O O O O O O O N/A +bos restaurant one seven suits your needs . can i make a booking for you ? 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 O O O O Booking-Inform +bos i have heard good reviews of that restaurant . please make a reservation for 10:30 on wednesday for 4 people , please . eos 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+Time O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O O O O N/A +bos you are all set , the reference number is lq7ca2w8 , 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 thanks . you took care of it all . goodbye . eos 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 need information of a hotel called allenbell . eos O O O O O O O O B-Hotel-Inform+Name O N/A +bos sure , great guesthouse on the east side . 4 stars but still cheap . eos O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O N/A +bos could you make a reservation for 8 people for 5 nights starting tuesday ? i will 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 Hotel-Request+Ref +bos yes i was able to do this and the reference number is j7s65alv . 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 entertainment place . eos O O O O O O O O O O N/A +bos would you like the attraction in the same area as the guesthouse ? eos O O O O O O O O O O O O B-Hotel-Inform+Type O Attraction-Request+Area +bos that does n't really matter . what 's the entrance fee and area for your favorite entertainment place ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O Attraction-Request+Area,Attraction-Request+Fee +bos my favorite is nusha . it 's in the south . unfortunately , i do n't have the information on their entrance fee , but i can give you their phone number , if you like . eos O O O O B-Attraction-Recommend+Name 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 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 N/A +bos that would be fine . i think 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 O O general-thank +bos ok. thank you and good bye . eos O O O O O O O O general-welcome,general-bye +bos are there any restaurants in the centre that offer austrian cuisine ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A +bos i am sorry , i have not found any austrian restaurants in the area . would you like to look for a different cuisine ? 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 O O Restaurant-Request+Food +bos no , thank you . 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 no how about trying to look for chinese food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 17 options for chinese , anything i can do to narrow that down for you ? 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 general-reqmore +bos i would like one that is moderately priced . eos O O O O O O O B-Restaurant-Inform+Price O O N/A +bos there are three chinese places in the centre with a moderate price range . may i suggest the jinling noodle bar ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos that sounds great . can you make a reservation for thursday for 8 guests at 16:45 please ? eos O 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is bvtk5h3x . do you need assistance 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 O general-reqmore +bos great , thanks ! and yes , i 'm also looking for a place to stay , also located in the centre and with free wifi . eos O O O 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 O O O N/A +bos is there a certain price range or rating you would like ? or would you like me to make a 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 Hotel-Recommend,Hotel-Request+Stars,Hotel-Request+Price +bos no particular price range . yes , i would appreciate a recommendation . eos O O O O O O O O O O O O O O N/A +bos how about the gonville hotel ? it has free wifi and parking . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos that would be fine please book that for 4 nights on the same day and for the same people . 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 booking was successful.reference number is : mp576wvk . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you for all your help . eos 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 , you have been most helpful with the restaurant and lodging . thank you . goodbye . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform +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 hotel in the centre with free parking . eos O O O O O O O O O O O O O O N/A +bos i have a few hotels with free parking . do you want me to go through the whole list with you ? 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 Hotel-Inform+Parking +bos no , you do n't have to do that . can you recommend a 5 star hotel ? eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos there are no 5 star hotels in the centre with free parking . there are two four star hotels , though . does cost concern you ? 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 O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-NoOffer+Parking,Hotel-Request+Price +bos is there one with a four star rating ? eos O O O O O O O O O O N/A +bos there are two 4 star places , one a guesthouse and one a hotel . would you like a reservation at one of these ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 O Booking-Inform +bos can you suggest one please ? and i need a postcode . eos 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 the postcode is cb12de . 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 B-Hotel-Recommend+Price O O O O B-Hotel-Recommend+Post O O O O O O O O O Booking-Inform +bos can you tell me about the 4 star hotel instead ? eos O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos sure . the university arms hotel is on regent street in the centre of town . it is 4 start and expensive . is their any other information i can provide ? 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 O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O O O O O general-reqmore +bos i am also interested in a place to dine . i would like to have asian oriental cuisine . 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 the price range for you ? eos O O O O O O O O O Hotel-Request+Price +bos it 's a special dinner , so expensive is fine . i need a postcode and address with that recommendation please . thanks so much ! 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 O O O O O O Restaurant-Request+Addr +bos sure , did you have a specific kind of cuisine in mind ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos i 'm looking for an asian oriental place 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 there are four restaurants in that area that fit that criteria . eos O O O B-Restaurant-Inform+Choice O O O O O O O O O N/A +bos 4 expensive asian restaurants ? well if so pick the one you 'd recommend . oh and get me the postcode and address . eos 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+Addr +bos i recommend kymmoy in the centre . it 's located on 52 mill road . eos O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr 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 alright , have a lovely day and goodbye . eos O O O O O O O O O O general-bye +bos hi . i am looking for a hotel that is a guesthouse that has free parking . can you help me find one ? 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 N/A +bos there are 21 options available . do you have any other preferences 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 N/A +bos sure , how about an expensive , four star guest house ? eos O O O O O O O O O O O O O N/A +bos it does n't look like we have any expensive 4 star guesthouses . there are some which are moderate if you are interested . eos O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type 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 N/A +bos moderate will do . can you give me more information please ? eos O B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos the archway house is very nice . would you like me to 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 Booking-Inform +bos yes and can i get the reference number ? eos O O O O O O O O O O Hotel-Request+Ref +bos what day would you like to check in at the guesthouse ? eos O O O O O O O O O O O O O Booking-Request+Day +bos i would like to check in on saturday . we would need 4 nights for 8 people . eos O O O 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 N/A +bos i have booked you at the archway house . the reference number is 61o3suck . 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 O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos yes , can i get the phone number and address for the cambridge and county folk museum ? 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 O O Attraction-Request+Phone,Attraction-Request+Addr +bos the phone number for the cambridge and county folk museum is 01223355159 , and the address is 2-3 castle street . 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 I-Attraction-Inform+Name I-Attraction-Inform+Name 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 general-reqmore +bos no , that will be all . eos O O O O O O O O N/A +bos i have booked you . thank you . goodbye . eos O O O O O O O O O O O Booking-Book,general-bye +bos find me train times from cambridge to london liverpool 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 which day would you be traveling ? eos O O O O O O O O Train-Request+Day +bos wednesday , please . any time after 08:00. eos O B-Train-Inform+Day O O O O B-Train-Inform+Leave O O N/A +bos i have train tr5874 that leaves at 09:59 and arrives in london liverpool street at 11:27. would that suit your needs ? 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 I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes , i would like a ticket just for myself . eos O O O O O O O O O O O O N/A +bos i have booked the seat and here is the information-booking was successful , the total fee is 16.6 gbp payable at the station .reference number is : e770z8w7 . 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 O O N/A +bos thank you . please also find me a moderately priced hotel on the west side eos O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O N/A +bos yes , hobson 's house matches your request . 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 O O O O O O O O O O O O O O O O Booking-Inform +bos check first if it has free parking and should have a star of 4 eos O O O O O O O O O O O O O O O N/A +bos it fits that criteria . eos O O O O O O N/A +bos okay , go ahead and book a room . it 's just for me . eos O O O O O O O O O O O O O O O O N/A +bos how many nights would you like ? eos O O O O O O O O Booking-Request+Stay +bos please book for 2 nights , for 1 person starting on monday . eos O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos i 'm sorry , but the hobsons house is a 3 star guesthouse . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos do you have another hotel that 's 4 stars with free parking in the west ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O N/A +bos there are no hotels that meet that criteria ? would you like a different area or a different price range ? 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 O Hotel-Request+Price,Hotel-Request+Area +bos how about a cheap hotel ? eos O O O O B-Hotel-Inform+Price O O N/A +bos i have the cambridge belfry , which is 4 stars , cheap , and in the west with free internet and parking . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Area O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos book for i people for 2 nights starting monday eos O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos you are booked , as one person , into the cambridge belfry . your reference number is c74ytd9r . is there anything else i can help you with ? 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 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 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 , good bye . eos O O O O O O general-bye +bos okay have a great day ! bye for now ! eos O O O O O O O O O O O general-bye +bos hello , i am looking for a train departing from cambridge on tuesday . 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 where will you be traveling to ? eos O O O O O O O O Train-Request+Dest +bos to broxbourne . eos O O B-Train-Inform+Dest O N/A +bos i have 19 trains going to your destination . to help narrow down the search , can you tell me what time you want 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 O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to leave after 17:30. eos O O O O O O O O N/A +bos first train pulls out at 18:01. can i get you tickets ? eos O O O O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos no thank you but can i get the train id and travel time for that ? 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 sure . it 's train tr5484 and it has a duration of 60 minutes . is there anything else i can help you with today ? 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 O O O O O O O O O O general-reqmore +bos i would like to find a hotel that is in the moderate price range in the centre . eos O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O N/A +bos i have just 1 hotel that fits your criteria . it is cityroomz located in the centre of town . it has a 0 star rating . they offer free internet . eos O O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Inform+Internet +bos thank you . i 'd like to book a room for myself on friday , for four nights . eos O O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O O N/A +bos the booking was successful . reference number is : juiake8a . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos wonderful . thank you for all of your help ! eos 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 no thank you . you 've been very helpful . eos O O O O O O O O O O O general-thank +bos thank you , and please feel free to contact us with any other questions you might have ! 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 hello ! i 'm looking for new places to go in cambridge and am wondering if there is a theatre closeby . 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 N/A +bos there are four theatres in the centre and one in the south . which area do you prefer ? eos O O O O B-Attraction-Inform+Type 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 Attraction-Select +bos please recommend one for me that is in the center . eos O O O O O O O O O O O O N/A +bos how about cambridge arts theatre ? it 's located at 6 saint edward 's passage . eos O O O B-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 I-Attraction-Recommend+Addr O O N/A +bos yes , that will do . i also need a place to stay . eos O O O O O O O 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 i am looking for a place in the south , and i do n't need parking . but i do need 4 stars and 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 B-Hotel-Inform+Stars O O O O O O N/A +bos aylesbray lodge guest house matches all your criteria except it does have parking . would that be a problem 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 O O O O O O Hotel-Inform+Parking,general-reqmore +bos yes , that 's not a problem . eos O O O O O O O O O N/A +bos do you need more info , or would you like me to reserve a 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,general-reqmore +bos no need , but please give me their phone number . thanks ! eos O O O O O O O O O O O O O O Hotel-Request+Phone +bos the aylesbray lodge guest house is located at 5 mowbray road . the phone number is 01223240089. will you be needing transportation ? 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O O O O O general-reqmore +bos yes . i would like to leave the hotel by 8:45. eos O O O O O O O O O O O O Hotel-Inform +bos i have a taxi picking you up at the hotel to take you to the theatre . a blue ford will arrive . the contact number is 07757926214 eos O O 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+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O O N/A +bos thank you goodbye eos O O O O general-bye +bos thanks , enjoy your trip ! eos O O O O O O O general-bye +bos id like to eat at an expensive indian place , know any ? 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 many to choose from , can i get what area you would like the restaurant to be at to narrow it down ? 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+Area +bos how about in the city centre ? eos O O O O O O B-Restaurant-Inform+Area O N/A +bos there are 6 indian restaurants that fit this . would you like me to book one 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 Booking-Inform +bos yes , which of them have the best reviews ? eos O O O O O O O O O O O N/A +bos i am sorry i can not see the reviews . i can give you their phone numbers and you may call them 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 general-reqmore +bos can you see which ones have availability sunday at 19:15 for 2 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : k3ebx9qt . the booking is at the golden curry . 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 B-Booking-Book+Name I-Booking-Book+Name O O O O O O O general-reqmore +bos nope , that would be it . thanks for all the 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 general-thank +bos thank you for using cambridge towninfo centre . eos O O O O O O O O O general-bye +bos hi , i 'm looking for a hotel . i 'm looking for something with zero stars , i 'm kind of doing an irony thing . eos O O O O O O O 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 show 3 with zero stars . one in the north , and two in the centre . did you have a preference ? eos O O O O O B-Hotel-Inform+Stars I-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 Hotel-Select +bos yes the one in centre of town will you book it ? eos O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos cityroomz is in the centre of town with 0 stars . what date will you like me to book it ? eos 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 B-Hotel-Recommend+Stars O O O O O O O O O O O Booking-Request+Day,Booking-Inform +bos is it a guesthouse ? eos O O O O O O N/A +bos it is moderate priced hotel with free internet . can we go ahead and book ? eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes please , 3 people for 5 nights starting on wednesday . 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 you 're all set ! reference number is cpndraus . 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 O N/A +bos i am looking to get train tickets as well . eos O O O O O O O O O O O Train-Inform +bos we have 2,828 different trains available . where are you leaving from . eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Depart +bos i will travel to cambridge from stansted airport on wednesday and need to arrive by 14:15 eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A +bos there are 9 trains available . do you need tickets booked ? eos O O O O B-Train-Inform+Choice O O O O O O O O Train-OfferBook +bos yes , i will need tickets for the group . thank you eos O O O O O O O O O O O O O general-thank +bos i have you booked on the last train , departing at 9:52. your reference number is fidsqksn . is there anything else i can assist you with today ? eos O O O O O O O B-Train-OfferBooked+Choice I-Train-OfferBooked+Choice O O B-Train-OfferBooked+Leave 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 is all for now . thank you eos O O O O O O O O O general-thank +bos i 'm happy to help , 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 does addenbrookes hospital have a neurosciences department ? eos O O O O O O B-Hospital-Inform+Department O O N/A +bos yes it has a neuroscience and a neuroscience critical care unit . 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 N/A +bos yes , the phone number would be helpful , thanks . eos O O O O O O O O O O O O Hospital-Request+Phone +bos the phone number is 01223216297. eos O O O O O O N/A +bos thanks , what 's the address ? eos O O O O O O O O Hospital-Request+Addr +bos 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 thanks so much . 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-welcome,general-reqmore +bos nope that is it . thank you . eos O O O O O O O O O general-thank +bos you are very welcome . we would love to help you again 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 cheap restaurant and serves australasian 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 are no restaurants serving australasian food . would you like something else ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos portuguese food eos O B-Restaurant-Inform+Food O N/A +bos there are two restaurants available , nandos and nandos city centre . one is in the south and one is 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 N/A +bos i do n't care eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos how about nandos ? it is a cheap restraunt on cambridge leisure park clifton way eos O O O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price 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 sounds great , what is their address ? eos O O O O O O O O O Restaurant-Request+Addr +bos the address is cambridge leisure park clifton way , c.b 1 , 7 d.y . 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 O N/A +bos thank you and goodbye ! eos O O O O O O general-bye +bos goodbye . eos O O O general-bye +bos i am looking for a place to stay . in the west eos O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos i can recommend a nice 4-star hotel for you , the huntingdon marriott . would you like to know more about it ? eos O O O O O O B-Hotel-Recommend+Stars 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,general-reqmore +bos yes , please . i need a guesthouse that has free parking . eos O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos how about hobsons house ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos sure , what is the post code ? eos O O O O O O O O O Hotel-Request+Post +bos the postcode for hobsons house is cb39lh . do you want a reservation ? eos O O O O O O O B-Hotel-Inform+Post O O O O O O O Booking-Inform +bos no that was all i wanted to know . thanks ! eos 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-greet +bos hello . 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 address to the police is parkside , cambridge . eos O O O O O O O O O O O N/A +bos i also would like the postcode . eos O O O O O O O O Police-Request+Post +bos the postcode is cb11jg eos O O O O O N/A +bos all right , thank you very much for your help . eos O O O O O O O O O O O O general-thank +bos you are welcome . may i help you with anything else ? eos O O O O O O O O O O O O O general-reqmore +bos no that is all i need , have a good one 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 services . eos O O O O O O O O general-greet +bos could you please connect me to the closest police station ? eos O O O O O O O O O O O O Police-Inform +bos here is the contact info for your police station telephone:01223358966address : parkside , cambridgepostcode : 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 . that 's just what i needed . eos O O O O O O O O O O O O O O O general-thank +bos glad to be of help . will you be needing anything else 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 . have a nice day . eos 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,general-bye +bos thank you . goodbye . eos 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 at 12:45 to take me to ruskin gallery . 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 want to be picked up at arbury lodge guesthouse . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos ok , i have a white honda for you with the contact number 07758153394. 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 that is all i needed thank you . eos O O O O O O O O O general-thank +bos if i have met all your needs , 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 i 'm looking for a cheap place to dine that serves danish food . eos 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 did not find any results . 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 Restaurant-Request+Food,Restaurant-NoOffer +bos i 've got my heart set on danish but we could go a bit more expensive , i guess . 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 sorry but there is no danish food available in cambridge . what other food interests you ? eos 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 Restaurant-Request+Food +bos how about asian oriental food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos the dojo noodle bar is asian oriental and cheap . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food B-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform +bos yes , for 2 people at 17:00 on thursday . 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 reservations were successful . the table will be reserved for 15 minutes on thursday at 17:00 for two . your reference number is p62w5taa . eos O O O O O O O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O B-Booking-Book+People O O O O B-Booking-Book+Ref O O O N/A +bos thanks . that is all i need today . eos O O O O O O O O O O general-thank +bos enjoy your dinner . thank you for contacting towninfo centre . goodbye . eos O O O O O O O O O O O O O O general-bye +bos i am looking for assistance in finding a hospital nearby because i got injured . eos O O O O O O O O O O O O O O O O Hospital-Inform +bos you can find them at hills rd , cambridge , cb20qq eos O O O O O O O O O O O O N/A +bos what 's the name of the hospital ? do you have their phone number ? eos O O O O O O O O O O O O O O O O Hospital-Request+Phone +bos addenbrookes hospital the phone number is 01223245151. eos O O O O O O O O N/A +bos great , that 's all for today . thank you . eos O O O O O O O O O O O O general-thank +bos thank you for contacting us , please let us know if we can of help in the future . eos O O O O O O O O O O O O O O O O O O O O general-greet +bos hello , i need to book a train for thursday leaving to peterborough . eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O N/A +bos no problem , can you please let me know where you want to depart from ? eos O O O O O O O O O O O O O O O O O Train-Request+Depart +bos i would like to leave cambridge after 09:15. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos tr7317 leaves at 10:06 on thursday , would you like to reserve a seat ? eos 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 Train-OfferBook +bos yes just one seat , and i 'll need 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 16.5 gbp payable at the station . reference number is : salfli4e . 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 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 thank you for using the cambridge towninfo centre . have a good trip . goodbye . eos 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 taxi to come by saffron brasserie by 03:30. 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 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 saffron brasserie . eos O O O O O O O O N/A +bos where will you be going ? eos O O O O O O O Taxi-Request+Dest +bos i 'm going to leicester train station and need to arrive there by 03:30 eos 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 just want to confirm before booking you are departing from saffron brasserie and want to arrive at leicester by 3:30 , is that 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 Taxi-Request+Arrive,Taxi-Request+Depart,Taxi-Request+Dest +bos yes , that is correct eos O O O O O O N/A +bos booking completed ! booked car type : white fordcontact number : 07379980416 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 's all i need . good bye . eos O O O O O O O O O O O O general-bye +bos thanks for using the help desk and have a great day . eos O O O O O O O O O O O O O general-bye +bos hello , any interesting colleges in town ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos i am showing 18 colleges . is there a certain area of town you would like ? 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 not really . which do you think would be the most interesting to visit ? eos O O O O O O O O O O O O O O O O N/A +bos i would suggest christ 's college in the city centre or corpus christi college in the west . christ 's college is free and corpus christi costs 2 pounds ? which do you want ? eos 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 O B-Attraction-Recommend+Area I-Attraction-Recommend+Area 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 Attraction-Select +bos what is the postcode of corpus christi ? eos O O O O O O O O O Attraction-Request+Post +bos their postcode is cb21rh . can i assist 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 i am looking for a guesthouse to stay in . eos O O O O O O B-Hotel-Inform+Type O O O O N/A +bos i have 24 guesthouses . let 's narrow it down a bit . do you have 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 Hotel-Request+Price +bos i need something with free parking and a 4 star rating . eos O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos that cuts it down to 16. i can recommend the acorn guest house , or do you have a pricerange or area of town you want to stay in ? eos O O O 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 O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos pick any of them , please . book it for 6 people and 3 nights , starting thursday . 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 O O N/A +bos booking was successful.reference number is : 2wplodls . 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 general-reqmore +bos i want a place to stay in the north of town . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos okay , any other preferences ? we have plenty of options . eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O N/A +bos i would like something with a 2 star rating if possible . eos O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos we have ashley hotel on chesterton road or lovell lodge on milton . would you like me to book one of those ? eos O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name B-Hotel-Select+Addr I-Hotel-Select+Addr O O O O O O O O O O Booking-Inform +bos bood ashley hotel for 2 people and 3 nights starting from thursday . what is the reference number please ? eos 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 N/A +bos yes your reference number is n9ac95r7 . i hope you enjoy your stay . eos O O O O O O B-Booking-Book+Ref O O O O O O O O general-welcome +bos i am also looking for a train . can you help me with that ? eos O O O O O O O O O O O O O O O O Train-Inform +bos of course . when would you like to leave by ? eos O O O O O O O O O O O O Train-Request+Leave +bos the train should go to cambridge and should leave after 21:15.the train should depart from birmingham new street and should be on the same day as the hotel booking eos O O O O O O B-Train-Inform+Dest O 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 O O O O O O O O N/A +bos i have train tr3736 leaving at 6:40 and arriving at 9:23. 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 i need the train to leave after 21:15. i also need it booked for two people . eos O O O O O O O O B-Train-Inform+Leave O O O O O O O O O N/A +bos how about train tr7324 that leaves at 21:40 and arrives by 24:23. would you like to make reservations on that ? 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+Arrive O O O O O O O O O Train-OfferBook +bos yes please . i need tickets for 2 people . eos 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 150.19 gbp payable at the station . reference number is : 3ys7iosa . 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 that will be all today.. thanks . goodbye eos 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 need a train that departs from london kings cross that leaves on wednesday . 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+Day O N/A +bos there are several options , do you have a preference with the departure 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 sometime after 5:45 pm would be great . eos O O O O O O O O O N/A +bos there is a train leaving at 19:17 and arriving at 20:08 ; does 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 O Train-OfferBook +bos yes , i need that booked for four people , please . eos O O O O O O O O O O O O O N/A +bos just to confirm , the booking is for arriving in cambridge , is that correct ? eos O O O O O O O O O O B-Train-Inform+Dest O O O O O O N/A +bos yes from london to cambridge eos O O O O O B-Train-Inform+Dest N/A +bos all set , your tickets are reserved , your confirmation number is u8yyhslg . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos thank you , i also want to find out about a hotel called el shaddai . eos O 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 well , it 's in the centre of town . it 's cheap , rated 0 stars , has internet and parking . the phone number is 01223327978. the address is 41 warkworth street . eos O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like to make a reservation for el shaddai for four people . eos O O O O O O O O O O O O O O O N/A +bos i would be happy to book that for you , how many nights are you staying and what day will you be checking 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 Booking-Request+Day,Booking-Request+Stay +bos we will be checking in on wednesday . and make that 3 nights . eos O O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O N/A +bos at the moment our system seems to be down . but let me continue trying to get your booking 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,Booking-Inform +bos that 's fine , thank you for your patience in helping me book my trip and stay ! 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 very welcome . please hold while i book the reservation eos O O O O O O O O O O O O O Booking-Inform +bos okay , please let me know as soon as you book it . eos O O O O O O O O O O O O O O N/A +bos 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 . eos O O O O O O O O O O O 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 is your system able to book yet ? i will need the area and phone number of the el shaddai hotel . 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 Hotel-Request+Area,Hotel-Request+Phone +bos phone number is 01223327978 , area is centre . eos O O O O B-Hotel-Inform+Phone O O B-Hotel-Inform+Area O O N/A +bos ok , i think i have everything i need . eos O O O O O O O O O O O N/A +bos i 'm glad i could help . eos 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 too ! enjoy your stay ! eos O O O O O O O O general-bye +bos i would like to find out information about a hotel called warkworth house . 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 warkworth house is a guesthouse in the east area . it is moderate pricing with 4 stars . it offers free parking and internet . would you like a reservation ? eos 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+Price 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,Hotel-Inform+Parking +bos yes please . it 'll be for 4 nights . eos O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos i will go ahead and book your room . eos O O O O O O O O O O Booking-Inform +bos thank you . can i get a reference number for the booking ? eos O O O O O O O O O O O O O O general-thank +bos 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 ? eos O O O O O O O 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 to book it to 2 people for 4 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 okay the booking was successful . the reference number is hz6b38th . eos O 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 . i 'll be traveling back to broxbourne on friday . 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 N/A +bos will you be leaving from cambridge . eos O O O O O O O O Train-Request+Depart +bos yes i will be leaving from cambridge . eos O O O O O O O O O N/A +bos what time would you like to leave around ? eos O O O O O O O O O O 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 are you looking to go by train or taxi ? eos O O O O O O O O O O O general-reqmore +bos train leaving cambridge going to stansted airport on wednesday anytime after 18:45 eos O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos we have a train leaving cambridge at 19:40 arriving at stansted airport at 20:08. should i book seats for you ? eos O 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 O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos no , not at this time . i would like to know 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 Train-Request+Duration,Train-Request+Price +bos tr2694 leaves at 19:40 and costs 10.10 pounds 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 N/A +bos great , thanks . i also am interested in the people 's portraits exhibition at the girton college , can you tell me more about 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 general-thank +bos it 's located in the west of town and is free of charge . their phone number is 01223338901. can i help you with anything else ? eos O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos could you tell me if they have an entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos there is no entrance fee for the people 's portraits exhibition at girton college 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 I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos what type of attraction is is ? eos O O O O O O O O Attraction-Request+Type +bos people 's portraits exhibition at girton college is a museum in the west area of town . their address is girton college , huntingdon road . can i help with anything else ? 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 O O B-Attraction-Inform+Type 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 O O O O O O O O O O general-reqmore +bos that will be all , thanks ! eos 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-welcome,general-bye +bos i 'm looking for a restaurant called loch fyne . can you tell me a bit 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 O O N/A +bos yes . they 're a restaurant in the city centre , known for their seafood . the prices can be quite steep , however . would you like me to book you a table ? eos O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 Booking-Inform +bos yes for 8 people at 19:00 on tuesday eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos i 've successfully reserved your table , and they 'll hold it for 15 minutes for you . the reference number is lweogzjm . can i help you with anything else right now ? 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 thank you for the booking . i am also interested in local artists . are there any museums 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 O O N/A +bos yes there is the cambridge contemporary art museum in that part of town . would you like more information 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 O O N/A +bos can i get their phone number to contact them please ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos sure . the phone number is 01223324222. eos O O O O O O B-Attraction-Inform+Phone O N/A +bos great , do you have any other museums in that part of town as well ? eos O O O O O O O O O O O O O O O O O N/A +bos yes i have 10 other museums listed in my database for that area . would you like more information regarding one in particular ? 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 O O O O Attraction-Request+Name +bos can you please recommend one and provide the phone number eos O O O O O O O O O O O Attraction-Request+Phone +bos how about the broughton house gallery and its phone number is 01223314960. 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+Phone N/A +bos thank you for the information , 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 . enjoy ! eos O O O O O O O general-welcome,general-bye +bos i am planning a trip to cambridge eos O O O O O O O O N/A +bos excellent ! do you need assistance with transportation ? eos O O O O O O O O O O general-greet,general-reqmore +bos im looking for food its name is called golden wok , can you get me address , postcode , and phone number 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 O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure ! golden wok is located at 191 histon road chesterton . their postcode is cb43hl . you can reach them at 01223350688. anything else i can help with ? eos 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 B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-greet,general-reqmore +bos i also looking for a train . the train should depart from kings lynn and should leave on thursday eos 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+Day O N/A +bos ok , and where will you be traveling to ? eos O O O O O O O O O O O Train-Request+Dest +bos to cambridge and should arrive by 09:00 eos O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive N/A +bos great , the tr8705 can get you there by 8:58. would you like tickets ? 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 Train-OfferBook +bos not yet . what time does tr8705 leave kings lynn ? and what do the tickets cost ? eos O O O O O O O O O O O O O O O O O O O Train-Request+Leave +bos it leave kings lynn at 08:11 and the tickets are 9.80 pounds per ticket . would you like me to book you tickets ? eos O O O B-Train-Inform+Depart I-Train-Inform+Depart 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 O O Train-OfferBook +bos no i do n't need you to book it . eos O O O O O O O O O O O N/A +bos ok 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 's all at this time . thank you . eos O O O O O O O O O O O O O general-thank +bos i hope you have a pleasant trip ! eos O O O O O O O O O general-bye +bos i really have a craving for some good chinese food . can you suggest a place ? 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 sure can ! we have 17 wonderful chinese places , is there a particular area or price range you have in mind ? eos O O 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 O O O Restaurant-Request+Area,Restaurant-Request+Price +bos i just need one that is moderately priced . can you just recommend one and give me the phone number please ? eos 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 Restaurant-Request+Phone +bos the golden wok is sensational . the phone number is 01223350688. can i help you with anything else today ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos could you recommend me some places to go that is in the centre ? eos O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos sure , did you have anything in mind ? we have quite a few free options ! eos 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+Fee O O O O N/A +bos oh anything would do really , just needs to be in the centre . eos O O O O O O O O O O O O O O O N/A +bos i enjoy the fez club , it 's a nightclub in the centre . it has a 5 pound entrance fee . is there anything else i can help you with today ? eos 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 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 O general-reqmore +bos yes could i get the postcode of the nightclub ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Post +bos sure . the postcode is cb23hx . eos O O O O O O B-Attraction-Inform+Post O N/A +bos okay thanks ! that 's all i needed to know ! eos O O O O O O O O O O O O general-thank +bos thank you , enjoy your stay in cambridge . eos O O O O O O O O O O general-bye +bos that is all i needed , thank you . good bye . eos O O O O O O O O O O O O O general-bye +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 can you find me attractions in the centre ? eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos we have tons of attractions , what types are you looking for ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Type +bos could you give me a few different options ? eos O O O O O O O O O O N/A +bos there is all saints church which is renowned for its stunning architecture , or scudamores punting co for a more nautical adventure , or you can see a show at vue cinema . eos O O O O O O 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 O O N/A +bos could you provide me the address of all saints church ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos yes , the address is jesus lane , there is no address number with that . anything else that i can assist 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 O O O O O O O O general-reqmore +bos yes , i also need a moderately priced gastropub in the centre of the city . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O N/A +bos how about the cow pizza kitchen and bar ? it meets your criteria . 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 I-Restaurant-Inform+Name O O O O O general-reqmore +bos i need it for four people on thursday , at 11:00. eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos the booking was successful . the table will be reserved for 15 minutes.reference number is : xen4swzz . 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 thanks , that 's all i needed today . i appreciate your help . eos O O O O O O O O O O O O O O O general-thank +bos enjoy your stay ! goodbye ! eos O O O O O O O general-bye +bos i am visiting the centre area and need to find an attraction to visit . eos 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 in the centre of town . could we narrow it down to architecture , college , museum , or theater ? eos O O O O B-Attraction-Inform+Choice 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 N/A +bos what is one of your favorites ? i would need the phone number and type of attraction . 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+Type +bos i actually prefer the cambridge university botanic gardens . they 're classed as a park , and their number is 01223336265. 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 B-Attraction-Inform+Type O O O O B-Attraction-Inform+Phone O O O N/A +bos thanks ! i 'm also looking for somewhere 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 general-thank +bos sure . do you have any other criteria ? eos O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price,Hotel-Request+Name,Hotel-Request+Area,Hotel-Request+Internet,Hotel-Request+Stars,Hotel-Request+Parking +bos yes , it needs to be in the same area as the attraction , cheap price range , free wifi but doesnt need to have free parking . do you have anything like that ? eos O B-Hotel-Inform+Internet 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 O O O O O O O N/A +bos we have alexander bed and breakfast and el shaddai , both are guesthouses any preference ? 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+Type O O O O Hotel-Select +bos alexander bed and breakfast sounds nice . can you make a reservation for two for saturday ? eos O O O O O O O O O O O O O O O O O O N/A +bos definitely . did you just want that for one day ? eos O O O O O O O O O O O O Booking-Request+Stay +bos i actually need it for 3 nights eos O O O O O O O O N/A +bos your reservation for 2 people at the alexander bed and breakfast this saturday for 4 nights was successful . your reference number is : q0iabnp7 . eos 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 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 N/A +bos thank you so much that was all i needed . eos O O O O O O O O O O O general-thank +bos great ! thank you for calling the cambridge towninfo center . have a great trip ! 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 peterborough that will be there no later than 17:15. eos O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive N/A +bos i have several choices , do you have a time for your departure ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Leave +bos i am looking for a train arriving in peterborough . eos O O O O O O O O O B-Train-Inform+Dest 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 'll be leaving cambridge on sunday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i have train tr1086 that leaves at 16:06 and will have you in peterborough at 16:56. 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 O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O general-reqmore +bos yes , that will be fine can you get me a ticket ? eos O 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 need 7 tickets . eos O O O O B-Train-Inform+People O N/A +bos i 've booked you 7 tickets on the tr1086 . your reference is ij6zq2gf and the total fee of 92.4 gbp is payable at the station . can i help you with anything else ? 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 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 a place to stay . eos O O O O O O O O O O O N/A +bos sure , in what area of town ? eos O O O O O O O O O Hotel-Request+Area +bos i need to find an attraction to visit in town . eos O O O O O O O O O O O O Attraction-Inform +bos there ar lots of choices . were there any attractions in particular 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 O O O Attraction-Request+Type +bos yes , i would like a college type of attraction please . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos sure ! i 'd suggest christ 's college in the centre on saint andrew 's street . it has free entrance . would that work for you ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O B-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 O O O O O N/A +bos yes that will work i need the postcode and address please . eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos postcode is cb23bu and the address is saint andrew 's street . is there anything else i can help you with ? eos O O O B-Attraction-Inform+Post 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 i also need a restaurant . portuguese , if possible . eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos okay we have two , nandos and nandos city centre . do you have a preference ? eos O O O O B-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 Restaurant-Select +bos i would prefer one in the south . eos O O O O O O O O O N/A +bos nandos is the way to go , then . i 've heard wonderful things about their food , too , so i think you 'll be pleased . would you like to reserve a table ? eos O B-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 O O O O O O O O O O O O O Booking-Inform +bos no reservation is needed yet , but can i please get the 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos their phone number is 01223327908 , and they are located at cambridge leisure park clifton way . eos 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 O O N/A +bos great thanks . i think thats really all i need today . take care . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye +bos it was my pleasure to assist you . have a good evening . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for something to go to in cambridge . eos O O O O O O O O O O O O N/A +bos what area of town were you looking to visit ? eos O O O O O O O O O O O Attraction-Request+Area +bos it does n't matter . i 'm looking for a nice museum . eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos broughton house gallery is a nice museum . would you like the address ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O O O O O O general-reqmore +bos yes , please . may i also have the postcode and the area of town ? 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 're in the center of town . the postcode is cb11ln . 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 thank you , i 'm also looking for an expensive restaurant that serves european food . eos 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 i have 5 different restaurants available . do you prefer to dine in a certain area 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 O Restaurant-Request+Area +bos no preference but lets try one in the center area since the museum is there . eos O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos there are three choices , erania , michaelhouse cafe , and darrys cookhouse and wine shop . any preferences ? 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 Restaurant-Select +bos please get me a table for six at erania for 15:30 on wednesday . eos O O O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos very good , i have your reservation for 6 on wed at 15:30 made at eraina . the reference number is 9iepclqu . 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 B-Booking-Book+Time O O 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 yes , i 'll be needed a taxi from the museum to the restaurant to get there in time 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 O O O Restaurant-Inform,Taxi-Inform +bos i have booked a black toyota . the contact number is 07957232666. would that be all for you ? eos 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 a black toyota taxi ? eos O O O O O O Taxi-Inform +bos yes . is there anything else i could help with ? eos O O O O O O O O O O O O general-reqmore +bos no , i have everything 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 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-bye +bos i need a restaurant . the restaurant should serve indian food and should be in the expensive price range . eos 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 14 expensive indian restaurants in the city . do you have a preference of location ? 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 Restaurant-Request+Area +bos yes.east-side london . eos O B-Restaurant-Inform+Area O O N/A +bos pipasha restaurant fits all of your criteria . would you like to book a stay ? eos 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 +bos please book for 4 people at 17:00 on sunday eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos your table for 4 has been booked . the table will be reserved for 15 minutes . your reference number is 8oz8zf5g . do you need anything else ? eos O O O O O B-Booking-Book+People 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 am also interested in attractions in the centre . specifically , i am interested in multiple sports facilities eos 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 none available in the centre . would you like a different area or attraction ? eos O O O O O O O B-Attraction-NoOffer+Area O O O O O O O O O O Attraction-NoOffer+Choice +bos how about an attraction that has to do with boats ? eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos the cambridge punter looks like a good choice . want more information ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O general-reqmore +bos yes , can i get the phone number ? eos 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 to the cambridge punter is 07807718591. do you require assistance with anything else . 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 general-reqmore +bos yes , i 'd like a taxi to take me to pipasha restaurant and then to cambridge punter . i 'd like to arrive at pipasha restaurant by 17:00. eos 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 O O O O O O B-Taxi-Inform+Arrive O O O N/A +bos i just need to know where you will be departing from at first to the restaurant . 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 from my house . eos O O O O O O O O O N/A +bos what is the address of your house so i can book the taxi ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos actually i 'll be at the cambridge punter , pick me up there . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O N/A +bos no problem . your taxi is booked . the car is a red tesla and the contact number is 07610839736. anything else i can help you 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 B-Taxi-Inform+Phone O O O O O 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 you 're very welcome ! 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 O O general-welcome,general-reqmore +bos that is all i will 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 are welcome . please call us back if we can help you any further . eos O O O O O O O O O O O O O O O O O general-welcome,general-greet +bos i want to go to a restaurant in the centre that serves gastropub food eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O N/A +bos there are three gastropubs in centre , are you particular about the price range or would you like a recommendation ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food B-Restaurant-Inform+Area O O O O O O O O O O O O O O O Restaurant-Request+Price,general-reqmore +bos i need it in the moderate price range please . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i think you 'd enjoy the cow pizza kitchen and bar located at the corn exchange street . would you like me to book a table ? 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 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 , could you book the cow pizza kitchen for 8 people on friday at 17:30 ? 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 have a reservation for 8 people on friday at 17:30 , your reference number is zkogbrmr . eos 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 B-Booking-Book+Ref O O N/A +bos can you help me find a guesthouse that has 0 stars and free wifi , hopefully in the same area as the restaurant ? 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 O N/A +bos the el shaddai is in the centre part of town , has free wifi and 0 stars . would you like me to book it for you ? eos 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 O O B-Hotel-Recommend+Stars O O O O O O O O O O O O Hotel-Recommend+Internet,Booking-Inform +bos that sounds perfect , i 'll need it for 2 nights on the same day please . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos sure , how many people should i book for ? eos O O O O O O O O O O O Booking-Request+People +bos i need the reservation to accommodate 8 people please eos O O O O O O O O O O N/A +bos booking was successful , and they will hold your table for 15 minutes . your reference number is zkogbrmr . 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-NoBook+Ref O 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 you 're welcome and enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a hotel in the centre of town . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A +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 i 'd prefer an unrated place , i do n't need free parking or wifi , for what it 's worth . 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 the el shaddai and the cityroomz that are not rated . would you like to book one of these ? 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 I-Hotel-Inform+Stars O O O O O O O O O Booking-Inform,Hotel-Select +bos actually , come to think of it i might need free wifi . do either of those offer 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 yes , they both do ! do either fancy your interest ? eos O O O O O O O O O O O O O Hotel-Select +bos yes can you please send me the address for el shaddai ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name Hotel-Request+Addr +bos sure . el shaddai 's address is 41 warkworth street . would you like me to book a reservation there ? 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 O O O O O Booking-Inform +bos no , that 's all i need . thanks ! eos O 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 am looking for information about city stop restaurant ? eos 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 pulled up city stop restaurant . what information do you need ? 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 general-reqmore +bos i would like to book a table there for 4 peole on saturday at 19:45. and can i please get a reference number ? 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 O O O O Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes.reference number is : omkmnjem . 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 alright , thank you very much . that 's all i need for now . eos 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 i 'm looking for a hotel called the leverton house . can you help me find 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 N/A +bos sure . it 's located at 732-734 newmarket road . can i help you with anything else ? 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 would like to book it for four nights , starting sunday . five people . eos 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 needed a reference number for the booking ? eos O O 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 O O Hotel-Request+Ref +bos booking was successful ! your reference number is . piksvfzt eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am also looking for places to go in town . maybe something 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 N/A +bos there are several places to go in the south . are you interested in cinema , entertainment , musuem , a nightclub , or perhaps something else . 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 B-Attraction-Select+Type I-Attraction-Select+Type O O O O O O O O N/A +bos how about a cinema ? eos O O O O B-Attraction-Inform+Type O N/A +bos cineworld cinema is a great place to visit . it 's located on the south side at cambridge leisure park , clifton way . 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 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 O O O O O O O O O O general-reqmore +bos does it have an entrance fee ? eos O O O O O O O O Attraction-Request+Fee +bos that information is not available to me . the phone number is 00872208000. eos 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 B-Attraction-Inform+Phone O N/A +bos okay i also need a taxi that will leave the attraction by 08:45. eos O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos the car will be a yellow toyota and their number is 07865026456 , is there anything else 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 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 thanks and enjoy your time ! eos O O O O O O O general-welcome,general-bye +bos thank you very much . 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 a good restaurant in the north part of town that serves australasian 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 not restaurants matching your request . may i help you find a different restaurant ? 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 indian food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos there are two indian restaurants in the north part of town . what price range are you looking for ? 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 Restaurant-Request+Price +bos what are the price ranges of the two available restaurants ? eos O O O O O O O O O O O O Restaurant-Request+Price +bos one of them is cheap and the other is moderately price . eos 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 tell me the address of the moderately priced one . eos O O O O O O O B-Restaurant-Inform+Price O O O Restaurant-Request+Price,Restaurant-Request+Addr +bos the nirala is located at 7 milton street chesterton . 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 N/A +bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone +bos the phone number for the nirala is 01223 360966. is there anything else i can help you with ? eos O O O O O O B-Restaurant-Inform+Name 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 , 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 hello , i need to catch a train on friday . can you help me find one leaving after 11:30 ? 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 O N/A +bos what are your departure and arrival locations ? eos O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +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 a train that leaves at 12:01 and arrives by 13:01. would you like me to book that train ? 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 Train-OfferBook +bos yes , i will need 2 tickets please . eos O O O O O O B-Train-Inform+People O O O N/A +bos train id tr4266 leaves at 12:01 and arrives at 13:01. would you like me to book that one ? 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 Train-OfferBook +bos yes , for 2 people please . can i also get the reference # ? thanks ! eos 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 booking was successful . you will owe 35.79 gbp at the station and your reference number is : tqickhxg . can i assist 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 no , there is nothing else i need today . thank you . 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 system ! eos O O O O O O O general-bye +bos i 'm looking for something to do . eos O O O O O O O O O N/A +bos found a place you might be interested in visiting the cambridge university botanic garden 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 N/A +bos that is great . please get for me the entrance fee , address , 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+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos the entrance fee is 4 pounds , the address is on bateman street , and the phone number is 01223336265. 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 O O O O O B-Attraction-Inform+Phone O O N/A +bos i need a place to stay too . could you give me information on the alpha-milton guest 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 I-Hotel-Inform+Name O O N/A +bos it is in the moderate price range with no internet or parking . phone is 01223311625. would you like a room booked ? eos O O O O O B-Hotel-Inform+Price 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+Parking,Hotel-Inform+Internet +bos yes could you please book me there for 4 nights for 8 people starting saturday ? i will need a booking reference number as ell . 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 O Hotel-Request+Ref +bos ok your booking was successful . the reference number is t8e1kfuw . can i assist 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 no , thank you . i think i have everything i need today . 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 helping you today . 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 O O O general-bye +bos hello i am looking for a restaurant called j restaurant eos O O O O O O O O O O B-Restaurant-Inform+Name N/A +bos j restaurant is an asian oriental restaurant in the centre of town . it is cheap and located at 86 regent street city centre . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 I-Restaurant-Inform+Area 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 that sounds great . can you reserve a table for 2 for sunday at 13:15 ? 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 N/A +bos absolutely , your reservation 's been made . your reference number is yahbizr5 . can i help you with something else ? eos O 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 general-reqmore +bos i am also looking for a place to stay in the east that includes 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 several hotels of that nature . what is your 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 i 'm looking for something cheap with free parking . eos O O O O O B-Hotel-Inform+Price O O O O O N/A +bos hotel allenbell is what i found that is cheap and has parking . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O Hotel-Inform+Parking +bos could you get the postcode for hotel allenbell for me ? eos O O O O O O O O B-Hotel-Inform+Name O O O Hotel-Request+Post +bos the postcode is cb13js . would you like to get a room reserved ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O Booking-Inform +bos yes , please reserve the room . eos O O O O O O O O N/A +bos what day will you be checking in , and how many will you stay for ? i assume it is for 2 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-Booking-Inform+People O O Booking-Request+Day,Booking-Request+Stay +bos actually , on second thought . i should book it later . but , can you book me a taxi from allenbell to j restaurant . i need to be there by 13:15. 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Time O O O O O N/A +bos your taxi was booked ! the car type will be blue ford and the contact number is 07646890093. 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 , i think that 's all i need . could you just confirm whether the allenbell is 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 O O O O Hotel-Inform +bos allenbell is a guesthouse . eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O N/A +bos thank you . that will be everything 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 . goodbye . 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 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 bloomsbury restaurant serves international is in the centre . the price range is moderate . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O N/A +bos great . please reserve a table for seven people dining on saturday at 20:00 and send me the reference number . 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 O O O O N/A +bos your booking was successful . your reference number is jfvblwdn . please be advised that your 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 O O O O N/A +bos thank you very much ! eos O O O O O O general-thank +bos take care and enjoy ! eos O O O O O O general-bye +bos i am also looking for a hotel called alexander 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 N/A +bos yes i have found it , what information do you need for it , or would you just 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 O O O O O O O O Booking-Inform,general-reqmore +bos i want you to book that for the same group of people for 2 nights from the same 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 how many rooms would you like ? eos O O O O O O O O Booking-Request+People +bos just one room for the 7 of us . eos O O O O O O O B-Hotel-Inform+People O O N/A +bos unfortunately that is unavailable . could you book another day or have a shorter stay ? eos 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 do they have availability for a 1 night stay starting saturday ? eos O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos good news ! booking was successful . reference number is : rhubxkff . is booking was successful.reference number is : rhubxkff . anything else that 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 N/A +bos yes , i also need a taxi to go from the restaurant to the hotel . 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 red honda will arrive . you can contact them at 07360262437. eos 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 . eos O O O O O O O O general-thank +bos you 're welcome . have a lovely day and contact us back anytime ! 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 train leaving after 16:45 departing from london kings cross . eos O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O 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 want to leave on saturday after 16:45 and go to cambridge . eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Dest O N/A +bos tr7804 leaves at 17:17. want 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 Train-OfferBook +bos yes and could you give me the arrival time as well ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos it arrives at 18:08 and i will need to know number of people travelling . eos O O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-Request+People +bos tr7804 , thank you . it 's just me traveling , but i 'm also looking to stay at the cambridge belfry . where is that ? 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 O O O O O O O O N/A +bos booking was successful , the total fee is 18.88 gbp payable at the station .reference number is : 6j8dvxf8 . the cambridge belfry is located in the north . 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O N/A +bos what type of accommodations are they eos O O O O O O O Hotel-Request+Type +bos it is a hotel . eos O O O O B-Hotel-Inform+Type O N/A +bos okay great . thanks for all your help . that 's all i need . eos 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 do for you ? eos O O O O O O O O O O O general-reqmore +bos no that will be all thank you for all of your help eos O O O O O O O O O O O O O general-thank +bos thank you for calling cambridge towninfo centre , it was a pleasure to assist you . 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 general-welcome,general-bye +bos need a place to stay on the west side , and i need it cheap . eos O O O O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price O O N/A +bos the finches bed and breakfast is located in the west 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 O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O N/A +bos ok , that will work ! thanks . eos O 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 does it have free parking ? eos O O O O O O O N/A +bos yes , it does offer parking . 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+Parking +bos that sounds great . yes please ! eos O O O O O O O O N/A +bos what day will you be checking in ? i also need the number of days you will be staying 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 Booking-Request+People,Booking-Request+Stay,Booking-Request+Day +bos i 'll be checking in on saturday , and it will be for 4 people for 4 nights . eos 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 N/A +bos i am sorry but the finches bed and breakfast is heavily booked . do you want to book starting another day or for a shorter 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 O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos can we get in for three nights ? eos O O O O O O O O O N/A +bos yes i can you in for 3 nights . 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 Booking-Book +bos no that will be all thank you 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 hi i need a hotel that is in the east . i do n't need 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 there are is one hotel and six guesthouses in the east . would you like more information any particular establishment ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Request+Name +bos i would like the hotel if it has a 4 star rating . eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O N/A +bos i 'm sorry , but there is no 4 star hotel in the east . may check different area or guesthouse ? eos 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-Select+Type O O O O Hotel-Request+Area +bos what types of guest houses are there in the east ? eos O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos i have six , what price range are you looking for ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Price +bos i am not particluar . eos O O O O O O N/A +bos a and b guest house is in the the moderate price range . it is on 124 tenison road . would you like 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 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 O O O O O O Booking-Inform +bos do they have rooms for 5 people . for 2 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 O O N/A +bos unfortunately no . would you like to try a shorter duration , or maybe a different checkin 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+Stay +bos okay , what about 1 night ? eos O O O O O B-Hotel-Inform+Stay O O N/A +bos yes , that did the trick . you 're booked with reference number 0ndtr3eg . 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 i would love to try some french food while i am there . could you help me find a restaurant ? 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 N/A +bos there are no french restaurants in that area would you like to try something else ? eos O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O N/A +bos i guess so . i guess maybe a good italian place would work . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos how about pizza hut fen ditton ? would you like to make a reservation ? 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 Booking-Inform +bos yes , i would like a reservation for 5 people and book me a taxi that leave the restaurant by 16: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 O N/A +bos what day and time would you need that reservation to be ? where will you be traveling to with 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 Taxi-Request+Dest,Booking-Request+Day,Booking-Request+Time +bos just to commute between the two places . eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos okay , your taxi is booked and the car will be a black bmw and their contact number is 07478029188. is there anything else you need ? 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 can i please have the phone number and area for pizza hut fen ditton ? also , the guesthouse we booked is 4 stars correct ? 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 O O O O O O O B-Hotel-Inform+Stars O O O O Restaurant-Request+Area,Restaurant-Request+Phone +bos it 's located in the east . their phone number is 01223323737. is there anything else i can help you with ? eos O 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 O O general-reqmore +bos yes , can you tell me if that guesthouse we booked has 4 stars ? eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos yes it is rated 4 stars . eos O O O O O O B-Hotel-Inform+Stars O N/A +bos ok great ! that 's all i needed . thank you eos O O O O O O O O O O O O general-thank +bos you are very welcome . i 'm glad i could assist . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i am looking for an afghan 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 N/A +bos there are none in that range , perhaps something else ? eos O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O N/A +bos okay , how about mexican food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos chiquito restaurant bar fits that criteria . would you like to make a reservation ? 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 yes , please . 7 people at 18:30 on tuesday . 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 unfortunately we can not book you for that date and time . would you like to try another date or time 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 how about 17:30 instead ? eos O O O B-Restaurant-Inform+Time O O N/A +bos that 's a better time , your reference number is iv21enwm and the table will be held for you for 15 minutes . is there anything else you need ? 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 general-reqmore +bos yes , i need a place to stay with free wifi . the hotel should have a 0 star rating . do you have anything like that ? eos O B-Hotel-Inform+Internet O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O O O O O O O N/A +bos sure , there is one option . cityroomz , shall i book a room for you ? eos O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform +bos is that expensive ? eos O O O O O N/A +bos it is in the moderate price range . if you give me your date of arrival , number of guests , and length of stay , i can try to make a reservation for you . 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 O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay,Booking-Inform +bos i need one that is in the expensive price range . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos i 'm sorry there are no hotels in the expensive range with a 0-star rating , the lowest rating for that price range is a 2-star hotel . are you interested ? eos 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-NoOffer+Stars 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 about a 4 star expensive place to stay that includes free wifi ? can i have the postcode , hotel type , and address of one that meets that description ? eos O O O O O B-Hotel-Inform+Stars 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 Hotel-Request+Post,Hotel-Request+Type,Hotel-Request+Addr +bos there are 2 that fit that criteria . one is in the west and the other is in the centre . which is better 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 B-Hotel-Inform+Area O O O O O O O O Hotel-Select +bos i do n't care about the area . can you pick one and give me the postcode , hotel type , 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 O O O Hotel-Request+Post,Hotel-Request+Type,Hotel-Request+Addr +bos try university arms hotel in centre . it is close to alot since it is right there on regent street . postcode is cb21ad . anything more you need today ? eos 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Post O O O O O O O O O general-reqmore +bos no thank you , that 's everything i need ! eos O O O O O O O O O O O general-thank +bos alright , thanks 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-greet +bos i 'm looking for a place to go in cambridge . perhaps an architecture attraction . 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 are 5 architecture attractions in the centre . will one of those work ? 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 N/A +bos yeah , could you recommend me one ? eos O O O O O O O O O N/A +bos holy trinity church is beautiful . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos could you tell me what area it 's in , 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 Attraction-Request+Area,Attraction-Request+Fee +bos it is in the centre of town . eos O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos no , they have free entry there . is there anything else i can help with ? eos 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 can i get some help finding a train to peterborough on thursday ? 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 trains to peterborough . what is your departure station and what time do you want to depart/arrive ? 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 Train-Request+Arrive,Train-Request+Leave,Train-Request+Depart +bos i will be leaving from cambridge and leave anytime after 13:00 eos O O O O O O B-Train-Inform+Depart O O O O O N/A +bos do you have a time that you could like to arrive by ? eos O O O O O O O O O O O O O O Train-Request+Arrive +bos any time on thursday . eos O O O O O O N/A +bos how about the 13:34 that would arrive at 14:24 ? eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O N/A +bos sounds perfect . can you book one ticket please ? eos O O O O O O O O O O O N/A +bos booking was successful , the total fee is 16.5 gbp payable at the station .reference number is : ikys7r5r . 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 thanks for your help with the train and attraction . those were my concerns . goodbye . eos O O O O O O O O O O O O O O O O O O Attraction-Inform,Train-Inform +bos glad to be of service to 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 are there any luxurious and expensive places to stay in the south section of town ? eos 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 the lensfield hotel is a nice place eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos is the lensfield a 4 star hotel ? eos O O O O O O B-Hotel-Inform+Stars O O N/A +bos no , it is only three stars . it is the only expensive hotel in that area of town . would you like to look in a different area ? eos O O O O O O O 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 O O O Hotel-Request+Area,Hotel-Inform+Parking +bos ok , how about something with 4 stars that is moderately priced ? eos O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O N/A +bos the aylesbray lodge guest house is available . do you need 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 O O Booking-Inform +bos yes i need it for 2 people checking in on saturday and staying for 4 nights . eos O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O N/A +bos booking was successful . reference number is : 4heg7lad . 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 that is all i need today thank you . eos O O O O O O O O O O general-thank +bos well thank you and enjoy your stay eos O O O O O O O O general-welcome,general-greet +bos thank you and have a good time . eos O O O O O O O O O general-thank +bos thanks for calling us . eos O O O O O O general-welcome +bos oh i almost forgot can you find me a train for sunday after 20:15 ? eos 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 of course , i can help with that . 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 i need to go from cambridge to stansted airport . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos the tr7554 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 yes . for 2 people . thank you so much . eos O O O O B-Train-Inform+People O O O O O O O N/A +bos i 've booked 2 tickets on train tr7554 departing cambridge for stansted at 20:40. your total fare is 16.16 gbp , payable at the station . your reference number is 62az9535 . 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+Dest I-Train-OfferBooked+Dest 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 for all your help today . 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 can you tell me some info on the avalon hotel ? eos O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos the avalon is a 4 star moderately priced guesthouse in the north with free internet . would you like to book there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Inform,Hotel-Inform+Internet +bos yes can you book it for 5 people on saturday ? we need rooms for 4 nights . eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O B-Hotel-Inform+Stay O O N/A +bos that one is not open , 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 i guess we could shorten it ; can you try 2 nights instead ? eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos booking was successful.reference number is : zwn28j72 . do you need anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos yes i am looking for a restaurant called frankie and bennys eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos its in cambridge leisure park clifton way cherry hinton . should i book for you a room ? eos 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 Booking-Inform +bos yes , the five of us would like to eat at 17:45 before we check in to the hotel . 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 N/A +bos i 'm sorry , but i can not get you in at that time . is there another day or time slot 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos book it for 30 min earlier . i need the reference number . eos O O O O O O O O O O O O O O N/A +bos oh ! i got you the table for your original time at 17:45. your reference number is 6mirfir2 . 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+Time 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 to book a taxi from the restaurant to the hotel . eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos for what times . eos O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i need a taxi so that it arrives by the time of my reservation at 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 your taxi has been booked to take you from avalon to frankie and benny 's at 17:45. your taxi will be a black tesla and the contact bumber is 07715682347. eos O O O O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive 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 sounds great . thank you very much . eos O O O O O O O O O O general-thank +bos will you need any thing else now ? eos O O O O O O O O O general-reqmore +bos no thank you that will be all for me , goodbye . eos 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-welcome,general-bye +bos i 'm looking for a guesthouse to stay in that is cheap . eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price O O N/A +bos i have 9 that meet your request . would you like 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 Hotel-Request+Area +bos no , but i want a hotel with free parking and has a star rating of at least 4. 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 7 now that fit your criteria . are you looking for a certain area ? 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 nope , just pick your favorite . i need lodging for 5 people , 4 nights , and we 'll arrive on wednesday . 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 O O O O N/A +bos the alexander bed and breakfast includes internet and is in the centre area . would that be okay ? 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 B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O Hotel-Recommend+Internet,Booking-Inform +bos yes , i 'm also looking for a restaurant tandoori palace . can you give me the address and phone number ? eos 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 Restaurant-Request+Addr +bos the tandoori palace is located at 68 histon road chesterton , and their phone number is 01223506055. did you still need that hotel booking ? 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 O O O O O O O O O Booking-Inform +bos yes , please . that was 4 nights at the alexander starting wednesday . 5 people . eos O O O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O O O N/A +bos i have you booked for 5 people for four nights starting on wednesday and your reference number is oo0atnmc . eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Stay I-Booking-Book+Stay O O B-Booking-Book+Day I-Booking-Book+Day O O O O B-Booking-Book+Ref O N/A +bos could i have the address eos O O O O O O Restaurant-Request+Addr +bos absolutely ! the address is 56 saint barnabas road . eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr general-greet +bos okay great , that is all i needed . have a good day ! eos O O O O O O O O O O O O O O O N/A +bos you too ! goodbye . eos O O O O O O general-bye,general-greet +bos please find a place that serves indian food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos sure , is there a price range you would like to stay in ? eos O O O O O O O O O O O O O O O Restaurant-Request+Price +bos in the moderate range , please eos O O O B-Restaurant-Inform+Price O O O N/A +bos is there a specific area you would like to dine in ? eos O O O O O O O O O O O O O Restaurant-Request+Area +bos no , i do n't have a preference . any you pick will be fine . i need to book on sunday at 14:00 for 4 people , please ? 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 N/A +bos your reservation at rajmahal was successful . the table will be reserved for 15 minutes.reference number is : xyiq88jz . 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 N/A +bos thank you ! can you also tell me about whipple museum of the history of science , 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A +bos the whipple museum of the history of science is in the centre of town on free school lane . admission is free . 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 B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O N/A +bos cool , could you also give me the postcode ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode for whipple museum of the history of science is cb23rh . 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 I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos i also need a taxi . eos O O O O O O O Taxi-Inform +bos where would you like to go with the taxi ? eos O O O O O O O O O O O Taxi-Request+Dest +bos from the museum to the restaurant . eos O O O O O O O O N/A +bos a black honda will pick you up and get to you to the rajmahal in time for that reservation . the contact number is 07608033696. eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O O B-Taxi-Inform+Dest O O O O O O O O O B-Taxi-Inform+Phone 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 very welcome ! bye ! eos O O O O O O O O general-welcome,general-bye +bos can you get me information on a place called kymmoy ? eos O O O O O O O O O O B-Restaurant-Inform+Name O N/A +bos kymmoy is a restaurant serving expensive asian oriental cuisine in the city centre . it 's address is 52 mill road city centre , postcode cb12as , and it 's phone is 01223311911. anything else ? eos O B-Restaurant-Inform+Name O O 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 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 general-reqmore +bos can you book a table for 5 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 N/A +bos done ! the table is reserved for 15 minutes . the reference number is n7833wx5 . is there anything that 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 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 dinner . goodbye . eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant . eos O O O O O O O O Restaurant-Inform +bos is there a price range or type of food that you would prefer ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos not sure of that , i am looking for a restaurant named `` ask . '' eos O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O N/A +bos that is an italian restaurant located in the centre of town . it is at 12 bridge street . can i call and reserve a table for you ? 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 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 i would like to book a table for 5 people on sunday at 14:15 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 N/A +bos i am afraid that booking was unsuccessful . 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 Booking-NoBook,general-reqmore +bos yes , a different restaurant in the same area and with the same price range . eos O O O O O O O O O O O O O O O O O N/A +bos yes there are 15 restaurants that are a similar price range . did you still want italian ? eos O O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Select+Food O O N/A +bos type of food does n't matter . which is the best one ? i 'll book that . eos O O O O O O O O O O O O O O O O O O O N/A +bos your reservation is at the dojo noodle bar at millers yard . the reference number is w87akiby and the table will be held for 15 minutes . is that all ? 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 I-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 general-reqmore +bos that is all . thank you ! eos O O O O O O O O general-thank +bos thank you for calling . enjoy your dining experience . eos O O O O O O O O O O O general-welcome,general-bye +bos can you help me find and 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 . what sort of cuisine would you like ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food +bos i would like to eat at an indian restaurant please . 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 available in the west . would you like me to book one of those for you ? 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 O O O O O O O O O Booking-Inform,Restaurant-Select +bos yes , please choose one and book it for 6 people at 13:30 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 O N/A +bos ok. i was able to book cocum on thursday at 13:30 for 6 people . your reference number is ltz2tpia . can i help you with anything else ? eos O O O O O O O O B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O B-Booking-Book+People O O O O O B-Restaurant-Inform+Ref O O O O O O O O general-reqmore +bos no , that 's it for 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 general-bye +bos you are welcome . thank you for calling cambridge towninfo centre . 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 looking for a restaurant in a moderate price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos there are many , can i get a price range and area you would like the restaurant to be in to narrow down the search ? 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 O Restaurant-Request+Area,Restaurant-Request+Price +bos i would like a moderate price range and in the centre . would you be able to book a table for friday at 19:30 ? it would be for 2. 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 B-Restaurant-Inform+Time O O O O O O O N/A +bos okay , there are 21 options . would you like to choose a cuisine to narrow down the choices ? 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 Restaurant-Request+Food +bos why do n't you choose one for me as long as i can get the tables booked . eos O O O O O O O O O O O O O O O O O O O N/A +bos i tried the yippee noodle bar which serves asian oriental food but it is booked . do you want to stay with chinese asian cuisine ? eos O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name I-Booking-NoBook+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos just please book a table anywhere for 2 on friday for 19:30 please . and i 'll need 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 Restaurant-Request+Ref +bos ok sorry about that . i can get you a table at restaurant one seven . your reference number is a2ra63nx . 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 I-Booking-Book+Name O O O O B-Restaurant-Inform+Ref O 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 you 're welcome . thank you for calling cambridge towninfo centre . good bye . eos O 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 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 i 've found a lot of restaurants in the centre . is there a specific type of food you 're looking for ? eos O 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 O Restaurant-Request+Food +bos it should serve portuguese food in the cheap price range . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A +bos nandos city centre is your place . would you like to book ? eos 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 , i need a table for two on wednesday . eos O O O O O O O O O O O O N/A +bos what time on wednesday would you like ? eos O O O O O O O O O Booking-Request+Time +bos book it for 15:30 please . eos O O O O B-Restaurant-Inform+Time O O N/A +bos that time is not available.would you like a different time ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos hi ! i need a restaurant that serves chinese food please ! eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are quite a few chinese restaurants . are you looking for one in particular area or price range ? eos 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 O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos yes . i would like an expensive one please . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos what about hakka ? it is an expensive chinese restaurant in the north part of town . eos O O O B-Restaurant-Recommend+Name O O 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 I-Restaurant-Recommend+Area O O N/A +bos i 'm looking for a restaurant in the centre of town . are there any available ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos i have a listing for ugly duckling , would you like me to make a reservation ? eos O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O N/A +bos yes please , i would like to book a table for 5 people at 11:30 on wednesday . i would also like a reference number please . 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 O O O O O O O O Restaurant-Request+Ref +bos i have tang chinese open then , reference number is : 1azi69i4 . need anything else ? eos 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 general-reqmore +bos that is everything . thanks ! eos O O O O O O O general-thank +bos you are welcome . enjoy your meal at tang chinese . good 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 a moderately priced place to eat located 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 O N/A +bos certainly , there are many restaurants that fit that criteria . do you have a food type preference ? 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 yes , do any serve international food ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have 2. the varsity restaurant and bloomsberry . both serve international food and are in the moderate price range . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice O O 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 O O O Restaurant-Select +bos can you check to see if either has booking for 5 people at 17:15 on monday ? 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 N/A +bos neither are available 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 Booking-NoBook,Booking-Request+Time +bos no , i need 17:15 on monday . perhaps a different restaurant in the centre with moderate prices ? any cuisine is fine . eos O O O O O O B-Restaurant-Inform+Day O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O O O O N/A +bos i was able to book you for the yippee noodle bar , your reference number is e6erfbkg 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 and goodbye eos O O O O O general-bye +bos good bye to you , let us know if you need us again . eos O O O O O O O O O O O O O O O general-bye +bos could you help me 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 there are 33 in that area . please choose a food type . african , asian , british , chinese , european , french , gastropub , indian , japanese , korean , mediterranean , north american , modern european , seafood , thai , or turkish . 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 O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O O O O O O O O O O O O O N/A +bos i want to try seafood . can you book for 4 people at 17:45 on thursday ? eos O O O O O B-Restaurant-Inform+Food 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 , it does n't look like loch fyne has tables at that time , and they 're the only one that focuses on seafood . would you like to try somewhere else ? eos O O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O general-reqmore +bos please try booking any different restaurant in the same area and price range as loch fyne . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos ok , i can book at bedouin if you would like ? they serve african food . eos O O O O O O B-Booking-Inform+Name O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos yes , and book it for 4 people on thursday at 7:45 , thank you . eos O O 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 4 at bedouin on thursday at 7:45. eos O O O O O O O O O O B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time N/A +bos could you please give me the reference number ? eos O O O O O O O O O O Restaurant-Request+Ref +bos your booking was successful . your reference number is bty06386 . may 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 thank you that is all i needed . goodbye . eos O O O O O O O O O O O O general-bye +bos you are welcome . enjoy your dinner . bye . eos O O O O O O O O O O O general-welcome,general-bye +bos i need help finding an expensive restaurant in the centre , can you help me 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 N/A +bos i 'd love to help . we have 33 expensive restaurants . do you have a cuisine you 'd prefer ? 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 Restaurant-Request+Food +bos yes , i 'm looking for gastropub food . eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i have found the backstreet bistro and the slug and lettuce , which one would you like more information on ? 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 Restaurant-Select +bos do anything of them serve gastropub food ? eos O O O O O O O O O N/A +bos yes both are in the expensive price range eos O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A +bos any one will be fine . i need the reference number please after its booked . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos can i have the munber in your party and the day and time you would like to book ? 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 want to book a table for 4 people at 16:15 on a tuesday please . eos 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 N/A +bos okay i was able to book you then at the slug and lettuce and your reference number is fsof58oo . 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 that is great ! thank you for all your help . eos O O O O O O O O O O O O general-thank +bos great ! here is the address , 34 - 35 green street . 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 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 thank you for calling and have a great day . eos O O O O O O O O O O O general-bye +bos i am looking for a restaurant that serves international food ! eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos what area are you looking for ? eos 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 the bloomsbury restaurant , serves international food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O 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 bloomsbury restaurant is located at crowne plaza hotel 20 downing street and their phone number is 0871 942 9180. may 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 I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos is bloomsbury restaurant in the moderate price range ? eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , bloomsbury restaurant is in the moderate price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O N/A +bos can i get the postcode ? eos O O O O O O O Restaurant-Request+Post +bos bloomsbury restaurant has the c.b 2 , 3 d.t postcode . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post 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 bloomsbury restaurant is crowne plaza hotel 20 downing street and the phone number is 0871 942 9180. can i help you with anything else ? 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone I-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 you 're welcome . bye . eos O O O O O O O general-welcome,general-bye +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 N/A +bos there are several restaurants in the west part of town . would you like something in the expensive , moderate or cheap price range ? eos 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 B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A +bos i do n't care . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 canapes food eos O B-Restaurant-Inform+Food O N/A +bos i am sorry there are no restaurants with canapes . is there some other type of food you would like ? 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about thai food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos of course , how about sala thong ? it is a thai restraunt in the west part of town . eos O 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 O 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 quite expensive . the address is 35 newnham road newnham and phone number is 01223 323178. can i help you with anything else ? 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 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 goodbye . eos O O O O O general-bye +bos good bye . thank you for using the restaurant service . eos O O O O O O O O O O O O general-bye +bos i 'm looking for a cheap restaurant in the north 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 how about charlie chan ? it is cheap and delicious . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O N/A +bos is there anything else ? eos O O O O O O N/A +bos there is royal spice if you like indian and da vinci pizzeria if you like italian . would you like more info on either of those ? 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 O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Select,general-reqmore +bos yes please . eos O O O O N/A +bos for which would you like more information , the royal spice , or the da vinci pizzeria . eos 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 O O N/A +bos what is the phone number ? eos O O O O O O O Restaurant-Request+Phone +bos royal spice 's phone number is 01733 553355 , and da vinci pizzeria 's is 01223 351707. 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 I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O N/A +bos what is the postcode ? eos O O O O O O N/A +bos the 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 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 general-bye +bos thank you for choosing our system . good bye eos O O O O O O O O O O general-bye +bos hello , i am looking for a restaurant that serves mexican food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos chiquito restaurant bar serves mexican food in the south part of town . would you like their location ? eos 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 O O N/A +bos yes , i 'd like the address , 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,Restaurant-Request+Addr +bos chiquito restaurant bar is located at cambridge leisure park clifton way cherry hinton . the postal code is cb17dy and the phone number is 01223400170. 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 B-Restaurant-Inform+Post O O O O O B-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 O general-welcome,general-bye +bos i would like 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 N/A +bos there are two moderately priced restaurants in the north part of town . one chinese and one indian . please specify the desired cuisine type . eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area 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 Restaurant-Select +bos can i have the phone number of the chinese place please ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O Restaurant-Request+Phone +bos golden wok is located in the north side of town , serves chinese food and is in the moderate price range . their phone number is 01223 350688. 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+Food O O O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos ok , thank you eos O O O O O general-thank +bos goodbye . eos O O O general-bye +bos i 'm looking for a moderately priced restaurant serving cuban food . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry we do not have any cuban restaurants in the moderate price range . would you like a different food type ? 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 O Restaurant-Request+Food,Restaurant-NoOffer +bos is there any restaurants that serve british food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos fitzbillies restaurant serves british food . would you like more information about this 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 general-reqmore +bos can i have their phone number ? eos O O O O O O O O Restaurant-Request+Phone +bos fitzbillies restaurant 's number is 01223 352500. would you like the address as well ? eos 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 no thanks , that is all ! eos O O O O O O O O general-thank +bos you 're welcome , enjoy your food . eos O O O O O O O O O general-welcome,general-bye +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 +bos i am looking for an upscale restaurant with european food , please . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos eraina is an an upscale restaurant serving european food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos is there anything else available ? eos O O O O O O O N/A +bos yes , the cambridge lodge restaurant is also an upscale restaurant serving european food . 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+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos what is there address and area ? eos O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr +bos the cambridge lodge restaurant is located is the west part of town at cambridge lodge hotel 139 huntingdon road city centre . is there anything else you need ? 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 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 O O O O general-reqmore +bos no thank you . that is all the info i needed . 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-bye +bos i 'd like a cheap restaurant in the east part of town . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A +bos the missing sock serves cheap food in the east part of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos what type of food is served at the missing sock , and what is the address ? eos 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 the missing sock serves international food , they are located at finders corner newmarket road . 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 O O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos their address is finders corner newmarket road . 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 may i have the street address of the establishment . eos O O O O O O O O O O O Restaurant-Request+Addr +bos the address for the missing sock is finders corner newmarket road . would you like their phone number or postcode ? 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 O O O O O general-reqmore +bos thank you . goodbye . eos O O O O O O general-bye +bos you 're welcome . good bye , and please come back to the cambridge restaurant system 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 O O O general-welcome,general-bye +bos thanks , see ya ! eos O O O O O O general-thank +bos bye bye . eos O O O O general-bye +bos i need a taxi . i 'll be departing from la raza . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 'd like to leave after 11:45 please . eos O O O O O O B-Taxi-Inform+Leave O O O N/A +bos where will you be going ? eos O O O O O O O Taxi-Request+Dest +bos i 'll be going to restaurant one seven . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos i 've booked for you a black volkswagen , the contact number is 07552762364. 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 O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos no , thats it . thank you ! 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 hello , i am looking for a malaysian restaurant on the north 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 'm sorry . i do n't show any results for malaysian restaurants on the north side of town . would you like me to search any other areas ? 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 O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos no , how about a french restaurant instead ? eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos how about restaurant two two at 22 chesterton road chesterton eos O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O B-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr N/A +bos phone number , please . eos O O O O O O N/A +bos their phone number is 01223 351880. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos thanks , goodbye ! eos O O O O O general-bye +bos you 're quite welcome . good bye . eos O O O O O O O O O general-welcome,general-bye +bos i would like a cheap restaurant in the north 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 da vinci pizzeria is an italian restaraunt in the north part of town . would you like their phone number or address ? 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 O O O O O N/A +bos is there anything else ? eos O O O O O O N/A +bos city stop restaurant is in the north part of town , and it is in the cheap price range . 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 O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos is there anything else in the cheap price range 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 N/A +bos royal spice is a cheap restaurant on the north side of town . would you like their address ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O N/A +bos address and phone number for royal spice , yes please . eos O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number for royal spice is 01733 553355 and they are located at victoria avenue chesterton . 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 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 O O O O O O O O O general-reqmore +bos no , that 's everything . thank you . goodbye . eos 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-welcome,general-bye +bos do you know where the parkside police station is ? eos O O O O O O O O O O O Police-Inform +bos hello , i can provide the post code for you ; it is cb11jg . you can also call them at 01223358966 for more detailed directions . eos O O O O O O O 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 need . thanks , good bye . eos O O O O O O O O O O O O general-bye +bos in case you need it , the address is parkside , cambridge . eos O O O O O O O O O O O O O O N/A +bos i am looking for a place to stay . the hotel should include free parking 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 what area of town ? eos O O O O O O Hotel-Request+Area +bos it should be in the west and have a star rating of 4. eos O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos how about finches 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 i 'd like to book for 7 people 2 nights on saturday please eos 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 : fnajhewg . 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 help you with ? eos O O O O O O O O O O O general-reqmore +bos no , there 's nothing more . eos O O O O O O O O N/A +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 hi , i 'd like information for the restaurant called travellers rest please . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos it is british food that is expensive at huntingdon road city centre . eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos what is the postcode of this restaurant ? thanks ! eos O O O O O O O O O O O Restaurant-Request+Post +bos the post code is cb30df . 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 yes i would like information on jesus green outdoor pool also . 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 it is located in the north and the phone is 01223302579. the entrance fee is unknown . can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Area 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 O O general-reqmore +bos that is all i need right now , thank you ! eos 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-welcome,general-bye +bos can you tell me more about a particular attraction called the ballare ? eos O O O O O O O O O O O O B-Attraction-Inform+Name O N/A +bos ballare is a nightclub located on heidelberg gardens , lion yard , cb23na . the entrance fee is 5 pounds . is there anything else i can help you with ? eos O B-Attraction-Inform+Name O O B-Attraction-Inform+Type 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 O O O O O O O O general-reqmore +bos what is their phone number ? eos O O O O O O O Attraction-Request+Phone +bos the phone number for ballare is 01223364222 , and the entrance fee is 5 pounds . do you also need the address ? eos O O O O O B-Attraction-Inform+Name 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 N/A +bos no thank you , i do n't need the address . i would also like to find a place to eat on the east side that serves british 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-Inform+Area O O O B-Restaurant-Inform+Food O O O O N/A +bos i have one such restaurant and it is called the grafton hotel restaurant and is in the expensive price range . would you like their address ? 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 I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O O O O O O N/A +bos actually , could you book a table for 6 people on wednesday ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O N/A +bos for what time ? eos O O O O O Booking-Request+Time +bos i would like to book for 11:15. eos O O O O O O O B-Restaurant-Inform+Time N/A +bos i have booked this for wednesday for 6 people at 11:15. they will hold your table for up to 15 minutes . the reference number is : cgm6giaj eos O O O O O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People 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 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 my pleasure . enjoy your stay . eos O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant that serves thai food and is in the expensive price 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 O N/A +bos bangkok city is a recommended thai restaurant in the centre . eos 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 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 bangkok city is at 24 green street city centre , and the phone number is 01223 354382. 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 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 good bye . eos O O O O O O general-bye +bos thank you for using our system . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos no further assistance needed . goodbye . eos O O O O O O O O general-bye +bos thank you . eos O O O O general-welcome +bos i would like a traditional food restaurant . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos what price range do you have in mind ? eos 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 no matching records were found . can you be more specific ? eos 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 thanh binh serves vietnamese food and is located in the west part of town . would you like more info on it ? eos 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 O general-reqmore +bos yes . i would like their address and phone number , please . eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos thanh binh 's address is 17 magdalene street city centre and their phone number is 01223 362456. 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 N/A +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 thank you for your help . goodbye ! eos O O O O O O O O O general-bye +bos you 're welcome and do call us again ! goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos hello , i am looking for a cheap restaurant that serves eritrean food . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos there is not a restaurant serving eritrean food listed . would you like something 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 , are there any restaurants that serve italian food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are five cheap restaurants that serve italian food . what area would you like to search ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Area +bos i do not have a preference . eos O O O O O O O O N/A +bos ask is a cheap italian restaurant located in the centre part of town . eos O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O N/A +bos i need their address and phone number please eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number for ask is 01223 364917 , and they are located at 12 bridge street city centre . eos O O O O O O B-Restaurant-Inform+Name 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 N/A +bos great ! 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-welcome,general-bye +bos i would like to find an expensive restaurant in the east part 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 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 O N/A +bos grafton hotel restaurant serves british food , in the expensive price range and in the east . would you like to know the address and phone number ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-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 O O O O O O general-reqmore +bos just the phone number is fine , please . eos O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223 241387. will that be all ? eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O general-reqmore +bos that is all , thank you very much . 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 system . goodbye . eos O O O O O O O O O O O general-bye +bos what is the address and phone number of a cheap restaurant in the north part of town ? 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 O Restaurant-Request+Phone,Restaurant-Request+Addr +bos da vinci pizzeria can be reached at 01223351707 and is located at 20 milton road chesterton eos O O B-Restaurant-Inform+Name I-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 N/A +bos thank you goodbye eos 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 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 i have found several . would you like british , indian , gastropub , or chinese ? 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 N/A +bos is there anything else ? eos O O O O O O N/A +bos there are no other types of expensive restaurants in the east , would you like to try another 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 , that 's okay . what chinese restaurants are there on the east side ? eos O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos yu garden is on the east side , would you like the phone number ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O O O general-reqmore +bos is there another chinese restaurant in the east ? eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos yu garden is the only chinese restaurant on the east side of town in the expensive price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O N/A +bos what is the phone number for yu garden ? eos O O O O O O O O O O Restaurant-Request+Phone +bos the phone number for yu garden is 01223 248882. may i help you with anything else ? 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 O general-reqmore +bos no , i think that 's 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 you are very welcome . goodbye . eos O O O O O O O O general-welcome,general-bye +bos hello , i am looking for an expensive restaurant to dine at in the center . eos 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 about 33 options to choose from . what type of food are you wanting to enjoy ? 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 i am looking for a local restaurant . may i have the phone number of one please ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos how about the cambridge chop house . phone is 01223359506. eos 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 O N/A +bos thank you . i would also like to find 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 N/A +bos okay do you have a particular attraction in mind ? there is a great cinema and architecture to check out . 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 O O O Attraction-Request+Name +bos i have no preference . could you suggest something and let me know 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 Attraction-Request+Fee +bos how about touring christ 's college ? it is in the center of town and very renown and free to the public . eos 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 I-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O O O O O N/A +bos thanks ! that sounds interesting . do you know what hours it is open to the public ? eos O O O O O O O O O O O O O O O O O O O N/A +bos i do not have open times listed . their phone number is 01223334900. eos O O B-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open O O O B-Attraction-Inform+Phone O N/A +bos what attraction type is it please ? eos O O O O O O O O Attraction-Request+Type +bos it is a college eos O O O O B-Attraction-Inform+Type N/A +bos is there one near the restaurant ? eos O O O O O O O O Restaurant-Inform +bos christ 's college is in the same area as the restaurant , yes . they 're both in the centre of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O 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 O O N/A +bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos no , there is not . it is free admission . is there anything else i can help you with today ? 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 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 thank you , i 'm glad i could help ! eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a restaurant in the center that serves turkish food eos O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos hi , anatolia and efes restaurant are two options in the centre for turkish food . i hope you find what you 're looking for ! eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O O O O O O O O O O N/A +bos could i have the address for the anatolia ? eos O O O O O O O O O O Restaurant-Request+Addr +bos sure thing , the address for the anatolia is 30 bridge street city centre . anything else i can help you find ? eos O O 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 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 . good bye . eos O O O O O O O general-bye +bos hello , i am looking for a hungarian restaurant on the east 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 there are no restaurants matching your request . would you like a different restaurant ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos yes , i 'd like a chinese 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 O N/A +bos yu garden is a chinese restaurant in the east of town . 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 N/A +bos please give me yu garden 's address , phone number , 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 01223 248882 , and the postcode is c.b 5 , 8 p a eos 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 I-Restaurant-Inform+Post 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 O general-welcome,general-bye +bos is there a portuguese food restaurant ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos yes eos O B-Restaurant-Inform+Food N/A +bos is there anything else ? eos O O O O O O N/A +bos there are two portuguese restaurants in town . would you prefer one in the centre of town or in the south part ? eos 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-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area O N/A +bos can i get the 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 their address is 33-34 saint andrews street . their phone is 01223 327908 eos 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 N/A +bos thank you , goodbye . eos O O O O O O general-bye +bos thank you for using out system . good bye . eos O O O O O O O O O O O general-bye +bos can you please help me find a place to go ? eos O O O O O O O O O O O O N/A +bos i 've found 79 places for you to go . do you have any specific ideas 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 N/A +bos i 'd like a sports place in the centre please . eos O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are no results matching your query . can i 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 Attraction-Request+Area,Attraction-Request+Type,Attraction-NoOffer +bos okay , are there any cinemas in the centre ? eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos we have vue cinema eos O O O O B-Attraction-Recommend+Name N/A +bos okay that will work . can you please tell me their phone number , 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos vue can be reached at 08712240240 , the postcode is cb11ps . i do not have entrance fee information , i 'm sorry . eos O O B-Attraction-Inform+Name 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos no worries , i 'll give them a call and find out . thanks so much for all 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 you 're welcome . good bye eos O O O O O O O general-welcome,general-bye +bos i 'm looking for a place to stay that has a star of 4 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 N/A +bos i have located the acorn guest house in the north area . it has a 4 star rating and free parking . would you like to to book a room ? 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 I-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 Booking-Inform,Hotel-Inform+Parking +bos no , sorry . i 'm looking for a hotel in the centre , not north . 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 i have a guest house that is in the cheap price range and a hotel in the expensive . would you like to book at one of them ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Booking-Inform,Hotel-Select +bos what is the address and price range eos O O O O O O O O Hotel-Request+Price +bos the university arms hotel is in the centre and is in the expensive price range . 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 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 Booking-Inform +bos no , but i do need the address and postcode . eos O O O O O O O O O O O O Hotel-Request+Addr +bos certainly , the address is regent street and the can be reached at 01223351241 , can i assist with anything else ? eos O O O O O B-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 general-reqmore +bos i 'm also looking for a college in the same area . eos O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i have 13 colleges in that area . would you prefer one with an entrance fee or without ? eos 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 O O O O Attraction-Request+Price +bos how about one with free entrance . may i have their address and postcode , 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+Addr +bos downing college is a real sleeper and they have no entrance fee . their address is on regent street , postcode cb21dq . need any other help today ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Post O O O O O O O O O general-reqmore +bos no that will be everything , thank you ! eos O O O O O O O O O O general-thank +bos you 're welcome . have a wonderful day . good bye . 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 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 there are many places to go in the centre of cambridge : marvelous architecture , colleges , museums , theatres , and more . are any of these options particularly interesting to you ? eos O O O B-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 O O O O O Attraction-Select +bos i 'm not picky , i 'm totally open to suggestions . can you pick your favorite and let me know the 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 Attraction-Request+Addr +bos oh , wonderful . i 'd recommend club salsa , on 1 station road . it 's a nightclub and the entrance fee is 5 gbp , but it 's worth it ! 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+Type 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 N/A +bos i 'm also looking for a hotel . i want a place with a 3 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 O O N/A +bos i have 5 results of places with 3 star ratings . to help narrow it down a bit , what area do you prefer and what price range ? 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 O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos sure , how about something cheap ? eos O O O O O B-Hotel-Inform+Price O O N/A +bos there are no cheap hotels with that search . would you like a different price range ? eos 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 Hotel-Request+Price +bos anything moderately priced in the 3 star rating , with free wifi , please . eos O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos bridge guest house is a moderately priced 3 star hotel in the south with internet . do you want to make a booking ? 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 O O B-Hotel-Inform+Area O O O O O O O O O O O Hotel-Inform+Internet +bos yes , please book me for 7 people and three nights starting on tuesday and please also give me a reference number for the booking . i also would like a taxi . 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 O O O O O Hotel-Request+Ref +bos success ! i was able to book that for you and your reference number is 8e1nhoek . 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 N/A +bos yes i need a taxi to leave the club salsa by 17:30 heading back to the hotel . eos 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 N/A +bos a black toyota will pick you up at 17:30 at club salsa to take you back to the bridge guest house . contact number is 07280181013. will that be all ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Leave O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Phone O O O O O O general-reqmore +bos that 's great ! that 's all i need . thanks . eos O O O O O O O O O O O O O general-thank +bos great ! thank you for allowing me to assist you . goodbye ! eos O O O O O O O O O O O O O O general-bye +bos i am looking to try a local restaurant that serves modern european cuisine and has a 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 B-Restaurant-Inform+Price O O N/A +bos there is restaurant almentum that serves modern european food in the south part of town . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 I-Restaurant-Inform+Area O N/A +bos book a table for 1 person at 17:30 on saturday . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 5u78rxdv . 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 am also looking for a place to stay in the north eos O O O O O O O O O O O O B-Hotel-Inform+Area N/A +bos okay i have many choices for you . could we narrow it down by price and star rating ? will you be looking for parking and wifi 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 O O O O Hotel-Request+Price,Hotel-Request+Internet,Hotel-Request+Stars +bos i do n't care about wifi but i definitely need free parking . eos O O O O O O O O O O O O O O N/A +bos acorn guest house has parking . would you like me to book that ? 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 Booking-Inform +bos i would like a british food restaurant in the centre . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A +bos sure , there are 7 restaurants that meet your needs . 4 are moderate and 3 are expensive . do you have a preference ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O O O O O O Restaurant-Select +bos only the best for my family .. we 'll take the expensive one . book us a table for 5 at 14:00 on thursday . eos 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 O N/A +bos i 'm sorry i am having difficulty making a reservation for you . shall we try another time or restaurant 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 Booking-NoBook,Restaurant-Request+Food,Booking-Request+Time +bos let 's try italian instead . eos O O O B-Restaurant-Inform+Food O O O N/A +bos caffe uno is a very nice , expensive italian restaurant in the center of town . would you like a table there ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O Booking-Inform +bos actually , i change my mind . i think i want to stick with british food after all . can you suggest any one thats in the centre of town ? 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 O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos fitzbillies restaurant , the cambridge chop house , and midsummer house are all centrally located , british , and very expensive , but none have a table for 5 available on thursday at 14:00. 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+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Food O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O B-Booking-NoBook+People O B-Booking-NoBook+Day O B-Booking-NoBook+Time O O O O O N/A +bos can you try the cambridge chop house for thursday for 5 people at 13:00 instead ? 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 your reservation at the cambridge chop house for 5 people at 13:00 on thursday was successful . your reference number is u6gv5zzv . is there anything else i can help you with today ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Booking-Book+People O B-Booking-Book+Time O B-Booking-Book+Day 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 . thanks 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 our system . eos O O O O O O O O O O O O general-welcome +bos you 're welcome ! it was great ! eos O O O O O O O O O N/A +bos have a good day ! eos O O O O O O general-bye +bos i would like a cheap restaurant in the east ! eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos as far as cheaper restaurants , i only have one available that 's located in the east . it 's called the missing sock and serves international food . would you like more information ? eos O O O O B-Restaurant-Inform+Price O 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+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 that sounds good . please give me more information . eos O O O O O O O O O O O N/A +bos sure the missing sock is in the east , serves cheap food . would you like to book a table ? eos 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 B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos no but i would like the address and post code please . eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the missing sock is at finders corner newmarket road . postcode cb259aq . eos 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 O B-Restaurant-Inform+Post O O N/A +bos thank you very much . 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 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 great day ! goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos can you help me find a 4 star hotel in cambridge ? eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos there are three 4-star hotels . what area would you prefer ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars O O O O O O O O Hotel-Request+Area +bos i would prefer to stay in the west part of town . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos there are two choices , one is in the expensive price range , the other in the cheap price range . which one is preferable to you ? eos O O O O B-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 O O O O O O O Hotel-Select +bos i do n't have a preference . eos O O O O O O O O N/A +bos how does the huntingdon marriott hotel sound to you ? may i book you there ? 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 is this the expensive or cheap price range option ? how much does it cost per night ? 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 in the expensive price range . eos O O O O O B-Hotel-Inform+Price O O O N/A +bos ok. i 'd like the address , please . eos O O O O O O O O O O Hotel-Request+Addr +bos the huntingdon marriott hotel is located at kingfisher way , hinchinbrook business park , huntingdon . 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 O O O O O O O O O Booking-Inform +bos not at this time , but i would like to find a place to eat . ideally an expensive german restaurant in the same area . 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 N/A +bos unfortunately , no such restaurant exists . would you like to look in a different area , price range , or cuisine 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 Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer +bos how about one that serves british food eos O O O O O O B-Restaurant-Inform+Food O N/A +bos there are two places graffiti and travellers rest which would you like to try ? eos O O O O O O O O O O O O O O O O N/A +bos graffiti sounds good . may 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address , phone number and post code for graffiti are hotel felix whitehouse lane huntingdon road , 01223277977 , cb30lx . eos O 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 I-Restaurant-Inform+Addr B-Restaurant-Inform+Phone B-Restaurant-Inform+Post O O O O N/A +bos i 'll need a taxi from the restaurant back to my hotel . i 'd like to leave the restaurant by 11:30. eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O B-Taxi-Inform+Leave O O O N/A +bos ok , i 've booked you a taxi from graffiti to huntingdon marriot hotel at 11:30. anything else i can do for you ? eos O O O O O O O O B-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 general-reqmore +bos can i get the phone number of the taxi service and what car type will i be looking for ? 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,Taxi-Request+Phone +bos number is 07435240506 , and it is a black audi . eos O O O B-Taxi-Inform+Phone O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos great , you have been very helpful , that 's all i need for now . eos O O O O O O O O O O O O O O O O O N/A +bos you are very welcome . 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 O O O general-welcome,general-bye +bos i 'm looking for an expensive restaurant that serves thai food , please . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O N/A +bos there is one in the west and one in the centre of town . do you have a preference in area ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O Restaurant-Request+Area +bos i do n't have a preference in the area . i suppose you could book me a table for two people at 12:30 on saturday . 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 O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O O O O O O O O N/A +bos i booked you a table at the sala thong in the west area for 12:30 saturday . eos O O O O O O O O O O O O O O O B-Booking-Book+Time I-Booking-Book+Time O N/A +bos thanks , please provide the reference number . eos O O O O O O O O O Restaurant-Request+Ref +bos the reference number is xlrsfb9q . is there anything else that i can do for you ? eos O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O O O general-reqmore +bos thank you for booking that . could you please book me a taxi to leave from the centre of town at my hotel to the sala thong for saturday at 11: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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Hotel-Inform+Day O B-Taxi-Inform+Leave O O N/A +bos in order to book the taxi , i will need the location of your hotel . eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i need to find a restaurant in the wast part of town . eos O O O O O O O O O O O O O O Restaurant-Inform +bos the sala thong restaurant is in the west part of town . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O O N/A +bos i need a place to stay . i would like it in the same price range as the restaurant with free wifi and parking located in the east . eos O O O 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 N/A +bos there is only one hotel that fits that , the express by holiday inn cambridge , would you like to stay there ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-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 O O O O O O O O O N/A +bos yes , please book it for 2 people on saturday for 4 nights . will you give me the confirmation number when that is complete ? eos 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 O O O O N/A +bos sure , booking was successful . your confirmation number is 7mg032v9 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos could you also book me a taxi between the two location . i would like to be to the restaurant by 12:30. 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 N/A +bos the booking was completed , you are set for departure at 11:30 at the express by holiday inn and their contact number is 07518044119. is there anything else ? eos O O O O O O O O O O O O B-Taxi-Inform+Leave I-Taxi-Inform+Leave O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Phone O O O O O general-reqmore +bos what is the car type that will be picking me up ? eos O O O O O O O O O O O O O Taxi-Request+Car +bos the car is a black tesla . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O N/A +bos okay , that 's all i need . 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 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 N/A +bos alright , well you have 33 to choose from . any type of cuisine you 're looking for ? eos O O 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 'll take something chinese if you have it . i 'll take the postcode of which every of those 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 Restaurant-Request+Post +bos okay the postcode for the golden house is cb21eg . is there anything else i can help you with ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos no , that will do it . thanks for 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 general-thank +bos i 'm glad to be of service . enjoy your dinner in cambridge ! eos O O O O O O O O O O O O O O O general-bye +bos yes i am looking for an expensive restaurant in the south of town . 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 i have many . do you have a preference for type of food served ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Food +bos sorry , actually i need an expensive restaurant in the north . the first on your list would be great . 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 N/A +bos sure how about saigon city ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos sounds great , can you book a table for 5 at 18:00 ? eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O N/A +bos alright , which day would you like the reservation to be on ? eos O O O O O O O O O O O O O O Booking-Request+Day +bos actually , i wo n't be needing a reservation just yet . could you verify the type of food saigon city serves ? eos 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 saigon city serves asian oriental cuisine . would you need anything other information or assistance ? 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 yes , could i get the restuarant 's 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 certainly . the phone number is 01223356555 and the postcode is cb41nl . anything else i can do for you ? eos O O O 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 general-reqmore +bos no , that 's it . you 've been very helpful , thank you ! 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 hi , can you help me find a restaurant in the centre area ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos of course ! there are 69 restaurants in the centre . what type of food would you like ? eos O 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 Restaurant-Request+Food +bos i 'm in the mood for italian food . which is your favorite ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos sure , how about stazione restaurant and coffee bar . can i make a reservation for you ? 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 O O O O O O O O O Booking-Inform +bos great . can you book a table for 1 on saturday at 12: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 N/A +bos your table is reserved . reference number i40q0gzm . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos terrific ! you are great , please send me all this information to my e-mail , thanks . 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 , was there anything else you need ? eos O O O O O O O O O O O O general-welcome,general-reqmore +bos no i have everything i wanted to know . thanks very much . eos O O 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-welcome,general-bye +bos thanks . i will . eos O O O O O O general-thank +bos thank you for using cambridge towninfo centre . have a fantabulous day ! eos O O O O O O O O O O O O O O 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 N/A +bos there are 33 restaurants in the centre serving expensive food . what type of food would you like ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Food +bos the restaurant should serve japanese food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos can i book wamagama restaurant for you ? it 's a perfect fit . eos O O O O B-Booking-Inform+Name O O O O O O O O O O Restaurant-Recommend +bos i actually would just like their address , postcode and telephone number at this time . 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 wagamama is located at 36 saint andrews street , postcode cb23ar , phone 01223462354. do you need any further assistance ? 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 B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos that is all i need . thanks for all your help ! eos O O O O O O O O O O O O O general-thank +bos i 'm glad i could help . have a great day and thanks 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 general-welcome +bos okay , i will . thanks again . bye ! eos O O O O O O O O O O O general-bye +bos enjoy your stay ! bye eos O O O O O O general-bye +bos i am looking for a british restaurant 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 there are a few of them . would you prefer the centre of town or the west area ? 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 O N/A +bos how about the center ? eos O O O O O O N/A +bos there are a few restaurants that will meet your needs . i suggest the copper kettle at 4 kings parade city centre . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O 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 I-Restaurant-Recommend+Addr O N/A +bos please book a table for 3 at 14:15 on friday at the copper kettle . eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos i was able to book a table for you at 14:15 at the copper kettle . your reference number is 3ed8cqbu . is there anything else i can assist you with ? eos O O O O O O O O O O O B-Booking-Book+Time O O B-Restaurant-Inform+Name I-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 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 you 're welcome . have a good day . goodbye . eos O O O O O O O O O O O O general-bye +bos hi there ! i 'm searching for a relatively cheap portuguese restaurant here in cambridge , do you have any recommendations ? eos 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 O O O O N/A +bos the nandos city centre has some excellent food and is located in the centre of town if you are interested . would you like me to book a reservation for you ? 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O O O O O O Booking-Inform +bos no , i would like a place that 's in the south part of town . is there one of those ? 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 N/A +bos there is another portuguese restaurant in the south part of town called nandos , would you like a reservation there ? eos 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 I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos may i have the address and postcode of nandos , please ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos certainly , nando 's address is cambridge leisure park clifton way cb17dy . can i book this for you , and if so how many people will be dining ? 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 B-Restaurant-Inform+Post 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 can you help me find a train out of cambridge ? eos O O O O O O O O O O B-Train-Inform+Depart O N/A +bos sure , could you provide what destination you 're looking for and which day you 'd like to depart 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,Train-Request+Dest +bos i would like to depart on monday and head to birmingham . eos O O O O O O O O O O O O O N/A +bos i 'm sorry , but my system is experiencing an error . can you please restate your train requirements ? 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 N/A +bos actually , i need to leave from cambridge saturday after 09:45 and go to birmingham new street . may i have the arrival time , train id , and price , please ? eos O O O O O 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 I-Train-Inform+Dest O O 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 we have 14 entries that match your criteria . do you have a preference there ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Select +bos could i have the arrival time , train id and price for a train leaving as close to 0945 as possible 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+Arrive,Train-Request+TrainID +bos the tr7683 train leaves cambridge at 10:01 on saturday . it arrives at birmingham new street at 12:44 and the price is 60.08 pounds . eos 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+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos okay thank you ! that 's all i need today . 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-welcome,general-bye +bos can you check the availability at the university arms hotel for five people ? 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 what day would you like to book ? eos O O O O O O O O O Booking-Request+Day +bos thursday please . eos O B-Hotel-Inform+Day O O N/A +bos for just one day ? eos O O B-Booking-Inform+Stay I-Booking-Inform+Stay O O N/A +bos actually for 5 nights and there will be 5 of us staying eos O O O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos sure thing ! your reference number is lw8pbd97 . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you so much , that is all that i need for now . 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 you are welcome . eos O O O O O general-welcome +bos i 'm looking for swimmingpool located in the east , any suggestions ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O N/A +bos yes , the abbey pool and astroturf pitch is a swimming pool on the east side . they 're located on pool way and whitehill road off of newmarket . would you like more information ? eos 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+Type I-Attraction-Recommend+Type O O B-Attraction-Recommend+Area I-Attraction-Recommend+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 O O O O O O O O O O general-reqmore +bos can you tell me the postcode and entrance fee ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos the postcode is cb58nt . i am not sure of the entrance fee . eos O O 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 N/A +bos is the fee not listed ? i also will need to find a hotel , and i will need free parking 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 the entrance fee is not listed i am afraid for the pool . for hotels , i have autumn house and leverton house for hotels , 4 stars and free parking . eos O O O 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars O O O O O O Hotel-Inform+Parking +bos is one of them located in the east . i would really like to be closer to swimming pool . 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 the autumn house appears to be closer , the address is 710 newmarket road . does that work ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Hotel-Select +bos yeah , can i get the price range and the postcode eos O O O O O O O O O O O O Hotel-Request+Price +bos for a price range i have 'cheap ' ! eos O O O O O O O B-Hotel-Inform+Price O O N/A +bos i think that will be all , bye . eos O O O O O O O O O O general-bye +bos let me know if you need anything else . eos O O O O O O O O O O general-reqmore +bos i am looking for something to do , preferably on the west side of cambridge ; perhaps a museum of sorts . eos 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 O O O O N/A +bos there are 7 museums , i 'd recommend cambridge book and print gallery . eos O O O O B-Attraction-Inform+Choice 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 N/A +bos thank you , either one will be perfect . can you choose one and get me the phone number , please ? oh ! and the entrance fee , 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 O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos cambridge book and print gallery is free to enter , and their number is 01223694264. can i help you with anything else today ? 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 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 yes , have you heard of the hobsons 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 hobsons house hotel is located in the west at 96 barton road postcode cb39lh . the phone number is 01223304906. 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 O O O B-Hotel-Inform+Area 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 Booking-Inform +bos yes . please book me a room for 4 nights starting monday . we have 5 total guests . i also need a reference number please . 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 O O O O O O O O O Hotel-Request+Ref +bos your reservation was successful . your reference number is o88l1fjb . 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 i will need a taxi to take me from the museum to the hotel . i am planning on leaving the museum 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 O O B-Taxi-Inform+Leave O N/A +bos of course ! look for a black bmw . the contact number is 07734605064. anything else i can do for you ? 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 general-reqmore +bos no thanks . thank you . eos 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 addenbrookes hospital . does it also provide acute medicine care for the elderly ? eos O O O O O O O O O O O O O O O O O O O Hospital-Inform +bos that hospital does provide that type of care . their telephone is 01223217261. i can book you an appointment as well if 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 O O O O O O N/A +bos can you give me the address and post code ? 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 . eos 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 general-thank +bos if there is nothing else i can assist with , i wish you 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 dine in the east part of cambridge that serves indian food . eos 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 N/A +bos i 've found four in that area . curry prince and rajmahal are moderately priced . pipasha restaurant and sitar tandoori are more expensive . do any of these sound good to you ? eos 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 I-Restaurant-Inform+Name B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Restaurant-Select +bos curry prince sounds good . thank you . eos O O O O O O O O O general-thank +bos would you like to make a reservation at curry prince ? if so , for how many and when ? 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,Booking-Inform +bos i need a reservation for 7 people on sunday at 11:30 please and can you give me the reference number ? 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 O O O O Restaurant-Request+Ref +bos great your reference number is 63u62r15 eos O O O O O O B-Booking-Book+Ref N/A +bos thanks ! i also need a train departing from leicester and arriving by 8:45. eos O O O O O O O O O B-Train-Inform+Depart O O O O O N/A +bos i can help you with that , 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 am leaving on sunday and i want to arrive in cambridge by 8:45. eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest O O N/A +bos i have a train that leaves at 06:09 and arrives at 07:54. would you like me make a reservation ? 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 , and give me the train id , please . eos O O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr0466 , how many tickets do you need ? eos O O O O O B-Train-Inform+Id O O O O O O O O Train-Request+People +bos i just need one ticket , please . eos O O O O O O O O O N/A +bos your booking was successful , the total fee is 30.24 gbp payable at the station . your reference number is : pflvz20n . is there anything else i can help 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 general-reqmore +bos i am all set . thanks ! eos O O O O O O O O general-thank +bos i need to report a crime . eos O O O O O O O O N/A +bos you should go to the local police department ? eos O O O O O O O O O O Police-Inform +bos the police department is 01223358966 eos O O O O O O N/A +bos thank you for the information eos 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 will be all . thanks for your help ! eos O O O O O O O O O O O O general-thank +bos if that is all you need assistance with i 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 O O O general-bye +bos thank you for your help . eos O O O O O O O general-thank +bos thank you , enjoy . eos O O O O O O general-bye +bos i 'm looking for a place to eat in the moderate price range in the centre of town 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 O N/A +bos there are a lot of restaurants that meet your criteria . do you have a food type preference , or would you like a recommendation ? 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 Restaurant-Request+Food +bos a recommendation would be fine . eos O O O O O O O N/A +bos alright , how about the yippee noodle bar ? eos 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 should be fine.please book a table for 4 people at 13:30 on saturday . 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 ok , your table is booked . reference # ndm1gh4j . 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 O O O general-reqmore +bos yes , actually , i 'm also looking for a multiple sport 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 i 'm sorry i do n't see any multiple sports attractions in the centre . would you like a different area ? eos 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 O O O O O O O O O Attraction-Request+Area +bos that 's okay . how about a college in the same area ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are multiple colleges available . do you have a preference on whether there is an entrance fee ? 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+Price +bos nope , i 'm willing to pay for a great place . where do you recommend ? eos O O O O O O O O O O O O O O O O O O N/A +bos if i may , might i suggest the sidney sussex college . it 's free to get in and they are located on sidney street . would you like more info ? eos O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O N/A +bos yes and i would also like to book a taxi to and from the locations . eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos what time would you want to leave ? eos O O O O O O O O O Taxi-Request+Leave +bos i just need to get to the restaurant by the booked time . eos O O O O O O O O O O O O O O Restaurant-Inform +bos look out for a red audi with contact number 07011116060 eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A +bos thank you so much . eos O O O O O O general-thank +bos thank you im glad i could help goodbye eos O O O O O O O O O general-bye +bos hi , can you tell me the details of local hospitals ? i 'm looking for a hospital that has the cambridge eye unit department . eos O O O O 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 O O O O O N/A +bos the phone number is 01223257168. eos O O O O O O N/A +bos thank you ! goodbye . eos O O O O O O general-bye +bos i 'm glad i could help . have a wonderful day ! eos O O O O O O O O O O O O O general-bye +bos where is the addenbrookes hospital ? eos O O O O O O O Hospital-Inform +bos addenbrookes hospital is in hills rd , cambridge . is their any particular department 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 N/A +bos no but i would like the phone number and postcode please . eos O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the phone number is 01223245151 and the postcode is cb20qq . is there anything else ? eos O O O O O O O O O O O O O O O O O N/A +bos what is their address ? eos O O O O O O Hospital-Request+Addr +bos it 's on hills rd in cambridge . eos O O O O O O O O O N/A +bos ok , i 'll call an uber . eos O O O O O O O O O N/A +bos good luck and stay safe ! eos O O O O O O O general-bye +bos i am looking for places to go in town . maybe a museum . i would prefer it to be in the centre of cambridge . 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 B-Attraction-Inform+Area O O O O O N/A +bos there are 11 museums located in the centre of cambridge . did you have one in particular in mind or a type you would be interested in visiting ? eos O O 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 O Attraction-Request+Type,Attraction-Request+Name +bos whatever you recommend . i do need an address , though . eos O O O O O O O O O O O O O Attraction-Request+Addr +bos i recommend the castle galleries , it is located at unit su43 , grande arcade , saint andrews street . would you also like the phone number ? eos 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-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 N/A +bos yes please ! ! i would also like to book a train arriving in cambridge before 13:00. 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 castle galleries can be reached at 01223307402. where are you departing from and which day are you traveling ? eos 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 O O Train-Request+Depart,Train-Request+Day +bos i am traveling on saturday and i am departing from stansted airport eos O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Depart I-Train-Inform+Depart N/A +bos i have found 8 trains meeting your criteria . the first leaves at 0524. would you like me to book it for you ? eos O O O O O B-Train-Inform+Choice 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 , please ! can i also get the train id and the price on that ? 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 tr4194 will cost 8.08 pounds . how many tickets do you need ? eos O B-Train-Inform+Id O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-Request+People +bos i need one ticket . eos O O O O O O N/A +bos okay , booking was successful , the total fee is 8.08 gbp payable at the station . your reference number is : klu8n9y4 . is there anything else i can help 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 O O N/A +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 it 's not a problem ! thanks for using the cambridge towninfo centre ! eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos i need a train for this friday that leaves anytime after 2:15 that afternoon . eos O O O O O O O B-Train-Inform+Day O O O O O O O O N/A +bos there are a total of 204 trains leaving after 2:15 in the afternoon on friday . where would you like to go ? eos O O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O O O O O O O O Train-Request+Dest +bos i would like to go to stevenage please and depart from cambridge . eos O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart O N/A +bos there are 5 such trains . do you want to set an arrival time ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-Request+Arrive +bos i do n't care about when it arrives . eos O O O O O O O O O O N/A +bos train tr0217 leaves at 5:21 in the afternoon , would you like me to book it ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook +bos not right now , but i was wondering if you could tell me about expensive restaurants in the center 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 N/A +bos there are 33 options . what food type do you prefer ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Food +bos i do n't care about the food type . eos O O O O O O O O O O N/A +bos how does bedouin sound , they serve african food . eos O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food O O O N/A +bos that sounds great . what is their price range ? eos O O O O O O O O O O O N/A +bos the bedouin is expensive . eos O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Price O N/A +bos let 's go ahead and book that for 8 people at 10:30 on friday , and i will need that 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 Restaurant-Request+Ref +bos i have booked your table at the bedouin . your reference number is 52cpsy3c and we hope you have a great day ! eos 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 general-bye +bos i am looking for information in cambridge . eos O O O O O O O O O N/A +bos what sort of information are you looking for ? eos O O O O O O O O O O general-reqmore +bos can i have some information about the ashley hotel ? does it have internet ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Hotel-Request+Internet +bos yes , ashley hotel has internet and free parking . it is located in the north and is on 74 chesterton road . would you like me 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 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 O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos what is the price range of the ashley ? also , it 's a hotel , right ? not 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 O O Hotel-Request+Price +bos it is moderately priced . can i book for you ? eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Booking-Inform +bos not at this time but i would like a train departing from stevenage going to cambridge on a monday leaving after 15:00. eos O O O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos tr9525 leaves at 15:54 will that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos yes , please make a booking for 5 people . kindly give me the reference number when you have completed it . 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 Train-Request+Ref +bos your all set ref # is 4hj91cvh . anything else today ? eos O O O O O O O B-Train-OfferBooked+Ref 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 ok. thank you and goodbye . eos O O O O O O O general-bye +bos hi , i am looking for a train from ely to cambridge . eos O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O N/A +bos is there a particular day you are looking to leave on ? i have trains departing ely to cambridge on friday every 2 hours starting at 5:35. other days are available . 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 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+Day I-Train-Inform+Day I-Train-Inform+Day I-Train-Inform+Day O Train-Request+Day,general-greet +bos i need a train that leaves on sunday and arrives by 13:30 , is this possible ? eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O O N/A +bos there are 4 such trains . do you want to specify 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 departure time does n't matter , as long as i arrive by 13:30. could you let me know the price , travel time , and train id for a train that fits that description , please ? 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 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 of course . the tr9383 leaves at 5:35 and arrives at 5:52. it would cost 3.52 pounds per ticket . does that 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O general-greet,Train-OfferBook +bos i am also looking for a moderate price 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 Train-Request+Price +bos there are many moderately priced restaurants in that area , did you have a cuisine style you are looking for ? 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 Restaurant-Request+Food +bos i 'm looking for a restaurant that serves lebanese food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos ali baba is the only restaurant that meets your criteria . would you like to reserve a table there ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O O O Booking-Inform +bos yes please i need it for 3 people at 17:30 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 i 'm sorry . it does n't look like they have any availability at that time . would you like to look 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 O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about 16:30 ? eos O O O B-Restaurant-Inform+Time O N/A +bos great , you 're booked at 16:30. the table will be reserved for 15 minutes . your reference number is 6jv5yan1 . anything else i can help with ? eos O O 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 O O O O O O O O general-greet,general-reqmore +bos no , that 's all i needed ! thank you very much ! eos O O O O O O O O O O O O O O general-thank +bos no problem at all ! remember to contact the cambridge towninfo centre whenever you have questions ! eos O O O O O O O O O O O O O O O O O O general-greet +bos thank you , have a great day ! eos 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 please connect me to the parkside police station . eos O O O O O O O O O O Police-Inform +bos the number to the local police station is 01223358966. eos O 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 happy to be of help . eos O O O O O O O general-bye +bos i 'm looking for a guesthouse to stay at with a four star rating eos O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos certainly , there are 18 options . is there an area of town that you prefer ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Request+Area +bos yes in the north and it should be 4 stars and have free wifi please . eos O O B-Hotel-Inform+Internet O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos i found the acorn guest house ! it has free wifi and parking , four star rating and is in a moderate price range ! would you like me to book it ? 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 B-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 ! i would like a booking please . eos O O O O O O O O O O N/A +bos how many guests and how many nights would you like the reservation for ? eos O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People +bos on second thought , i am not quite ready to book yet . could you send me their 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 Hotel-Request+Post +bos the postcode is cb41da . eos O O O O B-Hotel-Inform+Post O N/A +bos thanks so much for your help ! eos O O O O O O O O general-thank +bos your welcome . can i help you find anything else today ? eos 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 , goodbye . eos O O O O O O general-bye +bos i 'm looking for a guesthouse to stay in . i do n't care about parking , though . eos 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 there are 24 places available , acorn guest house has good ratings eos O O O O B-Hotel-Inform+Choice O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O N/A +bos i ant a place with a rating of at least 4 stars , a guesthouse , in the east , and i do n't need free parking . eos O O O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O O N/A +bos okay , how about the a and b guest house ? if fits everything you need . 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 O O O N/A +bos perfect ! let 's book it for two nights starting saturday . there are five people in my party . 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 O Hotel-Request+Ref +bos sorry , that booking is unavailable . perhaps another day or a shorter stay 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos can you suggest another place , is there a hotel with 4 stars in that area ? 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 i 'm sorry but there are no 4 star hotels in the east , but there are quite a few 4 star guesthouses . would one of those interest you ? eos 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Type O O O O O O O O O O Hotel-Select +bos yes . i want to book one for 5 people and 2 nights starting from saturday . 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 actually the a & b guesthouse just opened up for saturday . your reference number is gm77dlr6 . can i further assist you ? eos O O O 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 general-reqmore +bos that 's it for now , thank you so much . eos O O O O O O O O O O O O general-thank +bos you 're welcome , thank you , goodbye . eos O O O O O O O O O O general-bye +bos i need to find the lensfield hotel . eos 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 on the south end . the address is 53-57 lensfield road , postcode cb21en . can i get you any more information ? eos 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+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 general-reqmore +bos book it for 7 people , 3 nights , starting sunday . give me the reference number . eos 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 O Hotel-Request+Ref +bos the lensfield has been booked according to your specifications . your reference number is : osp4trb9 . is there anything else we 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 O general-reqmore +bos no , that 's everything . 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 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-greet +bos i 'm looking for a place to stay in with free wifi in the west 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 O N/A +bos how about the hobsons house ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos is that a guesthouse ? i like the guesthouse style , and i also need something that 's moderately priced . eos 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 N/A +bos yes it is a moderately priced guesthouse . would you like me to make a reservation for you ? eos 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 O Booking-Inform +bos not yet . can i have the address there though ? eos O O O O O O O O O O O O Hotel-Request+Addr +bos sure , it is 96 barton road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos can i also get the postcode ? and do they have free parking ? eos O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Parking +bos they have free parking . postcode is cb39lh . anything else you need ? eos O O O O O O O B-Hotel-Inform+Post O O O O O O O Hotel-Inform+Parking +bos no , that 's all . thanks ! eos O O O O O O O O O general-thank +bos alright . you 're all set . enjoy ! eos O O O O O O O O O O general-greet +bos hi , can you help me find a moderately priced 3-star accomadation ? eos O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O N/A +bos i have 4 guesthouses with 3 stars that are moderately priced . do you need internet or parking ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos i do not need internet . eos O O O O B-Hotel-Inform+Internet O O N/A +bos i have 2 in the north and 1 in both the south and west . do you have a preference for location ? eos O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Request+Area +bos i do n't , which do you recommend ? eos O O O O O O O O O O N/A +bos the hamilton lodge is in the north area and has parking and internet . 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 B-Hotel-Inform+Area 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 sure , book it for 1 person and 2 nights , starting from 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 O N/A +bos okay . you 're booked . your reference number is 3a23gv4h . 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 's all i needed . thanks ! eos O O O O O O O O O general-thank +bos enjoy your stay ! goodbye ! eos O O O O O O O general-bye +bos i 'm coming to town for an overdue visit with my relatives . 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 N/A +bos i can definitely help with that . are you leaning toward a guesthouse or hotel ? eos 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 prefer a guesthouse with free wifi . eos O O O O B-Hotel-Inform+Type O O O O N/A +bos acorn guest house is available . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos i really want to stay in the east and be 4-star rated . does the acorn fit that ? eos O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos sorry , it does n't . however there are 6 guesthouses that do . would you prefer something cheap ? eos O O O O O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Select+Price O O O O O Hotel-NoOffer +bos the price range does n't matter . i need to book a room for monday . 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 nights are you wanting to stay , and with how many people , so i can see 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 Booking-Request+People,Booking-Request+Stay,Booking-Inform +bos 2 people , for 4 nights . eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O N/A +bos i was able to book the allenbell for 2 people for 4 nights . would that work for you ? eos 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 O O general-reqmore +bos yes , thank you ! what is the reference number ? eos O O O O O O O O O O O O Hotel-Request+Ref +bos your reference number is kt4ug66c . eos O O O O O B-Booking-Book+Ref O N/A +bos thanks so much . i am all set . bye . eos O O O O O O O O O O O O general-bye +bos awesome . please enjoy your stay . goodbye . eos O O O O O O O O O O general-bye +bos i am looking for an expensive hotel that includes free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos express by holiday inn cambridge is available and fits your requirements 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 N/A +bos i also need a place that is on the west side of town and 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 the huntingdon marriott hotel is on the west side of town , is expensive , with a 4-star rating , and 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 I-Hotel-Inform+Name O O B-Hotel-Inform+Area 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'm not sure . may i have their telephone number first ? eos O O O O O O O O O O O O O O Hotel-Request+Phone +bos sure thing . the number is 01480446000. 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 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 . please feel free to return to this service 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-reqmore +bos are there any cheap hotels ( not guesthouses ) in town ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O N/A +bos the cambridge belfry is a hotel located in the west and is cheap . has 4 stars and free internet and parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like to make a reservation for this saturday for 2 people for 4 nights please . eos O O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O N/A +bos i have booked you and another person for this saturday for 4 nights . eos O O O O O B-Booking-Book+People I-Booking-Book+People I-Booking-Book+People I-Booking-Book+People O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay I-Booking-Book+Stay N/A +bos awesome , what about reference number ? eos O O O O O O O O Hotel-Request+Ref +bos sure , my bad ! the reference number is 169n4vtv . 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 general-reqmore +bos thas all i needed . have a great day ! eos O O O O O O O O O O O N/A +bos glad i could help , enjoy ! eos O O O O O O O O general-greet +bos hello ! i need a place to bed down for the night that offers free parking and wifi . 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 O N/A +bos yes , i can help . do you have a price range and part 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,Hotel-Request+Price +bos i would like a moderate priced hotel in any part of town please . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O O N/A +bos there are two hotels in the north area with moderate prices . ashley hotel and lovell lodge . both are two stars , would you me to book you for either one ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price 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 Booking-Inform +bos yes , please book the ashley hotel . eos O O O O O O O O O Hotel-Inform +bos certainly . what day would you like to stay ? eos O O O O O O O O O O O Booking-Request+Day +bos on second thought , i 'm not ready to book yet . could you give me the address and phone number of the ashley 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 Hotel-Request+Phone,Hotel-Request+Addr +bos they are located at 74 chesterton road . their number is 01223350059. 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 N/A +bos thank you for your help . if i need anything else , i will certainly call again . eos O O O O O O O O O O O O O O O O O O O general-thank +bos we are here to help , cheers . eos O O O O O O O O O general-bye +bos i am looking for a train that departs from cambridge and arrives at my destination by 11:30. eos O O O O O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive N/A +bos certainly . there are a number of trains departing from cambridge . where is your destination ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Depart O O O O O O O Train-Request+Dest +bos i need to get to bishops stortford for a very important meeting . can you find me a train to get me there by 11:30 ? eos O O O 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 O B-Train-Inform+Arrive O O N/A +bos there are 21 trains making that trip , what day 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 Train-Request+Day +bos on saturday . and could you tell me how long that trip takes ? eos O O B-Train-Inform+Day O O O O O O O O O O O O N/A +bos there are three trains that will get you there before 11:30. the trip lasts a total of 38 minutes . how early would you like to leave ? eos 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-Request+Leave +bos i 'd like to take the train that arrives closest to bishops stortford at 11:30. eos 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 tr3396 leaves at 09:29 and arrives by 10:07. 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 yes . how much would that cost ? eos O O O O O O O O O N/A +bos the cost of the one way journey is 8.08 pounds . eos O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos perfect . i 'm all set . goodbye ! eos 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 'd like to find a train arriving in peterborough by 8:00. eos O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos there are daily departures from cambridge at 07:06 that arrive in petersborough at 07:56. which day were you planning to travel ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 Train-Request+Day +bos i am planning to travel on thursday . eos O O O O O O O B-Train-Inform+Day O N/A +bos there are daily departures from cambridge at 07:06 that arrive in petersborough at 07:56. would you like to book tickets ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 yes , i 'll need 4 tickets please . eos O O O O O B-Train-Inform+People O O O O N/A +bos your booking was successful , the total fee is 66 gbp payable at the station .the reference number is : zw9tao4i . 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 N/A +bos great , thanks ! that 's all i needed . eos O O O O O O O O O O O general-thank +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 any information that you have on the lensfield hotel in cambridge . 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 the lensfield hotel is an expensive , 3-star hotel in the south of town , with internet and 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 B-Hotel-Inform+Price 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , please . can you also give me the phone number ? eos O O O O O O O O O O O O O O Hotel-Request+Phone +bos sure , the phone number is 01223355017. how many days will you be staying , what day do you need to arrive , and how many people will be staying ? 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 O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos i 'm staying for 2 days and it 's just myself . what train can i take to depart from the stansted airport that leaves at 19:30 ? eos 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 O O N/A +bos i only have trains that leave at 20:24 and later on a friday from stansted airport . will this time and day work for you ? eos O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'm actually looking for something on saturday . are there any trains on saturday that leave at 19:30 ? eos O O O O O O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Leave O O O N/A +bos unfortunately , no trains leave at that time eos O O O O O O O O O Train-NoOffer +bos is there another day you would like me to check ? eos O O O O O O O O O O O O N/A +bos there are only 4 trains that leave on saturday eos O O O O O B-Train-Inform+Choice O O O B-Train-Inform+Day N/A +bos i just need to find a train that leaves at 19:30 for 5 people eos O O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+People N/A +bos unfortunately there are no trains that leave at this time . eos O O O O O O O O O O O O Train-NoOffer +bos what are the other 4 times of departure for saturday . i 'll need bookings for 5 people and a reference number . eos O O O 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 Train-Request+Ref +bos alright , i booked 5 tickets for saturday train your reference number is 1r61po9r . you can pay for your tickets at the station . is there anything else ? eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Day 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 general-reqmore +bos nope that should be it thanks . eos O O O O O O O O general-thank +bos glad to be of service . have a wonderful day ! eos 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 O N/A +bos i have 70 trains departing from that location , do you have any more information 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 O O O N/A +bos yes , i 'd like to go to cambridge on tuesday , sometime after 13:15. eos 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 train tr3456 leaves london kings cross at 13:17 and arrives in cambridge at 14:08. would you like to book this train ? 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 Train-OfferBook +bos i think that will work . what is the ticket price and 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 Train-Request+Duration,Train-Request+Price +bos the ticket price is 23.60 pounds . travel time on this route is 51 minutes . would you like me to arrange a booking on this train ? eos O 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 O O Train-OfferBook +bos yes , that sounds good . eos O O O O O O O N/A +bos great , i have booked your ticket . your reference number is : 3tf3uigp . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos okay thank you for all your help . eos O O O O O O O O O general-thank +bos you 're 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-reqmore +bos no , 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 N/A +bos have a wonderful day ! eos O O O O O O general-bye +bos i am looking for a train schedule that departs from cambridge and should go to ely . 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 N/A +bos ok , is there any particular time you 'd like to leave 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+Leave +bos i need to get a train leaving cambridge and going to ely . i need to be in ely by 10:30 and am leaving on wednesday . 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 O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O O N/A +bos tr5626 leaves cambridge at 09:50 and arrives in ely at 10:07. will that work for you ? tickets are 4.40 gbp . eos O B-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 O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos can you book that for 3 people and get me a reference number as well please ? eos 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 've reserved you 3 seats on tr5626 . the total is 13.2 pounds payable at the station . your reference number is 3bmht78a . can i help you with anything else today ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos no , that 's everything that i needed . thanks for your help ! eos O O O O O O O O O O O O O O O general-thank +bos i hop you enjoy your stay . have a good day . eos O O O O O O O O O O O O O general-welcome +bos thank you , this is the end of the dialogue . 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,general-bye +bos i am looking for a moderately priced place to stay while visiting north cambridge . eos O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O Train-Request+Price +bos there are 11 entries , how about arbury lodge guesthouse ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos it should include free parking . eos O O O O O O O N/A +bos there are 7 guesthouses and 2 hotels that are moderately priced and offer free parking in the north part of cambridge . do you have a preference ? eos O O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O O O O O O O O O Hotel-Select,Hotel-Inform+Parking +bos i would like to book one of the hotels . i will need it for 4 people for 2 nights staring from thursday . may i also have a reference number ? 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 O B-Hotel-Inform+Day O O O O O O O O O O Hotel-Request+Ref +bos you certainly may . i have you booked at the ashley hotel for two nights , beginning thursday , with a reference number of t65bhm4y . 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 B-Booking-Book+Stay O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O N/A +bos awesome , i also need a train on saturday that arrives by 19:45. eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos okay , i can do that for you . what is your destination 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 Train-Request+Dest,Train-Request+Depart +bos i will be going to boxbourne and i will be 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 the last train to broxbourne leaves cambridge at 18:01 and arrives in broxbourne at 19:01. would you like to book 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 N/A +bos how long is the actual travel time and how much does it cost ? eos O O O O O O O O O O O O O O O Train-Request+Duration +bos of course , it 's a 60 minute trip and it will cost 14.32 pounds per ticket . 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 O O O O N/A +bos i think that takes care of everything i needed . thanks a lot ! eos O O O O O O O O O O O O O O O general-thank +bos happy to be of service . have a great 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 O O O O O general-bye +bos i 'd like to find a train to peterborough . eos O O O O O O O O B-Train-Inform+Dest O O N/A +bos there are 266 trains going to peterborough . can you give me a departure day and time so that i can narrow down your choices ? 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 Train-Request+Leave,Train-Request+Day +bos i am looking to go from cambridge , and go on friday arriving by 14:30 eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O N/A +bos okay , how about the tr5901 leaving at 13:34 and arriving at 14:24 with a duration of 50 minutes ? the cost is 16.50 pounds . would that work for you ? 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 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 N/A +bos that would be perfect ! eos O O O O O O N/A +bos great , how many tickets would you like to purchase ? eos O O O O O O O O O O O O Train-Request+People +bos 7 tickets please . can i also have the reference number for the booking ? eos O O B-Train-Inform+People O O O O O O O O O O O O O Train-Request+Ref +bos your tickets are all booked , reference number r5p65tw5 eos O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you so much . that is all i will need today . 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 . have a wonderful day ! eos O O O O O O O O O O O O O O general-bye +bos i 'd like to find a panasian restaurant in the centre of town 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 unfortunately , i was not able to locate a panasian restaurant in that area . would you like me to look in another area or for a different type of restaurant ? 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 O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos oh no . well i 'll take chinese food then . eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos great choice ! we have 10 restaurants in that area . do you have a preference on price ? eos O O 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 no , i do n't care about the price . which one looks good ? eos O O O O O O O O O O O O O O O O N/A +bos tang chinese is listed at expensive . would you like more information ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos can i have the phone number , address 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 yes , the address is napier street city centre , the postcode is cb11hr , and the phone number is 01223357187. 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+Post O O O O O B-Restaurant-Inform+Phone 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 O general-thank +bos enjoy your meal , let me know if i can help with any thing else . eos O O O O O O O O O O O O O O O O O general-bye +bos let 's go with the train first . i 'm looking for one that leaves after 16:30 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 O O N/A +bos from where and to where will you travel ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i would like to leave cambridge to bishops stortford eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest N/A +bos i have one leaving at 17:29 , arriving in bishop 's stortford at 18:07. does that work ? eos O O O O B-Train-Inform+Choice 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 O N/A +bos yes , i 'd like three tickets , please . eos O O O O O O O O O O O N/A +bos great . i have booked those seats for you and your reference number is javmfjgm . is there anything else i can do for you ? eos 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 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 they have . thanks . eos 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 looking for places to go in town . the attraction should be in the type of museum 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 tons of museums to choose from . did you have a specific area in mind ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos how about centre ? eos O O O B-Attraction-Inform+Area O N/A +bos the primavera is a museum type attraction in centre . would you like more information ? eos O O B-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos yes , i also need the entrance fee and the number . eos O O O O O O O O O O O O O Attraction-Request+Fee +bos the primavera 's entrance fee is free , its phone number is 01223357708 eos O O B-Attraction-Inform+Name O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O N/A +bos i also need to find a guesthouse in the moderate price range that is rated by 2 stars and will include free wifi . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos we dont have that guest house within your price range . can we try any other ? 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 N/A +bos rather than a guest house , do you have a hotel that meets those specifications ? eos 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 no 2 star hotels in the centre , but 2 in the north , are you interested in those ? eos O O O O O B-Hotel-Inform+Choice B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos how about a hotel instead of a guesthouse ? eos O O O O B-Hotel-Inform+Type O O O O O N/A +bos how about lovell lodge . it 's a hotel in the north with a 2 star rating with a moderate price range . can i book this for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area 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 Booking-Inform +bos no i just need an address . eos O O O O O O O O Hotel-Request+Addr +bos lovell lodge is located at 365 milton road . the postcode is cb41sr . 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 B-Hotel-Inform+Post O O N/A +bos is that a hotel or a guesthouse ? eos O O O O B-Hotel-Inform+Type O O O O N/A +bos lovell lodge is a hotel in the north in the moderate price range and a 2 star rating . would you like a reservation ? eos O B-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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O Booking-Inform +bos no , get me their address instead . eos O O O O O O O O O Hotel-Request+Addr +bos sure . lovell lodge is located on 365 milton road . is there anything else i can help you with ? 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 general-reqmore +bos no , that is all for today . eos 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 +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos i 'm happy to help you with that . is there something in specific i can tell you about ? eos 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 'm staying in the west and i want to find a place near here that serves real british food . eos O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos saint johns chop house is in the moderate price range serving british food . 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 B-Restaurant-Inform+Food O O N/A +bos cool , could you give me the phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos yes , they can be reached at 01223353110 , is there anything else that i can help with ? eos O 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 i also need a train for thursday . eos O O O O O O O B-Train-Inform+Day O N/A +bos okay , i am happy to help with that . can you tell me your destination and where you 'll 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 O O Train-Request+Dest,Train-Request+Depart +bos i 'll be departing from norwich , and will be going to cambridge . 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+Dest O O O O O B-Train-Inform+Arrive O O O O N/A +bos the train arrives at 11.35 eos O O O O O B-Train-Inform+Arrive N/A +bos ok , can i get the train id . eos O O O O O O O O O O Train-Request+TrainID +bos the train that arrives at 11:35 is the tr6655 . however there are other options if you prefer a different time . eos O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Id O O O O O O O O O O O O O Train-Select +bos that time is sufficient . eos O O O O O O N/A +bos okay ! would you like for me to book you a ticket ? eos O O O O O O O O O O O O O O Train-OfferBook +bos yes , i sure would . that would be fantastic . eos O 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 +bos 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 ! eos O O O O O O O O O O O O O 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 system today ! eos O O O O O O O O O general-bye +bos can you help me find a train leaving leicester goig to cambridge ? eos O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos of course ! what day will you be traveling ? eos O O O O O O O O O O O Train-Request+Day +bos i need to travel on friday and arrive by 19:45. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos there are 13 results . is there a certain time you 'd 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 Train-Request+Leave +bos no , i said i need to arrive by 19:45 already . eos O O O O O O O O O O O O O N/A +bos 18:54 is the latest on tr5154 shall i book it ? eos O B-Train-Inform+Arrive O O O O B-Train-Inform+Id O O O O O Train-OfferBook +bos could you let me know the cost ? eos O O O O O O O O O N/A +bos yes , the price is 37.80 pounds . would you like me to book it for you ? 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 Train-OfferBook +bos no , thanks . i 'm looking for info on a bridge 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 O O N/A +bos it 's a moderately priced 3 star guesthouse in the south . would you like a room ? eos O 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 Booking-Inform +bos no , i do n't need a booking yet . i just would like the address please . eos 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 is 151 hills road . is there anything else you 'd 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 nothing more , thank you . that 's all i need for today . eos O O O O O O O O O O O O O O O general-thank +bos ok , thank you for calling and feel free to call again if you should need anything further . 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 train to cambridge from norwich . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos what date and time would you like to depart ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos sunday , sometime after 12:00 eos O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A +bos the tr5225 leaves at 12:16. 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 O O O O Train-OfferBook +bos yes , i want to book for 7 people . eos O O O O O O O O B-Train-Inform+People O O N/A +bos reference number is : 29kz568t . anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O general-reqmore +bos terrific , thanks . i 'm also looking for an expensive place to dine in the south . 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 N/A +bos what kind of cuisine are you looking for ? eos O O O O O O O O O O Restaurant-Request+Food +bos if you suggest a place that is good and will impress others . eos O O O O O O O O O O O O O O N/A +bos okay , would you like to eat italian , indian , mexican , or chinese food ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos italian food will be fine . eos O B-Restaurant-Inform+Food O O O O O Restaurant-Request+Food +bos i recommend frankie and bennys . shall i make a booking for you ? 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 Booking-Inform +bos yes please book that . four people saturday at 18:00. eos O O O 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 rjfw8qq9 . your table will be reserved for 15 minutes . 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 O O O O O O O general-reqmore +bos what is their phone number and address ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos their address is cambridge leisure park clifton way cherry hinton and phone number 01223412430. will there be anything else 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 I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone O O O O O O O general-reqmore +bos that is all . thanks eos O O O O O O general-thank +bos your reservations for 4 have been made for saturday at 18:00 at frankie and bennys . the table will be reserved for 15 minutes . rjfw8qq9 eos O O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time 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 N/A +bos yes , you said that . thanks for your help . goodbye . eos O O O O O O O O O O O O O O general-bye +bos goodbye and enjoy eos 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 yes , what type of food are you looking to eat ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos i would really like to have indian tonight . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have a listing for 5 , can i recommend tandoori palace ? eos O O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O N/A +bos yes , 3 people 11:00 on sunday please . eos O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos great , you 're booked . your reference number is 62m8m7g3 . eos O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos ok thanks , i appreciate your fast service . 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 want to book 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 what day and time do you want to leave bishops stortford ? eos 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 saturday , after 18:00 eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos the first train leaving after 18:00 is tr7734 departing at 19:29 and arriving by 20:07 in cambridge . would you like to book a ticket ? eos O O B-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 B-Train-Inform+Dest O O O O O O O O O Train-OfferBook +bos yes , could i book 8 tickets for that train ? eos O O O O O O B-Train-Inform+People O O O O O N/A +bos i have 8 train tickets ready with a total of 64.64 gbp and your reference number is txeb3lho . 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 O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos yes , i am also looking for an expensive place to eat near the centre area . 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 N/A +bos there are several restaurants in the area that meet your criteria . what type of cuisine 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 O O O Restaurant-Request+Food +bos anywhere that has availability for 8 people at 21:00 on saturday 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 shall i try to book you at the bedouin ? it serves african cuisine . eos O O O O O O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O Booking-Inform +bos ok , that sounds good . 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 43draaaj . 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 yes that will be all . 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 enjoy your trip and have a good day . eos O O 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 thank you . i do not need to book right now . 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 O general-welcome +bos i would like to see some local tourist places while visiting . i will be in the east area . 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 Hotel-Request+Area +bos there are entertainment , museum , multiple sports , park , and swimmingpool attractions . would you like more information on any of those ? 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 O O O O general-reqmore +bos how about museums ? eos O O O B-Attraction-Inform+Type O N/A +bos i 'd recommend cambridge artworks . 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 what kind of attraction is that ? i also need a cheap hotel that includes free parking . 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 O N/A +bos cambridge artworks is a museum . i found the cambridge belfry hotel . would you like a reservation ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type 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 is it a 4 star hotel ? eos O O O O O B-Hotel-Inform+Stars O O N/A +bos yes , they are 4 star rated . they are cheap and located in the west . they also offer free parking and wifi . would you like a reservation ? eos 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+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 thanks . that 's actually all i needed 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 you are welcome . have i answered all of your questions for you satisfactorily today ? eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos yes ! have a nice day ! eos O O O O O O O O N/A +bos ok - thank you ! enjoy your stay ! eos O O O O O O O O O O general-welcome,general-bye +bos i will . i appreciate all of your help . eos 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 need to catch a train in broxbourne on wednesday . eos 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 broxbourne ? eos O O O O O O O O O O Train-Request+Leave +bos i need to arrive in cambridge by 17:15 please . eos O O O O O O B-Train-Inform+Dest O O O O N/A +bos there is a train arriving in cambridge by 7:32. eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos train id please and thank you eos O O O O O O O Train-Request+TrainID +bos i 'd suggest tr5972 , it departs at 15:32 arrives by 16:32. it costs 17.90 pounds per ticket . eos O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O O B-Train-OfferBook+Arrive O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O N/A +bos thank you i also would like a place to eat in the centre that serves afternoon tea 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 I-Restaurant-Inform+Food O O N/A +bos no record match your search , can i try anything else ? eos O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos how about one that serves international food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have the varsity and the bloomsbury restaurants when would you like to book eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O Booking-Inform +bos i would like to book at varsity for 5 people around 20:45 on the same day i arrive . 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 O O N/A +bos no problem ! i have a table booked for you . your reference number is kfunwvwh . what else can i 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 general-greet,general-reqmore +bos nothing else for today . thank you . 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 restaurant named hakka . can you tell me how to get there ? 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 hakka is located on the north side of town on milton road chesterton in post code cb41jy . do you also want their phone number ? eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area 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 N/A +bos i would like to book a table for 7 at 11:15 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 N/A +bos your booking was successful . the table will be reserved for 15 minutes . reference number qmh1w33e . can i be of further help to 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 no , you have helped me greatly . that is all i need today . 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 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 find me a train from london kings cross to cambridge please 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 sure , what day are you traveling ? eos O O O O O O O O O Train-Request+Day +bos i 'll be traveling on monday eos O O O O O B-Train-Inform+Day O N/A +bos could i get the time you would like 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 would like to travel on monday , and arrive by 12:45 eos O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos there is a train that arrives at 12:08. would you like to travel on that train ? eos 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 , that would be fine . eos O O O O O O O O N/A +bos tr5720 leaves london kings cross for cambridge at 11:17 cost is 23.60 pounds . can i book a seat for you ? 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+Dest I-Train-Inform+Dest B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook +bos yes for 8 people please . i will also need a 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 booking was successful , the total fee is 188.8 gbp payable at the station .reference number is : 096h57vb . 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 , i 'm also looking for a restaurant in the centre that serves french 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 O N/A +bos cote is a french restaurant in the centre . would you like to make reservations ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O O O O O O O O Booking-Inform +bos no thank you but i do 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Price +bos it is in the expensive price range , phone number is 01223311053 , and postcode is cb21uf eos O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O N/A +bos thanks so much . that 's all i need today . good-bye . eos O O O O O O O O O O O O O O general-bye +bos welcome and thanks for inquiring with us eos O O O O O O O O general-welcome,general-bye +bos i need a place to stay that has free wifi . i do n't need parking though . 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 i have 32 locations offering free wifi . do you have a particular area of 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,Hotel-Inform+Internet +bos a star of 1 and in the north part of town thank you eos O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Parking O O O O O N/A +bos i do not have any hotel or guesthouse matching that description eos O O O O O O O O B-Hotel-NoOffer+Type O O O N/A +bos okay , can we try one with a star of four ? eos O O O O O O O O O O O O O N/A +bos the avalon guesthouse is four starts and meets your needs , would you like me to book 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 Booking-Inform +bos yes , please . we will be arriving on saturday and staying 4 nights . there are 6 people in our party . eos O O O O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+People O O O O O O O N/A +bos booking was successful . reference number is : m7x0176h . 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 i need a place to dine . eos O O O O O O O O N/A +bos what type of cuisine are you looking for and what area of town ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos i want a cheap italian place in the centre eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area N/A +bos there are three options to choose from . i recommend ask . eos O O O O O O O O O O B-Restaurant-Recommend+Name O O N/A +bos okay , can you give me the phone number for ask ? eos O O O O O O O O O O B-Restaurant-Inform+Name O O Restaurant-Request+Phone +bos the phone number at ask is 01223364917. would you like me to make a reservation for that ? 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 no that will be all thanks . eos O O O O O O O O general-thank +bos okay , enjoy your visit to cambridge ! eos O O O O O O O O O general-greet +bos i 'm looking for a four star place to stay . eos O O O O O O O O O O O O N/A +bos i 'd love to help you out there . what price range or area 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+Area,Hotel-Request+Price +bos expensive would be good . and i prefer the west part of town . eos O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos the huntington marriott hotel is located in the west part of town and is a 4 star rating . 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 O O O B-Hotel-Inform+Stars O O N/A +bos does it have free parking and what is the price rage ? eos O O O O O O O O O O O O O N/A +bos it 's in the expensive price range and yes , there is free parking there . eos O O O O B-Hotel-Inform+Price O O O O O O O O O O O O Hotel-Inform+Parking +bos could you give me the phone number for that hotel ? eos O O O O O O O O O O O O Hotel-Request+Phone +bos their phone number is 01480446000. can i help you with anything else today ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos yes , can you help me find a place to dine that is 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 O O O O O Hotel-Inform +bos sure thing , here is a place saint johns chop house . 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 N/A +bos is it an expensive restaurant ? i 'll need the address , postcode and phone number eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos i am sorry i was clearly misinformed . how about graffiti ? they are in the west phone is 012232477977 & postcode is cb30lx . eos O O O O O O O O O O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O O N/A +bos may i have the address as well please ? eos O O O O O O O O O O Restaurant-Request+Addr +bos yes , their address is hotel felix whitehouse lane huntingdon road . 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 N/A +bos ok thank you . that 's all i needed , bye now . eos 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 would like to reserve a taxi from my hotel to the airport eos O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos i would be more than happy to assist you with that however , i need some more information 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 'm sorry , i 'll actually need a restaurant that 's in centre and is in the moderate price range . eos 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 O O O N/A +bos there are quite a few moderately priced restaurants in the city centre . do you have a cuisine 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 I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Food +bos i 'd prefer something latin-american , if there 's something in the area . nothing too expensive , but certainly not a fast-food restaurant . 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 O O O N/A +bos i do not have any moderately priced restaurants in the centre of town serving latin american food . 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 I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O N/A +bos how about italian food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos i am sorry there no italian restaurants either . would you like to try a different price range or 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 Restaurant-Request+Price,Restaurant-Request+Food +bos are you sure there are no moderately priced italian restaurants in the centre ? i could have sworn someone told me about one ... 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 O O O O O O O O O N/A +bos yes i have two pizza places to choose from . would you like me to suggest one and make a booking for you ? 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 O O Booking-Inform +bos yes , please . for 5 people at 15:15 on saturday . eos 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 done ! your reference number is c3yo3ls0 . 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 im also looking for a college in the centre to visit while in 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 how about king 's college in centre . address is king 's parade , phone 01223331100. eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Phone O O O O N/A +bos great . now i just need a taxi to get from the college to the restaurant . i would n't want to be late ! eos O O 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 okay i have that booked for you , the contact number is 0 754-399-4513 , be looking for a yellow ford to pick you up from king 's college around 2:45 p.m. and take you to pizza express . 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 B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave I-Taxi-Inform+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O 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 is there a place in the centre that serves asian oriental 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 N/A +bos we have the dojo noodle bar do you want to book ? eos 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 N/A +bos that sounds great , yes please book that . eos O O O O O O O O O O N/A +bos i would be happy to do that for you . what day and time would you like ? 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 14:00 on monday . eos O O O O O N/A +bos okay , great . i 'll just need the number of people attending to make your reservation . eos O O O O O O O O O O O O O O O O O O O Booking-Request+People +bos the reservation needs to be for 8 people . eos O O O O O O O O B-Restaurant-Inform+People O N/A +bos your reservation is all set . reference number h1iitsnd . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos i also will be needing a trian eos O O O O O O O O N/A +bos i can help you . where are you departing from ? eos O O O O O O O O O O O O Train-Request+Depart +bos i will be departing from bishops stratford . i want to travel on the same day as the restaurant booking , but i need to arrive in cambridge by 09: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 O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos tr0532 arrives at 08:07. do you need a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos make a booking for the same group of people . eos O O O O O O O O O O O N/A +bos reference number is : o2vn10gd . is there anything else ? eos O O O O O B-Train-OfferBooked+Ref 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 , enjoy your trip ! have a great day . eos 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 sure , do you need a train to get here ? eos O O O O O O O O O O O O general-reqmore +bos yes , on tuesday from kings lynn , leaving after 10:30 please ? eos O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O O O O N/A +bos tr8331 leaves at 11:11 and arrives 11.58. can i book this one for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes please , i need 3 tickets and the reference number . eos O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref +bos alright , the total fee is 29.4 gbp payable at the station . the reference number is : 3ls7fbu8 . anything else i can get 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 N/A +bos yes , i am also looking for a place to stay . the hotel should include free wifi . eos O B-Hotel-Inform+Internet 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 lots of hotels ! any part of town you 'd prefer ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos i do not have a preference on area . eos O O O O O O O O O O Hotel-Request+Area +bos are you on a budget ? eos O O O O O O O Hotel-Request+Price +bos no . i would prefer something expensive and with free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos okay , how about the university arms hotel ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos is that a guest house ? eos O O O O O O O N/A +bos no , it 's listed as a hotel . do you need a guesthouse ? eos O O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O Hotel-Select +bos yes please . eos O O O O N/A +bos i do n't have any guesthouses available that meet your criteria . would you be willing to stay in a hotel ? or can we search using different criteria ? 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 B-Hotel-Select+Type O O O O O O O O O O O N/A +bos no , i really want a guesthouse . what about something 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 O O N/A +bos in what area do you prefer ? eos O O O O O O O O Hotel-Request+Area +bos i dont care about the area eos O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O Hotel-Request+Area +bos there are 14 guesthouses in the city that meet your criteria . let 's see if we can narrow it down a little . do you need internet or 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 O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos the hotel should include free wifi . eos O O O O O O O O N/A +bos what area of town 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 , i already told you that . eos O O O O O O O O O O O O N/A +bos and do you have a preference on the number of stars the establishment should have ? i see both 3 and 4 star options . 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-Select+Stars O O O Hotel-Request+Stars +bos i would prefer a four star can you send me some info on that ? eos O O O O O O O O O O O O O O O O N/A +bos sure thing , i would suggest the acorn guest house . eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos give me their area and address eos O O O O O O O Hotel-Request+Area,Hotel-Request+Addr +bos the acorn guest house is located in the north part of the city and their address is 154 chesterton road . anything else for you today ? 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 I-Hotel-Inform+Area 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 general-reqmore +bos no . thanks you . that 's all . goodbye eos O O O O O O O O O O O general-bye +bos thank you for calling our service today . please let us know if we can assist you with your future needs . 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 planning a trip in cambridge . eos O O O O O O O O O N/A +bos excellent ! what can i help you with ? eos O O O O O O O O O O general-reqmore +bos i want to get a train to cambridge from leicester . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart 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,Train-Request+Arrive +bos i need the train to arrive by 15:45 and leave on friday . eos O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Day O N/A +bos there is tr4625 that will depart from leicester and arrive at 14:54. the cost of the ticket is 37.80 pounds . eos O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Arrive O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos sounds great . i will need a booking for 2 people . eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos i have booked you 2 tickets on the tr4625 leaving leicester at 13:09 and arriving in cambridge at 14:54 total fee is 75.59 gbp referenece tge8caor . eos O O 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 B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket B-Train-OfferBooked+Ref O N/A +bos great ! thank you ! i will also need a hotel in the east . it must have free parking . eos 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 N/A +bos express by holiday inn cambridge is in the east and has an expensive price range 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+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos okay can you book it for me for 3 nights from friday for 2 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 . your reference number is : mtml5asg . 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 i do n't think so . not today . thanks 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 . i hope you have a great day . eos O O O O O O O O O O O general-welcome,general-bye +bos i want to do things around town . eos O O O O O O O O O N/A +bos sure , what did you have in mind ? eos O O O O O O O O O O Attraction-Request+Type +bos i would like to find a college to visit . eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos are you planning on visiting a particular part of town ? eos O O O O O O O O O O O O Attraction-Request+Area +bos no , know of an interesting one ? eos O O O O O O O O O N/A +bos we 're a very academic city and have 18 colleges in our community . there is st. john 's college in the city center . would you like more information about it ? eos O O O O O O O O O B-Attraction-Inform+Choice 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 O O O O O O O O O O O O general-reqmore +bos yes , please . can i get their phone number and the entrance fee ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos let me go ahead and look that up for you . eos O O O O O O O O O O O O N/A +bos okay , thanks . eos O O O O O general-thank +bos their phone number is 01223338600 and the entrance fee is 2.50 eos O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee N/A +bos thanks so much . 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 general-thank +bos absolutely . would you like a hotel or guesthouse ? and in what area would you like ? 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 Hotel-Request+Area +bos i want a hotel with free wifi . i do n't care about free parking or a specific area . 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 Attraction-Request+Area +bos will you need parking ? eos O O O O O O Hotel-Request+Parking +bos no , i wo n't have a car , so parking is n't important . eos O O O O O O O O O O O O O O O O N/A +bos i have 9 hotels available . do you have a preference for 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 Hotel-Request+Price,Hotel-Request+Stars +bos i would prefer a 4 star hotel please . eos O O O O O O B-Hotel-Inform+Stars O O O N/A +bos okay . how about the university arms hotel ? it meets your criteria and is also located in the city centre so you wo n't have to travel far to the attraction 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O O N/A +bos yes , can you book it for 8 people with 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+Day O O N/A +bos your reservation for 4 at the university arms hotel this sunday for 5 days 4 nights was successful . your reference number is : huvqf1wy . anything else i can help you with eos 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 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 i 'm going to need a taxi from the college back to the hotel as well . eos O O O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos 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 . eos O O O O 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,Taxi-Request+Dest +bos i want to leave the college by 24:00 , and can i get the contact number and car type please so i do n't get in the wrong car ? 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 O O O O O O O O O Taxi-Request+Car +bos your taxi is booked . be on the look-out for a blue tesla . the contact numbers is 07533928216. 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 N/A +bos since you booked the taxi yourself , 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 Taxi-Inform +bos yes , it seems our roles have been mixed up . i think everything has been satisfied . thanks for all the help and customer 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 O O O O O O general-reqmore +bos i need a place to stay in the north area . eos O O O O O O O O O B-Hotel-Inform+Area O O Attraction-Request+Area +bos what is your price range ? what type of hotel are you looking for ? will you need 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+Type,Hotel-Request+Internet +bos the hotel should be in a moderate price range . eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos we have nine guesthouses and two hotels in the north with moderate price ranges . eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O O Hotel-Select +bos i would like one with 2 stars and free parking . eos O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos there are 2 hotels , the ashley hotel and lovell lodge that fit what you are searching for . would you like more information or to book one of these ? eos 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 O O O O O O O O O O O O Booking-Inform,general-reqmore +bos please book one of those for 6 people and 4 nights starting from 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 N/A +bos i 've booked you a room at ashley hotel for 6 people for 4 nights beginning friday . your reference number is 5yay9t1k . 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+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 O general-reqmore +bos i would also like information on jesus college eos O O O O O O O O B-Attraction-Inform+Type N/A +bos yes sure jesus college is located on jesus lane in the city 's center and is free to enter . their telephone number is 01223339485. 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 O O O O O O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O O N/A +bos thank you for the information . that 's what i needed to know . eos O O O O O O O O O O O O O O O general-thank +bos do you need any further help with booking ? eos O O O O O O O O O O general-reqmore +bos i will also need a taxi from the hotel to the college that leaves the hotel by 08:45 eos 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 what time do you want to arrive by ? eos O O O O O O O O O O Taxi-Request+Arrive +bos i need to arrive by 17:00 please . eos O O O O O O B-Taxi-Inform+Arrive O O N/A +bos i have booked a taxi that can take you there at that time . it is a black toyota . the contact number is 07886371785. 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-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 N/A +bos no , thank you . thank is all . goodbye eos O O O O O O O O O O O general-bye +bos have a great evening . eos O O O O O O general-bye +bos i 'm looking for info on expensive south indian restaurants in cambridge . eos 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 i am sorry but i have no listings for expensive south indian restaurants . is there another choice you would like ? eos O 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 Restaurant-Request+Food,Restaurant-Request+Price +bos are you sure ? could you please check again ? eos O O O O O O O O O O O N/A +bos there are no south indian restaurants . there are indian restaurants available though . would this b e okay ? eos O O O O B-Restaurant-NoOffer+Food B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Request+Food +bos no how about british food instead ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there are a number of expensive british restaurants in cambridge . do you have an area 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 Restaurant-Request+Area +bos the restaurant should be in the east . eos O O O O O O O O B-Restaurant-Inform+Area N/A +bos the grafton hotel restaurant meets all of your criteria ! would you like to book a table ? 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 Booking-Inform +bos no , i just need the post code 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 +bos the phone number is 01223241387 and the postcode is cb58pa . is there anything else i can help ? 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 O O O O O general-reqmore +bos yes i would like to also find a hotel called a and b guest house . 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 N/A +bos the a and b guest house is a 4 star guesthouse in the east at 124 tension road . it does not offer parking , but internet is available . 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area 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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos could i have the address and postcode please ? eos O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos sure , it is located at 124 tenison road , postcode cb12dp . 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 that is all i need , thanks . eos O O O O O O O O O general-thank +bos glad i can help enjoy your stay . eos O O O O O O O O O general-welcome +bos parting is such sweet sorrow , but that i all i need , have a good day . eos O O O O O O O O O O O O O O O O O O O N/A +bos ta ta or now . see ya later alligator . eos O O O O O O O O O O O general-bye +bos thanks for your help today . eos O O O O O O O general-thank +bos helping ha been m pleasure eos O O O O O O general-welcome +bos bye , thank you . eos O O O O O O general-bye +bos bye great day eos O O O O general-bye +bos i am looking for a train leaving after 11:45 eos O O O O O O O O O B-Train-Inform+Leave N/A +bos ok , what are your departure and arrival stations , 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 Train-Request+Depart,Train-Request+Dest,Train-Request+Day +bos i 'll be leaving stansted airport friday to head toward cambridge . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O O O B-Train-Inform+Dest O O N/A +bos ok , i have the first available train leaving at 12:24 and arriving at 12:52. would that train work for you or would you like to leave later than that ? 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 O O O O O O O O Train-Request+Leave +bos that would work for me can i get a train for 7 people ? eos O O O O O O O O O O O O O B-Train-Inform+People O N/A +bos yes , you 're booked on tr1387 with reference number 78bzsvsw . the total fee is 70.7 gbp payable at the station . anything else i can help you with ? eos O O O 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 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 okay ! glad i could be of help . eos O O O O O O O O O O general-bye +bos hi there . i need to book a train from cambridge to broxbourne . 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 is there a day you need to leave ? do you have a time 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 Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos i 'm sorry , i actually need to travel from broxbourne to cambridge . and yes , i actually do need to leave after 13:00 on tuesday . 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 B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A +bos all right , the tr8199 train leaves at 13:32 on tuesday . would you like me to purchase tickets for you ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O O Train-OfferBook +bos yes , that would be great . i need 8 seats . eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos alright , i have your 8 tickets purchased for the tr8199 train . your reference number is zj8kwjq9 . is there anything else i can help you with ? eos O O 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 O O O O general-reqmore +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 . have a nice day . eos O O O O O O O O O O general-bye +bos hi , i 'm looking for a train that is going to cambridge and arriving there by 20:45 , is there anything like that ? eos O O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O O O O O O O O O N/A +bos there are over 1,000 trains like that . where will you be 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 am 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 can you confirm your desired travel day ? eos O O O O O O O O O Train-Request+Day +bos i would like to leave on wednesday eos O O O O O O O B-Train-Inform+Day N/A +bos i show a train leaving birmingham new street at 17:40 and arriving at 20:23 on wednesday . will this work 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+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O N/A +bos that will , yes . please make a booking for 5 people please . eos O O O O O O O O O O B-Train-Inform+People O O O O N/A +bos i 've booked your train tickets , and your reference number is a9nhso9y . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos thanks so much . i would also need a place to say . i am looking for something with 4 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 B-Hotel-Inform+Stars O O O O O O O N/A +bos how about the cambridge belfry ? it has all the attributes you requested and a great name ! maybe even a real belfry ? 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 N/A +bos that sounds great , could you make a booking for me please ? eos O O O O O O O O O O O O O O N/A +bos what day would you like your booking for ? eos O O O O O O O O O O Booking-Request+Day +bos please book it for wednesday for 5 people and 5 nights , please . eos O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O O N/A +bos booking was successful . reference number is : 5nawgjdc . eos 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 goodbye . if you think of anything else you need 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 general-bye +bos i am looking for info about a hotel called city centre north b and b. can you help ? 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 N/A +bos yes . city centre north b and b is a guesthouse in the north side of town , that has both free internet and parking . do you want 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 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 O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no thanks . no need to book today . can i get the price range for them though ? 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 's listed as in the cheap price range . eos O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O N/A +bos ok , i am also looking for a train from cambridge to bishops stortford . eos 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 there are several what day and time do you need the train ? eos O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'll be leaving monday after 15:30. eos O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos tr2630 leaves at 17:29. would you like for me to book the train 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 O Train-OfferBook +bos yes i would like to book the train for 4 people and i 'll 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 Train-Request+Ref +bos i 'm sorry , i gave you the wrong train number it is tr2530 not 2630. ref no is : 0es63ck2 . the total fee is 40.4 gbp payable at the station . eos O O 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-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket 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 okay , well you have a great day ! eos O O O O O O O O O O general-welcome +bos thanks again for the help . good bye . eos O O O O O O O O O O general-bye +bos text us back if you need any further assistance . bye-bye ! eos O O O O O O O O O O O O O general-bye,general-reqmore +bos i would like you to help me find a train departure . the train should leave on thursday and arrive at cambridge . eos O 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+Dest O O N/A +bos where will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos from bishops stortford after 15:00 eos O O O O O O N/A +bos alright , would you like me to make a booking for you ? eos O O O O O O O O O O O O O O Train-OfferBook +bos no , i just need the train id and arrival time eos O O O O O O O O O O O O Train-Request+Arrive,Train-Request+TrainID +bos i 'm sorry , there are no trains that day . would you like to try another day ? eos 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 think you should try again . cambridge to bishop stafford on thursday . eos 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 i have 5 trains . they depart 15:29 , 17:29 , 19:29 , 21:29 , 23:29. they are all 38 mins travel duration . 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O N/A +bos please give me the info for a train meeting the above listed criteria . eos O O O O O O O O O O O O O O O Train-Inform +bos train # tr7759 departing from cambridge at 15:29 arrives in bishops stortford at 16:07. can i help you with anything else ? eos 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 B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O general-reqmore +bos i 'm also looking for a place to stay . the hotel should include free parking and 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 O O O O N/A +bos there are about 8 choices . did you want a certain area or 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+Area,Hotel-Request+Price +bos area and price are of no concern to me as long as the guesthouse has free parking and free wifi 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 ok ! i suggest the archway house . would you like a room book ? 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,general-greet +bos sure , thanks , for 6 people , for 2 nights , starting thursday , 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 N/A +bos we have you set at archway house . reference number is p1ffcu2z eos 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 ok thank you for your help . eos O O O O O O O O general-thank +bos can i look up anything else ? eos 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 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,general-greet +bos i am looking to stay at a guesthouse that has a 3 star rating . eos O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O N/A +bos there are four three star guest houses . is there an area of town that interests you the most ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Stars 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 would like it to be in the west . it does n't matter if it has free parking or not . thank you ! 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 N/A +bos there is the hobsons house . would you like me to book it ? 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 yes . let 's book it . eos O O O O O O O O N/A +bos ok for how long and how many people please eos O O O O O O O O O O Booking-Request+Stay,Booking-Request+People +bos for 3 days and 2 people , i need a confirmation number too eos O O O O O O O O O O O O O O N/A +bos and what day do you need the reservation for ? eos O O O O O O O O O O O Booking-Request+Day +bos i need it for sunday . eos O O O O O B-Hotel-Inform+Day O N/A +bos your booking was successful ! your reference number is ev4adbi9 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i want a train that goes to peterborough and leaves after 13:00 eos O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave N/A +bos the next train is the tr0545 leaving cambridge at 13:06. would you like me to book it or more information ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice 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 O O O O O O O O general-reqmore,Train-OfferBook +bos does it leave on monday ? eos O O O O O B-Train-Inform+Day O N/A +bos train tr3154 leaves cambridge at 13:06 and will arrive at peterborough at 13:56 on monday . would you like me to book a ticket ? 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 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 i am looking for a train departung after 8:30 from ely . eos O O O O O O O O O O O B-Train-Inform+Depart O N/A +bos i have found several trains that you can use . what is 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 the train should go to cambridge on tuesday eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos tr4669 leaves ely at 09:35 and arrives in cambridge at 09:52. how does that sound ? eos O B-Train-Inform+Id O 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 N/A +bos sounds great . can you book 5 seats for me ? eos O O O O O O O O B-Train-Inform+People O O O N/A +bos yes , your booking was successful . your reference number is rcjdh5j4 eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks can you help me find a hotel called the university aims no university arms hotel . 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 i have a hotel called university arms hotel located in the centre . would you like to make reservations ? eos O O O O B-Hotel-Inform+Type 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 Booking-Inform +bos yes , for 2 nights for 5 people on the same day eos O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O O N/A +bos booking was successful.reference number is : zq6ooe4y eos O O O O O O O B-Booking-Book+Ref N/A +bos thanks 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 general-thank +bos it was my pleasure . good day ma'am . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i would like to book a hotel in cambridge . is there any availability at the autumn house ? 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 O O N/A +bos when would you like to visit autumn house ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O Booking-Request+Day +bos yes . book it for 6 people and 4 nights from 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 i have your party of 6 booked at autumn house for 4 nights starting thursday , your reference number is 4zz358ju . can i help you with anything else today ? 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 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 i am also looking for a train to cambridge . i would like to leave thursday . eos O O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O N/A +bos no problem . where are you leaving from ? eos O O O O O O O O O O Train-Request+Depart +bos ely . oh and i 'll need to arrive by 9. eos O B-Train-Inform+Depart O O O O O O O O O O N/A +bos i have the tr7745 leaving ely at 7:35 and arriving at 7:52. would you like to make a booking today ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Depart B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos yes , for the same group of 6. eos O O O O O O O B-Train-Inform+People O N/A +bos your train has been booked . your reference number is rsojo37t . is there 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 i do n't believe so . i think that does it . have a great night . 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 . goodbye . eos O O O O O O general-bye +bos i am looking for a hotel in cambridge with free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos there are 8 hotels that include parking . is there a specific area or price range that 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 O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos no , although i would like them to include free wifi as well . eos O O O O O O O O O O O O O O O N/A +bos i have several options . how about the ashley hotel ? it 's in the north . eos O O O B-Hotel-Inform+Choice O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area O O O O N/A +bos that will be fibne , i need you to book it for me eos O O O O O O O O O O O O O O N/A +bos ok , i need some information to complete your booking . what day will you arrive ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Day +bos any day is fine after 7:45. eos 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 lets not book the hotel . can you help find me a train departing from norwich to cambridge on saturday that leaves after 19:45 ? eos O O O O O B-Hotel-Inform+Type 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 B-Train-Inform+Leave O O N/A +bos shall i go ahead and book you for train tr0615 ? eos O O O O O O O O O O B-Train-OfferBook+Id O N/A +bos yes , for 4 people please . eos O O O O B-Train-Inform+People O O O N/A +bos your train is booked and the total fee is 56.32 and the reference number is fw5rk2c9 . can i help you 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 B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos great , can i get the area for the hotel as well please . just wonder what part of town it 's in ? 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 Hotel-Request+Area +bos the ashley hotel is in the north area . what else can i do 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 general-reqmore +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 the booking was successful ! enjoy your trip . eos O O O O O O O O O O general-bye +bos i need to book a hotel in the east that has 4 stars . eos O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars 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 Hotel-Request+Price +bos that does n't matter 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 N/A +bos if you 'd like something cheap , i recommend the allenbell . for something moderately priced , i would recommend the warkworth house . eos O O O O O O O O O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O N/A +bos could you book the wartworth for one night , 1 person ? eos O O O O O O O O O O O O O N/A +bos what day will you be staying ? eos O O O O O O O O Booking-Request+Day +bos friday and can you book it for me and get a reference number ? eos O B-Hotel-Inform+Day O O O O O O O O O O O O O Hotel-Request+Ref +bos booking was successful.reference number is : bmukptg6 . 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 i am looking to book a train that is leaving from cambridge to bishops stortford on friday . 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 B-Train-Inform+Day O N/A +bos there are a number of trains leaving throughout the day . what time would you like to travel ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-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 want to get there by 19:45 at the latest . eos O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos okay ! the latest train you can take leaves at 17:29 , and arrives by 18:07. would you like for me to book that for you ? 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 O O O O Train-OfferBook +bos yes please . i also need the travel time , departure time , and price . eos 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 reference number is : uifv8fas . the price is 10.1 gbp and the trip will take about 38 minutes . may i be of any other assistance ? 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 B-Train-OfferBooked+Time I-Train-OfferBooked+Time O O O O O O O O O general-reqmore +bos yes . sorry , but suddenly my plans changed . can you change the wartworth booking to monday for 3 people and 4 nights ? eos O 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 O N/A +bos i have made that change and your reference number is yf86ge4j eos O O O O O O O O O O O B-Booking-Book+Ref N/A +bos thank you very much , goodbye . eos 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 am looking to get some information on gonville hotel . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos gonville hotel is in the centre of town and in the expensive price range . eos O B-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 B-Hotel-Inform+Price O O O N/A +bos great can you get me a room for 7 people for 2 nights starting saturday ? 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 yes , i can ! you 're booked with reference number i34y32y9 . 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 O O general-reqmore +bos yes , i also need to find a train going to cambridge . eos O O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos okay , i have quite a few . can you give me some more information ? 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 general-reqmore +bos i 'm departing from peterborough on saturday . i want to arrive by 16:00. eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O N/A +bos i would recommend train id tr5049 which leaves peterborough at 14:48 and arrives in cambridge at 15:38. there are earlier options as well if you wish . eos O O O O O O B-Train-Select+Id O O B-Train-Select+Depart O B-Train-Select+Leave O O O B-Train-Select+Dest O B-Train-Select+Arrive O O O O O O O O O O N/A +bos that would be perfect . for 7 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos would you like me to book it then ? eos O O O O O O O O O O Train-OfferBook +bos yes , and please let me know the reference number in case i need to make any changes later . 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 92.4 gbp payable at the station . reference number is : zbpf328j . 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 you 've been great . have a great day , bye . eos O O O O O O O O O O O O O general-bye +bos i 'm glad i could help . have a nice day . eos O O O O O O O O O O O O O general-bye +bos hello i need to go to cambridge and will be leaving on saturday from norwich , can you tell me what my train options are ? eos O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O O O O O O O N/A +bos there are many options . 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 Train-Request+Leave +bos yes , i would like to depart any time after 20:15. eos O O O O O O O O O O O O N/A +bos there is a train departing norwich at 21:16 on saturday . would this be ok ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O N/A +bos yes . can you give me the train id and the travel time ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos the train id is tr3267 and the travel time is 79 minutes . is there anything else i can help you with or would you like to purchase tickets ? eos O 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 O O O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos i would also like to book a 4 star guesthouse eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type N/A +bos okay i have found several options . is there a particular area 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 Hotel-Request+Area +bos yes , i 'd like something in the north , and in the moderate price range , please . eos O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos acorn guest house is a really nice 4 star place . free internet and parking too . can i get you more information ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Stars 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 it for 6 people and 4 nights starting from 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 N/A +bos i was able to book your stay at the acorn guest house . your reference number is sw8ac8gh . 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 N/A +bos thank you ! that 's all i needed . eos O O O O O O O O O O general-thank +bos great . if you think of anything else feel free to ask any time . 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 london kings cross to arrive at 16:00. can you help with that ? 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 O O O O O O N/A +bos yes , what is the day you will travel ? eos O O O O O O O O O O O Train-Request+Day +bos saturday departing from cambridge . eos O O O O B-Train-Inform+Depart O N/A +bos i see several trains . when would you like to leave ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O Train-Request+Leave +bos i need a price and make sure it arrives by 16:00. eos O O O O O O O O O O O B-Train-Inform+Arrive Train-Request+Price +bos the tr6203 costs 18.88 and gets you in at 15:51. does that sound good ? i can book you a ticket if you like . eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Ticket O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O O O O Train-OfferBook +bos no need to book it for me . are there any 3 star hotels in the moderate price range ? eos 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 Train-Request+Price +bos could you please give me any preferences for internet/parking ? eos O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos i would like it to be a guesthouse that has free wifi . eos O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i have found 3 guesthouses that meet your requirements . would you prefer to stay in the north , south or west area ? 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 O O B-Hotel-Select+Area I-Hotel-Select+Area O O N/A +bos do any/all of them have free parking as well ? eos O O O O O O O O O O O Hotel-Request+Parking +bos yes , all of them have free parking . which part of the city would you like to stay ? 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+Area,Hotel-Inform+Parking +bos any , i 'll take the first one on your list , and i 'll need 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 O O Hotel-Request+Phone,Hotel-Request+Addr +bos the bridge guest house is at 151 hills road and their number is 01223247942. eos O O B-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 O O O B-Hotel-Recommend+Phone N/A +bos awesome thank you . that is all i needed . eos O O O O O O O O O O O general-thank +bos thank you for using our service . call us anytime . take care . goodbye . 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 i need a train that leaves on friday after 20:45. eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos there are oodles of available trains so let 's narrow that down a smidge . what are you departure and destination locations ? 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+Depart,Train-Request+Dest +bos the train should depart from cambridge and should go to london liverpool street eos 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 N/A +bos i would suggest tr9557 which leaves cambridge at 21:59 and arrives at your destination at 23:27. eos O O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive N/A +bos sounds great ! thank you very much ! what is the price on that train ? eos O O O O O O O O O O O O O O O O O Train-Request+Price +bos the train is 16.60 pounds . can i book that for you ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos sure . i also need a reservation at rosa 's 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 O O N/A +bos i have you booked for 1 seat on the tr9557 . what day are you wanting to book rosa 's bed and breakfast for ? eos O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id 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 Booking-Request+Day +bos what is their address and do they have free parking or free internet ? eos O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet,Hotel-Request+Addr +bos rosa 's has both free parking and free internet . eos O B-Hotel-Inform+Name O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos could i get the address please ? eos O O O O O O O O Hotel-Request+Addr +bos their address is 53 roseford road , cb22ha . can i help you with anything else ? 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 think that 's all i need . 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 contacting us , if you have any further questions , feel free 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 O general-bye +bos hi , can you fill me in on some details about a place called jesus green outdoor pool , please ? 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 O O O O N/A +bos it 's a swimming pool in the north . phone # is 01223302579 and it 's between victoria road and the river . anything else i can help you with ? eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Phone 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 O O O O O O O general-reqmore +bos that is the full address that you mentioned ? eos O O O O O O O O O O Attraction-Request+Addr +bos sure . the address showing is between victoria road and the river . again , their phone number is 0122330257. can i help with anything else ? 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 I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos yes i 'd like some info on a place to eat in the centre . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are many to choose from ! did you have a type of food or price range in mind ? i like shanghai family restaurant , myself . it 's a moderately-priced chinese restaurant . 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 O O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos i 'd like an expensive world food restaurant . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos i am not showing an expensive world restaurant in the centre . would you like to try other areas ? eos 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 Restaurant-Request+Area +bos how about one that serves gastropub food instead ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have two places in the centre fitting that criteria . eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O N/A +bos is it expensive ? eos O O O O O N/A +bos yes , both of the gastropubs in the center of town are expensive . i recommend the backstreet bistro . eos O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos that sounds good . can you book it for 4 at 12:15 on friday , please ? 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 i was able to book it reference number is t2vz7mju eos O O O O O O O O O O B-Booking-Book+Ref N/A +bos great ! i also need a taxi to commute between the swimming pool and 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 +bos you are welcome ! please call us back if you need anything further . 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 turkish restaurant . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos alright how about either the anatolia or efes restaurant ? eos O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name N/A +bos i 'd like the efes . may i have their phone number , area and postcode ? eos 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 phone number is 01223500005 , post code is cb11ln and they are located in the centre . eos O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos thanks ! i 'm also looking for information about an attraction called the junction . do you have any information on that place ? eos 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 i have information on the junction . what information are you specifically looking for ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O general-reqmore +bos i 'd like to know its area please . eos O O O O O O O O O O Attraction-Request+Area +bos it 's on the south end . anything else i can help with today ? eos 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 no , i think that is all , 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 no problem . feel free to contact us again if you need assistance in the future . 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 need a train to cambridge that leaves after 13:30. eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave N/A +bos there are several trains that are going to cambridge at that time where are you departing from ? eos O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Dest O O O O O O O O O Train-Request+Depart +bos i 'll be departing from kings lynn on tuesday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos train tr4840 leaves at 14:11. would you like me to book it for you ? eos 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 first , i 'd like to know the arrival time for it . eos O O O O O O O O O O O O O O Train-Request+Arrive +bos that train arrives at 14:58. is there any other information you need before making your decision ? eos O O O O O B-Train-Inform+Arrive O O O O O O O O O O O O general-reqmore +bos no , thanks . i also need a room in the north with free parking . eos 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 2 hotels and several guest houses available in that area . is there a particular price range you need ? eos 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 O O O O O O O Hotel-Request+Price +bos as long as it is 2-star rated and moderately priced , i 'm pretty flexible about all the rest . eos O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos okay we have the ashley hotel , would you like a booking ? eos O 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 , please book the ashley for 2 people and 2 nights starting tuesday . 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 booking was successful . the reference number is yn5ogya7 . what else can i 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 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 you are welcome . would you like for me to go ahead and book train tr4840 for you ? eos O O O O O O O O O O O O O O O B-Train-OfferBook+Id O O O O N/A +bos no thank you . good bye . eos O O O O O O O O general-bye +bos enjoy your trip ! eos O O O O O general-bye +bos i am looking for a restaurant called darrys cookhouse and wine shop . 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 N/A +bos darrys cookhouse and wine shop is located in the centre . it is expensive and serves modern european food . would you like a reservation ? 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+Area O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Booking-Inform +bos no thanks i 'm just looking for information for now . eos O O O O O O O O O O O O general-thank +bos darrys cookhouse is a modern european restaurant in the centre . it is located at 40270 king street city and is in the expensive price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 O O B-Restaurant-Inform+Price O O O O N/A +bos okay thanks . i 'd like some information about a place to go next . eos O O O O O O O O O O O O O O O O general-thank +bos there are many attractions in town . what type are you looking for - architecture , cinema , or a college perhaps ? 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 O Attraction-Request+Type +bos i am looking for a museum . eos O O O O O O B-Attraction-Inform+Type O N/A +bos the broughton house gallery is a museum located in the centre . 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 O O B-Attraction-Inform+Area O N/A +bos that sounds good . could i get their phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos sure thing ! their phone number is 01223314960. can i help you with anything more today ? eos 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 's all i need for now . thanks so much , you 've been super ! 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 contacting us today . have a good day . eos O O O O O O O O O O O O O general-welcome,general-bye +bos im looking for places to go in cambridge , near east part of town and a nightclub in same area eos 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 O O N/A +bos i 'm sorry , i have n't found any nightclubs in the east part of town , would you like to try a different area ? 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 O O O O O O Attraction-Request+Area +bos no , i need to stay in the east , can you look for swimming pools instead ? eos O O O O O O O O O O O O O O O O O O O N/A +bos abbey pool and astroturf pitch is located in the east at whitehill road . would you like more information on it ? 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 O B-Attraction-Recommend+Area O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O general-reqmore +bos yes , can i have the postcode and the 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+Fee +bos i 'm not showing any information on the entrance fee . the postcode is cb58nt . the phone is 01223902088 is you would like to call them about the cost . 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 O O O B-Attraction-Inform+Post 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 thank you , can you also give me information on any restaurants 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 9 different restaurants in the east . do you have a type of food you are looking for ? 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 Restaurant-Request+Food +bos i do n't have a food preference type . i just want something expensive . eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos we have 5 expensive restaurants located in the east . the grafton hotel restaurant , yu garden , royal standard , pipasha restaurant , and sitar tandoori . would you like to book for any ? eos 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 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 Restaurant-Select +bos anything that is available for 6 people on tuesday at 19:15. 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 my apologies . i tried to book at the east expensive restaurants for tuesday at 19:15 , but there was nothing available . do you have a different day or time preference ? eos O O O O O O O O O O O O O O B-Booking-NoBook+Day I-Booking-NoBook+Day B-Booking-NoBook+Time O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,general-greet +bos can you try 18:15 ? 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 : yp7m0t3j . is there 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 O O general-reqmore +bos yes , i need a taxi from the pool to the restaurant . make sure i 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 N/A +bos your taxi is booked . it is a grey bmw and the contact number is 07156793987 and will pick you up at the pool . 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 I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O B-Taxi-Inform+Depart O O O O O O O O O general-reqmore +bos no , that should be 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 O general-bye +bos thank you for using out service eos O O O O O O O general-welcome +bos i am looking to go to a museum . eos O O O O O O O O B-Attraction-Inform+Type O N/A +bos there are quite a few fantastic museums to choose from . is there a specific area 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 Attraction-Request+Area +bos i 'm willing to go wherever the best museums are . which would you recommend ? eos O O O O O O O O O O O O O O O O O N/A +bos the cafe jello gallery is top notch . and there 's no entrance fees . or how about cambridge artworks their pretty nice as well . both are in the west . eos 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 B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos can you tell me about the gallery ? what 's the address ? eos O O O O O O O O O O O O O O Attraction-Request+Addr +bos this gallery is located on the west side of town located at 13 magdalene street eos O O O O O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos what is the postcode there ? also , i 'll need a phone number . eos O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb30af , sorry i do not have a phone number for the cafe jello gallery . eos O O O O B-Attraction-Inform+Post O O O O O O O O O O B-Attraction-NoOffer+Name I-Attraction-NoOffer+Name I-Attraction-NoOffer+Name O O N/A +bos well then , can you give me an address ? eos O O O O O O O O O O O Attraction-Request+Addr +bos the address is cafe jello gallery , 13 magdalene street , 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O general-reqmore +bos yes , i need information on a cheap restaurant in the centre of the city ... whichever you recommend . 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 O O N/A +bos i would recommend golden house . it is a chinese restaurant at 12 lensfield road city centre , postcode cb21eg , phone number 01842753771. would you like me to book it 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 B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr B-Restaurant-Recommend+Post O O B-Restaurant-Recommend+Phone O O O O O O O O O O O O O Booking-Inform +bos no , thanks , i 'll do that myself . you 've been great , thanks for everything . 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 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 dine that is in the expensive price range . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i can go ahead and help you with that . are you looking for a particular 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 Restaurant-Request+Food,general-greet +bos i am in the mood for lebanese food . eos O O O O O O O O O O N/A +bos okay , would you like to try any specific type of food ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos let 's go with lebanese . eos O O O O B-Restaurant-Inform+Food O O N/A +bos i have no listings for lebanese food in the expensive price range . would you like to try something else ? 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 O O O O O O O O O O N/A +bos can you list places for french food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos restaurant two two is a french restaurant in the north part of the city and cote is in the centre of the city . do either of those sound good ? eos O 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 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 Restaurant-Select +bos cote sounds good . what is the address ? eos O B-Restaurant-Inform+Name O O O O O O O O Restaurant-Request+Addr +bos the address for cote is bridge street city centre . would you like me to reserve you a table ? 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 O O O O O O O O O O O Booking-Inform +bos yup book it thanks ! can you recommend a place to go nearby as well ? 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 how many people should i book for the restaurant ? eos O O O O O O O O O O O Booking-Request+People +bos nope , do n't book it ! please give me the address instead . eos O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos sure , the address is bridge street city centre . what else can i help with ? 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 O O O general-reqmore +bos yes . i need to a place to go . i 'm thinking it would be convenient if it was 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 O O N/A +bos you have a particular type of attraction in mind ? eos O O O O O O O O O O O Attraction-Request+Type +bos nothing in particular what would you recomend and what are the entrance fees ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos all saints church and holy trinity church are nice places if you are into architecture . they both have free entrance . do one of these interest you ? 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 O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Fee O O O O O O O O O O Attraction-Select +bos yes , i would also 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 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 leave the attraction by 11:45. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! booked car type : red hondacontact number : 07362331493 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 thank you . have a great day ! eos O O O O O O O O O general-thank +bos thanks , you too ! eos O O O O O O general-bye +bos please click on end of dialogue . eos O O O O O O O O N/A +bos oops . sorry about that . eos O O O O O O O general-bye +bos yeah , i 'm looking for an entertaining tourist attraction , can point me in the direction of some places to check 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-Inform +bos i have about 5 different entertainment venues if that is what you are looking for . do you have a preference on the area its located in ? 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 O O O O O O O O Attraction-Request+Area +bos no preference , please just pick one and give me the postcode and address . eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos i think you 'd enjoy the funky fun house . they 're located at 8 mercers row , mercers row industrial estate . their postcode is cb58hy . can i help you with anything else ? 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-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 what area is the funky fun house located ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Area +bos funky fun house is located in the east area . can i help you with anything else today ? eos O B-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 O general-reqmore +bos i am also looking for a restaurant that 's moderately priced and serves british food . eos O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos i have five different restaurants to choose from . there are 4 in the centre of town , and 1 in the west . 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 O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O Restaurant-Select +bos let 's try making at booking at the one in the west . eos O O O O O O O O O O O O O O N/A +bos ok , what day would you like to make the reservation on ? eos O O O O O O O O O O O O O O Booking-Request+Day +bos we 'll need the reservation for friday at 19:30. what 's the name of the restaurant in the west ? 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 N/A +bos that one is called saint johns chop house . how many people will be dining ? eos 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 Booking-Request+People +bos there will be 7 of us . can you please give me the reference number as well ? eos O O O O O B-Restaurant-Inform+People O O O O O O O O O O O O O Restaurant-Request+Ref +bos your reservation was a success and the reference number is jtwxfm7m . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . now i need to arrange a taxi to take me from funky fun house to dinner at saint john 's . eos 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 O O O N/A +bos i have booked a blue volvo . it will pick you up at the funky fun house at 19:00 and get you to the restaurant in time for your 19:30 reservation . the contact number is 07566667235 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 I-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Arrive O O O O O O B-Taxi-Inform+Phone N/A +bos thank you so much . that 's all i need for tonight . take care . goodbye . eos 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 O general-bye +bos hi , i need something to do in the centre . are there any multiple sports places ? 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 not any in the centre , but i do have one in the east . would that be ok ? eos O O O O O O O B-Attraction-NoOffer+Area O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Area O O O O O O O N/A +bos no , i need to stay in the centre , can you look for museums ? eos 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 we have 11 museums in the centre , and all are free to enter . 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 O N/A +bos can you give me the postcode , phone number , and address to the one closest to the centre in the east ? eos 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 broughton house gallery fits your needs . the address is 98 king street . the phone number is 01223314960 and the postcode is cb11ln . 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O O O N/A +bos can you also give me information on a restaurant called rice boat ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos rice boat is an expensive indian restaurant on the west side of the city . would you like me to make a reservation ? 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 O O O O O O Booking-Inform +bos i need the address for that restaurant please . eos O O O O O O O O O O Restaurant-Request+Addr +bos the rice boat is in 37 newnham road newnham . 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 N/A +bos great . i appreciate your help ! that should be all i need . eos O O O O O O O O O O O O O O O N/A +bos it was a pleasure to assist you . have a good afternoon . 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 to go to a nightclub and need to find one . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos we have a few ! the ballare is good and is in the centre of the city . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area O O O O O N/A +bos that would be fine ! whats the postcode for there ? eos O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb23na . eos O O O O B-Attraction-Inform+Post O N/A +bos i also need a cheap restaurant in the west please . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos i found two for you . la margherita is good if you want italian food , and thanh binh if you 'd like vietnamese . they 're both near each other . eos O O 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 O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O N/A +bos i was also wanting something that served north american food , are there any options with that on the menu ? 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 O O O O N/A +bos i 'm not finding anything in that area and price range that meets that criteria . could i try a different price range 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 Restaurant-Request+Price,Restaurant-Request+Area,Restaurant-NoOffer +bos look for italian food then . eos O O O B-Restaurant-Inform+Food O O O N/A +bos i have found la margherita . it serves italian food and is in the west with a cheap price range . would you like a reservation ? eos O O O O 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 B-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos yes for 2 on friday around 9 , can i get the address and postal code please . eos O O O O O B-Restaurant-Inform+Day O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 15 magdalene street city centre and the post code is cb30af . did you want the booking for 9 pm ? 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+Post O O O O O O O O B-Booking-Inform+Time I-Booking-Inform+Time N/A +bos yes , book it for 2 at 9 please . eos O O O O O O B-Restaurant-Inform+People O O O O N/A +bos they do not open until 10 , can i try another time . eos O O O O O O O B-Booking-NoBook+Time O O O O O O Booking-Request+Time +bos no , thats ok. i actually need to book a taxi to leave the ballare by 21:00. eos O O O O O O O O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O N/A +bos i just need a little more information . what will your destination be ? eos O O O O O O O O O O O O O O O Taxi-Request+Dest +bos the taxi would be going to la margherita . eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos okay booking complete ! your taxi will be a grey lexus , 07626989651 eos O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone O O N/A +bos ok , that should be everything i need . eos O O O O O O O O O O N/A +bos i 'm glad i could help . enjoy your stay . have a good 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-bye +bos great , thank you ! eos O O O O O O general-thank +bos it was a pleasure helping you . thanks for using our service . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos hi there . i was wondering if you could provide some information on the bridge guest house hotel . 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 N/A +bos it is a guesthouse located in the south part of town in the moderate price range and has a 3 star rating . eos O O 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 N/A +bos sounds good . could you book me a room for 5 nights , starting sunday ? there will be six of us . eos O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O O O O N/A +bos i 'm afraid it 's not available for that period . you would like to try a different day ? or a shorter time period ? eos O O O 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 is it available on monday ? eos O O O O O B-Hotel-Inform+Day O N/A +bos i 'm sorry , monday is not available either . would you like to try a shorter stay , perhaps ? eos O O O B-Booking-NoBook+Day O O O O O O O O O O O O O O O O O O Booking-Request+Stay +bos would 3 nights starting sunday work ? eos O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos yes , that stay is available . i have successfully reserved it for you with a reference number of 34z6y56y . 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 N/A +bos thank you . i also need a train from cambridge on wednesday . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos sure , i need further information to narrow the results though . eos O O O O O O O O O O O O O N/A +bos i need to arrive in stevenage by 09:45 on wednesday eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A +bos the tr8974 arrives closest to that time , at 08:10. your other choice arrives 2 hours earlier . eos O O B-Train-Inform+Id O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive N/A +bos i would like the one that arrives at 8:10. could you book it for 6 people ? eos O O O O O O O O O O O O O O O O B-Train-Inform+People O N/A +bos you 're all set ! the reference number is bgntqzrj , and you can pay the total fee of 76.8 gbp at the station . is there anything else i can assist you with today ? eos O O O O O O O O B-Train-OfferBooked+Ref 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 O O O general-reqmore +bos nothing else . thank you for your help eos O O O O O O O O O general-thank +bos you are very much welcome . thank you for using our service 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 general-welcome,general-bye +bos hi ! i 'm looking for a place 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 sure . there 's quite a few places you can visit in the centre . do you have a particular type of attraction in mind ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O 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,general-greet +bos i have never been to the centre before , can you tell me the most popular spot to go ? perhaps a museum . 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 B-Attraction-Inform+Type O O N/A +bos there is a great museum in the centre of town called castle galleries . it 's free and located at unit su43 , grande arcade , saint andrews street . 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 B-Attraction-Inform+Name I-Attraction-Inform+Name O B-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 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 the phone number is 01223307402. eos O O O O O B-Attraction-Inform+Phone N/A +bos thanks so much . i am also wanting to see if you can help me find a cheap room to stay in . 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 N/A +bos sure , i can help you 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 O Hotel-Request+Area +bos kindly find me one in the west eos O O O O O O O B-Hotel-Inform+Area N/A +bos do you prefer a guesthouse or hotel ? eos O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos i would like a hotel with a 4 star rating please . it also must include free wi-fi . eos 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 N/A +bos the cambridge belfry is the only hotel with those criteria . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O N/A +bos that will work.i need the address please . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name Hotel-Request+Addr +bos the address is back lane , cambourne . is there anything else i can help you with ? 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 thank you for the address . that will be all for now . eos O O O O O O O O O O O O O O general-thank +bos have a great time and i hope you enjoy your stay ! 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 hotel with free parking . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O N/A +bos i have the cambridge belfry hotel located in the west side that has a 4 star rating . can i make reservations 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 B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform +bos doe it have free wifi ? eos O O O O O O O N/A +bos yes it does . would you like a room booked ? eos O O O O O O O O O O O O general-welcome,Booking-Inform,Hotel-Inform+Internet +bos not at this time , can you give me the postcode ? eos O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb236bw . can i help you with anything else today ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore +bos yes , i also need information on colleges to see in the west please . 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 sure , there are five in that area . eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos i need the address and postcode of one you recommend . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the churchill college is located at storey 's way and the postcode is cb30ds . can i help with anything else ? eos 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 O B-Attraction-Recommend+Post O O O O O O O O O general-reqmore +bos yes , please . 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 O O O O Taxi-Inform +bos sure . what time do you want to leave and 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 want to go from the churchill college to cambridge belfry . i want to leave the college by 01:45. 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 B-Taxi-Inform+Leave O N/A +bos your booking has been completed from churchill college to cambridge belfry . the taxi will be a yellow bmw and the contact number is 07976361000. 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 O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A +bos i want see something particular , can you book reservations for anything ? eos O O O O O O O O O O O O O O N/A +bos most things yes , can you let me know what you want to see ? eos O O O O O O O O O O O O O O O O general-reqmore +bos i 'm interested in seeing sheep 's green and lammas land park fen causeway 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos it is located in the south , can i get the address for you ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O general-reqmore +bos yes and can i get the phone number please ? eos O O O O O O O O O O O Attraction-Request+Phone +bos the address is fen causeway , newnham road . the number is 01223302580. 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 N/A +bos i also need a place to stay in the north area . eos O O O O O O O O O O B-Hotel-Inform+Area O O Attraction-Request+Area +bos i have five . any price range ? eos O O O B-Hotel-Inform+Choice O O O O O Hotel-Request+Price +bos moderately priced and a 4 star rating , please . eos O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O N/A +bos i actually have 7 guest houses that would meet your criteria . do you need parking ? 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 Hotel-Request+Parking +bos can you suggest one ? parking is not important , but please let me know if they have 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 the acorn guest house meets your criteria and does offer parking and internet . 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 Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos is parking at the acorn guest house free ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Request+Parking +bos yes . is there any additional information you need about the acorn guest house ? eos O O O O O O O O O O O O O O O O general-greet,general-reqmore +bos i need to know the postcode and if they have internet . eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet +bos yes they have internet , and their postcode is cb41da . do you need anything else ? eos O O O O O O O O O B-Hotel-Inform+Post O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos nope , that should be it ! eos O O O O O O O O N/A +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 'm looking for an entertainment venue to visit in the cambridge centre . eos O O O O O B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O N/A +bos will you mind to elaborate more ? maybe on price ? eos O O O O O O O O O O O O Attraction-Request+Price,general-greet +bos i 'm looking in the expensive price range . eos O O O O O O O O O O N/A +bos i have n't found any in that part of town . how about another 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 how about one that is in the type of college.i also need the entrance fee , address , and phone number 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 Attraction-Request+Fee,Attraction-Request+Addr +bos i have many in that area would you like one that is free or had an entrance fee ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee N/A +bos that does not matter can you recommend one please ? eos O O O O O O O O O O O N/A +bos gonville and caius college is on trinity street and has no entrance fee . the number is 01223332400. 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 O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O B-Attraction-Inform+Phone N/A +bos thank you , can i also book a guesthouse ? it would need ot have free parking . 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 21 different guesthouses across town with free parking . do you have a price range in mind ? or do you want to stay in a particular neighborhood ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type I-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 Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos we can narrow this down a bit . i prefer a guest house 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 there are 5 , 3 are cheap , 2 are moderate . how about carolina bed and breakfast ? they are moderately priced . eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price 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 N/A +bos carolina bed and breakfast will work . can i have the phone number ? 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 Hotel-Request+Phone +bos the phone number is 01223247015. is there anything else i may 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 does the carolina bed and breakfast have free wifi ? eos O O O O O O O O O O O N/A +bos yes , they offer both free wifi and free parking . eos O O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos thanks , i need to meet with my group before booking but 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 O O general-thank +bos the phone number is 01223247015. eos O O O O O B-Hotel-Inform+Phone 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 enjoy your stay ! let us know if we can be of any further assistance . eos O O O O O O O O O O O O O O O O O general-bye,general-greet,general-reqmore +bos i 'm looking for some info on an attraction called king 's college . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos kings college is free and located in the centre of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos excellent . thank you for your assistance ! eos O O O O O O O O O general-thank +bos you 're very welcome . will that be all ? eos O O O O O O O O O O O general-welcome,general-reqmore +bos i would like to find a place to stay with a 2 star rating and free parking . eos 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 3 hotels with a 2 star rating . two in the north and one in the east . would you like more information on one of 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 N/A +bos i would like the east please . eos O O O O O B-Hotel-Inform+Area O O N/A +bos i have the express by holiday inn cambridge . 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 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 it in the expensive price range ? eos O O O O O O O O O N/A +bos it is . would you like a room ? eos O O O O O O O O O O general-welcome,Booking-Inform +bos not at this time but what is their address and postcode ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos the address at express by holiday inn cambridge is 15-17 norman way , coldhams business park . their postcode is cb13lh . anything else i can do 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 O O O O B-Hotel-Inform+Addr I-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 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 Taxi-Inform +bos how many people will be traveling ? eos O O O O O O O O N/A +bos i need to leave the attraction by 03:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos ok , i have a blue audi coming to get you at king 's college at 03:00 to take you back to the express by holiday inn cambridge . is there 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 O B-Taxi-Inform+Leave 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 general-reqmore +bos that will be all , thank you . 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 i need a 3 star hotel in the cambridge centre . eos O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O N/A +bos the gonville hotel is the only 3-star hotel in the city center . 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 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 Booking-Inform +bos not sure yet . is it expensive ? i only like to stay in expensive hotels . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos it is an expensive hotel . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos sounds good . i need it for 8 , 2 nights friday . eos O O O O O O O O B-Hotel-Inform+People B-Hotel-Inform+Stay B-Hotel-Inform+Day O O O N/A +bos your reference is by4sox2l . do you need anything else ? eos O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos i was also wanting to see if there is an entertainment place in the centre part of town . eos 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 N/A +bos there is none would you like to try another part of town ? eos O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos no , but maybe there is something in the type of college ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos emmanuel college always has a lot going on , would you like more info on them ? 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 N/A +bos yes , could you give me their phone number and the entrance fee ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos there is no entrance fee . the number for emmanuel college is 01223334200. is there anything else i can help you with today ? eos O B-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+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos no thanks . thats all for today . bye . eos O O O O O O O O O O O general-bye +bos thank you for using our service . have an excellent trip ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i am visiting and would like to see something interesting in the south . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are several attractions in the south . what type of attraction are most interested in ? 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 Attraction-Request+Type +bos i 'm not particular . is there something you could recommend ? eos O O O O O O O O O O O O O N/A +bos i recommend the place night club in 22 sidney street . you want the address eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Type O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O N/A +bos sure , and the phone number , please ? eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 0122324600. anything else i can help with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos yes i 'm looking for a place to stay in the same area . a guesthouse that has 3 stars and free internet eos O O B-Hotel-Inform+Internet 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 N/A +bos bridge guest house meets that criteria , 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 O O O O O O O O Booking-Inform +bos no thank you . that 's all the information i need . eos O O O O O O O O O O O O O general-thank +bos alright . well thank you for calling . eos O O O O O O O O O general-welcome +bos yes you are welcome thanks for the help eos 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 hi , can you help me with my trip planning ? i am 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 O N/A +bos sure , what kind of places are you thinking about ? eos O O O O O 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 may i recommend byard art in the south ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O N/A +bos yes , thanks . can you give 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 here you go , the postal code is cb21sj , and the phoen number is 01223464646. can i help with anything else ? eos O 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 O general-reqmore +bos yeah i also need a place to stay . eos O O O O O O O O O O N/A +bos can you give me an area and price range preference ? eos O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos i would like it be in same area as the attraction and 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 N/A +bos i recommend the aylesbray lodge guest house . shall i go ahead and 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 I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform +bos no thank you . i would like to know if they have free parking , their phone number , and their 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 Hotel-Request+Parking,Hotel-Request+Addr +bos okay , they have free parking and internet . the address is : 5 mowbray rd . eos 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 Hotel-Inform+Parking,Hotel-Inform+Internet +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 O 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 O 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 i need to book a taxi plese eos O O O O O O O O Taxi-Inform +bos what time will you be arriving to your destination please . eos O O O O O O O O O O O O Taxi-Request+Arrive +bos i want to arrive by 12:45. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos what is your departure site ? eos O O O O O O O Taxi-Request+Depart +bos i 'm leaving from camgridge and county folk museum . eos 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 'm going to trinity college . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos booking completed ! booked car type white skodacontact number 07852790062 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone O O N/A +bos hi ! i 'm looking for somewhere to go in the centre area . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos great ! the centre has many attractions . are you interested in a particular type ? eos O O O B-Attraction-Inform+Area I-Attraction-Inform+Area B-Attraction-Inform+Choice O O O O O O O O O O O Hotel-Inform,Attraction-Request+Type +bos i would love to maybe tour a college if i can . eos O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos we have 13 colleges in the centre area . the downing college is one that is free to enter . would you like more information on this one ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area 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 O general-reqmore +bos yes , and do you have 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 downing college is on regent street and the phone number is 01223334860. is there anything else i can help you 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 O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos no thank you . you have been very helpful . have a great day . eos O O O O O O O O O O O O O O O O N/A +bos my pleasure . thank you for calling cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O general-bye +bos are there museums in the town centre ? eos O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A +bos yes , there are 11 museums in the centre of town . what other information would you like ? 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 general-reqmore +bos can you recommend one and give me their address and postcode ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos i definitely recommend the williams art and antiques . it 's free to get in . they are located on gwydir street , no . 5 dale 's brewery . the postcode is cb12lj . 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+Fee O O 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+Post O O O O O O O O N/A +bos thanks so much , that sounds perfect . 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 , 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 welcome , enjoy your visit . eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a place to dine . eos O O O O O O O O O O N/A +bos certainly . what type of food interests you ? eos O O O O O O O O O O Restaurant-Request+Food +bos i like ethnic food , particularly indian food . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos great , i have a bunch of options for you . do you have a certain area and price range you are looking for ? 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 O O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos the restaurant should be in the expensive price range and should serve indian food . eos O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 14 expensive indian restaurants . which area do you prefer ? 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 area does not matter to me . please book it for 5 people at 19:30 on wednesday . i also need the reference number . 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 O O O O O O Restaurant-Request+Ref +bos i 'm sorry , sir , i 'm having trouble making that booking . would you like to try for a different time 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+Time,Booking-Request+Day +bos yes , please book 5 people at 18:30. i also need the reference number . eos O O O O O O O B-Restaurant-Inform+Time O O O O O O O O Restaurant-Request+Ref +bos your booking was successful . the table will be reserved for 15 minutes . the reference number is xot3l3nr . 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 , good bye ! eos 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-bye +bos good afternoon . it 's such a beautiful day out and i am visiting here . can you tell me if there is a park nearby to where i am ? 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 O O O O O N/A +bos i have five parks in the area , four are free and one is pounds . if you want to give me your location i can narrow down the results . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 O O O O O O Attraction-Request+Area +bos what 's in the center of town ? eos O O O O O O O O O N/A +bos the cambridge university botanic gardens is in the center of the park . it is located in bateman street , the entrance 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 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 O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos that sounds interesting . can you just give me their phone number please ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223336265. can i assist 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 no , that 's everything . thank you ! eos 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 there 's a parkside police station in town , right ? eos O O O O O O O O O O O O Police-Inform +bos yes , it is located at parkside , cambridge . eos O O O O O O O O O O O N/A +bos thanks . i need the phone number and postcode too . eos O O O O O O O O O O O O Police-Request+Post,Police-Request+Phone +bos sure thing . they are located in parkside , cambridge and the 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 i will also need the postcode please . eos O O O O O O O O O Police-Request+Post +bos sure , the postcode is cb11jg . eos O O O O O O O O N/A +bos thanks ! also , can you give me the exact address to the station ? eos O O O O O O O O O O O O O O O O Police-Request+Addr +bos the only address listed is parkside , cambridge . it does not give an exact address , i 'm sorry to say . eos O O O O O O O O O O O O O O O O O O O O O O O O N/A +bos wow . that is very odd . eos O O O O O O O O N/A +bos yeah , sorry for the inconvenience . can i do anything else for you though ? eos O O O O 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 general-thank +bos you 're welcome , have a great day eos O O O O O O O O O general-bye +bos taxi to de luca cucina and bar please 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 N/A +bos what time would you like to arrive at your destination ? eos O O O O O O O O O O O O Taxi-Request+Arrive +bos i need to arrive by 15:30 , please . eos O O O O O O O O O O N/A +bos do you want a taxi now ? eos O O O O O O O O Taxi-Request+Leave +bos i need a taxi to go to the gandhi to arrive by 18:00 eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Leave N/A +bos okay , i will need your departure site first eos O O O O O O O O O O Taxi-Request+Depart +bos i 'm departing from cherry hinton water play . 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 excellent . i was able to book a black ford for you . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O N/A +bos great thank you . can i have the contact number ? eos O O O O O O O O O O O O general-thank +bos the contact number is 07299305269. eos O O O O O B-Taxi-Inform+Phone N/A +bos that 's all i need , thank you so much . eos O O O O O O O O O O O O general-thank +bos enjoy your ride eos O O O O general-bye +bos i 'm looking for a place in the centre of town that is a nightclub . eos O O O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type O O N/A +bos there are 5 nightclubs in the centre area , the one with the lowest entrance fee is soul tree nightclub which is 4 pounds to get in . eos O O O O B-Attraction-Inform+Type O 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos that sounds like it will work . can i get their 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+Addr +bos of course ! they 're located at 1-6 corn exchange street with postcode cb23qf . anything else i can do for you ? 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+Post O O 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 you are welcome ! have fun ! goodbye ! eos O O O O O O O O O O general-bye +bos can you help me find guesthouses in the west of town ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos of course , i have two available one is cheap and one is moderate what do you prefer ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O Hotel-Select +bos do either of them have a 3 star rating ? eos O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos yes , the hobsons house has 3 stars and meets your criteria . would you like me to make a reservation for you ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O O O O O N/A +bos book it for 4 people and 3 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 was able to book that reservation for you . the reference number is rl3s28t3 . eos 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 i need , thank you eos O O O O O O O O O general-thank +bos welcome again next time eos O O O O O general-bye +bos thanks agian . goodbye . eos O O O O O O general-bye +bos we were able to find accommodations for this person . eos O O O O O O O O O O O N/A +bos hello , i would like information on club salsa eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos it is a nightclub located on the centre where the entrance fee is 5 pounds . 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 B-Attraction-Inform+Price I-Attraction-Inform+Price N/A +bos can you let me have their postcode ? eos O O O O O O O O O Attraction-Request+Post +bos absolutely ... their postcode is cb12jb . is there any other information i can provide you with ? eos 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 no , that 's all . thank you . eos 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-bye +bos i 'm interesting in info about 3-star hotels and such that offer free wifi . eos 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 i have two hotels that match the description of 3 star ratings . are you looking for a hotel in the centre or south area ? 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 O O Hotel-Request+Area +bos the location does n't matter so long as it has free wifi eos O O O O O O O O O O O O O N/A +bos the gonville hotel is supposed to be great and it offers free wifi . would you like me to book you a room ? 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 O Booking-Inform,Hotel-Inform+Internet +bos book it for 5 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 sorry , it looks like the hotel ca n't accommodate you for that amount of time . eos O O O O O O O O O O O O O O O O O O Booking-NoBook +bos perhaps starting sunday instead ? eos O O O B-Hotel-Inform+Day O O N/A +bos great , your reference number is o8vh7vl6 . is there anything else i can help with ? eos 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 it all . thanks for your help . eos O O O O O O O O O O O O general-thank +bos wonderful . glad to help . eos O O O O O O O general-greet +bos yes i need information on how to proceed with a car accident dispute eos O O O O O O O O O O O O O O N/A +bos i would recommend beginning by calling or visiting the police , if you have not already . the local station may be reached by phone at 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 O O O O N/A +bos where is this police station located ? eos O O O O O O O O Police-Inform +bos address : parkside , cambridgepostcode : cb11jg there you go eos O O O O O O O O O O O N/A +bos thanks . i wo n't need anything more . 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-welcome +bos ok , i guess this is the end of the conversation , thanks again . eos O O O O O O O O O O O O O O O O general-thank +bos you 're welcome . bye bye now . eos O O O O O O O O O general-welcome,general-bye +bos can you help me find an expensive restaurant that serves chinese food to dine at ? thanks . eos O 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 there are 9 expensive chinese restaurants in cambridge . which area of town do you prefer ? 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 Restaurant-Request+Area +bos in the north , if possible . eos O O O B-Restaurant-Inform+Area O O O O N/A +bos the hotpot and hakka are both in the north . would you like to book a table at one of these ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Booking-Inform +bos can i get the address and phone number of hakka ? eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos yes the information for hakka , 24 milton road cambridge cambridgeshire , +44 1223 568988. would you like me to go ahead and book your table and for what time ? eos O 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 B-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 Booking-Request+Time,Booking-Inform +bos not quite yet . but can you help me find a train fro friday , arriving by 21:15 ? eos O O O O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O O N/A +bos there are several trains that day . could you tell me where you are departing from and arriving to , as well as a time you would like 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 O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest,Train-Request+Depart +bos i would like to leave from cambridge and with my destination being london liverpool street . thank you for your help with this . 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 O O O O O O O N/A +bos tr5212 will arrive at london liverpool street at 19:27. it leaves cambridge at 17:59 , and the travel time is 88 minutes . would you like a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O 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 O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-OfferBook +bos i need 8 tickets , please . and could i get the reference number after you book them ? thanks . 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 Train-Request+Ref +bos i have booked your 8 seats here is the information : booking was successful , the total fee is 132.8 gbp payable at the station .reference number is : woehjgd9 . eos O O O O O O B-Train-OfferBooked+People 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 thank you , that will be 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 trip ! eos O O O O O O O O O O O general-greet +bos i am looking for an affordable spanish restaurant . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there is one match . la raza is located at 4 - 6 rose crescent , cb23ll . phone number is 01223464550. would you like to book a table 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 O O O O O N/A +bos is it in the center ? if so i 'd like to book a table . eos O O O O O O O O O O O O O O O O O N/A +bos yes , it is in the centre . when would you like to arrive ? eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O O Booking-Request+Time +bos 16:15 on monday for 7 people . eos O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O N/A +bos your booking for la raza on monday at 16:15 for 7 people . the reference number is u4h95j7a . eos 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 B-Booking-Book+People O O O O B-Booking-Book+Ref O O N/A +bos thanks so much for all of your help . 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 can you find me a train for monday going to cambridge ? eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A +bos 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 . eos O O O 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+Depart +bos train arrive by 09:15 depart from london liverpool street eos O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A +bos the tr3938 train sounds perfect . it arrives into town at 9:07. would you like me to purchase some tickets for you ? eos O 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 O O Train-OfferBook +bos not now . thanks for the information . eos O O O O O O O O O general-thank +bos you are welcome ! is there anything else i may assist 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 no thank you that is all i needed . eos O O O O O O O O O O general-thank +bos i am pleased to help , enjoy your trip . eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant that serves african 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 N/A +bos i 'm sorry , but i 'm not finding any moderately-priced african restaurants . would you like to try a different cuisine ? eos O O O O O 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 Restaurant-Request+Food,Restaurant-NoOffer +bos sure , can we try gastropub food ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos the cow pizza kitchen and bar is in the centre . would you like their information ? 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 B-Restaurant-Inform+Area O O O O O O O N/A +bos yes please . but you can go ahead at book it for 3 people at 17:30 on thursday . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . would you like 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 Booking-Book +bos yes please , give me the reference number eos O O O O O O O O O Restaurant-Request+Ref +bos your reference number is : 5p3ms6pk . do you need any further assistance today ? eos O O O O O O B-Restaurant-Inform+Ref O O O O O O O O O general-reqmore +bos i 'll also need a train from cambridge . eos O O O 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 want to get to london kings crossing . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos i have all of the available trains on that route this week listed , any preference on 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 O Train-Request+Day,Train-Request+Leave +bos i need to leave sunday after 16:15. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos tr3353 leaves at 17:00 eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos can you book me 3 tickets please ? eos O O O O O O B-Train-Inform+People O O N/A +bos the total for 3 tickets is 56.64 gbp , which you can pay at the station . your reference number is : 8ycz9hsm . eos O O O O O B-Train-Inform+People O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O O B-Train-Inform+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 was that all you needed ? eos O O O O O O O general-reqmore +bos yes , that 's all . 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 i want to go to a restaurant in the south of cambridge that serves spanish 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 N/A +bos there are no restaurants in the south that serve spanish food . would you like me to try another area ? eos 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 Restaurant-Request+Area +bos sure , what is the closest restaurant nearby ? eos O O O O O O O O O O Restaurant-Inform +bos i have one in the centre of town would that be okay ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O O O O O O O N/A +bos i would prefer it to be in the south and be expensive . eos O O O O O O O O O O O O O O N/A +bos i am very sorry , but the only spanish restaurant i can locate is in the centre and has moderate price range . can i give you more information on it ? eos O O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food 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 general-reqmore +bos can you find me a cheaper place . the type of food does n't matter . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A +bos the dojo noodle bar may be a good option for you . 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 N/A +bos sounds good . can i get the postcode please . also , i am looking for a train that departs from cambridge 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 B-Train-Inform+Day O O Restaurant-Request+Post +bos the postal code for the dojo noodle bar is cb21rq . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O N/A +bos the train i need would be departing from cambridge on thursday after 08:30 and arrive to peterborough . eos O O 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 O N/A +bos train tr4863 leaves at 8:34 and arrives by 9:24 , would that work 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 Train-OfferBook +bos yes , that would work out just fine . i need to book for 5 and get the reference number too . thanks for your help ! 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 O O O Train-Request+Ref +bos reference number is : ipbct9ug . is there anything else ? eos O O O O O B-Train-OfferBooked+Ref 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 your very welcome . have a nice day . eos O O O O O O O O O O general-welcome,general-bye +bos you too ! i hope you have a great day . 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 you 're welcome , glad i could help . eos O O O O O O O O O O general-welcome +bos i 'd like to find an expensive restaurant in the center of town . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos there are many options for expensive dieting in centre . eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O N/A +bos can you find me one that serves european cuisine ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes , eraina serves european food and is located at free school lane city centre . will this work ? eos O O B-Restaurant-Inform+Name 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 general-reqmore +bos yes . please book for 6 people on monday at 11:30. eos O O O 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 please . i will also need a train . eos O O O O O O O O O O O Train-Inform +bos where is the departure and arrival ? what time and day would you like ? how many passengers ? 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+Leave,Train-Request+Dest,Train-Request+People,Train-Request+Depart +bos the train should leave on tuesday and should arrive by 21:15. eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A +bos where are you leaving from and where is your destination ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am departing cambridge and going to kings lynn . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos i can help you with that , however how many tickets do you need please ? eos O O O O O O O O O O O O O O O O O Train-Request+People +bos just myself is traveling . eos O O O O O O N/A +bos the tr9926 will arrived at 20:58. shall i go ahead and book a ticket for you ? or do you want an earlier time ? eos O O B-Train-Inform+Id 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+Arrive,Train-OfferBook +bos can you give me the price on tickets for that ? eos O O O O O O O O O O O O Train-Request+Price +bos a ticket will cost you 9.80 pounds eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos cool , i need the length of time for the travel as well . eos O O O O O O O O O O O O O O O N/A +bos 47 minutes is the travel time eos O O B-Train-Inform+Time I-Train-Inform+Time 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 general-thank +bos alrighty then thank you and have a nice day ! eos 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 include free wifi and should be in the cheap price range 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 B-Hotel-Inform+Price O O N/A +bos i have the cambridge belfry , located in the west , cheap and has wifi . would you like me to make a reservation for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area B-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 +bos no , just need to make sure it includes free parking . eos O O O O O O O O O O O O O N/A +bos it does include free parking . eos O O O O O O O Hotel-Inform+Parking +bos okay , i need to book it for 1 person , 2 nights starting friday . eos 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 booking was not successful . perhaps another day or shorter stay ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos how about for 1 night ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos booking was successful . reference number is : rhwj0f1y . eos O O O O 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 general-thank +bos thank you , i hope you have a great day , too . if there 's anything else you 'd like help with just let me 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 general-reqmore +bos hi i need a taxi to jesus green outdoor pool , but i ca n't leave until after 18:30. can you help ? 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 O O O O O B-Taxi-Inform+Leave 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 will be leaving from the fitzbillies restaurant . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos i have confirmed your taxi , a blue tesla will be picking you up at 18:30. 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+Arrive O N/A +bos awesome . can i have the contact number ? eos O O O O O O O O O O N/A +bos of course . the contact number is 07613765039. eos O O O O O O O B-Taxi-Inform+Phone O N/A +bos that 's marvelous . thanks so much . goodbye for now . eos O O O O O O O O O O O O O general-bye +bos i need a taxi to take me from fitzbillies restaurant to jesus green outdoor pool at 18:30.thanks 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+Leave +bos hi , can you find the hotel kirkwood house ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos yes . kirkwood house is a 4-star , moderately-priced , guesthouse in the north . it includes free parking and internet . 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 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos could i please have the phone number and address of this hotel ? eos O O O O O O O O O O O O O O Hotel-Request+Phone +bos sure , kirkwood house is located at 172 chesterton road , phone 01223306283. is there anything else i can help you with ? eos 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 B-Hotel-Inform+Phone O O O O O O O O O O O O general-reqmore +bos can you give me the postal code for the hotel as well ? eos O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode for kirkwood house is cb41da . woud you like me to book a room for you ? 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 O O Booking-Inform +bos no thank you , but i am also wanting to find a train departing from cambridge on monday and arriving at london liverpool street by 18:00. eos 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 B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos i have train tr3602 that departs at 15:59 and arrives in london liverpool street at 17:27. would this 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 I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A +bos yes , please book that for 8 people and let me have 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 booking was successful , the total fee is 132.8 gbp payable at the station .reference number is : jgx91dyb . 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 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 please feel free to contact us back if you have any issues during your travels . eos O O O O O O 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 thanks for using our service , and 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 corsica restaurant ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there is no restaurant serving corsica food in the town . what is another type of food you would like me to search for ? eos 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 Restaurant-Request+Food +bos then can you find me one that serves international food ? eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos we have three places that serve international cuisine that you should like . do you prefer east or 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 O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A +bos the centre is fine . i need a table for brunch on sunday . eos O O B-Restaurant-Inform+Area O O O O O O O O O O O O N/A +bos i recommend the bloomsbury restaurant . it 's located at crowne plaza hotel , 20 downing street . it 's a moderately priced restaurant . can i book this for you ? eos O O O O B-Restaurant-Recommend+Name I-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 O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O O O Booking-Inform +bos yes , that would be great . can you book a table for 4 people at 11:30 on sunday ? thanks 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 O N/A +bos i was able to book your party of 4 into bloomsbury restaurant on sunday at 11:30 , reference : 4ni28yk5 . can i assist you further today ? 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+Day I-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i also need a train that will arrive by 18:15. eos O O O O O O O O O O B-Train-Inform+Arrive N/A +bos sure , which stations are you traveling between ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'll be leaving cambridge on monday and i 'd like to arrive to london kings cross by 18:15. is there anything available ? what time will it leave ? eos O O O O B-Train-Inform+Depart 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 O O O O O O O O N/A +bos tr7786 can have you there by 17:51. it costs 23.60 pounds . eos O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos what is the travel time ? eos O O O O O O O Train-Request+Duration +bos the trip takes 51 minutes . would you like me to book that train 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 Train-OfferBook +bos not now . that is all i needed . have a good day eos O O O O O O O O O O O O O O N/A +bos goodbye , enjoy the rest of your day ! eos O O O O O O O O O O general-welcome,general-bye +bos i would like to know a few attractions to visit in town around the cambridge centre . eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there 's the architecture of the churches and schools . there are also cinemas , colleges , and boats . 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 O O O N/A +bos i am interested in something in the centre of town . eos O O O O O O O O O O O O N/A +bos there are 44 different attractions to visit in the centre of town . is there a specific kind of attraction in mind . perhaps a museum ? eos O 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 B-Attraction-Recommend+Type O O O Attraction-Request+Type +bos that sounds nice . what would you suggest ? i 'm not too picky really , just looking for a new place 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 O O O N/A +bos i have ballare , it is a nightclub and is very nice . eos O O O B-Attraction-Recommend+Name O O B-Attraction-Recommend+Type O O O O O O O N/A +bos can you send me the address ? eos O O O O O O O O N/A +bos the address for ballare is heidelberg gardens , lion yard . is there anything else i can help you with ? 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 O O O O O O O O general-reqmore +bos yes , im also looking for a moderately priced restaurant that serves world food . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos there are no results . is there another search i can try ? eos O O O O O O O O O O O O O O general-reqmore +bos how about italian food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos pizza hut cherry hinton is a italian great place to eat . shall i book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-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 Booking-Inform +bos yes , please ! i need a 16:45 booking for two on friday . eos 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 : h43jkoel . 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 taxi . it should arrive at the restaurant by 16:45 eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos will you be leaving from ballare ? eos O O O O O O O O Taxi-Request+Depart +bos yes , i am leaving from ballare . eos O O O O O O B-Taxi-Inform+Depart O O N/A +bos booking is complete a blue toyota will pick you up . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O N/A +bos do you have the taxi 's reference or confirmation number , please ? eos O O O O O O O O O O O O O O Restaurant-Request+Ref +bos no , only informatin i have is booked car type : blue toyotacontact number : 07110577861 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 B-Taxi-Inform+Phone O N/A +bos okay , 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 O O general-thank +bos alright . thanks for calling . eos O O O O O O O general-bye +bos i am looking for a hotel with free parking and wifi . eos O O O O O O O O O O O O O N/A +bos there are 29 hotels that fit your criteria . do you have an area or price range that 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 Hotel-Request+Area,Hotel-Request+Price +bos not necessarily , but i am looking for a 4-star hotel . does that narrow it down ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos there are still a fair number of selections to choose from . how about the allenbell ? it is a budget-priced guesthouse that fits your criteria . its location is 517a coldham lane . eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O B-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price B-Hotel-Recommend+Type O O O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O N/A +bos are you sure it is four stars ? if so , could i also have the postcode please ? 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 certainly , yes the allenbell is a 4 star hotel and their postcode is cb13js . is there anything else i may help you with today ? eos O O O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Post O 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 general-thank +bos you 're welcome . good-bye . eos O O O O O O O general-bye +bos i need information on the town centre . eos O O O O O O O B-Attraction-Inform+Area O N/A +bos okay i can help with that . what information are you looking for ? eos O O O O O O O O O O O O O O O general-greet,general-reqmore +bos i want to know what attractions are in the centre , please . eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are 44 wonderful attractions in the centre area . do you have a specific interest in mind or would you like me to make some suggestions ? 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 Attraction-Request+Type +bos pick one and i would need the entrance fee and attraction type . eos O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type +bos i recommend the all saints church . it 's an architecture attraction , and it 's free to get in . eos O O 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 O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O N/A +bos i 'll have to check that out . thank you , that 's all 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 general-thank +bos okay , 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 general-bye,general-greet +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 O O N/A +bos okay i can help you 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 do n't have a preference for location , but it should be in the moderate price range and should have a 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 O O O N/A +bos there are 33 hotels with a 4 start rating and in the moderate price range . what area did you have in mind ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Hotel-Request+Area +bos it should also include free wifi . eos O O O O O O O O N/A +bos there are no hotels that match your criteria . would you be ok with a guesthouse ? eos O O O O O O O O O O O O O O O B-Hotel-Select+Type O O Hotel-NoOffer +bos yes . i 'll need accomodations for 8 people and 3 nights starting from thursday . 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 i would recommend acorn guest house in the north area or a and b guest house in the east area . which would you prefer ? 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 I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O Hotel-Select +bos acorn , please . could you book that ? eos O O O O O O O O O O N/A +bos the reservation was successful , your reference number is k6cpblhm eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . that should be it , 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 're welcome , glad i could help . eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for information on the town centre . eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos i can help with that . what information are you looking for ? eos O O O O O O O O O O O O O O general-greet,general-reqmore +bos can you recommend a favorite place to go ? eos O O O O O O O O O O N/A +bos we have many great attractions in cambridge , from architecture to nightclubs . is there a particular kind 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 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-Request+Type +bos no particular attraction but i do need it to be in the centre . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos i like castle galleries that 's a museum in the centre . would that interest you ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area O O O O O O O general-reqmore +bos that sounds interesting . how much do they charge for entrance ? eos O O O O O O O O O O O O O N/A +bos there is no entrance fee , it is free . eos O O O O O O O O B-Attraction-Inform+Fee 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 , have a great time ! goodbye . eos O O O O O O O O O O O general-bye +bos i am looking for theatres to visit 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 yes , there are 5 theatres in town . 4 in the centre and 1 in the south . do you have a preference ? eos O 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O Attraction-Select +bos can i have the phone number and postcode for the one in the south ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number for the junction is 01223511511 and the postcode is cb17gx . can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Name 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 general-reqmore +bos yes i am looking for a place to stay that includes free parking and has 2 stars . eos O O B-Hotel-Inform+Parking O O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos would the ashley hotel be okay ? they are a moderately priced hotel that is located in the north . eos O O O B-Hotel-Select+Name B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O O N/A +bos actually , can you find me one that offers free wifi and parking that has a 2-star rating ? i prefer the north area still . 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 Attraction-Request+Area +bos yes , ashley hotel will work for all those specifications . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O N/A +bos awesome ! can i have the address and postcode for that hotel ? thanks ! eos O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos certainly , ashley hotel is located at 74 chesterton road , postcode cb41er . do you need any other information ? eos 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 B-Hotel-Inform+Post 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 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 a place to stay that 's located in the east and that is of cheap price range . eos 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 N/A +bos there are 3 guesthouses that are cheap and located on the east side . all 3 have 4 stars and are allenbell , autumn house and leverton house . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 all three of them include free parking . which of the three would you prefer to stay at ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Inform+Parking +bos do any of them offer internet ? eos O O O O O O O O Hotel-Request+Internet +bos all of them have internet . eos O O O O O O O Hotel-Inform+Internet +bos any of those places will do then , just please provide me the phone number 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 O Hotel-Request+Phone +bos the phone number for allenbell is 01223210353. is there anything else i can help you with today ? eos 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 N/A +bos yes , i also need something to do while in town . is there a museum in the west i can visit ? eos 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 the cambridge and county folk museum located at 2-3 castle street is a good choice . 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O Attraction-Inform +bos great ! can i get the postcode for that museum ? eos O O O O O O O O O O O O Attraction-Request+Post +bos sure , the postcode is cb30aq . 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 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 all right , if there 's anything else you need please let me know . 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 general-bye +bos hi , i 'm looking for a place to stay 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 O N/A +bos yes , of course . what area will you be staying in ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos i will be staying on the southend . eos O O O O O O O O O N/A +bos there are 4 places to stay in the south . do you have any other specifications ? 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 want it to be expensive and include free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos the lensfield fits all these criteria , would you like me to book it ? 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 i actually want to stay in the east , with free parking . eos O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos sure , express by holiday inn cambridge is an expensive hotel in the east with free parking . would you like more information ? 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 B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos can you go ahead and book me a room for 4 nights starting friday ? there will be a total of 6 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 O O O O B-Hotel-Inform+People O O N/A +bos i managed to book your reservation successfully , reference number is : fk4wk9o1 . thank you . eos 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 'm looking for somewhere to go in the east part of town . 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 O N/A +bos no problem . do you have any preference ? eos O O O O O O O O O O general-reqmore +bos i do n't really have any preferences other than i want it to be 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 O O O B-Hotel-Inform+Type O O N/A +bos okay , well i recommend cambridge artworks . it 's a lovely museum . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type O O O O N/A +bos can you give me the address and postcode for cambridge artworks ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the postcode is cb13ef and the address is 5 greens road . eos O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos thank you for all your help . goodbye . eos O O O O O O O O O O general-bye +bos great , have a good one ! eos O O O O O O O O general-bye +bos i 'm looking for a theatre to visit in the centre of cambridge . can you help me with this ? eos 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 O N/A +bos i can recommend the adc theatre on park street or the cambridge arts theatre located at 6 st edward 's passage eos 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A +bos are either in the city center ? eos O O O O O O O O N/A +bos both are located in the city centre . eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos can you give me the address of the adc theatre please ? eos O O O O O O O O O O O O O Attraction-Request+Addr +bos the address is park street . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos what films are playing today ? eos O O O O O O O N/A +bos i 'm sorry . i do n't have that 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 general-reqmore +bos i am looking for a particular hotel called avalon . eos O O O O O O O O O B-Hotel-Inform+Name O N/A +bos avalon is located at 62 gilbert road . would you like me to book a reservation ? eos O B-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 Booking-Inform +bos great , can i book that for 6 people for 3 nights starting on 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 O N/A +bos i 'm sorry , the booking was unsuccessful . would you like to try for another date 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+Day,Booking-Request+Stay +bos would you be interested in staying at the avalon for 1 night ? if not we can find another hotel available for a 3 night stay for 6 guests . eos O O O O O O O O O B-Hotel-Inform+Name 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 can you find me another hotel that accommodates 6 people eos O O O O O O O O O O B-Booking-Inform+People N/A +bos im looking for the avalon its a nice hotel eos O O O O O B-Hotel-Inform+Name O O O O N/A +bos i 've found it . this is a 4 star hotel that includes free internet . the address is 62 gilbert road . you can call 01223353071 to book a room . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Phone O O O O O O O O O Hotel-Inform+Internet +bos i will need to book a room for 6 people and 3 nights starting tuesday please . eos 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 not able to reserve that hotel for 3 days for 6 people . would you like to try another hotel ? eos O O O O O O O O O O B-Booking-NoBook+Stay O O B-Booking-NoBook+People O O O O O O O O O O N/A +bos can you try 1 night ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos yes , we can do one night at the avalon . eos O O O O O O B-Booking-Inform+Stay O O B-Booking-Inform+Name O O N/A +bos that 's great . can you book the room and give me the reference number ? eos 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 book you for 1 night at the avalon for 6 people . your reference number is qis9xtiq . is there anything else i can do for you ? eos O O O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Name I-Booking-Book+Name 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 no , that would be all . thanks . bye . eos O O O O O O O O O O O O general-bye +bos you 're welcome , farewell ! text back anytime ! eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a 4 star hotel with free wifi in the west side of town . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O O O N/A +bos there are two options available , which would you prefer cheap or expensive ? eos O O O O B-Hotel-Select+Choice I-Hotel-Select+Choice O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O Hotel-Inform +bos either is fine . can you book a room for 7 people for 2 nights ? we 'll arrive 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 N/A +bos i do recommend huntingdon marriott hotel , but it is in the expensive price range . i want to confirm this is okay before booking . 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+Price I-Hotel-Recommend+Price O O O O O O O O O O O O O Booking-Inform +bos that sounds great . thanks . eos O O O O O O O N/A +bos your booking for a party of 7 arriving on friday for 3 days 2 nights was successful . your reference number is dz1t0e9n . is there anything else i can assist you with ? eos O O O O O O O O B-Booking-Book+People 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 B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos no , that is all . thanks for the help . bye . eos O O O O O O O O O O O O O O general-bye +bos thank you , have a great day , goodbye ! eos O O O O O O O O O O O general-bye +bos i 'm looking for a particular restaurant . its name is called city stop restaurant . 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 city stop is located in the north of the city , and serves european food . may i help with anything else ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O general-reqmore +bos what is the postcode and their phone number ? eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos city stop 's post code is cb41uy and they can be reached at 01223363270. would you like a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O Booking-Inform +bos nope , that 's all i needed today . thanks for you help ! eos O O O O O O O O O O O O O O O general-thank +bos you are welcome and enjoy your stay eos O O O O O O O O general-welcome,general-bye +bos i need somewhere to stay . should have free parking and free wifi eos O O O O O O O O O O O O O O N/A +bos what area of town and what is your price range ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos the centre of town and with a moderate price range . nothing too expensive . eos O O O O O O O O O O O O O O O O Hotel-Request+Price +bos what day do you need your reservation and for how many people and how long will you stay ? eos 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 do n't need to make a reservation . i am just looking for information on a hotel . can you help me find a 4 star hotel 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 B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O N/A +bos there are 6 hotels in the north part of the city that fall in the moderate price range , have free wifi and parking , and have 4 stars . any other specifications ? 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 O B-Hotel-Inform+Stars O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos i 'm not looking to book yet , can you tell me their price ranges ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos they 're all in the moderate price range . eos O O O O O B-Hotel-Inform+Price O O O O N/A +bos i need one near a swimmingpool . eos O O O O O O B-Attraction-Inform+Type O N/A +bos there are two swimming pools in the north . there are no hotels with 4 stars , moderate price range , internet and free wifi . would you like to change your search ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Stars 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 Hotel-NoOffer+Internet,general-reqmore +bos i guess i 'll change my price range . are there any expensive hotels with all the amenities that i 'd like along 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 O O O O O O O O O O Hotel-Request+Price +bos unfortunately , i do not have any that are in the expensive range . i have several 4-star moderately priced hotels or can i look for something else for you ? eos O O O O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O O general-reqmore +bos on the swimming pool , what 's the phone number and entrance fee ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos please pick a pool first ; jesus green outdoor pool or kings hedges learner pool ? 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 O N/A +bos let 's go with kings hedges learner pool . eos O O O O O O O O O O N/A +bos their phone number is 01223353248. as for entrance fee , i do n't have the information to provide to you . i apologize . eos O O 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 I-Attraction-Inform+Fee O O O O O O O O N/A +bos that 's ok. i need a taxi to take me to and from the hotel and pool . i want to leave the pool by 02: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 B-Taxi-Inform+Leave O O N/A +bos we will have to know which hotel you are staying at first before booking a taxi . eos O O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos okay . is there a hotel close to kings hedges learner pool that has free parking and wifi ? i would prefer a four star location 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 B-Hotel-Inform+Area O O O N/A +bos there are seven that meet those requirements . might i suggest the acorn guest house ? i 've heard it 's quite nice . eos O O O B-Hotel-Inform+Choice 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 N/A +bos what is the price range for the acorn guest house ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Request+Price +bos the price there is moderate . eos O O O O O B-Hotel-Inform+Price O N/A +bos thank you ! i 'd also like to find a swimming pool in the area . eos O O O O O O O O O O O O O O O O O general-thank +bos there are two swimming pools in the north , jesus green outdoor pool and king hedges learner pool . do you have a preference between the two ? 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 I-Attraction-Inform+Name O O O O O O O O O O Attraction-Select +bos king hedges learner pool will still be fine . i 'd like a taxi to pick me up there at 02:15 and take me 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 B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos great ! i have a yellow toyota picking you up at 02:15. the contact number is 07441551293. is there anything else i can assist you with ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 all . thank you for the help ! eos O O O O O O O O O O O general-thank +bos no problem at all . have a great day . eos O O O O O O O O O O O general-bye +bos i would like to see some type of entertainment while visiting cambridge . eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos we have five entertainment venues , do you have an area that you want me to search in ? 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 if you could find me a good one , just tell me the area and i need a postcode 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 whale of a time is a great place ! it is in the west and the post code is cb238el . do you need more information ? 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 B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos yes , i also need a restaurant ina mdoerate range that serve modern european 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 N/A +bos we 've got 3 places serving modern european food in town , 2 are in the city centre and one in the south . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O 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 Restaurant-Select +bos how about the center ? i need a reservation for wednesday for 1 person at 14:40. eos O O O O O O O O O O O O O O O O O N/A +bos we have 2 in the center , de luca cucina and bar , and riverside brasserie , they are great eats . eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area 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 N/A +bos i will take a reservation at the riverside brasserie for 1 person at 14:30 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 N/A +bos booked . the table will be reserved for 15 minutes.reference number : 55vu3fcx . eos O O O O O O O O O O O B-Booking-Book+Ref 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 welcome . enjoy ! eos O O O O O O O N/A +bos hello , can you give me information about express by holiday inn cambridge , 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 N/A +bos sure , it is located at 15-17 norman way , coldhams business park . that is the east side of town . it 's pretty expensive , but very nice . 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 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 O O O O O N/A +bos price is of no concern since i just won the lottery . please book a room starting on monday for 2 people for 3 nights . thanks ! 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 B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O N/A +bos congratulations ! i have made your reservation . do you want the reference number now ? eos O O O O 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 , thank you . eos O O O O O O O O O O O O Hotel-Request+Ref +bos reference number is : jeefi2ow . is there anything else you need ? eos O O O O O B-Hotel-Inform+Ref O O O O O O O O general-reqmore +bos yes , can you help me find a great place to spend my time and money in town . i prefer the east . it 's time to live life to the fullest ! 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 O O O O O N/A +bos i have found 10 attractions . what type of attraction did you have in mind ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Type +bos can you recommend one and give me their post code . eos O O O O O O O O O O O O Attraction-Request+Post +bos sure . how about the funky fun house and their telephone number is 01223304705 ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Phone O O N/A +bos could i have the postcode please eos O O O O O O O Attraction-Request+Post +bos yes , it is cb58hy . what else can i help you 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 i am pretty sure i wont be in condition to drive if you know what i mean , need a taxi from the attraction to the restaurant , leaving at 05: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 O B-Taxi-Inform+Leave O O N/A +bos i do not have a restaurant for you . shall i book one before i book the taxi ? or would you like to go from the funky fun house 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 O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,Booking-Inform,Restaurant-NoOffer +bos i am sorry . yes please book from the funky house to the hotel . eos O O O O O O O O O O O O O O O O N/A +bos your taxi has been booked . you will be picked up at the funky fun house a 05:15. please look out for a red volkswagen . the contact number is 07739352636. 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 B-Taxi-Inform+Leave O 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 thank you for helping me . eos 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 actually that 's all , thank you . eos O 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 general-bye +bos i 'm looking for an attraction in the centre . eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are so many to choose from . any idea what kind of attraction you would like to visit ? 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 Attraction-Request+Type +bos yes , i would like to go to a college with free admission . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are 10 colleges in the centre with free admission . would you like me to suggest one ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos what is that college 's postcode ? i 'm also hungry and want somewhere to eat . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos christ 's college have a free entrance eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos can you give me the postcode for christ 's college ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Post +bos sure thing it is cb23bu , anything else today ? eos O O O O O B-Attraction-Inform+Post O O O O O general-reqmore +bos yes , i 'd like to find a cheap chinese 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 four options , charlie chan is in the centre near the college that you are visiting , shall i book you ? eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 book it for monday at 11:15 eos O O O O O O O O O N/A +bos how many will be at your table ? eos O O O O O O O O O Booking-Request+People +bos it will just be a table for one . go ahead and book it eos O O O O O O O O O O O O O O O N/A +bos the reference # is 4zbqs5ge . need anything else ? eos O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos i also need a taxi that will arrive by the booking time . eos O O O O O O O O O O O O O O N/A +bos booked car type : white fordcontact number : 07018249902 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A +bos great , that 's all i need ... 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 general-thank +bos you are welcome . glad to be of assistance . enjoy your stay in cambridge . bye . 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 let me knows about what architecture is available ot visit in south cambridge ? eos 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 'm afraid there are n't any especially notable architectural attractions in the south , especially not compared to the ones in the centre of cambridge . perhaps you might consider those ? 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 B-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-Select+Area O O O O O O O O O O N/A +bos how about one that is in the type of nightclub eos O O O O O O O O O O B-Attraction-Inform+Type N/A +bos wow that 's a 360 ! anyway there is a place called the place in the south . 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+Area O O O general-greet +bos yes , i 'm random like that ! how much is the entrance fee for the place ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos an entrance fee is not listed . i can give you the address and phone number if you 'd like . 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 would also like the postcode . eos O O O O O O O O Attraction-Request+Post +bos the place is located at 22 sidney street , cb23hg . their phone number is 01223324600. can i help you with anything else today ? 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 O O B-Attraction-Inform+Phone 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 i 'll be happy to help you with that . do you know where you 'd like to go and where you plan to depart 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+Dest,Train-Request+Depart,general-greet +bos i 'll be departing from london liverpool street on wednesday , and wold like to arrive in cambridge by 11: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 O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O N/A +bos there is tr8813 that will arrive by 09:07 and tr7519 that will arrive by 11:07. will one of those work for your schedule ? eos O O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O Train-Select +bos i think tr8813 will work . can you tell me what time it leaves ? eos O O O O O O O O O O O O O O O O Train-Request+Leave +bos tr8813 leaves at 07:39. anything else i can help you with ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O O general-reqmore +bos that 's all i need today . thanks ! 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 general-welcome,general-bye +bos can you help me find a restaurant in the middle price range ? eos O O O O O O O O O O O O O O N/A +bos sure thing , i would suggest the copper kettle . eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos is it located in the south ? does it serve lebanese food ? eos O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O N/A +bos i have no matches . do you have any other preferences ? eos O O O O O O O O O O O O O general-reqmore +bos how about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos pizza hut is in that are and will suit your needs . the address is g4 cambridge leisure park clifton way cherry hinton . can i help you with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 I-Restaurant-Inform+Addr O O O O O O O O O general-reqmore +bos yes , please . i need a reservation for 3 people at that restaurant starting at 18:30 on tuesday eos O O O O O O O O O B-Restaurant-Inform+People O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos i 've reserved a table at 18:30 on tuesday for 3. your reference number is gcghxnvn . can i help you with anything else ? eos O O O O O O B-Booking-Book+Time B-Booking-Book+People B-Booking-Book+Day 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 know more about fun places to go in the south . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are 8 different attractions in the south . do you have a type in mind ? 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 Attraction-Request+Type +bos is there a college in the south i could visit ? eos O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos unfortunately , there are no colleges in the south . there are a cinema , two entertainments , a museum , a nightclub , a theatre and two parks . which one appeals to you ? eos O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area 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 O O O O O O O O O O O O N/A +bos 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 . eos O O O O O O O O O O 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+Type,Attraction-Request+Addr +bos i 'm partial to the byard art museum . it 's located at 14 king 's parade , and best of all , free . can i assist you with something else ? eos 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 B-Attraction-Recommend+Fee O O O O O O O O O O O O O O O general-reqmore +bos yes , i 'm also looking for a taxi to get between the two places . can you please help ? 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 do you need the taxi to pick you up at the museum 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 general-reqmore +bos yes , and i need to arrive at the restaurant by 18:30. eos O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos ok i 've got a white bmw and the contact number is 07669345707. 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 general-reqmore +bos that will be all . thank you . goodbye . eos O O O O O O O O O O O general-bye +bos thanks for using cambridge town info centre . have a great trip ! eos O O O O O O O O O O O O O O general-bye +bos i would like to blow my budget at an expensive restaurant in the centre area . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos sounds like you are celebrating . what type of food do you want to have ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet +bos i 'd love to have some persian food . eos O O O O O O O O O O N/A +bos unfortunately , there are n't any expensive persian restaurants in the center of town . are you interested in a different type of expensive food ? eos O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price 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 one that serves european food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i could recommend eraina . it is expensive and serves european food in the center . eos O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O O N/A +bos sounds perfect . can you book me a table for 2 at 17:45 on wednesday ? 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 booked a table for two at eraina . your reservation is at 17:45 on wednesday , and your reference number is qeytlglk . can i help you with anything else ? eos O O O O O O O O B-Booking-Book+People I-Booking-Book+People O O O O 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 is there park in the same area as the restaurant ? if so can you tell me what the entrance fee is ? 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 O O Attraction-Request+Fee +bos the cambridge university botanic gardens is in the centre of town . entrance fee is 4 pounds . is there anything else i can assist you with ? 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+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Price I-Attraction-Recommend+Price O O O O O O O O O O O general-reqmore +bos 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 eos O O O O O O O O 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 yes , a white bmw is booked . the contact number is 07805333203. will that be all for you ? eos 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 yes , that 's it ! thanks so much , bye ! eos O O O O O O O O O O O O O general-bye +bos you 're welcome and enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos you can help me by finding me an expensive restaurant in the centre eos O O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area N/A +bos i have lots of options for you . do you have a preferred food type ? 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 yes , i would like indian food please . eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos i 'd recommend golden curry . would you like to make a reservation ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos no thanks , but could i get their postcode ? eos O O O O O O O O O O O Restaurant-Request+Post +bos their postcode is cb21dp . can i help you with anything else today ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos thank you ! i also would like information about a train , please , leaving cambridge after 21:00. eos O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O N/A +bos certainly . where are you headed ? eos O O O O O O O O general-welcome,Train-Request+Dest +bos i am going to leicester . eos O O O O O B-Train-Inform+Dest O N/A +bos there is a 21:21 that will arrive by 23:06. how does that sound ? eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O Train-Select +bos perfect . can you get me 4 seats on that one ? eos O O O O O O O B-Train-Inform+People O O O O O N/A +bos your reservation for 4 tickets on the tr3918 train is confirmed . your reference number is : vrw2pwd6 . eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 anything else i can help you with today ? eos O O O O O O O O O O general-reqmore +bos nothing else , thank you . 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 ! eos O O O O O O O O O O general-welcome,general-bye +bos can you help me find a particular restaurant that i 'm looking for ? eos O O O O O O O O O O O O O O O Restaurant-Inform +bos i would be happy to help . which restaurant are you looking for ? eos O O O O O O O O O O O O O O O Restaurant-Request+Name +bos the restaurant is called eraina . eos O O O O O B-Restaurant-Inform+Name O N/A +bos ah yes , the eraina . it 's an expensive european restaurant in the city centre . would you like more info ? eos O O O O B-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 O general-reqmore +bos it was recommended by a friend , and i 'm not sure what type of food they serve . do you 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 Restaurant-Request+Food +bos they serve european food eos O O O B-Restaurant-Inform+Food 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 Restaurant-Request+Phone +bos yes , they can be reached at 01223368786 , can i assist with anything else ? eos O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos i also need a taxi . eos O O O O O O O Taxi-Inform +bos from where and going to where eos O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i would like for the taxi to pick me up from the hotel and drop me off 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 N/A +bos well what hotel will you be staying at ? eos O O O O O O O O O O Hotel-Request+Name +bos i am looking at staying at the bridge 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 do you need me to book that for you ? eos 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 for how many people and when will you be staying ? eos O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos for 2 people and make the reservations for october 12-18 please . eos O O O O O O O O O O O O O N/A +bos what day would you like me to book that for ? monday , tuesday ? another day ? 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 actually just need the post code for the bridge guest house . and then i 'll need a taxi 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 Hotel-Request+Post +bos the postcode is cb28rj for bridge guest house . what time do you want to be picked up at the guest house or to arrive at eraina ? eos O O O O B-Hotel-Inform+Post 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos okay i need a taxi too . eos O O O O O O O O Taxi-Inform +bos what time would you like to arrive at eraina ? eos O O O O O O O O O O O Taxi-Request+Arrive +bos i need to leave the hotel by 23:30. please send 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 Taxi-Request+Car +bos your booking was completed ! lookout for a blue skoda , contact number 07005686412. 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 O general-reqmore +bos no , that 's it for today . 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 . 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 i am planning a trip in cambridge . eos O O O O O O O O O N/A +bos great , what can i help you with today ? eos O O O O O O O O O O O general-reqmore +bos i will be needing a place to stay on the west 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 hobsons house is in the west part of town , would you like to stay there ? eos 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 O O O O O Hotel-Select +bos get me the adress please eos O O O O O O N/A +bos sure , it is : 96 barton road eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos i am also looking for a train eos O O O O O O O O Train-Inform +bos what will be your departure and arrival locations ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i will be departing cambridge and would like to arrive at birmingham new street . eos O O O O O B-Train-Inform+Depart 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 fit your request . to help narrow down the results , what day do you want to travel and when do you want 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 O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Day +bos i am wanting to arrive by 17:30 and travel on a monday . eos O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O N/A +bos train tr6251 is available and arrives at 16:44. would you like me to book you a ticket ? 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 Train-OfferBook +bos yes . i need 4 tickets and the reference number please . thanks eos O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref +bos you are booked and the total fee is 300.39 gbp . your reference number is 7gl1fhw3 . the train leaves at 14:01. is there anything else ? eos 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 B-Train-OfferBooked+Leave O O O O O O O general-reqmore +bos thanks that 's all i need eos 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 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 glad to hear you 're coming for a visit ! what type of food do you like ? i can help you find a great 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 Restaurant-Request+Food,general-greet +bos i would like to find a train first . i need one on sunday going to kings lynn . eos O O 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 i would be happy to assist you . let 's clarify your departure and destination points . are you travelling from cambridge to kings lynn ? eos O O O 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 yes , that 's correct . i need to arrive in kings lynn by 13:00. eos O O O O O O O O O O O O O O O O N/A +bos tr5507 leaves cambridge for kings lynn on sunday at 12:11. would 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+Dest I-Train-Inform+Dest O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O Train-OfferBook +bos yes , that should work . could you give me the price ? eos O O O O O O O O O O O O O O Train-Request+Price +bos the cost is 7.84 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thanks ! can you also tell me if there are any expensive mediterranean restaurants in the center of town ? eos 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 N/A +bos i see two expensive mediterranean restaurants in the town centre . la mimosa and shiraz restaurant , 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 I-Restaurant-Inform+Area 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 la mimosa and can you book it for me and get a reference number ? eos 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 yes i can book it for you . how many people will be dining and what time and day ? 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,Booking-Inform +bos i 'm sorry , i do n't need it booked anymore . i just need 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 O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is thompsons lane fen ditton with a phone number of 01223362525. the postcode is cb58aq . 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 B-Restaurant-Inform+Post O N/A +bos can you help me find a place to stay maybe a expensive guesthouse ? eos O O O O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos i have no expensive guesthouse 's . would you like to try a hotel or a different price range ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O O Hotel-Request+Price +bos i was really wanting a guesthouse in the east with an expensive price range and include free parking . eos O 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 N/A +bos i am showing nothing matching your request . did you want to try another search ? eos O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos well , i preferred a guesthouse but since there are none , can you see if there are any hotels with my other specifications staying the same ? 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 N/A +bos express by holiday inn cambridge fits that description . can i book for you ? eos 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 yes please , 8 people for 5 nights starting thursday , and can i get 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 N/A +bos of course ! your confirmation number is : na5ikohz . 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 general-greet,general-reqmore +bos that 's great ! i need a train . it should leave after 20:45 from birmingham new street . eos O O O O O 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 N/A +bos what day , monday or friday please ? and how many tickets ? and are you going to cambridge ? eos O O O O O B-Train-Select+Day I-Train-Select+Day O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+People,Train-Request+Day +bos yes , i 'm going to cambridge and i need to leave on thursday . eos O O O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos i have three trains . do you need to book some tickets ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O Train-OfferBook +bos yes please . and i need the reference number please . eos O O O O O O O O O O O O N/A +bos i will work on booking this for you and be back with you shortly . eos O O O O O O O O O O O O O O O O Train-OfferBook +bos great , thanks so much eos O O O O O O general-thank +bos how many tickets will you need ? eos O O O O O O O O Train-Request+People +bos i will need eight tickets please . eos O O O O O O O O N/A +bos okay , let me work on booking that and i will be back with you shortly . eos O O O O O O O O O O O O O O O O O O Train-OfferBook +bos thank you so much ! eos O O O O O O general-thank +bos okay , sorry about the wait . i have booked 8 tickets for train tr7324 . it will leave 21:40 and costs 600.79 gbp . the reference number is 2i340ejn . eos O O O O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref O O O O O general-greet +bos rad that 's all i need now eos O O O O O O O O N/A +bos have a great day . goodbye . eos O O O O O O O O general-bye +bos i need some help choosing a train from cambridge to london king 's cross . eos O O O O O O O O O B-Train-Inform+Depart O O O O O O N/A +bos the next train leaves cambridge for london kings cross on friday at 05:00. what day do you want to travel ? eos 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 O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O O O Train-Request+Day +bos i need to leave on wednesday sometime after 16:30. eos O O O O O O B-Train-Inform+Day O O O N/A +bos i have a train leaving at 17:00 and arriving at 17:51 would you like to book this ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes please make a booking for 3 people . eos O O O O O O O O B-Train-Inform+People O N/A +bos the booking was successful . reference number is : igmrvy4y eos O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos that 's lovely . we also require lodging . could you help find a guesthouse with free 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 N/A +bos there are 21 guesthouses that include parking . is there a price range or area you would like to stay ? 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 Hotel-Request+Price,Hotel-Request+Area,Hotel-Inform+Parking +bos it does n't matter , we will also need wifi , and will be staying for 2 nights , starting on 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 O O O N/A +bos i would recommend the alexander bed and breakfast then . 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 N/A +bos that sounds great . can you go ahead and book it for me ? eos O O O O O O O O O O O O O O O N/A +bos alright i booked it . reference number is i5ar5q3j eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks so much ! i 'm all finished now , goodbye ! eos O O O O O O O O O O O O O general-bye +bos your welcome ! please 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 an expensive restaurant that serves british food please eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O N/A +bos i have 6 expensive british restaurants . is there an area of town you 'd like to be in ? 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 Restaurant-Request+Area +bos no , there is no particular area i would like to be in . eos O O O O O O O O O O O O O O O N/A +bos i would recommend the grafton hotel restaurant , located at grafton hotel 619 newmarket road fen ditton on the east side of town . do you need more information ? eos 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 I-Restaurant-Recommend+Addr 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 N/A +bos i would also need the phone number eos O O O O O O O O Restaurant-Request+Phone +bos 01223241387 is the phone number . can i help you with anything else today ? eos 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 yes , i 'm looking for a train that 's heading to cambridge by 14:45. eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A +bos ok , what is your departure station and what day are you traveling ? eos 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 leicaster on wednesday . i need a booking for 1 person with a reference number please . eos O O O B-Train-Inform+Depart O O O O O O O O O O O O O O O O O Train-Request+Ref +bos i 'm sorry , there are no trains that meet your criteria . do you have any alternative options ? 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 i do not , thank you for the information eos O O O O O O O O O O general-thank +bos okay , may i help you with anything else ? eos O O O O O O O O O O O general-reqmore +bos are you sure there are no trains from leicester to cambridge on wednesday before 14:45 ? that seems odd to me . 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 B-Train-Inform+Arrive O O O O O O O N/A +bos sorry , there are no trains from leicester to cambridge on wednesday . eos O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart B-Train-NoOffer+Dest I-Train-NoOffer+Dest B-Train-NoOffer+Day O O N/A +bos i really only need a train for that route . thanks for your help . eos O O O O O O O O O O O O O O O O Train-Inform +bos okay , sorry about that . i hope we can help you in the future . eos 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 leave from birmingham new street 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 N/A +bos is your destination cambridge ? eos O O O O B-Train-Inform+Dest O Train-Request+Dest +bos yes , cambridge is my destination . eos O O B-Train-Inform+Dest O O O O O N/A +bos is there a certain time you need to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos yes , i need to arrive by 13:45. how long with the trip take ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos the trip takes about 163 minutes . we have a few trains going to birmingham new street on friday , would you like to book a seat ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Choice I-Train-Inform+Choice 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 O O O O Train-OfferBook +bos no thank you . i 'm also looking for an indian restaurant in the north . 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 what area of town are you interested in dining at ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos in the north please . eos O O O B-Restaurant-Inform+Area O O N/A +bos the nirala in chesterton is a moderately priced restaurant . would you like a reservation ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Addr O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Booking-Inform +bos yeah . can you make a reservation for 1 person at 16:00 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 booking was successful . the table will be reserved for 15 minutes.reference number is : puxfouyw . 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 , that 's all i need . 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 hi can you suggest a good indian restaurant in cambridge ? also i 'd like some information on trinity college . can you help me with that ? 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 O N/A +bos there are several indian restaurants in cambridge . what part of town would you like to eat 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 O Restaurant-Request+Area +bos i do n't want a restaurant , sorry . i am trying to get the phone number to trinity college , can you give it to me ? 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 O O O O O O O O O O O Attraction-Request+Phone +bos the phone number for trinity college is 01223338400. 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 'm also looking for a restaurant that serves chinese food and is in the east part of town . eos O O 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 N/A +bos i do have one restaurant . it is called yu garden . they are expensive and located in the east . would you like me to reserve a table ? eos O O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Booking-Inform +bos what is the restaurant 's phone number ? eos O O O O O O O O O Restaurant-Request+Phone +bos yu garden 's phone number is 01223248882. 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 O O O O O O O O O O O general-reqmore +bos 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 Taxi-Inform +bos i need to know when you would like to leave eos O O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave by 17:15. eos O O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! booked car type : white toyotacontact number : 07530268013can 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 that is all i need . thank you , good bye . eos O O O O O O O O O O O O O general-bye +bos you are welcome , glad to be of assistance . have a nice stay in cambridge . 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 get me information on a hotel called city centre north b and b ? 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 N/A +bos i can . city centre north b & b is an inexpensive guesthouse offering free parking and free wifi . 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+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos can you book it for 7 people for 4 nights starting monday ? can i have a reference number too 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 O O O O O O O Hotel-Request+Ref +bos booking was successful . your reference number is : xchs38ql . can i help with anything else ? eos O O O O O O O O B-Booking-Inform+Ref O O O O O O O O O O general-reqmore +bos i am also looking for some train information please . i want to take the train into 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 where is your departure site and what day will you be traveling ? eos 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 ely , and i should be in cambridge no later than 9:00 , on monday . i have a meeting in town . eos O O O O B-Train-Inform+Depart O 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 N/A +bos tr7994 arrives by 5:52 and tr0755 by 7:52 , which one would you prefer ? eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O Train-Select,general-reqmore +bos i would prefer tr0755 . eos O O O O O O N/A +bos ok , tr0755 costs 4.40 pounds . shall i book it for you ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O O N/A +bos yes , that would be great . thank you very much . eos O O O O O O O O O O O O O general-thank +bos i 'll get right on that . can i know how many tickets you 'd like to purchase ? 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 i would like two tickets please . eos O O O O O O O O N/A +bos sure thing i will work on booking that and be right back with you . eos O O O O O O O O O O O O O O O O Booking-Inform +bos i just need to know the id . i do not need to book it . eos O O O O O O O O O O O O O O O O O Train-Request+TrainID +bos is there anything else that you need help with ? eos 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 general-thank +bos you 're welcome ! bye ! eos O O O O O O O general-bye +bos i am looking for a hotel in the north . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos we have two hotels in the north , and eleven guesthouses . do you have a preference ? eos O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Hotel-Select +bos i want one of the hotels in the moderate price range 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 both of the hotels that i found are in the moderate price range . would you like for me to book one for you ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 O O O Booking-Inform +bos which one of them has free parking ? eos O O O O O O O O O Hotel-Request+Parking +bos fortunately for you , they both offer free parking . the ashley hotel and the lovell lodge are both available for you . would you like to make reservations at one ? eos O O O O O B-Hotel-Inform+Choice I-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 O O O O O O Booking-Inform,Hotel-Inform+Parking +bos no , no thank you . i just needed some info for a later date . i am also wanting to see if you can tell me about the river bar steakhouse and grill . eos O O O 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 I-Restaurant-Inform+Name O O O N/A +bos yes , the river bar steakhouse and grill has modern european food and is inexpensive . it is in the centre . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area 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 Restaurant-Request+Ref +bos can you give me a day and time you wan na go ? and also 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 Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos 3 people , saturday , 16:30. please give me a reference number . eos O O B-Restaurant-Inform+People B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O O O O O O O O Restaurant-Request+Ref +bos your booking was successful . your reference number is uf3cuvbo . 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 general-reqmore +bos yes , i 'm also interested in booking a taxi too . eos O O O O O O O O O O O O O Taxi-Inform +bos i would need more info to book your taxi like destination and departure . eos 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 arrive at the river bar steakhouse and grill at 16:30. i am coming from the lovell lodge . 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 I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos alright your contact number is 07799854342 and the car will be a yellow tesla . eos 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 ok great , thank you . 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 '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 trying to plan my trip and need some information about places to visit . eos O O O O O O O O O O O O O O O O N/A +bos do you have a specific type of attraction in mind ? eos O O O O O O O O O O O O Attraction-Request+Type +bos yes , how about an architecture kind of attraction ? eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos we have 5 in town , might i suggest all saints church ? 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 I-Attraction-Recommend+Name O N/A +bos that is fine . get me the post code . eos O O O O O O O O O O O Attraction-Request+Post +bos their post code is cb58bs . is there anything more 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 , can i have the phone number for the lan hong house restaurant ? 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 sure . the phone number is 01223350420. can i help you with anything else today ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos please also book restaurant for 5 people on wednesday at 14:45. 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 the booking was successful , they will reserve the table for 15 minutes . your reference number is i6ee0ro2 . 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 no , thank you . i 'm all set . eos O O 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 i 'm looking for a nightclub to visit . eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos most of the nightclubs are in the centre area . ballare is located at heidelberg gardens in lion yard . would like to hear about some others ? eos O O O O 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O N/A +bos no , but could you tell me more about that one ? is it in the centre ? what 's 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 Attraction-Request+Post +bos it is located in the centre . the postcode is cb23na . eos O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Post O O N/A +bos i 'm also looking for a restaurant that serves cheap chinese food . eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos you have four options . do you have an area preference ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Area +bos i would like it to be in the centre . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos how about charlie chan ? i eat there sometimes . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O N/A +bos sure , thank you ! will you please book a table for 4 people at 19:00 on friday ? 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 booking was successful . the table will be reserved for 15 minutes.reference number is : tlat8p6i . 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 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 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 can you find me a restaurant that is located in the centre and is 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 B-Restaurant-Inform+Price O O O N/A +bos of course ! there are 21 such restaurants available . do you have a preference for the type of food ? 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,general-greet +bos yes , australian , please . eos O O O O O O O N/A +bos i actually do not have knowledge of any moderate australian restaurants in the centre . there are some british restaurants i could inform you about . eos O 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 O O O O O O O Restaurant-NoOffer +bos actually , could you look up some turkish restaurants instead ? eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are 2 turkish restaurants , the anatolia and efes restaurant . would you like me to make a reservation at one of them for you ? eos O O O O B-Restaurant-Inform+Food I-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 O O O O Booking-Inform +bos yes , i need to book a table for 6 people at 17:00 on sunday , 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 N/A +bos i have made a reservation at efes restaurant for 6 people on sunday at 17:00. the reference number is 8nr6paim . 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 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 O O general-reqmore +bos no , that is all , thank you good by . eos O O O O O O O O O O O O general-thank +bos thank you , let me know if you need anything else , bye . eos O O O O O O O O O O O O O O O general-bye +bos i want to find a moderate priced place to dine in the centre of town . eos O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O N/A +bos sure thing . what type of food were you thinking about ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos i would like to try some german food please . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i am not finding anything for german food . something else perhaps ? eos O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos lets change it to chinese food , anything ? eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos how about the jinling noodle bar ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos that sounds good . can you book it for sunday at 13:30 for 6 people ? 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 N/A +bos unfortunately , there are no bookings available . can i try one of the other chinese restaurants in the area ? lan hong house or shanghai family 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 B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O Booking-NoBook,general-reqmore +bos as long as they are moderate priced . the shanghai sounds good . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos the booking at the shanghai was successful . the table will be reserved for 15 minutes . can i help you with anything else today ? eos O O O O O B-Booking-Book+Name 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 a reference number for the booking . eos O O O O O O O O O O O Restaurant-Request+Ref +bos the reference number is tg8voavx . 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 no thank you that will be all . eos O O O O O O O O O general-thank +bos okay . glad i could help . enjoy dining there . eos O O O O O O O O O O O O general-welcome,general-bye +bos i need help finding a place that serves spanish food and is located in the centre , can you help me ? 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 O O O O O N/A +bos la tasca and la raza serve spanish food in the centre of town . what price range would you prefer . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Restaurant-Request+Price +bos price range is n't an issue . can you book me at the one with the most stars please on monday at 20:00 for 4 people please . eos O 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 B-Restaurant-Inform+People O O O O N/A +bos i 've booked la raza for monday at 20:00 , for four people . your reference number is ld696ib9 . the reservation lasts 15 minutes . eos 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 B-Booking-Book+People I-Booking-Book+People O O O O O B-Booking-Book+Ref O O O O O O O O O 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 enjoy the rest of your day . eos O O O O O O O O general-bye +bos can you help me find a restaurant please ? eos O O O O O O O O O O Restaurant-Inform +bos 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 ? eos O O O O O O 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 i want one in the certre area and in the moderate price range . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have found some restaurants . they serve asian oriental , british , chinese , european , gastropub , international , italian , lebanese , modern european , spanish , and turkish . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O N/A +bos i do n't care what type of food they serve . what would you recommend ? eos O O O O O O O O O O O O O O O O O N/A +bos i 've heard good things about riverside brasserie , they serve modern european cuisine . would you like to see if they have tables available ? eos 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 O O O O O O O O O O O O Booking-Inform +bos that sounds good , i have a group of seven and we want to eat at 20:00 on friday . 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 N/A +bos unfortunately i was n't able to get the reservation for you . would you like me to try somewhere else ? 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 recommend another moderately priced restaurant located in the centre ? eos O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O N/A +bos what about the copper kettle ? they serve british cuisine . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O N/A +bos that would work , please book that . eos O O O O O O O O O N/A +bos good news ! booking was successful . the table will be reserved for 15 minutes.reference number is : zxiry17r . 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 for all your help . 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 can you recommend a restaurant in the city centre that serves light bites ? eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i 'm sorry , we have no light bites restaurants in the city centre . would you like to try another 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-NoOffer +bos then how about one that serves european food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes , there are 8 restaurants that meet that criteria . i can recommend the eraina . eos O 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 do they have booking available for 3 people at 11:15 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 am sorry i am not able to book that for you . i was able to get a table for you at michaelhouse cafe . your reference number is vuh4cst4 . 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+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O Booking-NoBook +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-greet +bos i want to find a place serving spanish 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 N/A +bos i have listings for two . what price range are you looking for ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Price +bos is one of them cheap ? eos O O O O O B-Restaurant-Inform+Price O N/A +bos yes , la raza is a cheap priced spanish restaurant in the centre . would you like me to make a reservation for you ? 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 I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Booking-Inform +bos yes , please make a reservation for thursday at 16:15. there will be 7 of us . 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 N/A +bos i was unable to book this restaurant . would you like to try another one ? eos O O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos could you please check for a different restaurant in the same area and pricerange . eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos yes i will look for different restaurant . eos O O O O O O O O O Restaurant-Inform,general-reqmore +bos were you able to find anything ? eos O O O O O O O O N/A +bos we do not have another spanish restaurant . would you like chinese or italian perhaps ? eos O O O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O Restaurant-NoOffer +bos can you look for chinese restaurants please . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have 3 , charlie chan , rice house or golden house . would you like me to book one for you today ? eos O 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 O O O O O O O O O O Booking-Inform +bos okay yes pick one , perhaps the golden house . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos the booking was successful . your reference number is c3nr2dw2 . 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 . have a nice day . eos O O O O O O O O O O O O O O N/A +bos okay . glad i could help . enjoy your dining experience . eos O O O O O O O O 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 thank you for using our service , and enjoy your time in cambridge ! eos O O O O O O O O O O O O O O O general-bye +bos hello , i 'm trying to find an expensive asian oriental restaurant . can you help me find one ? 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 O O O O O O N/A +bos saigon city is in the north of town and kymmoy is in the center . eos O O 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 N/A +bos could you book one of them for thursday at 13:15 for 5 people ? thanks eos 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 i have booked you a table for 5 at kymmoy at 52 mill road city . reference number 1bbum6yn . 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+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 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 thank you , you too eos 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-bye +bos hello , can you recommend a 0-star hotel with free wifi , please ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos surprisingly , i have three options . how about citiroomz ? it is located in the centre and is moderately priced . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Recommend+Name 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 N/A +bos the would be great . can i have the address and phone number ? eos O O O O O O O O O O O O O O O Taxi-Request+Phone,Attraction-Request+Addr +bos yes certainly their address is sleeperz hotel , station road and their telephone number is 01223304050. 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 B-Hotel-Inform+Phone O N/A +bos great i need to book it for 4 nights eos O O O O O O O O O B-Hotel-Inform+Stay N/A +bos how many people will be staying and when would you like to stay ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos it will be for 2 people starting on wednesday . eos 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 yes , please book it and provide a reference number . eos O O O O O O O O O O O O Hotel-Request+Ref +bos i am unable to book this for you . do you have any other preferences ? eos O O O O O O O O O O O O O O O O O Booking-NoBook +bos how about tuesday ? eos O O O O O N/A +bos i apologize , but it looks like saturday is not working either . eos O O O O O O O B-Booking-NoBook+Day I-Booking-NoBook+Day O O O O O N/A +bos try tuesday please . eos O O B-Hotel-Inform+Day O O N/A +bos i 'm sorry tuesday is n't working either . eos O O O B-Booking-NoBook+Day I-Booking-NoBook+Day O O O O O N/A +bos i suppose i 'll book it myself , then . can you tell me about the soul tree nightclub ? what part of town is it in ? 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 O O O O O O O O O O O N/A +bos it is in the center of town . what else would you like to know ? eos 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 N/A +bos i need the entrance fee and address . eos O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos the entrance fee is 4 pounds and the address is 1-6 corn exchange street . anything else ? eos O 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 I-Attraction-Inform+Addr O O O general-reqmore +bos yes i 'd like to book a taxi from the hotel to the nightclub and i need to leave by 22:15.and may i have car type and confirmation # 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 O Taxi-Request+Car +bos okay a red honda will be coming for you . the number is 07945880615 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 how much will the ride cost ? eos O O O O O O O O N/A +bos the system is unable to provide me with such information is there anything else ? eos O O O O O O O O O O O O O O O O general-reqmore +bos no that would be all . thank you . goodbye eos O O O O O O O O O O O general-bye +bos good bye thank you for calling eos O O O O O O O general-bye +bos i 'm looking for a nice italian restaurant . nothing too expensive ... like mid range ? 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 i have listing for 5 different ones , can i get what area you are looking for ? eos O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Area +bos i do n't care about the area . could you book a table for 5 at 12:30 on sunday ? 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 okay , i have booked you at pizza express with reference number nk86vojy . may 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 nope , i think that will do it . thank you 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 good day . eos O O O O O O O O O O general-welcome,general-bye +bos i need to get some information on a restaurant named eraina eos O O O O O O O O O O O B-Restaurant-Inform+Name N/A +bos eraina is an expensive european restaurant in the centre of the city . would you like me to book a reservation for you ? 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+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 for 8 people at 12:30 on monday please eos 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 , i was n't able to get that reservation . would you like to try somewhere else ? 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 is there another restaurant in the same area and price range that is available at that time ? eos 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 you in at fitzbillies restaurant . it is in the same area and price range as eraina . the table will be reserved for 15 minutes . reference number is : ogrygi2n . eos 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 O O O O O B-Booking-Book+Ref O O O O O N/A +bos thank you for all the help you have been . you 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 i 'm glad we could help . thank you ! eos O O O O O O O O O O O general-welcome,general-bye +bos hi , what can you tell me about a restaurant called hakka ? eos O O O O O O O O O O O B-Restaurant-Inform+Name O O N/A +bos i can tell you that it 's an expensive chinese restaurant on the northside . what else would you like to know ? eos 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 general-reqmore +bos i need to reserve in for thrusday . eos O O O O O O O O O N/A +bos i have a lot of options . was there a specific area you were interested in ? how many people would you like to reserve 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 Booking-Request+People,Restaurant-Request+Area +bos yes , i would like a reservation at 18:15 on thursday for two . eos O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A +bos unfortunately , there are no reservations available for hakka at 18:15. would you like to book another day or try another time ? eos O O O O O O O O B-Booking-NoBook+Name 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 is there an opening at 17:15 ? eos O O O O O O B-Restaurant-Inform+Time O N/A +bos 17:15 was successful . you 're reference number is ewfxujb5 . 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 O general-reqmore +bos i also need a train that leaves after 17:00 on friday departing from cambridge . eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day 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 need 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 N/A +bos i have train tr7420 that is departing at 18:01 and arrives by 20:44. would that be acceptable ? eos O O O O B-Train-OfferBook+Id O O O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O O O O O Train-Inform +bos yes i would like to book the tr7420 . eos 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 book for two people . and , may 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 N/A +bos all set . your reference number is 5m7m9rn1 . eos 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 general-bye +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 would like to book a train leaving cambridge that goes to london liverpool street please . eos 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 there is a train which leaves every two hours between 5:59 and 13:59 that costs 16.60 pounds . the duration of the trip is 88 minutes . eos 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+Ticket I-Train-Inform+Ticket O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos i need to travel on friday sometime after 13:45. can you tell me whats available ? eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O O O O N/A +bos i have train tr4187 that leaves at 13:59 and arrives by 15:27 in london liverpool sreet . would you like me to book that 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 B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O O O O Train-OfferBook +bos great that 's all the information i needed on the train . eos O O O O O O O O O O O O O Train-Inform +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 to find a restaurant . preferably one that serves jamaican food . can you find that for me ? 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 N/A +bos unfortunately there are n't any restaurants serving jamaican food in the area , would you like to try another 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 O Restaurant-Request+Food +bos what about one in the centre ? eos O O O O O O B-Restaurant-Inform+Area O N/A +bos my apologies , there are none that serve jamaican . would you like to look for a different type of cuisine ? 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 Restaurant-Request+Food +bos how about one that serves british food in the same area ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos i have found several , how about this one ? the oak bistro , price rang is moderate , phone is 01223323361 , post code cb21eg , 6 lensfield road . 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 B-Restaurant-Inform+Price O O B-Restaurant-Inform+Phone O O B-Restaurant-Inform+Post O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O N/A +bos can you please book for 4 on friday at 10: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 book for that timeslot . can you give me another timeslot to work with ? 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 +bos how about 9:45 ? eos O O O B-Restaurant-Inform+Time O N/A +bos your table is reserved . reference number 66tp23a1 . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you . that 's all i needed . eos O O O O O O O O O O general-thank +bos you are welcome . enjoy your stay . bye . eos O O O O O O O O O O O general-welcome,general-bye +bos is there a modern european restaurant in the north ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i found city stop restaurant . they are located at cambridge city football club milton road chesterton eos O O O B-Restaurant-Recommend+Name I-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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos that sounds lovely ! eos O O O O O N/A +bos would you like me to help you with reserving a table ? eos O O O O O O O O O O O O O Booking-Inform +bos maybe . is that restaurant in the moderate price range ? eos O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos no , they are in the expensive price range . is this okay , or would you like to try another area ? eos 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 O O O O O Restaurant-Request+Area,Restaurant-Select +bos how about a restaurant that serves indian food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are several restaurants what part of town would you like it ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Area +bos a restaurant in the north , please . eos O O O O O B-Restaurant-Inform+Area O O O N/A +bos i was able to locate the nirala in the north area which is moderately priced . would that work ? eos O O O O O 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 I-Restaurant-Recommend+Price O O O O O Booking-Inform +bos sounds great ! can you make a reservation for 6 people at noontime on sunday ? eos O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O N/A +bos reservation for sunday at 12:00 for 6 is made , her is your reference number : 2fwj0kxt . is there anything else i can help with ? eos O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time 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 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 and enjoy your visit to cambridge . 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 i am 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 Train-Request+Price +bos there are 21 options for moderately priced food in the centre . what type of food are you looking for ? eos O O O O B-Restaurant-Inform+Choice 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+Food +bos i 'm hoping to have some european food . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 4 restaurants that meet your specifications : hotel du vin and bistro , galleria , de luca cucina and bar , and riverside brasserie . do any of these meet your liking ? eos O 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 O O O O O O O O O O O O Restaurant-Select +bos the first one sounds nice . i 'd like to make a reservation for 2 people at 13:30 on thursday . 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 great . i 'll make the reservation for you at the hotel du vin and bistro . is there anything else i can do for you ? eos 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 O O O O O O O O O Booking-Inform,general-reqmore +bos could i have the reference number please ? eos O O O O O O O O O Restaurant-Request+Ref +bos your reference number is 2aio16e6 , is there anything else you need ? eos O O O O O B-Booking-Book+Ref O O O O O O O O N/A +bos i am also looking for a train that goes to stevenage . eos O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos what other information can you give me about this train ride ? eos 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 'd like to leave on friday and get there by 15:30 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 5 trains leaving cambridge with that arrival time . what time would you like to leave ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O O O Train-Request+Leave +bos the latest departure time would work best . thank you . eos O O O O O O O O O O O O general-thank +bos ok great , can you please confirm your departure location ? eos O O O O O O O O O O O O Train-Request+Depart +bos i 'll be departing from cambridge . what will the ticket cost me ? eos O O O O O O O O O O O O O O O N/A +bos your train trip would cost you 12.80 pounds . would you like me to book it ? 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 no thanks . that wo n't be necessary . have a great day . thanks . bye . 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 welcome . you have a great day as well . bye ! eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos hi there , i 'd like to find a good place to eat in the city centre tonight , but i 'm looking for somewhere cheap . have you any good recommendations ? 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-Restaurant-Inform+Price O O O O O O O O O O O N/A +bos absolutely ! i have about 15 restaurants that are in that area and price range . can you tell me what type of food you might be trying ? 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 O O O O O O O Restaurant-Request+Food,general-greet +bos you know , i 'd really like to try north african food . 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 am sorry , but there are no cheap restaurants in the centre serving north african food . would you like to keep searching for another type ? eos O O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area 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 how about some chinese food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos there are three restaurants , charlie chan , rice house , and golden house . would you like to book a table at one of them ? 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 O O O O O O O O O O Booking-Inform +bos how about rice house ? i 'd like to book a table for two at 19:00 on monday . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos fantastic ! your table is booked for rice house at 19:00 on monday , and the reference number is t0np4v1o . 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+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 O general-reqmore +bos can i also book a train to cambridge ? eos O O O O O O O O B-Train-Inform+Dest O N/A +bos there are a number of trains that can get you to cambridge . where are you leaving from ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O B-Train-Inform+Dest O O O O O O O Train-Request+Depart +bos i 'll be leaving from kings lynn on monday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos what are you preferred arrival and departure times ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos the train should depart on monday from kings lynn for two people . please give me my reference number too . thanks ! eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O O O O O O N/A +bos your train has been booked for 2 , leaving at 5:11. reference number vznmsr6m . is there anything else i can help you with ? eos O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Ref O 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 general-thank +bos you 're welcome , i 'm glad to help . 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 lebanese restaurant that is expensive in price . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A +bos i am very sorry there are no results for an expensive lebanese restaurant . would you like to try for a different type of cuisine ? eos O O O O O O O O O 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 no i 'd really like lebanese , is there one in the centre area ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos i have the ali baba restaurant in the centre of town . they are moderately priced . can i help you in reserving a table ? eos 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 I-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos really ? the ali baba is lebanese ? eos O O O O O O O O O N/A +bos yes . the ali baba is lebanese . would you like to book a table ? eos 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 Booking-Inform +bos yes i would like to book a table for 7 people at 16:45 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 the booking was unsuccessful , would you like to try another time ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos is there an opening available at 15:45 ? i 'll also need the reservation number if it 's available . 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 N/A +bos yes i was able to make that reservation at 15:45 your reference number xh49sbme . eos O O O O O O O O O O B-Booking-Book+Time O O O B-Booking-Book+Ref O N/A +bos thanks , i also need a train from cambridge to peterborough afterwards eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos there are 16 trains leaving on thursday after your dinner . i would think 2 hours should be long enough ? so there is one at 18:06 i can recommend . 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 O O O O O O B-Train-Inform+Leave O O O O N/A +bos i 'd like my train to arrive by 16:45 , please . eos O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos i have train tr4814 that will be departing at 15:34 and will get you there by 16:24. would that be something that interests you ? eos O O O O B-Train-Inform+Id 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 O O N/A +bos yes , that sounds like it will work for me . thank you for the information . that should be all i 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 O O O O general-thank +bos you are welcome . thank you for contacting the cambridge towninfo centre . 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 are there any expensive restaurants 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 there are over 30. 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 Restaurant-Request+Food +bos any type would be good . can you recommend one ? eos O O O O O O O O O O O O N/A +bos the bedouin serves african and is the expensive range ? would you liketo book a table . eos O 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 O O O Booking-Inform +bos no thanks . can you tell me the address of the restaurant ? eos O O O O O O O O O O O O O O Restaurant-Request+Addr +bos they are located at 100 mill road 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 N/A +bos great . i am also looking train schedules , leaving from stevanage and going to cambridge . eos 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 time will you be departing ? eos O O O O O O O O Train-Request+Leave +bos i need to leave sometime after 11:00 and i need tickets for 7 people . eos O O O O O O O B-Train-Inform+Leave O O O O O O O O N/A +bos 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 ? eos O O O O O O O O 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 +bos i 'd like to leave sunday , and it does n't matter when i arrive . eos O O O O O B-Train-Inform+Day O O O O O O O O O O O N/A +bos there is a train from stevenage to cambridge sunday at 11:54 , it arrives at 12:43 costing 10.24 gbp per ticket . would you like me to book this train ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Day 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 O O Train-OfferBook +bos yes , please . can you please be sure to tell 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 booking was successful , the total fee is 71.68 gbp payable at the station .reference number is : jcn15kc1 . will you need 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 B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos no that 's all . thank you . goodbye . eos O O O O O O O O O O O general-bye +bos enjoy your trip . eos O O O O O general-bye +bos looking for a restaurant thats expensive . needs to be in the centre area . 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 i have found a lot of options , what type of food do you prefer ? 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 Restaurant-Request+Food +bos how about british food ? is there anything like that ? eos O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos i have three places , shall i book one ? eos O O O B-Restaurant-Inform+Choice O O O O O O O Booking-Inform +bos sure , surprise me ! i need a reservation for 5 people at 18:15 on friday . 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 booking was successful . the table will be reserved for 15 minutes.reference number is : j6s1nedg . midsummer house . will you need anything elses ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O general-reqmore +bos yes , i am also looking for a train departing from peterborough . can you help me with that ? eos O O 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 sure thing where will you be heading to , 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 O Train-Request+Day,Train-Request+Leave,Train-Request+Dest +bos i will be traveling to cambridge and need to arrive by 9:15 on friday . eos 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 there are several options . the tr6496 arrives in cambridge at 9:09. would you like me to book a ticket for you ? eos O O O B-Train-Inform+Choice 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 O O O O Train-OfferBook +bos yes , please book for 5 people as well ... and can you provide me with 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 O O O N/A +bos booking was successful . your reference number is 08n7iydi . is there anything else i can assist you 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 thank you for making those reservations . 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 thank you for contacting us . please feel free to contact again if you have any more questions . 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-bye +bos i 'm looking for a train leaving on thursday and arriving by 11:45 eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos there is a train leaving thursday from kings lynn at 10:11 , arriving at cambridge at 10:58. would you like me to pull up other listings ? eos O O O O O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Depart I-Train-Inform+Depart 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 O general-reqmore +bos can you look up trains departing from broxbourne instead ? eos O O O O O O O O B-Train-Inform+Depart O O N/A +bos i would recommend tr0393 which leaves broxbourne at 5:32 and arrives in cambridge at 6:32. eos 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+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos great ! can you book 2 seats for me on that one ? eos O O O O O O O B-Train-Inform+People O O O O O O N/A +bos your train has been booked . your total cost is 35.79 , payable at the station . your reference number is squclnla . can i help with anything else ? 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 O O O O general-reqmore +bos i need to book a room in a guesthouse that has free parking . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos there are 21 guesthouses in town with free parking . do you prefer a specific area of town or do you have 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 O O O O Hotel-Request+Price,Hotel-Request+Area,Hotel-Inform+Parking +bos not really but i do need a 4 star rating . eos 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 ? and will you need wifi ? eos O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Internet +bos wifi is not necessary , but i would like free parking . i 'm looking for mid range pricing . 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 nine moderately priced guesthouses available . i suggest home from home , a 4-star guesthouse that comes with internet and parking . would you like to book a room ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Recommend+Name I-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 O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos sounds great ! i 'll need to book a room for 2 people , for 2 nights starting thursday . eos 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 excellent . you are all set , and your reference number is : 2gho31da . 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 O O O O O O O O O O O O general-reqmore +bos thats everything thanks eos O O O O general-thank +bos i hope i could be of service today , enjoy your stay in cambridge ! eos O O O O O O O O O O O O O O O O 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 many , can i get an area you are looking for the restaurant to be 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 Restaurant-Request+Area +bos yes i will like it to be in the center of cambridge . eos O O O O O O O O O O O O O O N/A +bos 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 . eos O O O O O O O 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 i would like it to serve european food and be expensive please . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos how about eraina located on free school land , city centre ? eos O O O B-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos thats a very unique name , and sounds like something i would like to try . eos O O O O O O O O O O O O O O O O O N/A +bos would you like for me to make a reservation for you ? eos O O O O O O O O O O O O O Booking-Inform +bos i just need the phone number and post code please ? can you also help me book a train from bishops stortford to cambridge on saturday arriving before 15:15 ? 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 I-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Arrive O Restaurant-Request+Post,Restaurant-Request+Phone +bos eraina 's phone number is 01223368786 , and the postcode is cb23rh . 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 very much , now i just need to get the train id , departure time , and price of a train that 's leaving bishops stortford and going to cambridge by 15: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 B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O Train-Request+Price,Train-Request+TrainID,Train-Request+Leave +bos absolutely . there 's train tr5108 leaving bishops at 13:29. it costs 8.08 pounds . eos O O O 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 N/A +bos wonderful . could you please give me the train id , the departure time , and 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,Train-Request+TrainID,Train-Request+Leave +bos tr5108 is the train id anything else ? eos O B-Train-Inform+Id O O O O O O O general-reqmore +bos no thank you , that is all i needed . goodbye ! eos O O O O O O O O O O O O O general-bye +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 a german 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 N/A +bos there are no restaurant that fit your description , do you want me to look for restaurant with moderate price range ? eos O O O O O O O O O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O Restaurant-NoOffer +bos did you try the center of town ? eos O O O O O O O O O N/A +bos yes , there are not any restaurants available . 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 Restaurant-Request+Price,Restaurant-NoOffer +bos how about an expensive indian restaurant ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos yes , there are several expensive indian restaurants in the centre area . curry garden and saffron brasserie and a few others . should i book a table for you ? eos O 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 O O O O O O O O O O O O O O Booking-Inform +bos book a table for 2 people at 12:00 on thursday . 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 at curry garden . they will hold the table for 15 minutes . your reference number is 8tkid5n6 . do you need anything else ? eos 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i am also looking for a train . the train should be on the same day as the restaurant booking and should arrive by 09: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+Arrive O N/A +bos where would you like to depart from and what is your desintation ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i want to depart from peterborough to cambridge . eos O O O O O O O O O O N/A +bos the tr8272 will get you where you need to go eos O O B-Train-Inform+Id O O O O O O O O N/A +bos when does it depart ? eos O O O O O O N/A +bos it departs at 05:00. eos O O O O B-Train-Inform+Leave N/A +bos ok , thanks , i 'll take care of it from there . eos O O O O O O O O O O O O O O general-thank +bos the price would be 23.60 per person for that train and be 51 minutes long trip . enjoy your day ! eos O O O O O B-Train-Inform+Ticket O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O general-bye +bos hi ! can you tell me about some of the museums in cambridge ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos certainly ! there are 23 museums in cambridge . are there any particular type of museum that you are interested in ? 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 Attraction-Request+Area +bos can you recommend one to me and give me the address ? eos O O O O O O O O O O O O O Attraction-Request+Addr +bos sure , the byard art 's address is 14 king 's parade 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 N/A +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos the entrance fee for the museum is free . is there anything else i can assist you with today ? eos O O 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 yes can you find a restaurant in the south that serves creative 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 'm sorry there are no restaurants that match your requests , is there 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about on that serves mexican food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes , i have a place called chiquito restaurant bar , does that sound like something you would enjoy ? eos O 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 O N/A +bos yes , could i book it for 5 people at 12:00 on wednesday , 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 certainly . i 've booked you for 5 people at 12:00 at the chiquito restaurant bar . eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Time O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O N/A +bos i would like to book a taxi to go to little saint mary 's church after 11: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 B-Taxi-Inform+Leave O N/A +bos can you tell me where the taxi will pick you up and when 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+Depart,Taxi-Request+Arrive +bos i will be departing from avalon . eos O O O O O O B-Taxi-Inform+Depart O N/A +bos okay , i have booked a red volvo taxi for you to pick you up from avalon . the contact number is 07604053685. is there anything else i can help 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 B-Taxi-Inform+Depart O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos what time will it arrive ? eos O O O O O O O N/A +bos that really depends on traffic and route , you would have to call the taxi company to find out estimated drive times . eos O O O 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 have 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 i can help you with ? eos 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 general-thank +bos thank you very much ! goodbye . eos O O O O O O O O general-welcome,general-bye +bos i am looking to eat at rajmahal . eos O O O O O O O B-Restaurant-Inform+Name O N/A +bos of course . rajmahal is located in the east part of town , at 7 barnwell road fen ditton . eos O O O B-Restaurant-Inform+Name 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 N/A +bos can i get their phone number and postcode so i can pay them a visit . it sounds like a great place to dine . eos O O 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 sure ! their phone number is 01223244955 and postcode is cb58rg . is there 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 O O general-reqmore +bos nope , that was all that i needed to know , thank you . eos O O O O O O O O O O O O O O O general-thank +bos you 're very welcome . feel free to 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 general-bye +bos i am looking for a taxi from yu garden arriving by 14:30 eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Arrive N/A +bos i 'll need a destination to give them before i can book that for you . eos O O O O O O O O O O O O O O O O O Taxi-Request+Dest +bos i 'd be going to holy trinity church . i 'll need the car type and contact number as well . 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 O O O O Taxi-Request+Car +bos the car that is reserved for you is a grey toyota , and the contact number is 07997985529. can i do anything else for you ? 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 general-reqmore +bos nope thats all thank you eos O O O O O O general-thank +bos alright , enjoy your trip ! eos O O O O O O O general-bye +bos can you help me book a taxi going from emmanuel college to churchill college ? 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 yes , i could ! what time would you like to depart from emmanuel college ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave +bos anytime after 21:30 is fine for me , thanks . eos O O O B-Taxi-Inform+Leave O O O O O O O N/A +bos alright ! i have a yellow lexus booked to pick you up . the contact number is 07543493643. 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 O O O O B-Taxi-Inform+Phone O 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 ! have a great day ! eos O O O O O O O O O general-bye +bos i 'm looking for a moderately priced indian restaurant . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos i have several options for you . what area would you like to dine in today ? eos 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 in the west part of town for 3 people eos O O O B-Restaurant-Inform+Area O O O O O O N/A +bos meghna looks like it will be perfect for you . what day and time would you like to book the table for ? eos O B-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+Day,Booking-Request+Time +bos i would like the reservation to be for 6 people at 17: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 N/A +bos the reservation at meghna was successfull for wednesday at 17:30 for 6 people . the reference number is : x1a261kf . eos O O O O B-Booking-Book+Name O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you . can you help me find a concerthall in town to visit ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos the man on the moon is located in the centre area at 2 norfolk street . 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos what is the entrance fee there ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Fee +bos there appears to be no information for the entrance fee , you can call and inquire with the concerthall at 01223474144. is there anything else i can assist 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 B-Attraction-Inform+Type O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos i want a taxi to go from the attraction to the restaurant , arriving by 17:30. tell me the contact number and car type please . eos 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 Taxi-Request+Car +bos booking was complete your car will be a red honda and the contact # is 07583896240. is there 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 O general-reqmore +bos do you have their phone number ? eos O O O O O O O O Taxi-Request+Phone +bos yes , their contact number is 07583896240. 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 for today . thank you and 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 in cambridge ! eos O O O O O O O O O O general-bye +bos i am looking for a cheap local restaurant located 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 N/A +bos there are 15 cheap restaurants in the centre of town . if you have no food type preference , would you like to go to charlie chan 's ? 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O Restaurant-Request+Food +bos i am looking for one that serves spanish food eos O O O O O O O O B-Restaurant-Inform+Food O N/A +bos yes i have one spanish restaurant matching your price range and criteria . would you like their number and address ? 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 general-reqmore +bos would you please book a table for 4 people at 15: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 . the table will be reserved for 15 minutes and your reference number is l4bt0a1c . 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 yes , i am also looking for a college to visit in the center of town . 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 13 entries . do you require a certain entrance fee ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Price +bos i do n't care , but could you make me a suggestion but tell me the entrance fee along with their 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 O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos sure ! christ 's college is located at saint andrew 's street with a postcode of cb23bu , there is not entrance fee . eos 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 I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Post O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O N/A +bos thank you for your help . eos 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 , thank you very much for this ! eos 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-welcome +bos i 'm looking for a modern european restaurant near the centre , could you hook me up ? eos O 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 N/A +bos yes , i have 4 results matching your request , is there a price range you 're looking for ? 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 Restaurant-Request+Price +bos i would like moderate price range please . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos i found de luca cucina and bar and riverside brasserie . does either of them sound good for you ? 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 yes could you book me one seat at 17:45 on a monday ? eos O O O O O O O O O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Day O N/A +bos i 'm sorry , there are no available seats at either of those restaurants . could you try another time or a different 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 O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos lets try a table for 1 on monday at 16:45 instead . eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos okay , that worked ! the table will be reserved for 15 minutes . your reference number is : mjeoq3r5 . 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 N/A +bos fantastic . 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 for 7 for booking with us . 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 an attraction to visit . how about a college ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are 18 colleges in cambridge . is there an area of town you 'd prefer ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Area +bos the area does n't matter but can you provide me the entrance fee of the first 3 on the list . 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 christ 's and churchill are both free . clare will cost 2.50 pounds to visit . eos O O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos thank you ! could you give the addresses to those 3 colleges ? i 'm also looking for a restaurant called royal standard . 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+Name I-Restaurant-Inform+Name O O Attraction-Request+Addr +bos christ 's college is on st. andrew 's street , churchill is on storey 's way and clare 's is on trinity lane . i found the royal standard , would you like a table ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O O N/A +bos can i get the phone number and area for the royal standard ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos their phone number is 01223247877. 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 need the area for that as well . eos O O O O O O O O O O O Restaurant-Request+Area +bos the royal standard is located in the east side of town . do you need any other information ? 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 O O O O O O general-reqmore +bos yes please , can i have the phone number and the area it is in please . eos 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 sure . royal standard is located in the east part of town and you call them at 01223247877. do you need a reservation ? eos 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 O O O B-Restaurant-Inform+Phone O O O O O O Booking-Inform,general-greet +bos i do not need a reservation yet . eos O O O O O O O O O N/A +bos ok , 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 it thanks . 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 need to find a place to stay . it needs to include wifi and i would like a 3 star . 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+Stars O N/A +bos ok , i have 2 hotels and 3 guest houses matching that request . what part of town are you wanting 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 O Hotel-Request+Area +bos are any of them moderately priced and have free parking ? eos O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos yes there are 3 different options . would you like to stay in the north , west , or south ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O O N/A +bos you may decide which area would be good , just let me know which area you pick . 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 recommend hobsons house in the west . would you like to book a room ? eos O O O B-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 no but i also would like to get a train leaving from peterborough . eos O O O O O O O O O O O O O B-Train-Inform+Depart O N/A +bos ok , what day and time do you need to travel ? eos 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 on monday and need to arrive by 13:30 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 train tr7895 that will get you into cambridge at 13:09. would that work for you ? eos O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A +bos that sounds perfect . i 'll book it later . that 's all i need . 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 general-thank +bos you 're very welcome ! take care ! eos O O O O O O O O O general-welcome,general-bye +bos i 'd like to book a taxi . i need it to arrive by 14:15 and my destination is cambridge lodge restaurant . 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+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos thank you , but before i can create your booking i need to know where you 'll 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 Taxi-Request+Depart +bos i will be departing from jesus green outdoor pool . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos your booking was successful . your car is a red honda and its contact number is 07924138056. can i assist you with anything else today ? 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 O general-reqmore +bos what type of car is it ? and is there a contact number ? eos O O O O O O O O O O O O O O O N/A +bos yes , i can repeat it . a red honda car and the contact info is 07924138056. 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 general-reqmore +bos than you very much . that is all i need today . eos O O O O O O O O O O O O O N/A +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-bye +bos hi , i 'd like to book a taxi from a and b guest house to saint catherine 's college . 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 O N/A +bos in order to book you a taxi i will need to know either when you would 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 O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i 'd like to arrive by 06:00 , please . eos O O O O O O B-Taxi-Inform+Arrive O O O O N/A +bos alright , i got you booked . the car will be a blue skoda and the contact number is 07914819489. 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 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 , thanks ! 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 hello , i am wondering if you can help me with some information 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 O O N/A +bos sure thing . it is on the north side of town and is on the lower end of the price range . it also has internet access ! 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+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Hotel-Inform+Internet +bos what is their phone number ? eos O O O O O O O N/A +bos the phone number is 01223312843. do you have any other questions ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O general-reqmore +bos i 'm also looking for a train from norwich to get to the hotel on the same day as i book . eos 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 sure thing . what day are you booking you hotel ? eos O O O O O O O O O O O O Booking-Request+Day +bos the hotel booking is for 4 people starting monday . we will stay 2 nights . i need the train from norwich to arrive in cambridge by 15:15. please provide reference numbers . eos O O O O O O O B-Hotel-Inform+People O B-Train-Inform+Day O O O O B-Hotel-Inform+Stay O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Hotel-Request+Ref +bos the hotel booking was successful . your reference number is 51wcmsmb . how many tickets would you like for the train ? 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 Train-Request+People +bos great i also need a train on the same day as the hotel booking and departs from norwich . eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O N/A +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 tickets right now . i just need to know the departure time , 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 O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price,Train-Request+Leave +bos i understand . the tr3087 would depart at 13:16 , and have you in cambridge around 14:35. it costs 17.60 pounds per ticket , and takes 79 minutes travel time . 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 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 N/A +bos that 's all i needed , thanks so much for the assistance ! eos O O O O O O O O O O O O O O general-thank +bos it was a pleasure to assist you . have a wonderful day . goodbye . 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 zero star hotel in cambridge . eos O O O O O O O O O O O O N/A +bos cityroomz is a 0 star hotel available . eos O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos is it a mid-budget hotel ? i 'm also looking for a hotel that 's located near the centre . 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 N/A +bos cityroomz is located in the centre and is moderately priced . it is the only hotel to your specifications . shall i book you a reservation ? eos O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Type O O O O O O 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 , it does ! eos O O O O O O Hotel-Inform+Internet +bos what is the address ? eos O O O O O O Hotel-Request+Addr +bos the address of this cityroomz is sleeperz hotel , station road . postcode cb12tz . would you like help booking a stay ? 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 Booking-Inform +bos no , thanks . i will need a train to bishops stortford , though . eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O N/A +bos sure ! which day and 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 Train-Request+Arrive,Train-Request+Day,Train-Request+Leave +bos i would like to depart on friday from cambridge . i 'd like to arrive at bishops stratford by 12:30. can you tell me a departure time please . 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 B-Train-Inform+Arrive O O O O O O O O O O O Train-Request+Leave +bos there are four trains that fir your criteria . the departure times are 05:29 , 07:29 , 09:29 and 11:29. would you like me to book for you ? eos 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 O O O O O O O Train-OfferBook +bos yes , please book for 07:29. eos O O O O O O O N/A +bos i will be happy to book you on train tr6809 leaving at 7:29 and arriving at 8:07. how many tickets would you like for this train ? eos O O O O O 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 O O O O Train-Request+People +bos actually hold off on that part , i 'm not sure how many tickets i need yet . eos 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 not booked a train yet , is there something else you 'd like me to look up 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 general-reqmore +bos no that was all i needed for today . thanks ! 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 a hotel to stay in that has free parking . eos O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos do you want to stay in a particular area of town ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos just a hotel with free parking , free wifi and a star of 0. eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i do not have any place fitting that criteria . perhaps some other perimater ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer +bos can you see if you find one with a start of 4 ? eos O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos sure thing , i have three options would you like me to book one for you ? 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 Booking-Inform +bos yes , one person two nights from thursday . eos O O O O O O O B-Hotel-Inform+Day O O N/A +bos okay your all set ! reference number is uti90swfb . anything else today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos what is the name of the hotel ? eos O O O O O O O O O Hotel-Inform +bos the hotel is huntingdon marriott hotel eos O O B-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos yes , i need a train from cambridge to peterborough on monday . i want to leave after 14:45 eos 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 B-Train-Inform+Leave O O N/A +bos there is one that leaves at 15:06 and arrives at 15:56 for 16.50 pounds . would you like reservations ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O Train-OfferBook +bos yes , i need one ticket please . eos O O O O O O O O O N/A +bos alright , your reference number for the train is cd9p0qqt . eos O 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 O general-thank +bos please let us know if we can be of any 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 general-welcome,general-bye +bos i 'm looking for a place to stay on the east side with 4 stars . eos O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O N/A +bos the a and b guest house is a 4-star rated guesthouse in the east with a moderate price range . 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 B-Hotel-Inform+Stars 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 Booking-Inform +bos does it include free wifi ? eos O O O O O O O N/A +bos yes it does have free 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 O Booking-Inform,Hotel-Inform+Internet,Hotel-Select +bos yes , can you book it for 6 people ? we will arrive on friday and stay for 2 nights . eos O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O O N/A +bos i apologize the booking was unsuccessful . would you be interested in another hotel ? eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos can you check for a different hotel in the same pricerange ? eos O O O O O O O O O O O O O Hotel-Inform +bos i am sorry there are no others in that price range in any area , would you like to change the star rating to check for others ? eos O O O O O 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 +bos it does not need to be a guesthouse . ca n't you find anything that is east , 4 star with free wifi . that is all i require . please , its important . eos O O O O O O O O O O O O O O O B-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 N/A +bos i have the carolina bed and breakfast or warkworth house . would you like me to try one of those ? 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 Hotel-Select +bos yes , one of those will be fine . eos O O O O O O O O O O N/A +bos your booking at carolina bed and breakfast was successful . your reference number is pglregj8 . eos 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 B-Booking-Book+Ref O O N/A +bos great ! nothing else at the moment , but thank you and goodbye . eos O O O O O 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 general-welcome +bos could you provide me with information about the huntingdon marriott 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 the huntingdon marriott hotel is an expensive hotel in the west with a 4 star rating . 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 O 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 Booking-Inform +bos yes . i want to book it for 7 people . we will be staying for 4 nights starting from monday . 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 'm sorry , that is n't available . can i find a different hotel for you today ? 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 look for a 3 star rating hotel , please . eos O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos i was able to get a room for you at gonville hotel for monday . your reference number is 96gt1k88 . is there anything else ? eos 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 O B-Hotel-Inform+Ref O O O O O O O general-reqmore +bos great that was all i needed today thank you ! eos O O O O O O O O O O O general-thank +bos great . 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 i would like to book a train out of cambridge , please . eos O O O O O O O O O O B-Train-Inform+Depart O O O N/A +bos i 'd by happy to help . where would you like to arrive ? eos O O O O O O O O O O O O O O O Train-Request+Dest +bos i want to go to london liverpool street . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos on what day and time will you be traveling ? eos O O O O O O O O O O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive +bos tuesday leaving sometime after 18:45. eos O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos ok , tr 3515 leaves on tuesday at 19:59. would you like to book it ? eos 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 O Train-OfferBook +bos yes , that sounds great . eos O O O O O O O N/A +bos how many seats will you need for this trip ? eos O O O O O O O O O O O Train-Request+People +bos actually , i can book it separately . but i will need help booking a hotel -- the lovell lodge 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 O O N/A +bos i can help with that ! how many people will be staying , for how long , and which day 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 O O O O O O O O Booking-Request+Day,Booking-Request+Stay,Booking-Request+People +bos thank you ! for 3 people , and 3 nights , starting saturday , please . eos O O O O O B-Hotel-Inform+Stay O O O O B-Hotel-Inform+Day O O O O O O N/A +bos i was able to book it , reference number is r72d5lvk . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you for the help , thats all i need today . eos O O O O O O O O O O O O O general-thank +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 thank you i really do n't need anything else . eos O O O O O O O O O O O general-thank +bos call back with any questions any time . goodbye . eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for the gonville hotel . can you help me ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A +bos yes , would you like some information or do you want to go ahead and book it ? 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 could you check to see if they have booking for 3 people and 2 nights starting from thursday ? 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 N/A +bos there are no rooms available for that time . can i find a different hotel for you ? 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 , please try south part of town , thank you . eos O O O B-Hotel-Inform+Area O O O O O O O O O N/A +bos i can book a room for you at bridge guest house . your reference number is c147jv9n . will that be okay ? eos 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 B-Booking-Inform+Ref O O O O O O O N/A +bos that 's great . thank you . eos O O O O O O O O general-thank +bos okay is there anything else 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 it . 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 yes , i just happen to be looking for a place to stay tonight . the hotel should be located in the west part of town and it should include 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 B-Hotel-Inform+Area O O O O O O O O O O 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 um , i do n't care . i 'd prefer it if it was cheap though . 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 the cambridge belfry is located in the west in the cheap price range with free parking . would you like me to book it ? 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 O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Select +bos is that a four star place ? eos O O O O O O O O N/A +bos yes , it does have 4 stars . eos O O O O O O B-Hotel-Inform+Stars O O N/A +bos please do . i need it for 4 nights on friday . there are 6 of us . eos 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 that one is not open then , but i do have one fitting the same criteria avaible , finches , shall i book it ? eos O O O O O O O O O O O O O O O O B-Booking-Inform+Name O O O O O O O O O Booking-NoBook +bos yes , as long as finches is in the cheap price range please book it 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 O O O O O Hotel-Request+Ref +bos okay , you 're booked with reference number dae0xr6a . may 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 O O general-reqmore +bos no thank you . goodbye . eos O O O O O O O general-bye +bos thanks for contacting cambridge towninfo centre . good bye . eos O O O O O O O O O O O general-bye +bos i need a three-star place to stay please . eos O O O O O O O O O O N/A +bos the hamilton lodge is a guesthouse in the north with a star rating of 3. would you like to make 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 B-Hotel-Inform+Stars O O O O O O O Booking-Inform +bos no thank you . i am looking for a hotel instead of a guesthouse . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos the gonville hotel is expensive and in the center of town . the lensfield hotel is also expensive , but it is in the south . eos O O O O 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 O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A +bos i 'd like to book the lensfield hotel for 2 nights for 8 people starting from wednesday . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O N/A +bos i am sorry . i was unable to book that for you . would you like me 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 O O Booking-NoBook,general-reqmore +bos yes . i 'd like one in the same price range , please . eos O O O O O O O O O O O O O O O N/A +bos there is the lensfield hotel which is 3 stars . would you like me to make a reservation there ? 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 O O O O O O Booking-Inform +bos yes please try that . eos O O O O O O N/A +bos i was not able to get you into the lensfield but i can book you into the gonville hotel if you like . eos O O O O O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O N/A +bos that would be great . thank you . eos O O O O O O O O O general-thank +bos okay great . i was able to book the gonville hotel and your reference number is kweqk0k1 . 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 N/A +bos thank you for all your help . eos O O O O O O O O general-thank +bos you are welcome . can i do anything else for you 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 thank you very much . eos O O O O O O O O O O general-thank +bos no problem ! happy 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 want to find a guesthouse to stay at in the north part of town . eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O O O N/A +bos the acorn guest house is in the north part of town . 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 O O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform +bos is that in the expensive price range ? eos O O O O O O O O O N/A +bos no , that is in the moderate price range . eos O O O O O O B-Hotel-Inform+Price O O O O N/A +bos i would like one that is in the expensive price range , please . a bit more upscale . 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 i am sorry but i can not find a guesthouse in the north that is expensive . would you like me to look for a different price range ? eos O 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 O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Price +bos no , are there any guesthouses available in the centre ? eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos no there are no guesthouses in the centre . would you like anything else ? eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O Hotel-NoOffer,general-reqmore +bos i need a room , in the south , free wifi . eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos i have one hotel and three guesthouses on the southside . would you like a certain price range or star rating ? eos O O O O O O B-Hotel-Inform+Choice I-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+Area,Hotel-Request+Price +bos the price range and star rating is not important to me . eos O O O O O O O O O O O O O N/A +bos do you need it to have free parking ? eos O O O O O O O O O O Hotel-Request+Parking +bos no , you can just pick whatever you would recommend . can you book a room for 6 people starting on saturday for 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 N/A +bos ok , let 's book the lensfield hotel for you saturday for 6 people for 4 nights . eos O O O O O B-Booking-Inform+Name I-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 N/A +bos great . can i have the reference number for that reservation ? eos O O O O O O O O O O O O O Hotel-Request+Ref +bos i 've booked you at the lensfield with reference number is pkeihxcw . can i help you with anything else ? eos 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 general-reqmore +bos that is all . thank you eos O O O O O O O general-thank +bos glad i could help . enjoy your stay . eos O O O O O O O O O O general-welcome,general-bye +bos we will . have a good day . eos O O O O O O O O O N/A +bos thank you so much . enjoy your stay . eos O O O O O O O O O O general-bye +bos you have been super helpful . good-bye . eos O O O O O O O O O general-bye +bos thank for using our service . goodbye ! eos O O O O O O O O O general-bye +bos i am looking to get some information on the acorn 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 i have the info for that place , what would you like to know ? eos O O O O O O O O O O O O O O O O general-reqmore +bos is there a room available for a five night stay beginning friday ? eos O O O O O O O O O O O O B-Hotel-Inform+Day O N/A +bos sure , i 'd be happy to . how many total 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 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 'm sorry , but there seems to be no rooms available . could i interest you in 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 Booking-NoBook,general-reqmore +bos yes in the same price range , please . include reference number . eos O O O O O O O O O O O O O O Hotel-Request+Ref +bos what area are you looking to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos i would like something in the area of the acorn guest house . eos O O O O O O O O O O O O O O N/A +bos okay i was able to get you into the archway house and it is also priced moderately . your reference number is wt39vb7l . 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Ref O O N/A +bos yes thank you that is all i need . eos O O O O O O O O O O general-thank +bos you 're welcome ! have a wonderful week at archway and please contact me 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 O general-welcome,general-bye +bos can you find a room available at a 4 star hotel with free wi-fi ? eos 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 the huntingdon marriott hotel is a 4 star hotel with internet in the west . 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 O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos is the place expensive ? eos O O O O B-Hotel-Inform+Price O N/A +bos yes it is an expensive , i have listings for another place that is cheap if that is what you need . eos 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 N/A +bos i would prefer the expensive hotel . please book it for 2 people for 2 nights starting on sunday . eos O O O O O B-Hotel-Inform+Price 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 was unable to book the hotel for that day . would you like to try the cheap hotel ? eos O O O O O O O O O O O O O O O O O B-Hotel-Select+Price O O O Booking-NoBook,general-reqmore +bos no , i 'd like to keep looking for an expensive hotel . eos O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos is there a certain area you would like it to be in ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos north part of town , please . eos O O O O O O O O N/A +bos i was able to successfully book you at the university arms hotel , the reference number is 1f6hepgz . 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 O B-Booking-Book+Ref O 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 no problem . will that be all for today ? eos O O O O O O O O O O O general-welcome,general-reqmore +bos yes , that will be all for today , goodbye . 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 cheap hotel to stay at in the east . eos O 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 i have three guesthouses that match your criteria . may i recommend the allenbell ? 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 O N/A +bos okay what is the address ? eos O O O O O O O N/A +bos allenbell is at 517a coldham lane . would you like me to help you book a room there ? eos 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 O O O O O O O Booking-Inform +bos yes . please . three people , wednesday , two nights . eos O O O O O B-Hotel-Inform+Day O O O O O O O N/A +bos unfortunately booking was unsuccessful . eos O O O O O O Booking-NoBook +bos okay , what other hotels are there in the same price range ? eos O O O O O O O O O O O O O O Hotel-Inform +bos autumn house is in the cheap price range as well if you 'd like to try that . eos 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 N/A +bos yes please try that . eos O O O O O O N/A +bos booking was successful . your reference number is lgtar2r . 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 thanks for all of your help . 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 O O general-bye +bos you 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye +bos i would like to find a danish restaurant this is moderately priced . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A +bos there are no danish restaurants in the moderate price range . would you like me to check for restaurants serving a different type of food ? 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 O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos go for it . eos O O O O O N/A +bos some options are lebanese , turkish , international , british , european , and chinese . do any of these interest you ? 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 O Restaurant-Select +bos no . how about gastropub type food ? may i please have the address , phone number , and area ? 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 Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the cow pizza kitchen and bar serves gastropub food , is located in the centre part of town and is in the moderate price range . their phone number is 01223 308871. the address is corn exchange street and the postcode is c.b 2 , 3qf 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O B-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 N/A +bos thank you . eos O O O O general-thank +bos is there anything else we can help you with today ? eos 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 thank you for using our system . good bye eos O O O O O O O O O O general-bye +bos can you help me find a train ? i am looking for that departs from cambridge on saturday . eos 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 N/A +bos there are 202 trains leaving from cambridge on saturday . can you give me a destination point so that i can narrow it down for you ? eos 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 O O O O O O O O O Train-Request+Dest +bos i would like to go to birmingham new street and the train should leave after 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 O O O B-Train-Inform+Leave N/A +bos the tr3735 leaves at 15:01 , will 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 that would be great . can you get me 7 tickets on that train ? eos O O O O O O O O O O B-Train-Inform+People O O O O O N/A +bos alright , you booking was successful , your confirmation number is ku1r7nqo . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos ok. is that also the reference number ? thanks . eos O O O O O O O O O O O Train-Request+Ref +bos that 's correct , the number i gave you was the reference number you 'll need . you 'll need to pay 420.56 gbp when you get to the station . is there anything else ? eos O O O O O O O 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 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 is there anything i can help you with today ? eos O O O O O O O O O O O general-reqmore +bos no , that would be all . thanks . have a night day . eos O O O O O O O O O O O O O O O general-thank +bos thank you . you have a night day as well . eos O O O O O O O O O O O O general-bye +bos i would like to book a hotel . eos O O O O O O O O O Hotel-Inform +bos there are 33 hotels to pick from , what type of hotel do you prefer and what area would you like 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 Hotel-Request+Area,Hotel-Request+Type +bos the hotel should be rated 2 stars and should include frees parking . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos i have two hotel meeting those criteria in the north and one in the east . any preference ? eos O O O O B-Hotel-Inform+Type 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 Hotel-Select +bos should be in the expensive price range . eos O O O O O B-Hotel-Inform+Price O O O N/A +bos no problem . express by holiday inn cambridge is in the east . phone 01223866800. address is 15-17 norman way , coldhams business park cb13lh . 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+Area O B-Hotel-Inform+Phone 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 general-greet +bos can you book it for 2 people we can staying for 5 nights starting monday ? eos 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 you are booked . reference kcc745y7 . you will have a great time i 'm sure . 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 general-greet,general-reqmore +bos no that takes care of it thank you eos O O O O O O O O O general-thank +bos before i let you go , do you need info on a restaurant , an attraction or travel arrangements ? 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 well , i supposed you could help me to find a place to go in town . eos O O O O O O O O O O O O O O O O O O N/A +bos i sure can ! what kind of attraction are you interested in ? eos O O O O O O O O O O O O O O Attraction-Request+Type,general-greet +bos it does not matter . i am looking for a place to go in the west , please . 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 my recommendation is the cafe jello gallery at 13 magdalene street . admission is free . eos O 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 O B-Attraction-Recommend+Fee O O N/A +bos can you also find me a taxi ? eos O O O O O O O O O Taxi-Inform +bos certainly . where do you want to depart from and at what time ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart,general-greet +bos i need to get from the gallery to the hotel . i want to leave the gallery at 14:30. 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 no problem . i was able to book a taxi for you . it will be a red skoda and the contact number is 07170717673. is there anything else ? eos 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 O O O O O B-Taxi-Inform+Phone O O O O general-greet,general-reqmore +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 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 certain hotel . i think it is called rosa 's 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 N/A +bos would you like their address or phone number ? eos O O O O O O O O O O N/A +bos first of all , do they have 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 i am also looking for a good attraction in the center part of town . eos O O O O O O O O O O O O O O O O Attraction-Inform +bos there is all saints church , do want the adress and phone number ? 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 N/A +bos i wanted to search for a specific type of attraction in town . eos O O O O O O O O O O O O O O Attraction-Inform +bos i can help with that . what 's the name of the attraction ? eos O O O O O O O O O O O O O O O Attraction-Request+Name +bos i 'm actually just looking for a college i could visit , but not a specific one . which is your favorite ? 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 N/A +bos churchill college located at storey 's way . would you like the phone number ? eos O B-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 general-reqmore +bos yes please can you send me the address too ? eos O O O O O O O O O O O N/A +bos yes , it is located at storey 's way cb30ds . the phone number is 0122336233. would you like to look for anything else today ? eos 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 O O O O O O O O O O O general-reqmore +bos yes please . i am looking for a hotel in the north side of town in the moderate price range as well . any suggestions ? eos 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 O O O O O N/A +bos sure how about the avalon on 62 gilbert road ? eos O O O O O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr N/A +bos does it have free parking and wifi ? eos O O O O O O O O O N/A +bos it does have internet but it does not have parking . eos O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos are there any hotels in the north that include free parking and free wifi that are moderately priced ? eos 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 N/A +bos we have nice to pick from but the limehouse is my personal favorite , many a great memories there . would you like their information or a booking ? eos O O O O O O O O O B-Hotel-Recommend+Name 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 book that for 4 people for 4 nights starting on saturday . 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 i have made the reservation and the reference number is 9h08n83h . eos O O O O O O O O O O O B-Booking-Book+Ref 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 i am glad to help . enjoy ! eos O O O O O O O O O general-bye +bos hello . i 'm looking for a moderately priced four star hotel in cambridge . can you make some recommendations ? 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 O N/A +bos there are 11 4-star hotels within your price range . do you need internet and/or parking ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos i need internet but not interested in parking eos O O O O O O O O O N/A +bos the acorn guest house may be a great option . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O N/A +bos if there are no hotels , a guesthouse would be fine , i suppose . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos could 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 , i need to book for 5 nights starting saturday for one person . could you please provide me with a reference number after booking ? eos O O O O 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 Hotel-Request+Ref +bos i reserved a room for you at the acorn guest house for saturday . your reference is gu5qpfqr . please let me know if i can be of further assistance 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+Day 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 also want to visit a museum . eos O O O O O O O O O O O general-thank +bos what area would you like me to look in ? eos O O O O O O O O O O O Attraction-Request+Area +bos it does n't matter to me . eos O O O O O O O O N/A +bos broughton house gallery is a nice museum in the centre and has free admission . eos 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 O O B-Attraction-Recommend+Fee O O N/A +bos sounds nice . can you book a taxi to get me from the hotel to broughton house gallery by 11:45 ? 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 B-Taxi-Inform+Leave O N/A +bos i 've reserved a grey tesla departing the guesthouse and arriving at the gallery by 11:45. you can reach the driver at 07025393792. can i help you find anything else today ? eos 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+Dest I-Taxi-Inform+Dest 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 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 if you need anything else do n't hesitate to ask . eos O O O O O O O O O O O O general-bye,general-reqmore +bos i 'm looking for some kind of specific places to go later today . eos O O O O O O O O O O O O O O O N/A +bos there is so much to do here , what part of town are you in ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos i 'm in the centre . how about something architecture ? eos O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Type O O N/A +bos we have 5 options for you . great saint mary 's church is 2 pounds and located on market square . i also have all saints church on jesus lane with free admission . 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 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos all saints church would be nice . could i get a phone number for them ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos sure . their phone number is 01223452587. eos O O O O O O B-Attraction-Inform+Phone O N/A +bos can you locate me an irish restaurant near the church ? eos O O O O O O O O O O O O Restaurant-Inform +bos i am not able to access that information , 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 Restaurant-NoOffer,general-reqmore +bos yes , i am looking for a particular hotel , lovell lodge . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos it 's a 2 star moderately priced hotel in the north . would you like the address and a room ? eos 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 Booking-Inform +bos can you book me a taxi from lovell lodge to all saints church ? i want to leave by 07:15. eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Leave O N/A +bos i have booked your taxi . be expecting a red volkswagen . if you need to reach them , please call 07250174829. 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 N/A +bos thank you so much for all of your help . i 'm done now . 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 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 looking for a hotel that is in the expensive price range . eos O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O N/A +bos i have 5 hotels in cambridge that match your request . is there a particular area of town you are interested in ? east ? centre ? west ? south ? 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 any area should be fine . the hotel should include free parking and should include 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 Hotel-Request+Area +bos ok. all five hotels have both free parking and wifi . how does the university arms hotel sound ? eos O O O O B-Hotel-Inform+Choice I-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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos it sounds expensive . can i have the phone number and area please ? eos O O O B-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Area +bos it is in the centre are and the phone number is 0122351241. 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 O O O O general-reqmore +bos i also want to go to an attraction in the center part of town . eos O O O O O O O O O O O O O O O O Attraction-Inform +bos how about the man on the moon ? it 's a concerthall . 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 B-Attraction-Inform+Type O O O N/A +bos that sounds great . may i have the phone number and postcode , 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 Attraction-Request+Post,Attraction-Request+Phone +bos phone number is 01223474144 , and postcode is cb12lf eos O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O N/A +bos thank you . i am looking to get 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 Taxi-Inform +bos that should be easy , i just need a time and which place 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 Taxi-Request+Depart,Taxi-Request+Leave +bos i want to leave man on the moon at 24:30 and go to the university arms hotel . eos 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos i have booked you a white lexus that will arrive by 24:30. the contact number for your driver is 07122328188. anything else 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+Arrive O O O O O O O B-Taxi-Inform+Phone O O O O O O general-reqmore +bos that 's all for me , thank you for your help . eos O O O O O O O O O O O O O general-thank +bos i 'm glad i could be of help . eos O O O O O O O O O O general-welcome +bos i want the address to the autumn house hotel in cambridge . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos sure , the address is 710 newmarket road . eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos please check to see if there any rooms available on sunday for 5 nights . i will need 7 rooms . eos 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 O B-Hotel-Inform+People O N/A +bos they were able to accommodate your party . your reservation is made , reference number td6a4s20 . eos 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 can you find me a place to eat too ? eos O O O O O O O O O O O O O general-thank +bos sure , i can help you with that . is there a certain 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 never mind on a place to eat . can you help me find info on the cambridge temporary art attraction ? 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 N/A +bos the cambridge contemporary art attraction free and in the centre . the address is 6 trinity street , phone is 01223323222. 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 O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O N/A +bos thank you very much . eos O O O O O O general-thank +bos my pleasure . 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 no that will be all thank you ? eos 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 '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 yes , do you know the name of the location ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Name +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 O N/A +bos university arms hotel is in the centre of town with a expensive price range . it has 4 stars and free parking and internet . 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 O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos can you book a room for me for 7 people ? we 'll arrive on wednesday and stay for 3 nights . eos 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 B-Hotel-Inform+Stay O O O N/A +bos booking was successful . reference number is : 8yo1f8qd . what else may i 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 N/A +bos i would also like some info on some places to eat in town . eos O O O O O O O O O O O O O O O N/A +bos you did n't select restaurant so i ca n't pull it up one moment while i get my manager . 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 know what , come to think of it we 'll find a restaurant later . can you tell me some information on clare college ? i was thinking of visiting there . 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+Name I-Attraction-Inform+Name O O O O O O O O O O O N/A +bos clare college is in the west area . the phone number is 01223333200 and the entrance fee is 2.50 pounds . can i help with anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone 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 please . i need a taxi to commute between the two places . i want to leave the hotel by 06: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 O N/A +bos a black tesla will arrive to pick you up at the hotel at 06:45 and will take you to clare college . the contact number is 07878272300. eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone O N/A +bos thanks for your help ! eos O O O O O O general-thank +bos is there anything i can do for you ? eos 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 you are most welcome . it has been a pleasure assisting you today . 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 train to cambridge that arrives by 12:15. eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos i 'd be happy to find you a train ; where will you be traveling 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 be leaving from cambridge and it should go to leicester . eos O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O N/A +bos i booked the train for you , it is train number tr7195 , reference number rt2novfd . 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+Id I-Train-OfferBooked+Id O O B-Train-OfferBooked+Ref O O O O O O O O O O O N/A +bos that 's all . thank you very much . 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 actually , are there any parks in the east ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos yes , there is cherry hinton water play park on the east side . entrance is free there ! would you like any other information about the park ? 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 B-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 O general-reqmore +bos yes , can i please get the address and the entrance fee ? thanks . 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 , it 's at cherry hinton hall on cherry hinton road . there is no fee . 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 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 okay . that 's all i need now . good bye . eos 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 . 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 with some trip planning ? i could use some suggestions 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 O O O N/A +bos i can definitely help you with that . is there a specific type of attraction you are interested in or section of the city 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 O O O O O O O Attraction-Request+Area,Attraction-Request+Type,general-greet +bos i 'm looking for a theatre in any part of the city . can you recommend one ? eos 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 is the mumford theatre , it is located at anglia ruskin enterprise , east road in the centre area . eos O O O O B-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 B-Attraction-Inform+Area O O O O N/A +bos that sounds good , i like that . could you tell me what the postcode is please ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb11pt eos O O O O B-Attraction-Inform+Post N/A +bos i would also like to book at a guest house named aylesbray lodge , starting monday . 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 i 'm starting to book your reservation at aylesbray lodge starting on monday , how many days will you be staying ? eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O B-Booking-Inform+Day O O O O O O O O O O Booking-Request+Stay +bos i will be staying for 3 nights . eos O O O O O O O B-Hotel-Inform+Stay O N/A +bos ok , and how many people will be staying in the room ? eos O O O O O O O O O O O O O O Booking-Request+People +bos 2 people , is that fails then try 1 night . please provide the reference number . eos O O B-Hotel-Inform+People 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 : wyo54vci.anything else ? eos O O O O O O O B-Booking-Book+Ref 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 happy to assist . eos O O O O O general-welcome +bos i 'm grateful for your services . eos O O O O O O O O N/A +bos ok , hope you have a wonderful time . thank you , goodbye . 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 to visit the colleges in town , and need to know the names of some of them . 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 there are 18 matches . do you have an area in mind ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Area +bos are there any in the centre ? eos O O O O O O B-Attraction-Inform+Area O N/A +bos there are 13 in the centre , including christ 's college and emmanuel college . eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos the area actually does n't really matter , i just need the address of one of your recommendations , 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+Addr +bos sure ! the address for christ 's college is saint andrew 's street , postcode cb23bu . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O N/A +bos thank you ! i am also looking for a hotel with 4 stars . eos O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O N/A +bos the university arms hotel is 4 starts and in the centre where the college is , would you like me to book you or provide more information ? 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 O B-Hotel-Inform+Area O O B-Attraction-Inform+Type O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos do they have internet and could i have the phone number please ? eos O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Internet +bos yes they have internet and phone 01223351241 eos O O O O O O O B-Hotel-Inform+Phone Hotel-Inform+Internet +bos i need to book a taxi also . it should leave the hotel by 11:330 eos O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos sure ! a white honda should pick you up at that time . the contact number is 07825681790. do you need anything else ? eos 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 O general-reqmore +bos that 's all i need right now . thanks for the help ! eos O O O O O O O O O O O O O O general-thank +bos it 's been my pleasure . goodbye . eos O O O O O O O O O general-welcome,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 what type of cuisine would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos modern european , please . eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos sure , do you have an area or price range you are looking for ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos i do n't have a preference on price range , but would like it to be in the centre . eos 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 i would recommend the de luca cucina and bar , located at 83 regent street . would you like to reserve a table ? 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 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 i need a table for 7 people . eos O O O O O O O B-Restaurant-Inform+People O N/A +bos sure i would be more than happy to help you with that when would you like to 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 Booking-Request+Time,general-greet +bos tuesday at 18:45 eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos i have your table booked for 7 people on tuesday at 18:45 , your reference number is l440ujkd . can i help with anything else ? eos 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i also need a train from cambridge to london liverpool street . 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 N/A +bos what time will you be leaving ? eos O O O O O O O O Train-Request+Leave +bos i need to arrive there by 17:30. eos O O O O O O O B-Train-Inform+Arrive N/A +bos what day do you want to travel ? eos O O O O O O O O O Train-Request+Day +bos i 'll be travelling on wednesday . eos O O O O O B-Train-Inform+Day O O N/A +bos tr2815 arrives at 17:27. does that work or is it cutting things too close for you ? eos 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 Train-OfferBook +bos yes . i need 7 tickets please . eos O O O O O B-Train-Inform+People 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 i please get the reference number ? eos O O O O O O O O O N/A +bos okay i have booked you and your reference number is uzbrlh3f . 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 today . eos O O O O O O O O general-thank +bos did you need anything else ? eos 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 have a great time . eos O O O O O O general-bye +bos i 'm looking for a cuban restaurant . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm afraid i do n't have any matches . do you have any other food preferences ? 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 i need something expensive in centre and it really needs to serve cuban food . eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos again , unfortunately , we do n't have any cuban restaurants listed . is there another type of food you would like to try ? 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 O O O Restaurant-Request+Food +bos is there a chinese restaurant in the same price range ? eos O O O O B-Restaurant-Inform+Food O O O O O O O Train-Request+Price +bos i have several places . would you like me to book it ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O Booking-Inform +bos no , just pick your favorite and give me the address and postcode 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 there is no listings for cuban food , would you want something else eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O general-reqmore +bos i was hoping for cuban , but since there are n't any , do you have any expensive chinese restaurants in the centre of town ? 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 B-Restaurant-Inform+Area O O O O O O N/A +bos may i recommend ugly duckling ? they 're an expensive chinese restaurant in the centre and they are quite popular . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O N/A +bos sure , could i get the postcode and the address please ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the ugly duckling is located at 12 st. johns street city centre and their postcode is cb21tw . can i assist you with anything further ? 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 I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos thank you . i also want a train for friday , from broxbourne to cambridge 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 N/A +bos there are 19 trains on friday , do you have a specific time you want to travel ? 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 need to be in cambridge by 08:15. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos there are 2 that arrive by 08:15. the closest to that arrival time is arriving at 07:32. eos O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Arrive N/A +bos what is the travel time for that one ? eos O O O O O O O O O O Train-Request+Duration +bos that 's tr5570 . the travel time is 60 minutes . eos O O B-Train-Inform+Id O O O O O B-Train-Inform+Time I-Train-Inform+Time O O N/A +bos and what is the price on that one ? eos O O O O O O O O O O Train-Request+Price +bos 17.90 pounds per ticket i do believe . is there something else i can help you with today ? eos 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 general-reqmore +bos what time is the departure ? i am sorry . eos O O O O O O O O O O O N/A +bos the departure is 06:32. anything else ? eos O O O O B-Train-Inform+Leave O O O general-reqmore +bos i think that is all i need 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 O general-thank +bos you 're very welcome . enjoy your time here . eos O O O O O O O O O O O general-welcome,general-bye +bos i would like more information on a hotel called cityroomz for my trip to cambridge . eos O O O O O O O O O O B-Hotel-Inform+Name O O O O O O N/A +bos cityroomz is a moderate priced accommodation , located in the city centre , on station road . may i assist with a booking ? eos 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 I-Hotel-Inform+Area O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Booking-Inform +bos no , i just need to know if they have free internet . eos O O O O O O O O O O O O O O Hotel-Request+Internet +bos yes , cityroomz does have free wifi . 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 O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos i also would like information on a place to eat in the centre of town . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos i can definitely help you with that . was there a specific type of cuisine you were 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,general-greet +bos yes i was interested in european food in expensive price range eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O N/A +bos eraina is a great european restaurant in the centre of town . it 's located at free school lane city centre . would you like their phone number ? eos O B-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+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 general-reqmore +bos yes please , i would like their phone number . eos O O O O O O O O O O O Restaurant-Request+Phone +bos their phone number is 01223368786. is their anything else i may assist 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 's all i needed today , thank you . eos O O O O O O O O O O O general-thank +bos happy to be of service , and thanks for using the cambridge towninfo centre ! 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 hotel with free wifi and 3 stars . eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O N/A +bos we have two options that meet those criteria , do you have additional requirements or would you like me to suggest one for you ? 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 general-reqmore +bos i just need a hotel with this criteria . eos O O O O O B-Hotel-Inform+Type O O O O N/A +bos you can choose from either the gonville hotel or the lensfield hotel . eos 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 N/A +bos i would like the gonville hotel . can you make booking for me for 6 people and 4 nights starting from friday ? thanks eos O O O O O O B-Hotel-Inform+Type 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 ok i will book it for you for 6 people eos O O O O O O O O O O B-Booking-Inform+People N/A +bos can i get a reference number for the hotel , please ? eos O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos you 're all set , ref # cm4qwr6x . is there anything else i can help 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 general-reqmore +bos that is all i need . thank you . eos O O O O O O O O O O general-thank +bos i 'm glad i could 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 a place to dine during my trip . it needs to be in the east and serve northern european food . eos 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 N/A +bos i 'm afraid i do n't have any matches . 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 Restaurant-NoOffer,general-reqmore +bos can you see if there 's any indian restaurant ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos sure . there is a moderately priced restaurant called curry prince . would you like to go there ? eos O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform +bos yes . please book us a spot for 7 people on thursday at 13:00. 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 you a table . your reference number is f75434p4 . is there 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 O O O general-reqmore +bos i also need a train on thursday . london liverpool to cambridge . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O O N/A +bos there are three trains that arrive before 13:00. the closest arrival would be 11:07. 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 B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O Train-Request+Leave +bos actually i want to arrive before 10:45 if possible . eos O O O O O O O B-Train-Inform+Arrive O O O N/A +bos tr8805 will leave at 7:39 and arrive by 9:07. it will cost 16.60 pounds per ticket . would you like to book seats ? eos O B-Train-Inform+Id 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 O O Train-OfferBook +bos yes , i would like that for 7 people as well . eos O O O O O O O O B-Train-Inform+People O O O O N/A +bos okay your total is 116.2 gbp payable at the station and your confirmation is 40b9lto9 . 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 O N/A +bos great thank you for all your help today . eos 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 a place to stay that has free wifi . eos O O O O O O O O O O O O N/A +bos there are 32 options in cambridge , what price range are you looking for ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price +bos i 'm looking for something in the cheap price range , but i need it to have a 4 star rating . i do n't need any parking though . 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 O O O O O O O O N/A +bos again i have many to choose from that meet those criteria . would you like a suggestion ? 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 general-reqmore +bos ok , yes , if you could suggest one that comes with free parking that would be great ! eos O O B-Hotel-Inform+Parking O O O O O O O O O O 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 Booking-Inform,general-reqmore +bos i also need a vietnamese restaurant . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos my apologies it appears that i forgot to book your lodging . i recommend alexander bed and breakfast , would you like me to book it for you ? 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 I-Booking-Inform+Name O O O O O O O O O O O O general-greet +bos oh yes , please do . i need it for 8 people and 5 nights , beginning friday 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 O N/A +bos you are booked with the reference number e9100b48 . i can help you with the vietnamese restaurant now . do you have an area in mind ? eos O O O O O O O O B-Booking-Book+Ref 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-Request+Area,general-reqmore +bos i just want the restaurant to be in the same price range as my hotel eos O O O O O O O O O O O O O O O O N/A +bos there is one cheap vietnamese restaurant in town . it is thanh binh . do you want to book ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform +bos no , just provide me with the address and area for that restaurant if you could eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr +bos the restaurant is located at 17 magdalene street city centre in the west . can i help you with anything else ? 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 B-Restaurant-Inform+Area O O O O O O O O O general-reqmore +bos yes , will you book me a taxi to the restaurant from the hotel , 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 and what time would you like that taxi ? eos O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave the hotel by 22:15. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos your taxi service was book with a red volkswagen . the contact number is 07797935179 in case you need to contact them . eos O 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 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 you are welcome enjoy your meal . have a good evenening eos O O O O O O O O O O O O general-welcome,general-bye +bos i need a train to ely on monday . eos O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O N/A +bos i can help you with that . can you please tell me what station you would like to depart from ? 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,general-greet +bos i need to depart from cambridge after 21:45. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos there are 2 trains making that trip . one leaves at 21:50 , the next at 23:50. would you like to book one of those trains ? 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 Train-Select +bos yes , i 'd like to book the train that leaves at 21:50. eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos i would like to book the train leaving at 21:50. eos O O O O O O O O O O O N/A +bos did the booking go through ? eos O O O O O O O N/A +bos yes booking was successful , the total fee is 4.4 gbp payable at the station .reference number is : t5gd6fit 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 N/A +bos great ! can you also help me find a place to dine in the centre area ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos sure thing ! what kind of food are you looking for ? what is the price you 'd like to pay - cheap , moderate , or 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 B-Restaurant-Select+Price I-Restaurant-Select+Price O O O Restaurant-Request+Food,Restaurant-Request+Price,general-greet +bos i 'm looking for european food in the city 's centre and in the expensive range . i need the address , postcode and the phone number . eos 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 O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos how about darrys cookhouse and wine shop ? their address is 40270 king street city centre . postcode is cb11ln and phone number is 01223505015. 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-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 O O O B-Restaurant-Inform+Phone O O N/A +bos thank you , that was quick expedient service . i am all set , 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 general-thank +bos you 're so welcome , enjoy your visit ! eos O O O O O O O O O O general-welcome,general-bye +bos hi there ! i need some information on the hamilton lodge , please . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos the hamilton lodge is at 156 chesterton road cb41da . their phone number is 01223365664. 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 O B-Hotel-Inform+Phone O N/A +bos ok thats the one . can i reserve a room for 8 people starting saturday ? we will be there 4 nights . eos 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 N/A +bos yes , i have booked a room for you . your reference number is dci7oe9w . 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 O general-reqmore +bos yes can you help me find a restaurant ? i 'm looking for something expensive in the west . eos O 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 N/A +bos would you be interested in indian food ? cocum is a great restaurant i 'd recommend . eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Recommend+Name O O O O O O O O N/A +bos sounds great , no need to book yet , i have to check with the real boss , my wife . can i get the postcode and address for 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 O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the postcode is cb30ah ; and the address is 71 castle street city centre . may i help with something else ? eos O 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 O O O O O O O O general-reqmore +bos no . thanks for all your help . goodbye eos 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 hello i am looking for a good , cheap , spanish restaurant.is there any that you can recommend ? eos 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 O N/A +bos la raza is a cheap restaurant that serves spanish food . would you like their phone number ? 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 O O O O O O general-reqmore +bos is that located in the centre ? eos O O O O O O B-Restaurant-Inform+Area O N/A +bos it is indeed in the city centre . would you like me to make reservations 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 yes . friday . 2 people . 17:30. eos O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O N/A +bos i have made your reservation at la raza for 17:30 on friday . your table will be held for 15 minutes . your reference number is os5vnh62 . do you need anything else ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name 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 O O O O O O general-reqmore +bos ok , i also need a taxi to arrive at the restaurant by 17:30. eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos no problem . where are you departing from ? eos O O O O O O O O O O Taxi-Request+Depart +bos i will be departing from the restaurant . eos O O O O O O O O O N/A +bos alright , then what is your destination please eos O O O O O O O O O Taxi-Request+Dest +bos i guess i need to book the hotel first . is there a guesthouse in the same area as la raza ? 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 there are two guesthouses in the centre . i recommend el shaddai eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos do they have internet and what is the phone number ? eos O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Internet +bos the alexander bed and breakfast has internet and the phone number is 01223525725. 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 B-Hotel-Inform+Phone Hotel-Inform+Internet +bos does the alexander bed and breakfast also have free parking ? 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 Hotel-Request+Parking +bos yes they have free parking and wifi . eos O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos please go ahead and book the alexander bed and breakfast for me . eos O O O O O O O O O O O O O O N/A +bos i will book but i need to know how many people and for what day ? 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 for 2 on friday eos O O O B-Hotel-Inform+People B-Hotel-Inform+Day N/A +bos your booking was successful ! your reference number is osnxb1ir . 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 what car will be picking me up ? eos O O O O O O O O O N/A +bos a grey honda is booked . you can call 07936397340 to reach them . eos 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 thanks for all the bookings . i 'm ready for my visit now . take care . 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 us . have a great trip . goodbye . eos O O O O O O O O O O O O O O general-bye +bos i 'm looking for a belgian food restaurant in the centre . can you help me ? 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 N/A +bos there are no belgian places in centre at this time . would you like to try a different cuisine or area ? eos 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+Area,Restaurant-Request+Food +bos yes . please try european food in the centre . eos O O O O O O O O O O O N/A +bos we dont have a place that matches those qualities . can you try something else ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos what restaurants are located in the centre ? eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos there are many can i get a price range you are looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Price +bos i am not concerned with price . eos O O O O O O O O N/A +bos can i interest you in a moderately priced restaurant called yippee noodle bar , an asian oriental restaurant in the city centre ? eos O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 O O N/A +bos yes that would be fine . please make reservations for 8 people at 11:15 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 i have booked you for 8 people at 11:15 on wednesday at yippee noodle bar . your reference number is : tclmex5i eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Time 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 N/A +bos i 'm also wanting to stay at the alpha-milton guest house . 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 sure thing would you like a reservation ? eos O O O O O O O O O Booking-Inform +bos yes . three nights , from wednesday . 8 people . eos O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O O O N/A +bos good news , the booking of the hotel was successful , and the reference number is : v3pb9s6v . 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 also need a taxi two commute between the hotel and restaurant . 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 ok great and what time do you prefer ? eos O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i need to arrive at the restaurant in time for our reservation . would n't want to miss 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 N/A +bos okay , was there a specific time you were looking for ? eos O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos our reservations are for 11:15. eos O O O O O O N/A +bos i have booked you a taxi . the contact number is 07375849542 and it will be a grey volvo . 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+Phone 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 general-reqmore +bos no thanks . that does it . have a good night . bye . eos O O O O O O O O O O O O O O O general-bye +bos enjoy your visit ! let us know if we can be of any further assistance . eos O O O O O O O O O O O O O O O O O general-bye +bos hello , i 'd like some information on a train departing from cambridge . eos O O O O O O O O O O O B-Train-Inform+Depart O O O N/A +bos certainly . 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 Train-Request+Dest,Train-Request+Day +bos i want to go to leicester and want to leave on tuesday . eos O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O N/A +bos there are several trains that day , do you know what time you want to leave or arrive ? eos 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 Train-Request+Leave,Train-Request+Arrive +bos i need to get there by 17:15 eos O O O O O O O B-Train-Inform+Arrive N/A +bos there is a train departing cambridge at 15:21 and arriving in cambridge at 17:06. can i book that for you ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yeah , that sounds great . eos 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 1. please also get me z restaurant called city stop restaurant.and give me phone number and postcode 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos sure , the address is cambridge city football club milton road chesterton cb41uy . and just to confirm , you wanted to book 1 ticket for that train ? 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 B-Train-OfferBook+People O O O O O O O O O O O O O O O O O N/A +bos what about the phone number ? eos O O O O O O O Restaurant-Request+Phone +bos yes and their phone number is 01223363270. eos O O O O O O O B-Restaurant-Inform+Phone N/A +bos thanks so much for your help . eos O O O O O O O O general-thank +bos okay , i 've booked you a seat on the 15:21 train on tuesday . the total fee is 37.79 gbp payable at the station .reference number is : nhfgun35 . eos O O O O O O O O O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Day 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 . can you look up a restaurant for me ? eos O O O O O O O O O O O O O O Restaurant-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 would like to book a reservation at an indian restaurant in the expensive price range eos 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+Price +bos you can try taj tandoori in the west . need a reservation ? eos 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 no , i 'm sorry that one wo n't work , are there any in the south ? eos 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 there is a location also on the south . eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos can you book a table for 1 at 14:15 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 N/A +bos booking was successful at taj tandoori the table will be reserved for 15 minutes and your reference number is : bnf7n69i . do you need any further assistance ? eos 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 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 nice day and thank you for contacting us . eos O O O O O O O O O O O O general-bye +bos i need a train from bishops stortford into 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 there are plenty of choices for you . what time would you like to depart and arrive ? 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+Arrive,Train-Request+Leave +bos i would like to travel on wednesday and arrive by 10:00. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos train tr4094 will get you there by 8:07 am and the cost is 10.10 pounds . would you like me to book it for you ? eos O O B-Train-Inform+Id O O O O O B-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 O O O O O Train-OfferBook +bos are there any other trains closer to 10:00 ? eos O O O O O O O O B-Train-Inform+Arrive O N/A +bos no i 'm sorry there are not on a wednesday . eos O O O O O O O O O B-Train-NoOffer+Day O O N/A +bos ok , that 's fine . i do n't need to book that yet . i do need to find some places to go in the centre of town 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 B-Attraction-Inform+Area O O O O O O O N/A +bos you should try visiting the holy trinity church , they 're on market street . 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 O O N/A +bos that sounds nice . what type of attraction is that ? oh , and do you have their full 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 Attraction-Request+Phone,Attraction-Request+Type,Attraction-Request+Addr +bos the holy trinity church is an architecture attraction . the address is market street and the phone number is 01223355397. 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O N/A +bos perfect , thanks so much for your help today . eos O O O O O O O O O O O general-thank +bos will there be anything else i may help you with ? eos O O O O O O O O O O O O general-reqmore +bos no , 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 general-bye +bos i hope you have a great day as well . eos O O O O O O O O O O O general-bye +bos i 'm looking for some 4-star accommodations . eos O O O O O B-Hotel-Inform+Stars O O O N/A +bos there are over twenty four-star hotels or guesthouses . what area do you prefer ? 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 Hotel-Request+Area +bos an area that 's close to public transportation eos 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 sure , as long as it is moderately priced . eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos of course . ive got some options . you can check the out eos O O O O O O B-Hotel-Inform+Choice O O O O O O O N/A +bos i will be happy too . i will also need a postcode . eos O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb12dp and the address is 124 tenison road . do you want me to book it for you ? 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 O O O O O O O O O O Booking-Inform +bos no that wo n't be necessary . i am just gathering information for now . thanks eos O O O O O O O O O O O O O O O O O general-thank +bos sure thing . have a nice day ! eos O O O O O O O O O general-bye +bos can you tell me more about the peking restaurant ? thank you . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos it is chinese food in the south part of town , 10 homerton street city centre eos 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 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 you book a table for 3 there ? we 'd like something at 11:15 on wednesday , please . eos 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 O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : va3vo5om . what else can i 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 general-reqmore +bos i would like to find a museum to to visit that is in the centre area of town . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos the centre has 11 museums . i recommend castle galleries personally . it is free to enter . eos O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Choice 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 N/A +bos that sounds lovely . could i get the phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos sure , the phone number is 01223307402. i can make a reservation if you would like ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O Booking-Inform +bos not right now . that 's all i need . thank you 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 hi ! i need a taxi from little saint mary 's church to trinity college . i sure hope you can help me ! 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+Dest I-Taxi-Inform+Dest O O O O O O O O O O O N/A +bos sure thing , when you like to leave by ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i need to leave after 24:45. eos O O O O O O B-Taxi-Inform+Leave N/A +bos your booking is complete , a grey toyota will be picking you up . eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O N/A +bos i 'll also need the contact number . eos O O O O O O O O O N/A +bos of course , the number is 07655357606. can i help with anything else ? eos O O O O 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 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 look into more tourist information . eos O O O O O O O O O O O N/A +bos ok , i can definitely help you out , but i will need some more information from you first ! 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 problem , what would you like to know ? eos O O O O O O O O O O O N/A +bos are you looking for an attraction ? if so , what type , and where ? 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 yes . i am looking for a theatre . eos O O O O O O O O B-Attraction-Inform+Type O N/A +bos how about the adc theater located in the centre area at park street ? would you like more information on this theatre ? eos O O O O O B-Attraction-Select+Name I-Attraction-Select+Name O O B-Attraction-Select+Area I-Attraction-Select+Area O B-Attraction-Select+Addr I-Attraction-Select+Addr O O O O O O O O O O N/A +bos yes , can i have the phone number ? i am also looking for a place to stay in the west , with a moderate price range , free parking , and a star of 3. eos O B-Hotel-Inform+Parking 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+Price O O O O O O O O B-Hotel-Inform+Stars O O O O O Attraction-Request+Phone +bos the phone number is 01223300085. i have a perfect match for you , hobsons house , located at 96 barton road . do you need more information or do you want to book now ? eos O O O O O B-Attraction-Inform+Phone 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 I-Hotel-Recommend+Addr O O O O O O O O O O O O O O O Booking-Inform +bos do you have hobsons house phone number ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Request+Phone +bos sure ... the phone number is 01223304906. would you like me to book this for you ? eos O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O Booking-Inform +bos no thanks . i also need a taxi to commute between the two places . i want to leave the attraction by 03: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 N/A +bos you taxi is booked , its a white bmw and contact number is 07062462058 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 thank you that will be all goodbye eos O O O O O O O O general-bye +bos your welcome , have a nice day ! eos O O O O O O O O O general-welcome,general-bye +bos hi . i am looking for a place to stay . eos O O O O O O O O O O O O N/A +bos i can narrow your results if you would like to be more specific . otherwise allenbell on coldham lane gets 4 stars . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Stars O O N/A +bos i 'm looking for a cheap 4 star hotel in the east that has free wifi . eos 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 ok , there are 3 to choose from . eos O O O O O B-Hotel-Inform+Choice O O O O N/A +bos please recommend the best one , i need to book a stay for 7 people starting thursday for 2 nights . 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 B-Hotel-Inform+Stay O O N/A +bos booking was successful.reference number is : q884iovi . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thanks ! are there any cheap indian restaurants near the hotel ? eos O O O O O B-Hotel-Inform+Price B-Restaurant-Inform+Food O O O O O O N/A +bos i 'm sorry , there is not an indian restaurant in the east that is cheap . would you prefer one that is moderately priced or expensive instead ? 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 B-Restaurant-NoOffer+Price O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O N/A +bos how about indian restaurant with moderate price range and do not care about location eos O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos there are four that meet your criteria . two in the east , one in the north , and one in the west . which one would you like more 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 O O O O N/A +bos i would prefer one that is located in the east . eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos curry price is located in the east and moderately priced , would you like a reservation ? eos 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 O O O O Booking-Inform +bos yes , i will need to book it for the same day . eos O O O O O O O O O O O O O O N/A +bos i need a time and for how many people please . eos O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time +bos there will be 7 of us . eos O O O O O O O O N/A +bos what time should i reserve it for ? eos O O O O O O O O O Booking-Request+Time +bos i would like the table at 16:45 , please . eos O O O O O O O B-Restaurant-Inform+Time O O O N/A +bos you are booked . the reference number is 6sos8uj4 eos O O O O O O O O B-Booking-Book+Ref O N/A +bos great . i have all that i need . thank you very much ! eos O O O O O O O O O O O O O O O general-thank +bos let me add that you were booked into the autumn house . if that is all , have a wonderful stay in cambridge . goodbye . 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 O O general-bye +bos i am looking for a place to stay . the hotel should be in the east and should include 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 O N/A +bos there is one hotel and 6 guesthouses in the east with free internet . do you prefer a certain price range ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Inform+Internet +bos no , i just need it on the east side . eos O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos how about the leverton house ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos sure , i 'd like to book it for 2 people for 3 nights starting on wednesday . 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 sorry , but the hotel is n't available during that time . what about changing the date ? 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 +bos how about 2 nights instead ? eos O O O O B-Hotel-Inform+Stay O O N/A +bos booking was successful.reference number is : hdtpos34.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 general-reqmore +bos no , that 's all 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 are welcome . i can help with attractions and restaurants , if you wish . eos O O O O O O O O O O O O O O O O O general-reqmore +bos not at his time but i will keep it in mind . 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 general-bye +bos thank you . enjoy your trip . good bye . eos O O O O O O O O O O O general-bye +bos looking for the nearest police station . eos O O O O O O O O Police-Inform +bos telephone : 01223358966address : parkside , cambridgepostcode : cb11jg there are the requirements eos O O O O O O O O O O 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 great ! hope you have a good day ! eos O O O O O O O O O O general-bye +bos i am looking for a cheap modern european restaurant . can you help me ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos the river bar steakhouse and grill fits that description . would you like me to book you ? 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 O O O O O O Booking-Inform +bos yes . 3 people at 13:00 on thursday . eos 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 thank you ! what 's the reference number ? eos O O O O O O O O O O Restaurant-Request+Ref +bos i have booked your table and the reference number is : a36lrsl9 . eos 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 places to go where i can take a boat . eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos yes i have places in the east , north and center . any preference ? eos O O O O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O Attraction-Select +bos preferably in the centre , i 'll be staying in that area with some friends . eos O O O O B-Attraction-Inform+Area O O O O O O O O O O O O N/A +bos there is a place in the centre named scudamores punting co where you can get a boat . would you like their phone number or address ? eos O O O O O O O B-Attraction-Recommend+Area 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 O O O O O O general-reqmore +bos yes , may i get the address , entrance fee and phone number please ? eos 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 yes , they are located at granta place , mill lane , postcode cb21rs . you will have to call for an entrance fee , the phone number is 01223359750. 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 O O O O O B-Attraction-Inform+Phone O 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 you 're welcome . call back if you need further assistance . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need a train to leave from cambridge after 15:30. eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos ok , lets get you set up , where are you going 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 will be leaving on saturday and going to london liverpool street . 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 i would recommend tr4859 which leaves cambridge at 15:59 and arrives at london liverpool street at 17: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 I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos that sounds fine . can you reserve 6 tickets for me please ? eos O O O O O O O O B-Train-Inform+People O O O O O N/A +bos you 're all booked . tr4859 for 6 people will be 79.67 gbp . your reference number is ctetvs75 . is there anything else i can help you with today ? eos O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+People 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 i am looking for places to go in town . the attraction should be in the type of 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 there are 23 museums in cambridge . are you interested in a particular type of one in a certain part of town ? 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,Attraction-Request+Area +bos not really . pick the best one for me ! eos O O O O O O O O O O O N/A +bos i am very partial to the cambridge artworks museum located at 5 greens road and admission is free . does that sound good ? eos O O 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 B-Attraction-Recommend+Fee O O O O O O N/A +bos that sounds great ! what area and can i get the postcode ? eos O 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 postal code is cb13ef . eos O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Post 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 you 're welcome , glad i could help . eos O O O O O O O O O O general-welcome +bos is there a latin american restaurant in the center ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A +bos there are no latin american restaurants in the centre . would you like information about a different style of food ? eos 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 Restaurant-Request+Food +bos sure , what else is there ? eos O O O O O O O O N/A +bos i have 69 total restaurants in the centre with varying cuisines . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Food +bos how about latin american food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i have no latin american restaurants in the centre . perhaps another part of the city ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O Restaurant-Request+Area +bos why do n't we try for lebanese food instead eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there is ali baba , that is lebanese . would you like me to make you a reservation ? eos O O 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 Booking-Inform +bos yes , please . there will be 3 of us for tuesday at 13:30. eos 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 all right , sir , i 'm happy to say the booking was successful . would you like the reservation 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 Booking-Book,general-reqmore +bos of course i 'll need that . eos O O O O O O O O N/A +bos reference number is : b5cpu2x5 . can i assist you with anything else today ? eos 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 . thanks 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 am looking for a nearest police station eos O O O O O O O O O Police-Inform +bos the parkside police station address is parkside , cambridge , postcode cb11jg , and the telephone 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 thanks ! 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 for using our services . eos O O O O O O O O general-bye +bos i need to get a train out of cambridge . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos your looking at the trainid of tr5767 or tr2000 depending on your time eos O O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O N/A +bos the train should go to stansted airport and should arrive by 21:30. eos 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 what day of the week are you looking at traveling ? eos 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 these three could help trainid departure destination day leaveat arriveby price duration book ( optional ) tr1656 cambridge stansted airport tuesday 05:40 06:08 10.10 pounds 28 minutes tr1951 cambridge stansted airport tuesday 06:40 07:08 10.10 pounds 28 minutes tr0684 cambridge stansted airport tuesday 07:40 08:08 10.10 pounds 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 O O O O O O O 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 . book for me 5 seats and get me the reference numberes 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 , could you confirm which train you wanted to book seats on ? there were 3 choices given to you . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Choice O O O O O O O Train-OfferBook +bos whichever train goes to stansted airport tuesday from cabridge arriving closest to 21:30. eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A +bos booking was successful , the total fee is 50.5 gbp payable at the station . reference number is : gmybpe6f . 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 that . i do n't need anything more today . eos O O O O O O O O O O O O O general-thank +bos ok. enjoy your day . eos O O O O O O general-bye +bos would you tell me the location of addenbrookes hospital please ? eos O O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospitaltelephone : 01223245151address : hills rd , cambridgepostcode : 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 O N/A +bos no , that is it . thank you , good bye . eos O O O O O O O O O O O O O general-bye +bos have a good night ! eos O O O O O O general-bye +bos i need a tax to cambridge train station . eos O 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 to be picked up ? eos O O O O O O O O O O Taxi-Request+Depart +bos i 'm at kymmoy eos O O O B-Taxi-Inform+Depart O N/A +bos when would you like your taxi to pick you up ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i need to be picked up at 21:30. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos ok. i have booked for you a red skoda and the contact number is 07618237831. 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 general-reqmore +bos that covers everything . thanks so much . goodbye . eos O O O O O O O O O O O general-bye +bos goodbye and thank you for your patronage . eos O O O O O O O O O general-bye +bos i 'm looking for a place to stay , do you have any suggestions ? eos 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 is a cool place to stay in the east . we also have many other options . do you have a price range ? 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 B-Hotel-Recommend+Area O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Price +bos i 'm a sophisticated man . i will only consider expensive guesthouses . eos O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos we have 5 great choices . do you have a preference with a specific 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 i would like to make sure it has free wifi . eos O O O O O O O O O O O O N/A +bos the gonville hotel is really nice . want a reservation ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name 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 can you tell me what day you want to start your stay ? and how many people for how many 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 Booking-Request+People,Booking-Request+Stay,Booking-Request+Day +bos monday and for 5 nights for 4 people . eos O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O N/A +bos your booking was successful . the reference number is azsyt6et . 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 we need a place to go in town . can you help ? eos O O O O O O O O O O O O O O N/A +bos sure i can . do you have a preference for what part of town , or what type of place you want 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 O O O Attraction-Request+Type,Attraction-Request+Area,general-greet +bos i 'm looking for a place to go in the east , entertainment type . eos O O O O O O O O O O B-Attraction-Inform+Area B-Attraction-Inform+Type O O O O N/A +bos how does the cherry hinton hall and grounds sound ? would you like more information about this attraction ? 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 O O O O O general-reqmore +bos sounds great . i 'd love to know the postcode , phone number , and address for that attraction if you would 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 O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos the postcode is cb18dw . they are on cherry hinton road . their phone number is 01223446104. may i help you with anything else ? eos 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 O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , can you help me book a taxi ? eos O O O O O O O O O O O Taxi-Inform +bos yes i can i just need the travel time , departure time , and arrival time . 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 yes , i want to depart cherry hinton hall and grounds by 16:00. i will be going to the hotel . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Dest O O O O O O O O O O O N/A +bos i need to know the name of destination please . eos O O O O O O O O O O O Taxi-Request+Dest +bos you just reserved the gonville hotel for me . that 's where i 'd like to go . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O O O N/A +bos of course , sorry about that . look for a blue ford . contact number : 07146797795. can i assist you with anything else today ? 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 O O general-reqmore +bos no thank you that will be all . eos O O O O O O O O O general-thank +bos thanks for using our service . enjoy your visit . 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 thank you for using this service good bye eos O O O O O O O O O general-bye +bos can you tell me what guesthouses are available in the east ? eos O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O N/A +bos there are six guesthouses in the east side of town , with varying price ranges and amenities . do you require parking ? 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 O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Request+Parking +bos i do n't care about parking . i would like free wifi however . eos O O O O O O O O O O O O O O O N/A +bos what price range can i check in ? eos O O O O O O O O O Hotel-Request+Price +bos any price is fine eos O O O O O N/A +bos i would suggest allenbell then . eos O O O O B-Hotel-Recommend+Name O O N/A +bos can i get the address ? eos O O O O O O O Hotel-Request+Addr +bos the allenbell is located at 517a coldham lane . may i help you with anything else today ? eos 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 general-reqmore +bos yeah , what 's their postcode ? eos O O O O O O O O Hotel-Request+Post +bos their postcode is cb13js eos O O O O B-Hotel-Inform+Post N/A +bos i am also looking for places to go in town that are 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 O O O O N/A +bos how about the cambridge artworks museum ? it has free admission . 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+Fee I-Attraction-Inform+Fee O O N/A +bos that sounds interesting . could you give me the address ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos the address is 5 greens road , cb13ef is the postcode . is there anything else i can help you with ? eos 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 O O general-reqmore +bos can you arrange a taxi from cambridge artworks museum to the allenbell . i want to leave the museum by 04:45. eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Leave O N/A +bos i 've reserved a black lexus to meet you at cambridge artworks at 4:45. the contact number is 07792081216. can i help you with anything else ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 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-bye +bos can you tell me what colleges are open to tourists on the west side of town ? 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 N/A +bos sure , there is churchill , clare , clare hall , magdalene , and queens ' college . 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 N/A +bos ok , can i get a phone number for the magdalene ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos phone number is 01223332138 eos O O O O B-Attraction-Inform+Phone N/A +bos i 'm also looking for a thai restaurant . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos what area are you looking for and what price range ? eos O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos the restaurant should be in the same area as the attraction and in the the expensive 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 N/A +bos sala thong fits the bill . would you like their information ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O general-reqmore +bos yes please . i 'd like the address with postcode , and a phone number . 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 sure the address is 35 newnham road newnham , phone number 01223323178 and post code cb39ey . 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+Phone I-Restaurant-Inform+Phone O O B-Restaurant-Inform+Post O O O N/A +bos okay , that 's all that i need . goodbye . eos 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 general-bye +bos what attractions are there in northern cambridge ? eos O O O O O O B-Attraction-Inform+Area O O N/A +bos in the north there are the following attractions : boat , park , and 2 swimming pools . would you like more information on any of these ? eos O O O B-Attraction-Inform+Area 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 N/A +bos yes , can i get the postcode and phone number for the pools ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos jesus green outdoor pool 's postcode is cb43px and their phone number is 01223302579. kings hedges learner pool 's postcode is cb42xh and their phone number is 01223353248. anything else ? 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 O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O general-reqmore +bos yes i am also looking for a train . eos O O O O O O O O O O Train-Inform +bos where will you be traveling to and from ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am leaving cambridge and should leave on sunday eos O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day N/A +bos and what is your destination ? eos O O O O O O O Train-Request+Dest +bos bishops stortford . i 'd like to arrive by 21:45. can you give me the train id please ? eos O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O O O O O O O O O O O Train-Request+TrainID +bos tr6072 leaves cambridge at 19:29 on sunday and arrives in bishop stortford at 20:07. the cost is 8.08 pounds per ticket . would you like me to book it 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 B-Train-Inform+Day I-Train-Inform+Day O O B-Train-Inform+Dest I-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 O O O O Train-OfferBook +bos no thanks , i was gathering information . that actually takes care of my needs , 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 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-welcome,general-bye +bos i 'm looking for a certain hotel , can you help me find it ? eos O O O O O O O O O O O O O O O O Hotel-Inform +bos yes i can help . what is the name of the hotel ? eos O O O O O O O O O O O O O O Hotel-Request+Name,general-greet +bos it is called finches bed and breakfast . eos 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 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 , please . i need a reservation for 5 people for 4 nights starting on friday . if friday is not available please check 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 O O O O O O O O O O N/A +bos i have a booking for 4 nights , starting on friday for 5 people . eos O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Day O O B-Booking-Book+People O O N/A +bos thank you . could i have the reference number for my records , please ? eos O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos the reference number is elaa65rk . can i be of further assistance ? eos O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos yes , i 'm also looking for entertainment in the centre please . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos sorry i am not showing any entertainment in that area something else perhaps ? eos O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O O O N/A +bos i will go with a college instead , can you recommend one and give me the postcode ? eos 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 +bos the best college to visit is downing college , in postcode cb21dq . can i help you with anything else ? eos O O O O O O 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 general-reqmore +bos can i help you with anything else ? eos O O O O O O O O O N/A +bos i am good , thank you ! eos O O O O O O O O N/A +bos good bye . eos O O O O general-bye +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 i need to book a taxi departing from parkside police station . 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 okay , what is your destination ? eos O O O O O O O O Taxi-Request+Dest +bos i need to go to aylesbray lodge guest 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 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 need to arrive by 18:15. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos booking completed ! booked car type : white toyotacontact number : 07160513391 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 ca n't wait to try some of your local restaurants . can you help me with an attraction to visit 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 Restaurant-Inform,Attraction-Inform +bos sure thing , is there any specific type of attraction you 'd like to try ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Type +bos it is called kettle 's yard . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos kettle 's yard is a museum found in the west area of town . their phone number is 01223748100 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 I-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O O N/A +bos can i get the address as well please ? eos O O O O O O O O O O N/A +bos kettle 's yard is located on castle street . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 it is free to enter . eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos great . i am also looking for a restaurant . eos O O O O O O O O O O O Restaurant-Inform +bos i would love to help . any particular food you 'd like ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos no , i 'd just like for it to be in the east and moderately priced . eos O O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O N/A +bos i suggest pizza hut fen ditton . it serves italian food . can we book ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food O O O O O O Booking-Inform +bos yes book that for 5 people at 15:00 on sunday . 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.reference number is : ec390abk . 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 , that 's all i need today ! goodbye ! eos 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 am looking for a place to stay . the hotel should be in the east 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 B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Stars O N/A +bos i am sorry , but there are no 4 star hotels in that area , would you like me to look up another type of hotel for you ? eos O O 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 O O O O O O O O O O Hotel-Request+Type +bos no , thank you . i 'll have to figure something else out . eos O O O O O O O O O O O O O O O general-thank +bos there are 6 guesthouses in the east with 4-star ratings in the moderate to cheap range . are you interested ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O Booking-Inform +bos no , that 's all that i need . thanks , good bye . eos O O 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-bye +bos i 'm looking for a nightclub in downtown cambridge . eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i have several , is there a price you would like to keep entrance fee under ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O Attraction-Request+Price +bos i do n't really care . can you suggest a place ? and give me a postcode for the one you suggest 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 +bos soul tree nightclub is nice and has a 4 pounds entrance fee . the postcode is cb23qf . can i help with anything else ? eos 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 O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos i 'm also looking for a train . i need to depart from cambridge and arrive by 19:15. eos O O 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 there are many trains that fit your criteria . is there a destination to narrow the search ? 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 +bos i would like to go to kings lynn on monday . 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 there are many trains that day . i have one that that gets in at 17:58 , would you like me to book it ? eos O O O B-Train-Inform+Choice 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 Train-OfferBook +bos that works for me . book it for 2 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 okay , i have booked your train ticket from cambridge to kings lynn . your reference number is rx3523989 . eos O O O O O O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O O O O B-Train-OfferBooked+Ref O O O N/A +bos that 's everything . thank you . eos O O O O O O O O general-thank +bos you are very welcome and have a good night . eos O O O O O O O O O O O general-welcome,general-bye +bos can you help me find a good thai restaurant in the west ? eos O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there is sala thong that 's expensive would you like me to book a table for you ? eos O O 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 Booking-Inform +bos yes , that would be great . eos O O O O O O O O N/A +bos can you please tell me how many people and what day and time you would 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-Request+Day,Booking-Request+Time,Booking-Request+People +bos thursday at 12:45 for 7 people . eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O N/A +bos i was able to book that for you for thursday . your reference number is 07ci497h . eos O O O O O O O O O O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A +bos thank you for your service eos O O O O O O general-thank +bos you are quite 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 , the reservation is all . goodbye . 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 howdy , i need a train heading into cambridge . eos O O O O O O O O B-Train-Inform+Dest O O N/A +bos i would be happy to help you find a train . where are you 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 am departing from norwich . i need to leave after 18:45 on wednesday . eos 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 N/A +bos i have several options for you . where is your destination ? eos O O O O O O O O O O O O O Train-Request+Dest +bos i will be heading to cabridge eos O O O O O O O N/A +bos the earliest after 18:45 is the tr8658 , leaving norwich at 19:16. can i reserve you one or more seats on this train ? eos O O O 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 O Train-Request+People,Train-OfferBook +bos yeah , i need one ticket eos O O O O O O O N/A +bos booking was successful , the total fee is 17.6 gbp payable at the station . your reference number is axh1nm1i . do you need assistance 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 Booking-Book,general-reqmore +bos i am also looking for a multi sport in the east . eos O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos it looks like there is the cherry hinton village centre . can i get you more information about it ? 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 O O O O O O general-reqmore +bos i would like to get the phone number , please . eos 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 Attraction-Request+Phone +bos their phone number is 01223576412. anything else ? eos O O O O O B-Attraction-Inform+Phone O O O general-reqmore +bos oh , and what is their postcode , please ? eos O O O O O O O O O O O Attraction-Request+Post +bos sure , the postcode is cb19ej . can i help you find any other information about cambridge ? eos 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 that is all for now thank you . eos O O O O O O O O O general-thank +bos enjoy your time in cambridge ! eos O O O O O O O general-bye +bos i want to visit a theater in the center of town . eos O O O O O O O O O O O O O N/A +bos there are 4 matches . i do n't have any info on the fees . do you have any other preferences ? eos O O O O B-Attraction-Inform+Choice 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 N/A +bos no other preferences , i just want to be sure to get the phone number of whichever theatre we pick . 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 i recommend the cambridge corn exchange there phone number is 01223357851. 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 O O O O O O general-reqmore +bos yes , i am looking for a tuesday train . eos O O O O O O O B-Train-Inform+Day O O O N/A +bos where will you be departing from and what 's your destination ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos from cambridge to london liverpool street . eos 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 10 trains on that route starting at 05:59 and the last one is at 23:59. 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 O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos the train must arrive by 11:15 and i do not care what time time it leaves . please book one for 4 people and give me the reference number . 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 B-Train-Inform+People O O O O O O Train-Request+Ref +bos the tr4259 fits your needs . would you like me to book this one ? you will get there at 09:27 , but the next one does n't arrive until 01:27. eos O O B-Train-Inform+People I-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 B-Train-Inform+Arrive I-Train-Inform+Arrive O O O Train-OfferBook +bos that works out fine . it will give me some time to look around before i have to be anywhere . can you book 4 tickets 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 B-Train-Inform+People O 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 : 6fvzcuek . can i help with 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 let me see ... no that 's all i need . thanks . bye . eos O O O O O O O O O O O O O O O O general-bye +bos thanks for calling . 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 this particular 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 it 's located in the east on 138 perne road , cb13nx . would you like to book a room ? eos O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O 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 i would love to book for 2 nights 2 people starting from saturday eos O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day N/A +bos booking was successful . reference number is : uq6zs49a eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . is there a museum close by that we could visit ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos there are four on the east side . cambridge artworks , cambridge museum of technology , gallery at twelve a high street , and saint barnabas press gallery . any of those sound good ? eos 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 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 can you give me the address of cambridge artworks ? eos O O O O O O O O O O O Attraction-Request+Addr +bos it is located at 5 greens road . is there 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 O O O O O O O O general-reqmore +bos yes i need a taxi to get between the two places please . eos O O O O O O O O O O O O O O Taxi-Inform +bos sure , where would you like to depart from ? will you be needing the taxi on saturday ? eos 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 'd like to leave from the hotel by 21:45 , please . eos O O O O O O O O O B-Taxi-Inform+Leave O O O O N/A +bos i have your taxi booked . it is a black tesla and the contact number is 07357559847. 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 very 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 O general-reqmore +bos no that seems to cover everything for me . 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 general-thank +bos you are quite welcome ! have a good one ! 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 sure , what type of information ? eos O O O O O O O O general-reqmore +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 there are a lot of options , what types of places 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 Attraction-Request+Type +bos i 'm looking for a museum in the centre of town eos O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are several but i would recommend castle galleries . eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos they offer free entrance . is there anything else i can do for you ? eos O O O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos i also need to get a train on thursday departing cambridge . eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos where will you go ? eos O O O O O O Train-Request+Dest +bos oops , before we move on to the train , i forgot to ask - what is the address and postcode for castle galleries ? eos O O 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 they are located at unit su43 , grande arcade , saint andrews street , postcode cb23bj . 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 B-Attraction-Inform+Post O O O O N/A +bos thank you . i also need a train for thursday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos i will work on getting this booked for you . eos O O O O O O O O O O O Train-OfferBook +bos i 'd like to leave on thursday and depart from cambridge . arriving by 9:45 in 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 booking was successful , train id tr5903 the total fee is 37.79 gbp payable at the station .reference number is : uq3wnx7b . 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 O N/A +bos find me the departure time please eos O O O O O O O Train-Request+Leave +bos it will leave at 05:21. eos O O O O O B-Train-Inform+Leave N/A +bos okay . 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 will be all . thanks for your help . eos O O O O O O O O O O O O O general-thank +bos i am glad i can help enjoy ! eos 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 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 hello , i am looking for a restaurant called meze bar . eos O O O O O O O O O O O O O Restaurant-Inform +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 well , i was interested in booking a table for thursday . coul 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 definitely ! what time do you want to eat , 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 Booking-Request+Time,Booking-Request+People,Booking-Inform +bos there will be 6 of us and we would like to eat at 18:30 if possible . eos O O O O O B-Restaurant-Inform+People O O O O O O O O B-Restaurant-Inform+Time O O O N/A +bos today at 18:30 for 6 at meze . is that correct ? eos O B-Booking-Inform+Day O B-Booking-Inform+Time O O B-Booking-Inform+People B-Booking-Inform+Name O O O O O general-reqmore +bos yes on thursday eos O O O B-Restaurant-Inform+Day N/A +bos booking was successful . the table will be reserved for 15 minutes . your reference number is fvvica5m . 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 i will also need train tickets . eos O O O O O O O O Train-Inform +bos where is your destination ? eos 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 where will you be departing from ? eos O O O O O O O O Train-Request+Depart +bos leaving bishops stortford and i 'll need the departure time too please eos O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O O O Train-Request+Leave +bos how about tr2061 ? it leaves at 05:29 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that sounds good . it leaves on thursday right ? eos O O O O O O O B-Train-Inform+Day O O O N/A +bos i found the tr0798 which leaves on thursday and arrives at 10:07 giving you plenty of time to get into town for your reservation . would you like to book tickets ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive I-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 booking for now , i just need the departure time . eos O O O O O O O O O O O O O Train-Request+Leave +bos the departure time is 9:29. is there anything else i can do for you today ? eos O O O O O B-Train-Inform+Leave O O O O O O O O O O O general-reqmore +bos no , i think i 've covered it all . eos O O O O O O O O O O O N/A +bos ok. if you do think of anything else you need just let me know . 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 train that goes to kings lynn and departs from 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 O O N/A +bos okay , do you know the day you want to travel ? eos O O O O O O O O O O O O O Train-Request+Day +bos yes , i need to leave on sunday and arrive at kings lynn by 08:45 for a meeting . eos 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 O N/A +bos tr3626 arrives sunday at 7:58 am before your meeting . would you like that one ? eos 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 O Train-OfferBook +bos please book that for 4 people . can i get the reference number please ? eos O O O O O O B-Train-Inform+People O O O O O O O O O N/A +bos reference number is : f756ltgz.i have you booked then , train leaves at 07:11. anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O B-Train-OfferBooked+Leave O O O O general-reqmore +bos i need to book at 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 home from home is in the moderate price range . how many people should i book it for ? eos 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 Booking-Request+People +bos please book for 4 people starting friday for 2 nights . eos O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A +bos booking was successful.reference number is : es30i9ec . will you need anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos nope , 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 glad to have been of service , 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 moderately priced indian restaurant ? eos O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos sure , what part of town do you prefer ? eos O O O O O O O O O O O Restaurant-Request+Area +bos is there anything near the centre ? i 'll need the postcode and phone number as well . eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos there no such restraunts in the centre eos O O O O O O O B-Restaurant-NoOffer+Area N/A +bos really ? no moderately-priced indian restaurants at all ? eos O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos no , there are none . i have cheap and expensive indian restaurants in the center of town , but nothing in between . eos O O 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 O O O O O O O Restaurant-NoOffer +bos ok , just get me a train . the train should arrive by 17:15 and should leave on wednesday . eos O 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 i have 245 trains that arrive by 17:15. where will you be departing from and where are you going ? eos O 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+Dest,Train-Request+Depart +bos i will be leaving from ely to cambridge . eos O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O N/A +bos train tr5348 will depart at 5:35 would you like me took book it fore you ? eos O 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 no , that is all i needed . thank you , good bye . eos 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 a place for a modern european food . moderate range ought to do it . thank you . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O O O O O O O O N/A +bos i show three in the moderate price range . two are in the centre and one is in the south . do any of these work for you ? eos O O O O O O B-Restaurant-Inform+Price O O 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 O O O O O O O O general-reqmore +bos yes , i need to reserve a table for 5 at 11:45 on wednesday can you help me with that ? 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 N/A +bos alright , i have you booked at the restaurant alimentum on the southend . the table will be reserved for 15 minutes . reference number is : 1pf64mm2 . 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 O O O O O O O B-Booking-Book+Ref O O O O O N/A +bos thank you . i also need a train to go to london kings cross on saturday . 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 B-Train-Inform+Day O O N/A +bos i have 10 trains available . do you have a time preference ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Leave +bos i want the train to arrive by 10:15. just choose the first train on your list and book it for 5 people . then send me a reference number to confirm eos 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 O O O O O O O O O O O O N/A +bos first i will need to know if your departure is from cambridge . eos O O O O O O O O O O O O O O Train-Request+Depart +bos yes it 's from cambridge . please 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 N/A +bos i have book for you for the 5:00 train for 5 people leaving cambridge on saturday . your reference number is 9dcsey8p and the total will be 94.4 gbp payable at the train station . is there anything else i can help you with ? eos O O O O O O O O B-Train-OfferBooked+Leave O O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Day 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 general-reqmore +bos no that 's all i needed for today . thanks . eos 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 +bos hi . i need to find a hotel , can you help me ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos yes , where would you like to stay and in what 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 i would like to stay in the northern area . i do n't have a specific price range , but the hotel does n't need to have the 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 O O O O O O O O O O O N/A +bos i have several hotels and guesthouses available . do you have a preference ? 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 Hotel-Select +bos i prefer a hotel . eos O O O O B-Hotel-Inform+Type O N/A +bos there are two hotels to choose from . ashley hotel and lovell lodge . both are moderately priced and have wifi and parking . 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+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos how much is each hotel ? eos O O O O O O O Hotel-Inform +bos they are each moderately priced . i do n't have any more specific information . eos 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 N/A +bos pick one for me . book it for 1 person for 5 nights starting from wednesday . 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 was able to book you at the ashley hotel . your reference number is cpbuemwr . it is located at 365 milton road in the north . their phone number is 01223350059. 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Area O O O O B-Hotel-Inform+Phone O O O N/A +bos i am also looking for a train departing from cambridge that is going to london kings cross . eos 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 N/A +bos which day would you like to leave on ? eos O O O O O O O O O O Train-Request+Day +bos i 'd like to leave on monday after 8:30. eos O O O O O O B-Train-Inform+Day O O O N/A +bos sure , the first train to london kings cross leaves at 9:00. shall i book it for you , if so for how many people ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 O O O O O O O O Train-Request+People,Train-OfferBook +bos just one person please . eos O O O O O O N/A +bos booking was successful on tr7409 , the total fee is 23.6 gbp payable at the station . reference number is : gsy1o89d . can i be of any further assistance ? 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 O O O O O O O O general-reqmore +bos that 's all i need today , thanks ! eos O O O O O O O O O O general-thank +bos no problem . enjoy your travels ! eos O O O O O O O O general-welcome,general-bye +bos i need a train to cambridge on saturday eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos okay , where are you leaving from ? eos O O O O O O O O O Train-Request+Depart +bos i need to leave london liverpool street sometime after 17:45. eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave N/A +bos i have three options for you , is there a particular time you would like to arrive by ? 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 +bos no . i need to book this for 5 people . please send me the reference number 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 Train-Request+Ref +bos i have you booked on tr3940 saturday leaving at 19:39 and arriving at 21:07. the reference number is x56ozzgl and it will be 13.28 gbp at the station . eos O O O O O O B-Train-OfferBooked+Id B-Train-OfferBooked+Day O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O 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 great . i also need a cheap 4-star hotel . eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O N/A +bos do you have an area preference ? otherwise , i recommend leverton house on newmarket road . eos O O O O O 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 Hotel-Request+Area +bos is it a guesthouse ? eos O O O O B-Hotel-Inform+Type O N/A +bos it is a guesthouse in the east . would you like me to make you a reservation ? eos 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 Booking-Inform +bos no thanks . no need to make a reservation but can i get the postcode please ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode for leverton house is cb58rs . is there anything more i can help 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 O general-reqmore +bos no i think that 's all i needed , thanks ! eos O O O O O O O O O O O O general-thank +bos it was a pleasure serving you today . i hope you enjoy your stay ! 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 train to bishops stortford that leaves after 16:30 , please . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Leave O O O N/A +bos where will you be travelling to ? eos O O O O O O O O Train-Request+Dest +bos i already told you . eos O O O O O O N/A +bos where will you be 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 Train-Request+Day,Train-Request+Depart +bos i would like to leave on tuesday , and depart from cambridge . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O N/A +bos the tr2153 departs cambridge for bishops stortford on tuesday at 17:29 , would you like to book a seat on this train ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-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 O O Train-OfferBook +bos yeah . i need to book for 7 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 70.7 gbp payable at the station .reference number is : c2kpv8jc . 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 for the booking . i also am looking for a guesthouse with free internet for all of us . 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 arbury lodge guesthouse is available in the north area . it 's a moderate price range and has free internet . how many days will you be staying ? 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 O O O B-Hotel-Inform+Price O O O O O O O O O O O O O O O O Booking-Request+Stay,Hotel-Inform+Internet +bos we will be staying for five days . eos O O O O O O O O O N/A +bos and which night would you like to start your stay ? eos O O O O O O O O O O O O Booking-Request+Day +bos one moment . i am looking for 2 stars . does arbury lodge guesthouse have two stars ? eos O O O O O O O O O O O O O O O O O O O N/A +bos it has 4 stars , should i book that for you ? eos O O O O B-Hotel-Inform+Stars O O O O O O O O Booking-Inform +bos yes , please book it and provide a reference number . eos O O O O O O O O O O O O N/A +bos which day of the week is the start of your stay , please ? eos O O O O O O O O O O O O O O O Booking-Request+Day +bos is it available starting thursday ? eos O O O O O O O N/A +bos i just need to confirm before i book this hotel , do you want a 4-star hotel or 2-star hotel ? or does it matter ? eos O O O 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 O O O O N/A +bos four star please same group of people starting thursday i need a ref number too please . 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 your room is booked ( ref # qn4wvxjj ) . is there anything else i can do for you 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 O general-reqmore +bos no that will be all today . 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 am looking for a restaurant called charlie chan eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos i found charlie chan on regent street city center . can i book that for you ? eos 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 Booking-Inform +bos yes please , for 1 person at 12:45 on thursday , thank you eos 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 you 're all set ! the reference number is nl81fn41 eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks ! i also need a train to cambridge on thursday . can you help me with that ? 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 O O N/A +bos can you tell me your departure station and a time you 'd like to either 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+Depart,Train-Request+Leave,Train-Request+Arrive +bos i am looking to leave kings lynn station and arrive by 9:45 eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O N/A +bos i have 4 trains that arrive before 9:45. would you like me to book tr8705 which leaves at 8:11 and arrives at 8:58 eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive O O O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive N/A +bos what 's 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 price is 9.80 pounds and will leave at 8:11 and arrive at 8:58 , which is 47 minutes travel time . 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+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 O O O O O Train-OfferBook +bos yes , that sounds good . eos O O O O O O O N/A +bos is this also just for one person ? eos O O O O O O O O O Train-Request+People +bos actually hold off on booking for now . 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 . 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 no , that will be all . thank you for all your assistance . eos O 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 help 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 can you find me a moderately priced chinese restaurant please eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos certainly ! there are 4 ; 3 in city centre , and 1 in the north . do either of these areas look good ? eos O 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 B-Restaurant-Select+Area I-Restaurant-Select+Area O O O O O O O N/A +bos yes , the one in the north does . eos O O O O O O B-Restaurant-Inform+Area O O O N/A +bos i have the golden wok phone 01223350688 postcode cb43hl . it is located in the north and a moderate price . should i book this for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone O B-Restaurant-Inform+Post 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 Booking-Inform +bos yes please - could you make a reservation for 4 people at 12:15 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : yi8bkdr2 . 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 general-reqmore +bos yes are there any parks in the same area as the restaurant ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos yes there is 1 park in the same area . it is milton county park . would you like more information ? 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O N/A +bos yes could i please get the phone number . eos O O O O O O O O O O Attraction-Request+Phone +bos phone is 01223420060. do you need anything else ? eos O O O B-Attraction-Inform+Phone O O O O O O general-reqmore +bos yes , i would like a taxi to go from the two places and make sure it arrives to 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 okay , i 've got you booked with a grey lexus . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O N/A +bos can i please get the taxi company 's contact phone number ? eos O O O O O O O O O O O O O Taxi-Request+Phone +bos their number is 07607417770 , is there anything else i can do ? eos O O O O B-Taxi-Inform+Phone 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 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 'd like to find a cheap place to stay . eos O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i can certainly help you with that . we have 10 listings for cheap lodgings . do you have any other requirements ? 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 O O N/A +bos i would like for it to be located in the center of town . eos O O O O O O O O O O O O O O O N/A +bos sure . i found 2 guesthouses . one with 4 stars and one with 0 stars . do you have a preference ? eos O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O Hotel-Select +bos no , i do n't have a preference . do those places have wi-fi ? eos O O O O O O O O O O O O O O O O N/A +bos yes , they both do . the alexander b & b is our inexpensive 4 star guesthouse . would you like me to see if i could book you room ? eos O O O 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 O O O O O O O O O O O O Booking-Inform +bos i am not ready to book yet . thanks for the information . eos O 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 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 ! thanks ! 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 'm looking for a train going to leicester leaving after 18:15. eos O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O N/A +bos okay ! from where are you departing ? eos O O O O O O O O O Train-Request+Depart +bos i 'll be leaving cambridge on tuesday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos there is a train leaving leicester at 18:21 and heading for cambridge . would you be interested in this one ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O B-Train-Inform+Dest O O O O O O O O O Train-Select +bos no thanks , i need one going from cambridge to leicester . are there any that meet my needs ? 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 my mistake . it does depart from cambridge to leicester at 18:21. would you like a ticket ? eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Leave 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 N/A +bos your ticket is booked on tr0776 from cambridge to leicester on tuesday at 18:21. the confirmation number is ih9jzwai . eos O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O O O B-Train-Inform+Ref O N/A +bos thank you . i 'm also looking for a place to stay in the east with free parking . 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 i have several options . do 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 the hotel should be in the moderate price range . eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos i would recommend the warkworth house . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos great . i need to make a reservation for saturday . eos O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos ok , how many days and guests ? eos O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos it will be 2 nights and for 1 person . eos O O O O O O O O O O O N/A +bos there is one hotel in the east . would you like me to book it for you ? 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 Booking-Inform +bos yes please . i would like it for one person for 2 nights . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos booking was successful.reference number is : 1rc02k68 eos O O O O O O O B-Booking-Book+Ref N/A +bos that will be it for now . thanks eos O O O O O O O O O general-thank +bos please feel free to call again if we can help 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 O general-bye,general-reqmore +bos hi , could you find me a train that leaves on thursday from bishops stortford ? 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 O N/A +bos sure . what is your destination ? eos O O O O O O O O Train-Request+Dest,general-greet +bos i am headed to cambridge . also , i will be out late the night prior so please nothing before 10:00 eos O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O B-Train-Inform+Leave O O N/A +bos there is a train leaving at 11:29. 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 no , not yet . i just really need to know the travel time for now . eos 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 train is 38 minutes . the one that leaves at 11:29 will arrive by 12:07. eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O N/A +bos thanks ! i also need a place to stay with free parking and a 3 star rating . 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 3 guesthouses and 2 hotels to choose from , peppered all around the city . which do you prefer , and what area of town would you like to be in ? eos O O O O O O O B-Hotel-Inform+Choice I-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 O O O O Hotel-Request+Area,Hotel-Select +bos i would prefer a hotel in the centre of town please . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos the gonville hotel meets all of your requirements . it 's an expensive hotel ( not a guesthouse ) in the city centre . they offer free wifi and parking and have a 3-star rating . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos can you please provide the address of the gonville hotel ? eos O O O O O O O O O O B-Hotel-Inform+Type O Hotel-Request+Addr +bos sure , the gonville hotel is located at gonville place , post code cb11ly . is there anything else i can assist you with today ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O 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 general-reqmore +bos no , i think that should do it . thanks a lot . 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 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-welcome,general-bye +bos good evening , i am looking for a place to stay that includes free parking eos O O O O O O O O O O O O O O O O N/A +bos okay , i have 29 options for you . is there an area of town that you 'd prefer 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 Hotel-Request+Area +bos i 'm not sure . i would prefer something moderately priced . eos O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos that narrows it down a bit . the acorn guest house is a nice place , with 4 stars . it 's in the north area of town . 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 B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos sounds good , i changed my mind about the internet , can you let me know if 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 O O N/A +bos the acorn guest house also has free internet . shall i 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 Booking-Inform,Hotel-Inform+Internet +bos may i just get the phone number please ? eos O O O O O O O O O O Hotel-Request+Phone +bos absolutely ! the phone number is 01223353888. 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 you have met all my needs for today . thank you ! eos O O 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 . goodbye . 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 place to dine in the moderate price range in the east . 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 N/A +bos there are 3 moderately priced restaurants on the east side . do you prefer indian or italian food ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos is there one with unusual food ? eos O O O O O O O O N/A +bos no , i 'm afraid indian or italian are the only options . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O N/A +bos ok , tell me whats available in indian food . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos for indian food , i have the curry prince restaurant and rajmahal . they are both moderately priced and located in the east . can i tell you more about one of those ? eos O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O N/A +bos yes . give me the address and postcode for one of those , 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 the address and postcode for curry prince is 451 newmarket road fen ditton , cb58jj . is there anything else i can do 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 O O O general-reqmore +bos no , that 's all the information i need . thanks for your help ! eos O O O O O O O O O O O O O O O O general-thank +bos enjoy ! goodbye ! eos 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 great ! i can help you with any tourist information you may need . eos O O O O O O O O O O O O O O O general-greet +bos i am sorry , i meant a trip into kings lynn . i am coming from cambridge and looking for a train . eos O 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 O O O O O O N/A +bos ok , just tell me what day and time and i will be able to tell you 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 Train-Request+Day,Train-Request+Leave +bos i 'm leaving on tuesday . i 'd like to leave after 19:45. eos O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O O O N/A +bos tr9926 leaves at 20:11 and costs 20:11. how many tickets do i book ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Request+People,Train-OfferBook +bos 2 people . i need the reference number too . eos O O O O O O O O O O O Train-Request+Ref +bos ah , it appears that the earliest train , tr9926 , leaves at 20:11 , but it does arrive by 20:58. if that is okay , i could book that for you . eos O O O O O O B-Train-Inform+Choice O B-Train-Inform+Id 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 Train-OfferBook +bos yes , please book that train . eos O O O O O O O O Train-Inform +bos i have the tickets booked for you . what else can i help with ? eos O O O O O O O O O O O O O O O O Train-OfferBooked,general-reqmore +bos i also need things to do in town . eos O O O O O O O O O O N/A +bos what sort of attraction are you thinking of doing ? eos O O 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 there are many churches in this area . eos O O O B-Attraction-Recommend+Choice I-Attraction-Recommend+Choice I-Attraction-Recommend+Type O O O N/A +bos before i forget , i need the reference number for the train booking . also , i am looking for attractions in the south part of town , maybe something outdoors , if possible . 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 O O O O O O Train-Request+Ref +bos of course , the train reference # is xmw6emf9 . also , there are 2 parks in the south : wandlebury country park , and sheep 's green and lammas land park fen causeway . eos O O O O O O O O B-Train-OfferBooked+Ref 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 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 N/A +bos thank you . may i have the phone number for wandlebury country park , 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 O O Attraction-Request+Phone +bos the phone number is 01223243830 eos O O O O O B-Attraction-Inform+Phone N/A +bos that should be all fr now . eos O O O O O O O O N/A +bos welcome any time you need us eos 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 N/A +bos i have many options for you . are you looking in a particular area ? 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 would prefer it to be in the north . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos that narrowed it down a little bit . would you prefer a guesthouse or a hotel ? eos O 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 a hotel please . i also need free parking . eos O O B-Hotel-Inform+Type O O O O O O O O N/A +bos i have 2 hotels that have what you are asking for . both are 2 stars and offer free parking and wifi . ashley hotel and the other is the lovell lodge . eos O O O O B-Hotel-Inform+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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos can you book a room at the ashley for me ? 5 people , 5 nights , and we 'll arrive on tuesday . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O O O O N/A +bos ok , you have the rooms . reference number is : hx250zfs . 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 great i also need a train going to cambridge on tuesday as well . 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 did you have a departure or arrival time in mind ? eos O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i just want to get there by 19:00 eos O O O O O O O O B-Train-Inform+Arrive N/A +bos where are you leaving from ? eos O O O O O O O Train-Request+Depart +bos i 'm leaving from broxbourne . eos O O O O B-Train-Inform+Depart O O N/A +bos okay the tr7598 leaves at 16:32 and arrives at 17:32. 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 you book that train for five people ? eos O O O O O O O O O O N/A +bos i sure can . that total charge is 89.5 gbp and the reference number is otqm5tp5 . 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 N/A +bos great , thanks for all of your help today . i wo n't be needing any further 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 general-bye +bos no thank you that will be all eos O O O O O O O O general-bye +bos can you assist me to find restaurants in the center of cambridge that serves chines foods ? eos O O O O O O O O O O O O O O O O O O N/A +bos there are 10 results for that search . can i narrow that down with a price range you 'd like to stay 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 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 O N/A +bos there are four . would you like a table , or more information ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Booking-Inform,general-reqmore +bos ah ... just pick one that you recommend and do a reservation for 6 at 14:45 on saturday . 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 N/A +bos i 've reserved a table for 6 at ugly duckling at 14:45 on saturday . your confirmation number is g6rs8par . eos 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 B-Booking-Book+Ref O O O N/A +bos am also looking for a place to stay . the hotel should include free parking and 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 O O N/A +bos sure , can i narrow down your preference a bit ? 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 O O O O O Hotel-Request+Area +bos i 'd love it if we could stay in the centre of town . also , i would like it to be three stars . 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 O O N/A +bos great . gonville hotel should meet your needs . 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 Booking-Inform +bos can you tell me what the price range is at the gonville hotel ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos yes certainly it is in the expensive price range . eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos is this a hotel or a guesthouse ? eos O O O O O O O O O Hotel-Inform +bos it is a hotel . would you like to book it ? eos O O O O B-Hotel-Inform+Type O O O O O O O O Booking-Inform +bos no thanks , just gathering info , thank you so much for your help , have a good evening . 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 was happy to help . you have a good evening , as well . good-bye . 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 recommend any boats that are north of cambridge ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos yes the riverboat georgina at cambridge passenger cruisers , jubilee house postcode cb43ax is beautiful . the phone number is 01223902091 if you would like to call for more information . eos 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 B-Attraction-Recommend+Post O O O O O O B-Attraction-Recommend+Phone O O O O O O O O O O O O N/A +bos can i have the address and entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos yes , the address is cambridge passenger cruisers , jubilee house . i do n't have any information on the entrance fee . 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 O O O O O O O O O O N/A +bos are there any moderately priced restaurants near the riverboat ? eos O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos sure , we have golden wok chinese , or the nirala indian in the north part of town . can i book one for you ? eos O 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 O O O O O O O O O Booking-Inform +bos no , but can i get the address today ? eos O O O O O O O O O O O Restaurant-Request+Addr +bos sure , golden wok is at 191 histon road chesterton . the nirala is at 7 milton road chesterton . is there anything else i can help you with ? eos O O O 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 O O O Restaurant-Select,general-reqmore +bos no , i think that 's all i needed 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 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 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 a lot of attractions in the centre is there a particular type you 'd like 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 Attraction-Request+Type +bos any place would be great . if you could pick one and send me the 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 Attraction-Request+Post,Attraction-Request+Phone +bos little saint mary 's church is in postcode cb21qy and their phone number is 01223366202. 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 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 N/A +bos we have a lot to choose from . is there a certain type of food you are looking to try ? 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-Request+Food +bos yes , i would like to find a south african restaurant please . 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 'm sorry . i 'm not finding any results that meet your criteria . would you like to try a different type of food 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 Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer +bos yes let 's look for chinese food instead . eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos tang chinese is a great place in the centre with an expensive price range . would you like to make a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O 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 nah , i just need to phone number eos O O O O O O O O O Restaurant-Request+Phone +bos sure their phone number is 01223357187. eos O O O O O O B-Restaurant-Inform+Phone N/A +bos and their postcode as well . can you help me book a taxi between the church 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 Restaurant-Inform,Taxi-Inform +bos sure . what time would you like the taxi for ? eos O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i would like to leave st mary 's church by 12:30. eos O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos i have booked a taxi leaving the church at 12:30. the car is a grey audi and the contact number is 07823100765. eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone N/A +bos i ca n't wait to ride in that car ! eos 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 no , that 's all , thanks ! 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 excited to be coming to visit and hoping to see a college while 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 N/A +bos there are more than 70 to choose from ! which area of town are you most interested in ? eos 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 Attraction-Request+Area +bos i 'd like it to be in the center of town . what 's the 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+Addr +bos downing college is my favorite . it 's located on regent street and it 's free to get in . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O 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 N/A +bos that sounds like a great suggestion , what is the easiest way to get there ? eos O O O O O O O O O O O O O O O O O N/A +bos downing college is located at regent street in the center of town . 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 O O O N/A +bos i 'm also looking for a guesthouse in town . eos O O O O O O B-Hotel-Inform+Type O O O O N/A +bos 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 ? eos O O O O 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 'd prefer a four star hotel , it does n't matter where in the city as i 'll have a car . i 'd also prefer that they offer free parking and 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 O N/A +bos did you have a particular price range in mind ? eos O O O O O O O O O O O Hotel-Request+Price +bos no , i do not . eos O O O O O O O N/A +bos i have a 16 matches , i need more information on area and price , please eos O 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 prefer a guesthouse . does that help narrow it down ? eos O O O O O O O O O O O O O O N/A +bos all 16 are guesthouses . if i may , might i suggest the worth house . it is in the north and 4 star rated . they offer both free parking and wifi . eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos ok good thinking . book it for me and i would need the reference number eos O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos when will you begin your stay ? eos O O O O O O O O Booking-Request+Day +bos can you book me a room for thursday for 2 people , 5 nights ? eos 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 N/A +bos your booking was successful . the reference number is px6xvgsj . 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 thank you , i would like to reserve a taxi around 22:45 , who can i contact and what type of car can i expect ? 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 N/A +bos from were does it pick you andto where are you going ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i 'll be going from the attraction to the hotel . i want to leave the attraction by 22:45. 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 completed ! booked car type : black toyotacontact number : 07481168457 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 for all your help thats all . 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 'm hoping you can give me some recommendations for attractions to visit in the centre eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are 44 places to choose from do you want the experience to be educational or strictly fun ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O general-reqmore +bos something fun . it needs to be an attraction . can you make a suggestion ? eos O O O O O O O O O O O O O O O O O Attraction-Inform +bos broughton house gallery is a nice museum eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Type N/A +bos could you tell me the attraction type and entrance fee ? eos O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type +bos the broughton house gallery is a museum and the entrance fee is free . is there anything else i may assist you with ? 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+Fee O O O O O O O O O O O general-reqmore +bos i also need to get to the airport by 18:15 on tuesday . are there any trains heading that way ? eos O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O N/A +bos yes . the tr7743 gets to stansted airport at 18:08 , and there are other choices if you 'd prefer to travel earlier . would you like to book some tickets ? eos O O O B-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 O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos what time does tr7743 leave and what is the price ? eos O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos that train leaves at 17:40 and costs 10.10 pounds . would you like me to book it for you ? 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 Train-OfferBook +bos thank you for the departure time and price , yes i would like to book a ticket . 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+Leave +bos okay , the booking was successful , the total fee is 10.1 gbp payable at the station . your reference number is 11evsu3i . 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 . that will be all . eos O O O O O O O O O general-thank +bos you are welcome and thank you for inquiring with us eos O O O O O O O O O O O N/A +bos yeah anytime thanks again . eos 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 are their any architecture in the centre of cambridge ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos yes ! there are 4 churches as well as old schools . would you be interested in one of those ? eos O O O O O B-Attraction-Inform+Choice 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 Attraction-Select,general-greet +bos certainly , pick out a good option . i will need the entrance fee please . eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i would like to suggest all saints church . the entrance fee is free . eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Inform+Fee O O N/A +bos excellent , could i also get its postcode and phone number ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number for all saints church is 01223452587 and it 's postcode is cb58bs . can i help you with anything else today ? eos 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 B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos could you give a recommendation on a place to eat in the centre that is in a moderate price range ? eos 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 O N/A +bos the copper kettle is an excellent choice for british cuisine . alternatively , there is also an asian oriental restaurant . do either of those sound suitable ? 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-Recommend+Choice I-Restaurant-Recommend+Choice B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O Restaurant-Select +bos i 'll go with the copper kettle . can you give me the phone number ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Restaurant-Request+Phone +bos the copper kettle 's phone number is 01223365068 and the address is 4 kings parade city centre , postcode cb21sj . would you like me to book a table for you there ? 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 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 O Booking-Inform +bos no , thanks . i will book later on . i think that was all i needed . 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 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 i 'm looking for some architecture in the west eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos i 'm sorry , it appears the only architectural attractions in cambridge are in the city center . would you like info on any of them ? eos 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 O O O O O O O O O O O O Attraction-NoOffer +bos do you have any attractions in the type of a museum then in the west area ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos i have 7 in the west area . would you like information about the kettle 's yard or cafe jello gallery maybe ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area 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 N/A +bos yes , can you tell me about the kettle 's yard ? what is 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 it is free and the address is castle street . eos O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos great , could i also find a moderately-priced brazilian restaurant ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i 'm having trouble finding one , would you like to try a different price-point or type ? eos 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 well , let 's give chinese food a try ! eos O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there are a few moderately priced chinese restaurants in the centre of the city and one moderately priced in the north . do you have a preference ? eos O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O 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 Restaurant-Request+Area +bos nope can you choose one for me and book a table for 8 at 11:45 on saturday ? 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 N/A +bos yes , i was able to book you at lan hong house in the centre , reference number ij75kacv . 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 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 O general-reqmore +bos can i have the reference number ? eos O O O O O O O O Restaurant-Request+Ref +bos yes , it is ij75kacv . eos O O O O B-Booking-Book+Ref O O N/A +bos that is perfect . thank you . i think that will be everything today . 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-bye +bos i have a taste for british food tonight , can you find me a place to eat ? 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 there are 11 restaurants that serve british food , do you have a price range ? 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 Restaurant-Request+Price +bos no i do not have a price range but it does need to be located 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+Area O N/A +bos i have found seven restaurants available in the moderate to expensive price range . is there a street you would like to be near ? eos O O O O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Area +bos no , which one is your favorite ? eos O O O O O O O O O N/A +bos when it comes to british food , my absolute favorite is restaurant one seven . it is moderately priced . would you like more info about them ? eos 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+Price I-Restaurant-Recommend+Price O O O O O O O O O O O general-reqmore +bos i would like to try your recommendation . would you book for thursday , at 11:00 for 6 people ? eos O 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 N/A +bos i was not able to book you there , anything else that i can look up for you ? 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 you able to book 10:00 instead ? eos O O O O O O B-Restaurant-Inform+Time O O N/A +bos yes . your reference number is 56mjkuw1 . eos O O O O O O B-Booking-Book+Ref O O N/A +bos i am also looking for a theater in the same area . eos O O O O O O O O O O O O O N/A +bos i would suggest the adc theatre . it is in the centre area . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area N/A +bos that sound good . could i have their postcode and address please ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the postcode for restaurant one seven is cb21ab , and the address is de vere university arms regent street city centre . do you require further assistance ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O general-reqmore +bos no thanks , that is everything . eos O O O O O O O O general-thank +bos glad to have helped , have a great day . eos O O O O O O O O O O O general-greet +bos hi i 'm looking to look at boats . can you look at 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 O N/A +bos the cambridge punter is a boat located in the centre at 251a chesterton road . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos i think that sounds interesting . can you tell me their postcode ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos the postal code for the cambridge punter is cb41as . is that all you needed help with today ? eos O O O O O O B-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 actually i could use some help finding an italian 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 N/A +bos we have 9 italian restaurants in the centre , do you have a particular price range you are looking for ? 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+Price +bos it is a special occasion so it can be expensive ! eos O O O O O O O O O O B-Restaurant-Inform+Price O N/A +bos stazione restaurant and coffee bar is a very popular expensive italian restaurant in the centre . it is located on market hill city centre . 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+Price B-Restaurant-Inform+Food 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 O N/A +bos that sounds good . can i get a table for 5 this monday at 18:30 ? i also need a reference number . 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 O O O O O O Restaurant-Request+Ref +bos i made that reservation for you the reference number is 24h41kyz . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you ! i will also need a taxi for going to and from those places . eos O O O O O O O O O O O O O O O O O O Taxi-Inform +bos can you tell me what time you prefer to leave by or arrive by ? eos O O O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i need to get to the restaurant by 18:30 eos O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos booking completed . the booked car type is a yellow lexus and the contact number is 07892783917. 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 , that 's all i need . eos O O O O O O O O O O general-thank +bos glad to be of help . have a wonderful morning . 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 gastropub in the south . eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry i could n't find any gastropubs in the south . is there another type or area which you would like to try ? eos O O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food 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 are there any gastropubs in town ? eos O O O O B-Attraction-Inform+Type O O O N/A +bos as a matter of fact , it appears all of the gastropubs in cambridge have closed . is there anything else that interests you ? 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 O O O O O O O O N/A +bos how about a modern european cuisine in the south area ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A +bos there is a restaurant called restaurant alimentum that meets your criteria . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A +bos let 's book that for 12:45 on tuesday . it will be for 7 people . eos O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O B-Restaurant-Inform+People O O O N/A +bos i am sorry but that time is not available . would you like to try another time or 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-NoBook,Booking-Request+Time,Booking-Request+Day +bos could you try 11:45 please ? eos 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 : 8hb62z6w . 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 'd like to see some entertainment near the restaurant . could you recommend me something good ? 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 how about tenpin in the south ? eos O O O B-Attraction-Inform+Name O O B-Attraction-Inform+Area O N/A +bos is it located near alimentum ? i 'm looking for something 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 Restaurant-Inform +bos yes , it is . nusha is in the south as well . eos O O O O B-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O N/A +bos that will do . please get me their address . eos O O O O O O O O O O O Attraction-Request+Addr +bos the address is cambridge leisure park , clifton way . can i do anything else for you ? 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 O general-reqmore +bos yes , i would like to book a taxi from the restaurant to the entertainment . eos 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 the restaurant ? eos O O O O O O O O O O O O O Taxi-Request+Leave +bos it does n't matter , i just need to get there . eos O O O O O O O O O O O O O N/A +bos it 's all booked , you 're looking for a black volkswagen and their contact number is 07263669645. 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 great , thank you so much for your help ! that 's everything i 'll 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 thank you for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye +bos splendid ! thank you for all your help . 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 general-bye +bos have a great day ! eos O O O O O O general-bye +bos i am looking for a college attraction in town . eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are 18 choices in town . is there a specific area you would like to stay 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 i am pretty much open to anything ! could you recommend one and give me their information 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 ! christ 's college is located in the centre and is free to enter ! eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O O O O O N/A +bos that sounds great . can i have the phone number , and address for this free attraction 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 the phone number is 01223334900 and it is located on saint andrew 's street . what else can i assist with ? 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 O O O general-reqmore +bos thank you for the information . i also need to find a cheap restaurant serving italian food . can you help me with this ? eos 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 O O O O O O N/A +bos certainly . i have five italian restaurants in the cheap price range . what part of town do you prefer ? eos O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Area +bos i prefer to eat in the center of town . is there anything available ? eos O O O O O O O O O O O O O O O O N/A +bos yup there is a place called pizza hut city centre that serves cheap italian food . want me to book it ? 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 B-Restaurant-Inform+Food O O O O O O O O Booking-Inform +bos no need to book for now , just gathering information . eos O O O O O O O O O O O O N/A +bos that 's fine . 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 O general-welcome,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 okay , great . have a wonderful day ! eos O O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for a moderately priced italian restaurant in cambridge . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O O N/A +bos what about prezzo in the west ? eos O O O B-Restaurant-Select+Name O O B-Restaurant-Select+Area O N/A +bos i was thinking an italian restaurant located in the east . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O N/A +bos pizza hut fen ditton would suit you perfectly ! they 're located in cambridge retail park on newmarket road . do you need additional information ? 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+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 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 Restaurant-Request+Post +bos cb58wr - would you like me to book it for you ? eos O B-Restaurant-Inform+Post O O O O O O O O O O O Booking-Inform +bos not right now . i would like to find a place to stay , though . eos O O O O O O O O O O O O O O O O O N/A +bos do you know what 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 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 . eos O O O O O O 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 do you need parking or internet ? eos O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos no i do not need to have free parking . eos O O B-Hotel-Inform+Parking O O O O O O O O N/A +bos would you like me to book you a room ? eos O O O O O O O O O O O Booking-Inform +bos yes for 2 nights starting thursday eos O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos before i finish booking your room at the university arms hotel . can you confirm how many people will be staying ? eos 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 O O O O Booking-Request+People +bos there will be 5 people . eos O O O O O B-Hotel-Inform+People O N/A +bos those reservations have been made and your reference number is wulz2vex . eos O O O O O O 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 awesome ! have a great trip ! eos O O O O O O O O general-bye +bos hello . i am needing some help finding a cheap room . eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos i can absolutely help with that . do you have any additional preferences ? eos O O O O 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+Type,Hotel-Request+Internet +bos yes , i would like it to be a guesthouse and i need free wifi ! eos O B-Hotel-Inform+Internet O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos i see a few choices here . do you have any other requirements ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O general-reqmore +bos how about something that is 4-star rated ? eos O O O O O O B-Hotel-Inform+Stars O O N/A +bos there are 7 gueshouses that meet your requirements . is there an area of town that 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 Hotel-Request+Area +bos not really . anywhere will do . eos O O O O O O O O N/A +bos would you like me to make a booking for you . eos O O O O O O O O O O O O Booking-Inform +bos no , that 's not needed . just give me the name address and phone number of one of these hotels . 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+Addr +bos can i recommend autumn house located at 710 newmarket road , the phone number is 01223575122. eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O B-Hotel-Recommend+Phone O N/A +bos awesome , thanks for assistance ! eos O O O O O O O general-thank +bos always there for help , enjoy your stay ! eos O O O O O O O O O O general-greet +bos is there anything cheap in the centre of town ? eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O N/A +bos do you have a food type preference ? eos O O O O O O O O O Restaurant-Request+Food +bos would you have something modern european ? eos O O O O O O O O N/A +bos the river bar steakhouse and grill offers modern european cuisine . would you like me to book you a reservation ? 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Food O O O O O O O O O O O O Booking-Inform +bos can i have their phone number , postcode and address please ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos i 'd be happy to provide you with that information . their phone number is 01223307030 and their address and postcode are quayside off bridge street , cb58aq . can i help with anything else ? eos O O O O O O O O O O O O O O B-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 B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos no , that is all . 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 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 hello , i 'm looking for the jesus green outdoor pool , could you help me with more information ? 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 sure ! that pool is located between victoria road and the river in postcode cb43px . that 's on the north side of town . their phone number is 01223302579. eos O O O B-Attraction-Inform+Type 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 B-Attraction-Inform+Area O O O O O O O B-Attraction-Inform+Phone O O O O general-greet +bos that 's great . is there an entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos unfortunately we are unaware of whether there is an entrance fee for this particular location . may i help with anything more ? eos 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 also looking for a train to take me from cambridge to ely . eos 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 there are 70 trains that go to ely from cambridge . do you have a particular day and time you would prefer ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Dest B-Train-Inform+Depart O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos yes i need to travel on friday , but i ca n't leave until after 13:30. eos O O O O O O O B-Train-Inform+Day O O O O O O O O O N/A +bos i have 6 trains that meet your criteria . what actual time did you have in mind for departure ? 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 whatever the first train is that leaves after 13:30. eos O O O O O O O O O B-Train-Inform+Leave N/A +bos we can book you for the train leaving at 13:50. eos O O O O O O O O O O B-Train-OfferBook+Leave N/A +bos that will work great . can you book me 6 tickets please ? eos O O O O O O O O O O B-Train-Inform+People O O O N/A +bos okay , i have booked 6 tickets for train tr5484 leaving at 13:50. the total fee is 26.4 gbp , and your reference number is 66ulrjss . can i help with anything else ? eos O O O O O O B-Train-OfferBooked+People 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos no . i think that 's all i need . 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 thanks for using the cambridge towninfo centre ! eos O O O O O O O O O general-bye +bos i 'm looking for a place to dine that serves gastropub food . i want it to be expensive . eos 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 N/A +bos we have 3 options in cambridge for expensive gastropub food . would you prefer a place in the centre or in the east ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food 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 dine in the center of town , please . eos O O O O O O O O O O O O O O N/A +bos i have two in the centre , the backstreet bistro and the slug and lettuce . would you like for me to make you a reservation ? eos O O O O B-Restaurant-Inform+Choice 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 I-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform +bos could you give me the address and phone number for the slug and lettuce 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 the slug and lettuce is located at 34 - 35 green street , postcode cb23ju . i 'm sorry our system does not list their phone number . is there anything else ? 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+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 O O O O O general-reqmore +bos i wish you could provide their phone number . but other than that you 've given me everything i need to know . 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 O O O Restaurant-Request+Phone +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 hoping to try some restaurants while in town but before that , i would like to go to 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 N/A +bos we have several , in several different parts of town . i can recommend wandlebury country park in the south . would that suit you ? eos O O O B-Attraction-Inform+Choice 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-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O O O O O O N/A +bos yes , i think so . let 's try that . can you tell me their 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+Addr +bos the address is wandlebury ring , gog magog hills , babraham . eos O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos is there an entrance fee ? i would also like a restaurant serving indian food that is in the west . what can you recommend ? eos O O O O O O 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 Attraction-Request+Fee +bos the park is free . there are several indian places on the westside . do you have a price range you 're looking for ? otherwise i 'd suggest tandoori palace . eos O O B-Attraction-Inform+Type O B-Attraction-Inform+Fee 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 O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O Restaurant-Request+Price +bos no , tandoori palace sounds good . please book that for 3 people at 15:15 on saturday . 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 you a table for 3 at tandoori place on saturday at 15:15. can i help you more today ? eos O O O O O O O O O O O B-Booking-Book+People B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Booking-Book+Day O B-Booking-Book+Time 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 rga0z1uo . can i help with anything else today ? perhaps a taxi ? 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 yes i need a taxi between the two places please . eos O O O O O O O O O O O O Taxi-Inform +bos sure ! when would you like to leave or arrive by ? eos O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i need it to get me to the tandoori palace in time for my reservation . so 15:15 ? eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 blue tesla . if you need to reach them , please call 07337861818. 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 nothing else . thank you so much for your help . goodbye . eos 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 hello , can you help me find an international place to dine ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos how about the missing sock ? it 's located in the east . 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 N/A +bos no , can you find me one in the centre ? i 'd like moderately priced international food please . 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 Train-Request+Price +bos okay , there 's two . the varsity restaurant and bloomsbury restaurant . 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 N/A +bos could you book me a table at varisty for 4 people on sunday at 13:00. i need a reference number 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 Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes . reference number is : y0y0tnbu . 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 am also looking for a train . the train should go to ely and should arrive by 21:30. 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 N/A +bos can you tell me what day you want to go , please ? eos O O O O O O O O O O O O O O Train-Request+Day +bos i need to leave cambridge on monday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos would you like me to book a train for you leaving at 5:50 and arriving by 6:07 ? 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 N/A +bos yes that time looks good . how much will it cost and what is the train id ? eos O O O O O O O O O O O O O O O O O O O Train-Request+TrainID +bos train tr2013 leaving at 5:50 has a price of 4.40 pounds . eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thank you , that is all for today . goodbye eos O 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 hi , i 'm trying to find a place to stay called the cambridge belfry . what can you tell me about that ? 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 its price range is cheap , it 's four stars , and offers internet and parking . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos sounds perfect . can you book a room for me for 6 people , 5 nights starting on friday ? please send me the reference number . 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 B-Hotel-Inform+Day O O O O O O O O O N/A +bos great ! i 've got you booked for 5 days for 6 people on friday . your reference number is 8rl6zc5g . eos O O O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+People O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O N/A +bos thank you for the reference number . are there any cheap places to dine in the north area ? 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 N/A +bos do you have a preference for type of food ? i have an indian option and an italian option . 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 Restaurant-Request+Food +bos any of the two would work . as long as you can book it for 6 people on the same day for 13:30. eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+People O O O O O B-Restaurant-Inform+Time O N/A +bos i 'm sorry , neither of them are available . should i try different time or other restaurants ? 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-reqmore +bos ok , try 12:30. eos O O O B-Restaurant-Inform+Time O N/A +bos that worked ! you 've got a table for 6 reserved at royal spice at 12:30 on friday . ref . number is 8nhd0p2i . need anything else today ? eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Time O B-Booking-Book+Day O O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos i would like to book a taxi from the hotel to the restaurant . eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos your taxi booking is complete , your contact number is 07546255073. car type is a black lexus . do you need help with anything else ? eos 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 general-reqmore +bos that 's all i need . thank you . eos O O O O O O O O O O general-thank +bos would you like me to look up entertainment for you ? eos O O O O O O O O O O O O general-reqmore +bos no , that is all i need for today . good bye . eos O O O O O O O O O O O O O O general-bye +bos have a great day . bye . eos O O O O O O O O general-bye +bos i need to find a cheap place to eat in cambridge . eos O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos i have lots of options for you . do you prefer a certain area or 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 O O Restaurant-Request+Area,Restaurant-Request+Food +bos cheap world food , please . eos O O B-Restaurant-Inform+Food O O O O N/A +bos we do n't have any of those unfortunately . would you like to try another type of cuisine ? 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 yeah , how about a mediterranean 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 i have three places , would you prefer it still be cheap or would expensive work as well ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O O N/A +bos i would still like cheap please . eos O O O O O B-Restaurant-Inform+Price O O N/A +bos that would be the gardenia , at 2 rose crescent city centre . would you like me to make a reservation ? eos 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 O O O O O O O O O O Booking-Inform +bos can you give me the postcode , please ? eos O O O O O O O O O O Restaurant-Request+Post +bos certainly . the post code is cb2311 eos O O O O O O O B-Restaurant-Inform+Post N/A +bos i also need a place to stay in the centre . 1 star , please . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos i do n't have any 1 star hotels but i have a 0 star hotel called el shaddai in the centre . would you like me to book it for you ? eos O O O O O O B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform +bos how about any with 4 stars ? eos O O O O O O B-Hotel-Inform+Stars O N/A +bos alexander bed and breakfast is a cheap 4 star guesthouse in the centre . will that be okay ? 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A +bos yes , please book me for one person . do they have internet and what is 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,Hotel-Request+Internet +bos yes , they offer free internet and parking . their phone number is 01223525725. in order to book that for you , can you tell me what day you want to start your stay ? eos 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 O O O O O O O O O O O O Booking-Request+Day,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i do not need the hotel booked , but i do need to schedule a taxi to take me from the hotel to 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 O O O O O O N/A +bos okay , when would you like to arrive by ? eos O O O O O O O O O O O Taxi-Request+Arrive +bos i would like to leave the hotel by 02:45. eos O O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave N/A +bos great ! you 're booked with a black tesla and the contact number is 07413441845. 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 O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos no , i think that covers it all . thanks 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 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 thank you . have a great day ! eos O O O O O O O O O general-thank +bos you are very welcome ! i hope you enjoy your trip and you can always let us know if you need any more 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-welcome,general-bye +bos do you have a cheap restaurant that serves indian food . in the mood for curry . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos i 'd be happy to check on that for you . in fact , i have 4 different restaurants . three are in the centre of town and i have one in the north . eos 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 O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O general-greet +bos i would like one in the centre of town that is in the cheap price range . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Price O O O N/A +bos try kohinoor they are located at 74 mill road city centre . eos O O B-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 N/A +bos great , can you book me a table for wednesday ? eos O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos how many in your party ? eos O O O O O O O Booking-Request+People +bos just me . i 'd like to eat at 16:45. eos O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos i 'm sorry , that is n't available ? could you perhaps try 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos okay , let 's try 15:45 instead ? eos O O O O B-Restaurant-Inform+Time O O O O N/A +bos i have a table for you at 15:45. your reference number is bvdpm13v . 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 could you also help me find a guesthouse in the same area as the restaurant and in the same price range . i would like free wifi . 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 N/A +bos i found two that fit your criteria , would you like me to book 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 yes please , just me starting on the day of my restaurant visit . eos O O O O O O O O O O O O O O O N/A +bos i booked you at the alexander bed and breakfast eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name N/A +bos i needed that for 4 nights , did you get that for me ? also i 'd like a reference number . eos 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 alright , i got that booked for you . four nights at alexander bed and breakfast starting wednesday . your reference number is bol6jbit . 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 B-Booking-Book+Day O O O O B-Booking-Book+Ref O O 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 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 not at this time , thank you ! eos O O O O O O O O O general-thank +bos it was a pleasure helping you today . remember to contact us anytime if you need more assistance . 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 've heard of a great hotel called hobsons house and i 'd like to stay there . can you help me locate it ? 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 O O O O O O O O O O N/A +bos yes , it is a 3 star guesthouse in the west . address is 96 barton road . would you like me get a reservation for you ? eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area 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 yes , i would like to make a reservation for this saturday . eos O O O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos 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 . eos O O O O O O O O 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 in a moment . i also need to find a restaurant in the expensive price range . eos 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 a lot of expensive restaurants in the area what type of food are you looking for ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O O O O O O O O O O O Restaurant-Request+Food +bos can you suggest one in the north ? and please give me the address for it . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Addr +bos there is saigon city , they serve asian oriental and the address is 169 high street chesterton chesterton . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food 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 that sounds nice eos O O O O N/A +bos would you like me to book that ? eos O O O O O O O O O Booking-Inform +bos no thanks , have a good day bye . eos O O O O O O O O O O general-bye +bos you too , thanks for calling . bye eos O O O O O O O O O general-bye +bos i am looking for pasquale pizzeria . eos O O O O O O O O N/A +bos i have found a don pasquale pizzeria located in centre , would you like that address ? eos 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 N/A +bos i would like the address , as well as the phone number . and what is the price range for dinner 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-Request+Phone,Restaurant-Request+Price +bos the address is 12 market hill city centre in postcode cb23nj . the phone number is 01223350106 , and it 's an expensive restaurant . 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 B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Price O O O O O N/A +bos great ! i 'm also looking for a 3 star guesthouse to stay in . eos 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 may i suggest bridge guest house . they are in the south and moderately priced . how many is in your party and how long is your stay ? eos 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 B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People +bos i wo n't be needing a booking . thank you for the 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 general-thank +bos you have a great day too . eos O O O O O O O O general-welcome +bos thanks again for the help ! eos O O O O O O O general-thank +bos it was my pleasure . have a great evening . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos are there any moderately priced hotels in cambridge ? i 'm looking for a hotel , not a guesthouse . eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O O O O O O O O O Restaurant-Request+Price +bos yes , there are three . the ashley hotel is moderately priced and located in the north . eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O N/A +bos i need wifi and four stars as well . eos O O O O O O O O O O N/A +bos it does n't appear that the ashley hotel has all these qualifications . would you like me to search for another hotel in the same area ? 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 Hotel-NoOffer,Hotel-Request+Area +bos yes , expensive , wifi , four stars . eos O B-Hotel-Inform+Internet B-Hotel-Inform+Price O O O O O O O N/A +bos i 'm sorry , but there are no hotels in the cambridge area fitting all these all these qualifications . would you like to alter your requirements ? 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 O O O O N/A +bos could you try an expensive hotel instead of a moderately priced one ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O Restaurant-Request+Price +bos i found huntingdon marriott hotel in the west , and university arms hotel in the centre . 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos could you reserve us a room at the university arms then ? there are 3 of us and we 'll arrive on friday . 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+Day O O O N/A +bos yes sure . for how long will you be staying ? eos O O O O O O O O O O O O Booking-Request+Stay +bos we will stay 4 nights . eos O O O O O B-Hotel-Inform+Stay O N/A +bos i have made the reservation for 3 people for 4 days at the university arms hotel . your reference number is 7arcqzh9 . eos O O O O O O O O B-Booking-Book+People 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 O B-Booking-Book+Ref O O N/A +bos i also am looking for darrys cookhouse and wine shop . 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 N/A +bos ok. this restaurant is an expensive , modern european establishment in the centre of town . it is located on king street city centre . eos 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 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 can you provide their address , including postcode ? eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos yes their address is 40270 king street city centre and their postcode is cb11ln . 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+Post O N/A +bos thanks ! i 'd also like to book a taxi that leaves the restaurant 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 what will your destination be ? eos O O O O O O O Taxi-Request+Dest +bos i want a taxi back to my hotel . please provide me a contact number and the car type . 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 Taxi-Request+Car +bos your car is booked . it is a blue volkswagen and their contact number is 07511504303 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 so much ! goodbye ! eos 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 can you help me find a place to eat located in the centre that serves british 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 N/A +bos there are 7 places in the centre area that serve british cuisine , do you have a preference on price range ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Price +bos yes , actually . is there one that is expensive ? eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , i 've found three all in the city centre . is there one of these that you would prefer ? eos 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 O O O O Restaurant-Select +bos what are their names ? i need to choose one i can book a table at . eos O O O O O O O O O O O O O O O O O O N/A +bos they are fitbillies restaurant , the cambridge chop house and the midsummer house restaurant 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 I-Restaurant-Inform+Name N/A +bos the cambridge chop house sounds good . could you book it for 5 people at 19:45 on monday ? 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+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos unfortunately , there is no availability for your party at that time . would you like to book a different time slot 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos yes , can you try the same for 18:45 instead ? eos O O O O O O O O B-Restaurant-Inform+Time O O O N/A +bos you 're booked and the reference number is bqt142v9 . the table will be reserved for 15 minutes . 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 O O O O O O O O O general-reqmore +bos thank you and goodbye eos O O O O O general-bye +bos if there is anything else i can help with you please call back . thank you and 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 O O general-welcome,general-bye +bos hi ! are there any european restaurants 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 yes , there are 8 results for european restaurants in town centre , what price range are you looking for ? eos O O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Price +bos very , very insanely expensive , money is no object . eos O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos there are three expensive european restaurants in the centre area . would you like to know the name and address of each location ? 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 O O O O O O O O N/A +bos yes thank you eos O O O O general-thank +bos eraina is at free school lane city centre , phone # 01223368786. would you like me to make a reservation ? 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 B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos yes , i need a reservation on thursday at 16:30 for 4 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 O N/A +bos success ! we 've booked your reservation eos O O O O O O O O Booking-Book +bos can i have the reference number please ? eos O O O O O O O O O N/A +bos absolutely . your reference number is fxdnf0iu . what else can i help you with ? eos O O O O O O O B-Booking-Inform+Ref O O O O O O O O O general-reqmore +bos a hotel and should include free parking , in the expensive price range , for same group for 2 nights eos O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stay 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 yes , i need a hotel for 4 people with free parking in the expensive price range , for 2 nights eos O B-Hotel-Inform+Parking O O O B-Hotel-Inform+Type O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stay O O N/A +bos and what day would you like the reservation for ? eos O O O O O O O O O O O Booking-Request+Day +bos i would like the hotel for two nights , starting on thursday . eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Day O O N/A +bos you are booked at the gonville hotel your reference number is lia4e1me . 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos no , that is all . thank you so much for the assistance . eos O O O O O O O O O O O O O O O general-thank +bos if you need anything else , please contact us with your needs . eos O O O O O O O O O O O O O O general-bye +bos that is all . thanks so much 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 . have a great night . goodbye . 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 in the north . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos great ! there are 13 places to stay in the north . eleven of them are guesthouses and 2 are hotels . do you have a preference ? eos O O 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 O O O O O O O O Hotel-Select +bos i would like to find a hotel , preferable one that is moderately priced . eos O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O N/A +bos the ashley hotel at 74 chesterton road is nice . can i book a room for you ? eos 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 can i possibly get their phone number ? eos O O O O O O O O O Hotel-Request+Phone +bos there phone number is 01223350059. do you require any more assistance ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O general-reqmore +bos what 's their postcode ? eos O O O O O O Hotel-Request+Post +bos the postcode is cb41er . do you need anything else today ? eos O O O O B-Hotel-Inform+Post O O O O O O O O N/A +bos i am looking for a restaurant a friend recommended . it is called the sitar tandoori . 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 i found sitar tandoori for you . it is located in east part of town . it is in the expensive price range and serves indian food . 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+Area 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 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 04: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 B-Taxi-Inform+Leave O O N/A +bos i booked you a taxi . the contact # is : contact number : 07076540763. is there anything else i can do for you ? eos 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 O general-reqmore +bos what is the car type ? eos O O O O O O O Taxi-Request+Car,Hotel-Request+Type +bos i 'm sorry that i forgot to mention it ! it will be a yellow audi . how else can i help 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 O O O O O general-reqmore +bos that was all i needed . thanks 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 trip . eos O O O O O O O O O O general-welcome +bos thank you kind person for helping me ! eos O O O O O O O O O general-thank +bos please feel free to contact us with any other questions you have ! 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 hi , i 'm looking for a steakhouse , please . eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i 'm sorry , there are 0 steakhouses in cambridge . perhaps another type of food ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O Restaurant-Request+Food +bos what about asian oriental food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there are 5. dojo noodle bar looks to be a good match . 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 N/A +bos yes , for four people , on monday , at 15:00. eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A +bos i am sorry i was not able to book that . is there another restaurant or time 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 Booking-NoBook,Booking-Request+Time +bos how about 14:00 instead ? eos O O O B-Restaurant-Inform+Time O O N/A +bos i was able to book that reservation for monday at 14:00 for four people , reference number 7vb3nkti . the table will be reserved for 15 minutes . eos O O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O B-Booking-Book+People O O O B-Booking-Book+Ref O O O O O O O O O O O N/A +bos i am also looking for a hotel . can you find the acorn guest house ? 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 O N/A +bos yes , that is located north . would you like to book a room ? eos O O O O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos no , i would just like a phone number . what area is that in ? eos 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 acorn house is in the north and the phone number is 01223353888. eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Phone N/A +bos great ! i 'll also need a taxi that will get me 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 O O O Restaurant-Inform,Taxi-Inform +bos certainly . where will you be departing from ? eos O O O O O O O O O O Taxi-Request+Depart +bos i will be going from the acorn house to the dojo noodle bar . 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 N/A +bos i was able to get you that taxi . be looking for a red skoda . if you need to reach them , their phone number is 07143451074. anything else 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 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 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 information on broughton house gallery . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos certainly ! it 's a museum in the centre at 98 king street cb11ln with free entrance . their phone number is 01223314960. may i help find anything else ? eos O O O O B-Attraction-Inform+Type O O B-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 O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos is the cb11ln the postcode ? eos O O O O O O O N/A +bos yes , that 's the postcode . 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 general-reqmore +bos yes , i need a train going to cambridge . eos O O O O O O O O B-Train-Inform+Dest O O N/A +bos okay , what day would you like to travel and 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 Train-Request+Depart,Train-Request+Day +bos i 'll be leaving leicester and i want to be in cambridge by 11:30 , please . eos O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos of course . what day will you be traveling ? eos O O O O O O O O O O O Train-Request+Day +bos sunday , can you book it for me and i need a reference number , please eos O O O O O O O O O O O O O O O O O Train-Request+Ref +bos sure . just to confirm , how many seats will you need ? eos O O O O O O O O O O O O O O Train-Request+People +bos 5 , please . include the reference number . eos O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos you will arrive at 10:54 the reference number is 69luuzq7 eos O O O O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref 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 i hope you have a great day , goodbye ! eos O O O O O O O O O O O general-bye +bos i need to find a train going to broxbourne leaving from cambridge . can you help ? eos O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O O O O O N/A +bos i sure can ! the tr6549 leaves at 05:01. need a ticket ? eos O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O general-greet,Train-OfferBook +bos i need to leave on sunday 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 can book you tr4481 that leaves at 17:01 and arrives at 18:01. do you want me to book it ? 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 O O O O O O Train-OfferBook +bos yes please book it for me . eos O O O O O O O O N/A +bos i can do that . first , let me confirm how many tickets will be needed ? eos O O O O O O O O O O O O O O O O O O Train-Request+People +bos i will only need one ticket . eos O O O O O O O O N/A +bos great your booking was successful and your reference number is 875dq3rf . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thanks . i am also looking for a hotel called the warkworth house . i need the phone number , price range , and info on if they have free parking . 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 Hotel-Request+Phone,Hotel-Request+Parking,Hotel-Request+Price +bos the warkworth is located in the east and is moderately priced . they offer both free internet and parking . their phone number is 01223363682. would you like to book a room ? eos O O B-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 O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no , i am still in the planning stages . thanks for all of your help , you have answered all of my questions . 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 general-bye +bos thank you have a nice day . eos O O O O O O O O general-welcome,general-bye +bos i need to take a train from cambridge , i need to arrive at my destination by 17:00/ eos 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 okay , what day did you have in mind ? eos O O O 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 what station would you like to arrive at ? eos O O O O O O O O O O Train-Request+Dest +bos i need to get to norwich please . eos O O O O O O B-Train-Inform+Dest O O N/A +bos tr3823 will arrive at 16:55 , would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos that cuts it a little close but it will do . i do n't need it booked , though . can you also find me a place to get some 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 O N/A +bos i sure can ! do you have a specific area and type 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 Restaurant-Request+Food,Restaurant-Request+Area +bos i would like an indian restaurant in the centre , please . 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 many . is there a price range that you prefer ? eos O O O O O O O O O O O O O O Restaurant-Request+Price +bos whichever ever one has 11:00 for two people on the same day available , that one would be fine . 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 N/A +bos i was able to book a table for 2 at curry garden on saturday at 11:00. the reference number is 0zbv3e4c . is there anything else we can help you with ? 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+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 will be all . thanks for your help ! 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 i am looking for a restaurant that serves modern european food at a reasonable price . eos 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 try riverside brasserie , it is located at doubletree by hilton cambridge granta place mill lane eos 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 I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr N/A +bos is that in the centre of town ? is it moderately priced ? eos O O O O O O O O O O O O O O N/A +bos it is indeed in the centre and moderately priced . would you like me to book a table for you ? eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O O O Booking-Inform +bos i just need the adress and post code . eos O O O O O O O O O O Restaurant-Request+Post +bos the postcode is cb21rt and the address is doubletree by hilton cambridge granta place mill lane , will that be all ? eos 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 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 i also need to take a train on wednesday , leaving after 10:15. eos O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A +bos okay , we have a lot of trains leaving after that time . what is your starting point and destination ? eos O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice 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+Dest,Train-Request+Depart +bos from leicester to cambridge , please . eos O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A +bos ok , the tr9776 leaves at 11:09 and arrives at 12:54 , the cost is 37.80 pounds , do you want me to book you ? eos 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 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 the train for 1 person and make sure you give me 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 Train-Request+Ref +bos ok , you are booked . your reference number is oydbauos . the total is 37.79 gbp payable at the station . 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 B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O O O O Booking-Book,general-reqmore +bos i do n't think so . that was everything . thanks . 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 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-welcome,general-greet +bos hello , i 'm trying to find a train that leaves from cambridge and arrives here by 13:45 today . can you help me book a ticket ? 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 O O O O O O O O O N/A +bos the closest arrival time i can give you is 11:51 , is that ok ? and how many tickets would you like ? 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 Train-Request+People +bos that 's fine . i do n't want to book yet . is the train you found going to ely and leaving on wednesday ? eos 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 O N/A +bos yes i have a train that leaves on that day but that arrives around 12:07 eos O O O O O O O O O B-Train-Inform+Day I-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A +bos could i have the departure time for that particular train please ? eos O O O O O O O O O O O O O Train-Request+Leave +bos that 'll be at 11:50. eos O O O O B-Train-Inform+Leave O N/A +bos thank you very much . eos O O O O O O general-thank +bos is there anything else i can help you with ? i can help with booking tickets if 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 general-reqmore,Train-OfferBook +bos are there any restaurants that serve cantonese 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 N/A +bos unfortunately , there are no cantonese restaurants on the east side . would you like to try a different type of restaurant or area ? eos 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 O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos try anything with indian food , that would work as well . i will need the address if you find one , thanks ! 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+Addr +bos i have found 4 indian restaurants on the east side . there are two moderate and two expensive . did you have a price range in mind ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Price +bos no nothing in particular , could you tell me the address of the first one listed ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos i would recommend curry prince . the address is 451 newmarket road fen ditton . would you like me to book a reservation for you ? 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 O O O O O O O O Booking-Inform +bos no , that is all i needed , thank you . eos O O O O O O O O O O O O general-thank +bos i hope you have a great day . eos O O O O O O O O O general-bye +bos i 'm looking for a german 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 okay , i see there are none . thank you . eos O O O O O O O O O O O O Restaurant-NoOffer,general-greet +bos how about one that serves european food in that same area ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos i see many ! did 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 Restaurant-Request+Price +bos no price range , but would appreciate a phone number of one that you would recommend . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the hotel du vin and bistro serves european food . their phone number is 01223227330. is there anything else i can help with ? 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 B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , i need a train to cambridge that arrives by 19:15 , please . eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O O O O N/A +bos there are several trains leaving on friday the london kings cross will arrove by 14.08 eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Arrive N/A +bos i need the train to arrive by 19:15 from norwich to cambridge on wednesday , what are my options for that ? eos O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O N/A +bos take train with trainid tr9933 , which is a suitable choice for you . eos O O O O O B-Train-Select+Id O O O O O O O O O N/A +bos i would like to book a ticket please . eos O O O O O O O O O O N/A +bos i 'm seeing now that tr2379 would be a better fit for your desired arrival time . it arrives in cambridge by 18:35. eos O O O O O B-Train-Select+Id I-Train-Select+Id O O O O O O O O O O O O B-Train-Select+Dest I-Train-Select+Dest B-Train-Select+Arrive O O N/A +bos sounds great . can i get one seat reserved ? eos O O O O O O O O O O O N/A +bos i 've successfully book you one seat and your reference number is f3zo7lyq . eos O O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you , have a great day . i really appreciate you . eos O O O 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 nope , that 's all i need . thanks ! eos O O O O O O O O O O O general-thank +bos if you ever need anything else , please contact us . eos O O O O O O O O O O O O general-reqmore +bos hi , can you help me find a train that leaves after 18:45 monday ? eos O O O O O O O O O O O O B-Train-Inform+Leave B-Train-Inform+Day O O N/A +bos can you tell me where you want to depart from and want to go to ? 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 i am leaving cambridge to go to london liverpool street . eos 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 is there a time you would like to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos no preference on arrival . as long as it leaves after 18:45. 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 just need one ticket . eos O O O O O O O N/A +bos the tr0117 leaves at 19:59 and arrives at 21:27. would you like me to book it on this train ? 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 Train-OfferBook +bos that 's all i needed about the train i also need some information on a restaurant called the gandhi 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 N/A +bos your search engine does not include the restaurant i 've inquired about . eos O O O O O O O O O O O O O O Restaurant-NoOffer +bos uhm ? do you have any info about the gandhi ? i 'd like the phone number , address , and area . 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 O O O Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the gandhi is located at 72 regent street city center and offers cheap indian cuisine . 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 B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos do you have the phone number of the restaurant ? also , what area of town is it 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+Area,Restaurant-Request+Phone +bos the gandhi is in the city centre , and their phone number is 01223353942. can i help with anything else today ? eos 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 B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos yes could i also have their address ? eos O O O O O O O O O Restaurant-Request+Addr +bos sure . the address is 72 regent street city centre . is there anything else i can help you with today ? 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 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 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 want a train that leaves from 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 there are quite a few options available to you . is there a specific destination you are looking for ? 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 am headed to stevenage . i can not get on the train until 14:45. eos O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Leave O O N/A +bos there are 5 options available . is there a time that you would 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 O O Train-Request+Arrive +bos no , the first train leaving after 14:45 would be fine . i want to book tickets for 8 people . eos O O O O O O O B-Train-Inform+Leave O O O O O O O O O O O B-Train-Inform+People O O N/A +bos i was able to book tr2045 , reference number is 7owlti02 . eos O O O O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ref O O N/A +bos thanks . can you look for a restaurant that serves british food . it sounds good . 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 there are 11 british restaurants to choose from . is there a particular area you 're 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 O Restaurant-Request+Area +bos no certain area , but i 'd like one in a moderate price range please . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos we have 5 places listed that would meet your needs . would you like me to recommend 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 general-reqmore +bos yes , please . that would help me a lot . i would need to book a table at 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 O O O O O N/A +bos i would recommend the copper kettle located in the city centre . i can book that for you now if you 'd like eos O 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 I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O O O Booking-Inform +bos yes for 6. and i 'll need the reference number . 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 i can do that but just need a date and time in order to book . when 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 Booking-Request+Time,Booking-Request+Day,Booking-Inform +bos monday at 11:45 please . eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos you are booked and your reference number is 4aeeda4z . may i help you wirh 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 that seems to be everything . thank you for your help . eos O O O O O O O O O O O O O general-thank +bos perfect . have a great day . goodbye . eos O O O O O O O O O O general-bye +bos i need a train departing cambridge and i need it to arrive by 21:00 eos O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive N/A +bos where are you headed to ? and what day are you traveling ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos looking to go to stansted airport on sunday eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day N/A +bos i have tr5009 leaving at 18:40 and arriving by 19:08. 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 Train-OfferBook +bos book for one person please . eos O O O O O O O N/A +bos i was able to book that ticket for you . your reference number is 642j5xg0 . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos can you give me information about the riverboat georgina ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos the riverboat georgina is currently docked on the northend at cambridge passenger cruisers , jubilee house , postcode cb43ax . their phone is : 01223902091. i have no info on their entrance fee . anything else ? eos O 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 I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone 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 no , thanks . you answered all my questions . thanks so much . have a good 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-bye +bos have a good day . eos O O O O O O general-bye +bos could you help me with planning my trip ? i need a train for wednesday . eos O O O O O O O O O O O O O O B-Train-Inform+Day O O N/A +bos i can definitely help you with that . which station will you be leaving from and arriving ? 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 i am leaving from cambridge and going to the stansted airport . eos 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 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 need to arrive by 18:45. eos O O O O O O B-Train-Inform+Arrive N/A +bos how about train tr1610 ? it arrives by 06:08 eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O N/A +bos great , thanks . i 'm also looking for a restaurant . 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 Restaurant-Inform +bos would you like to eat in cambridge or by the airport ? eos O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area N/A +bos an expensive restaurant that serves awesome australian food . if not i guess indian will do . eos O O B-Restaurant-Inform+Price O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are australian restaurants in the area however there are 22 indian restaurants . is there an area of town you prefer ? eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area +bos i do n't care what area of town it 's in , but if there 's no australian places , one of the indian restaurants will do . pick your favorite and give me their contact info ? 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 O O O O O O O O O O O O O N/A +bos i think you would the curry prince . their address is 451 newmarket road fen ditton and their phone number is 01223566388. eos O O O O 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 B-Restaurant-Inform+Phone N/A +bos one more thing - can i get the postcode for the curry prince ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post +bos sure . the postcode is cb58jj . is there anything else that i can help you with ? eos O O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos i think that is 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 general-thank +bos it was my pleasure . 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 O O O O general-bye +bos i 'd like a train to cambridge on friday eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos i can get you a ticket that leaves london kings cross at 05:17 or do you need a later time than that ? 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 O O O O O O O O O Train-Request+Leave +bos yes , i would need to leave after 08:00 please . eos O O O O O O O O O O O O N/A +bos can i just confirm your departure station please ? eos O O O O O O O O O O Train-Request+Depart +bos sorry , i will be leaving from norwich . eos O O O O O O O B-Train-Inform+Depart O O N/A +bos i have train tr3292 leaving norwich at 8:16 and arriving in cambridge at 9:35. would you like to make a reservation for this train ? eos O 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+Arrive O O O O O O O O O O O Train-OfferBook +bos that sounds good . can you book it for 7 people ? eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos yes i will book it for 7 people , and give you the reference number . eos O O O O O O O O B-Train-OfferBook+People O O O O O O O O N/A +bos okay , well , let me know when you have that . eos O O O O O O O O O O O O O N/A +bos booking was successful , the total fee is 123.2 gbp payable at the station . reference number is : 9f6cefrf . 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 ! i 'm also looking for a restaurant called kohinoor . can you help me with that as well ? 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 N/A +bos 74 mill road city centre is its address 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 N/A +bos what is the post code please ? eos O O O O O O O O Restaurant-Request+Post +bos kohinoor is in postcode cb12as . can i help you with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos no . 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 O general-thank +bos your welcome . please contact us again . eos O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for a train departing from cambridge and need it to arrive by 16:30. eos O O O O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O N/A +bos can you help me by specifying where you 'll 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 Train-Request+Dest,Train-Request+Day +bos i need the train to get to stevenage on monday , please . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O N/A +bos the earliest is the tr2515 , departing cambridge at 05:21 , arriving in stevenage at 06:10. is that one you 'd like to book a seat on or would you like something later ? eos 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 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 Train-Select,Train-OfferBook +bos i think that is all for the moment . let me think , thanks . eos O O O O O O O O O O O O O O O O general-thank +bos ok just let me know when you are ready . eos O O O O O O O O O O O general-reqmore +bos i am looking for emmanuel college . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos emmanuel college is located at saint andrew 's street and it is free of charge . 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+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos can you tell me what area emmanuel college is in ? eos O O O O O O O O O O O O Attraction-Request+Area +bos emmanuel college is in the centre area . 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+Area O O O O O O O O O O O O general-reqmore +bos postcode , phone number , and area eos O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone +bos the area is the centre . the postcode is cb23ap and the phone number is 01223334200. may i help you with anything else today ? eos O O O O O B-Attraction-Inform+Area 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 general-reqmore +bos nope that is all i can think of . thank you so much for the help ! eos O O O O O O O O O O O O O O O O O O general-thank +bos well , if there is nothing else you need , then i hope you have a pleasant 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-bye +bos i love swimming ! can you recommend a pool in cambridge ? eos 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 . would you like the address ? eos O B-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 O O O general-reqmore +bos no thanks . but 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 Attraction-Request+Post,Attraction-Request+Phone +bos sure , their phone number is 01223446100 and their postcode is cb11ly . is there 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 B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore +bos i am also looking for a train that leaves after 18.00 on sunday eos O O O O O O O O O O O O O B-Train-Inform+Day N/A +bos sure , i would be glad to help . where will you be departing from ? is there a particular 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 O Train-Request+Arrive,Train-Request+Depart,general-greet +bos i will be departing from cambridge to leicester . the arrival time does not matter as long as it leaves after 18:00. eos 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 B-Train-Inform+Leave O N/A +bos the first train leaving cabridge for leicester on sunday is tr9517 . it leaves at 18:21. would you like me to book a seat on that train ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook +bos yes , please for one . i will need the reference number eos O O O O O O O O O O O O O Train-Request+Ref +bos i have it booked for you . your reference number is knutp0u4 . can i be of further assistance ? 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 general-reqmore +bos no thanks , that 's everything ! eos O O O O O O O O general-thank +bos glad i could be of assistance . have a great day ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos hi , yes , i am looking for a train leaving on tuesday that will arrive by 12:30. eos O O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive 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 cambridge . eos O O O O O O B-Train-Inform+Depart O N/A +bos where will you be headed on tuesday ? eos O O O O O O O B-Train-Inform+Day O Train-Request+Dest +bos i need to head to norwich eos O O O O O O B-Train-Inform+Dest N/A +bos i would recommend train id tr8542 which departs cambridge at 10:36 and arrives in norwich at 11:55. there are a few earlier options as well . eos O O O O O O B-Train-Inform+Id O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O B-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 O N/A +bos thank you , that sounds good ! could you let me know how much it costs ? eos O O O O O O O O O O O O O O O O O O general-thank +bos sure ! the cost is 17.60 eos O O O O O B-Train-Inform+Ticket O N/A +bos excellent . i also need a place to go in town . eos O O O O O O O O O O O O O N/A +bos there are lots of attractions in cambridge , do you have any specific activities in mind ? eos 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 something in the centre if possible . perhaps a gallery ? eos O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A +bos how about broughton house gallery ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos could you let me know the address and how much it costs ? eos O O O O O O O O O O O O O O Attraction-Request+Addr +bos their address is 98 king street and they have free admission . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos no , you have been extremely helpful already . i am all set . thanks . bye . 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 good day . bye . eos O O O O O O O O O O O O O general-bye +bos i 'm looking for a train that leaves cambridge on sunday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos alright . what is your destination ? eos O O O O O O O O Train-Request+Dest +bos i want to go to peterborough . eos O O O O O O O O N/A +bos i have tr7423 that leaves at 05:00 and arrives at 5:51. would you like me to book this ? eos 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 Train-OfferBook +bos what time in minutes does the journey take ? eos O O O O O O O O O O N/A +bos the trip takes a total of 51 minutes . is there anything else you need ? eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O N/A +bos i am also looking for places in the centre of the town to visit for architecture . do you have any suggestions ? eos 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 N/A +bos there are several . the churches are very nice , i especially like holy trinity church . does that sound like what you 're looking for ? eos 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 O O O O O O O O O O O O O N/A +bos sure that works . what 's the entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos there is no entrance fee at holy trinity church . can i help you with anything else today ? eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 no , thank you . goodbye ! eos O O O O O O O O general-bye +bos have a lovely day ! eos O O O O O O general-bye +bos hello ! i need helping finding a train departing from cambridge . can you help me with this ? eos O 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 i sure can . can you tell me what day you want to travel and where you are headed ? 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 yes , i need to get to ely on sunday for a 15:15 appointment . eos O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O O O O O O N/A +bos i have a tr5412 departing at 13:50 and arriving at 14:07. would you like me to book it for you ? 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 O O O O O O O O O O Train-OfferBook +bos yes book it and i need a reference number please eos 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-OfferBook +bos book for one person only eos O O O O O O N/A +bos i have you booked on the tr5412 departing cambridge for ely on sunday at 13:50. your reference is ryxmcefx . can i help you 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 O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Day B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos i also need to find an attraction in the east area . eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are 10 attractions in the area of east . cambridge artworks is a museum and the entrance fee is free . eos O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Fee 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 are welcome . have a great day . bye . eos O O O O O O O O O O O O general-bye +bos i am looking for a museum in cambridge please eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos do you have an area of the city you more prefer ? eos O O O O O O O O O O O O O Attraction-Request+Area +bos 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 ? eos O O O O O O O O O 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 cambridge artworks in the east is a fun place . it 's located at 5 greens road , cb13ef . best of all , it has free entrance ! any other information i can find for you ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area O O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O O O B-Attraction-Recommend+Fee O O O O O O O O O O O O O O O O general-reqmore +bos i 'm also looking for a train to cambridge . but i tend to sleep in , so i wo n't be able to get going before 11:45. 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 B-Train-Inform+Leave O O O O N/A +bos what day do you want to travel , and where was that departure site again ? 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 stansted airport on tuesday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos you have a few options going to cambridge from stansted airport after 11:45. how about tuesday , leaving at 12:24 ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O N/A +bos that would be great , could you book it for 8 people please . eos O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos i 've booked 8 tickets for you . the total fee is 80.8 gbp payable at the station . your reference number is cymncqnx . is there anything else i can do for you ? eos O O O O B-Train-OfferBooked+People 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 O general-reqmore +bos that is all i need 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 want an expensive restaurant located in the centre . eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos i have booked you the indian serving restaurant called the golden curry eos O O O O O O O O O O O O B-Booking-Book+Name N/A +bos sorry but i wanted the americas food . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos i 'm sorry , i do n't have any restaurants serving american food in the centre . would you like to try another type ? eos 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 O Restaurant-Request+Food +bos hmmm , okay , i 'm craving thai food so find me a restaurant that serves that 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 i have one listing for bangkok city does that sound good to you ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O general-reqmore +bos yes , please . make me a reservation for 4 people at 13:30 on thursday , 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 N/A +bos booking is set , the reference number is p05u7ta8 . any further questions ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i need places to go in the same area . eos O O O O O O O O O O O N/A +bos what ype of attraction are you looking for ? eos O O O O O O O O O O Attraction-Request+Type +bos i do n't have a preference . do you have any suggestions of stuff near the restaurant ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos how about the all saint 's church ? admission is free . eos 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 N/A +bos thank you so much , i need a taxi from the church to the restaurant , i want to get there 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 Restaurant-Inform,Taxi-Inform +bos i booked your taxi . be on the look out for a blue lexus . the reference number is 07817263576. how else may i assist 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 B-Taxi-Inform+Phone 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 glad to have been of help . thank you for using the cambridge towninfo centre . 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 general-greet +bos can you set up a taxi for me that will take me to williams art and antiques ? 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 N/A +bos yes i can ! what is your departure site ? eos O O O O O O O O O O O Taxi-Request+Depart +bos i 'm departing from cambridge museum of technology . 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 great , 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 need to leave after 15:30. eos O O O O O O O N/A +bos i have a yellow toyota with contact number 07308855944. eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone N/A +bos thanks for handling this for me . eos O O O O O O O O general-thank +bos you 're welcome . is there anything else i can help with ? eos O O O O O O O O O O O O O O general-reqmore +bos that would be all . thanks a lot . eos O O O O O O O O O O general-thank +bos glad we could help . call us anytime . good bye . eos O O O O O O O O O O O O O general-bye +bos hello , i would like information on museums in town eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are 23 museums to choose from , are you looking for one in a particular area ? 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 which is your favorite ? get me their phone number , and i 'll check them out . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos my favorite museum is the cambridge and county folk museum . their number is 01223355159. can i help you with anything else ? eos O O O B-Attraction-Recommend+Type 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+Phone O O O O O O O O O general-reqmore +bos maybe you could give me one other option ? eos O O O O O O O O O O N/A +bos sure . there 's also the museum of archaelogy and anthropology , which is free . they 're phone number is 01223333516. 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 B-Attraction-Inform+Price O O O O B-Attraction-Inform+Phone O O O O O N/A +bos thanks for your help . eos 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 i want to find an italian place to eat near the center of cambridge . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos there are nine possibilities to choose from . what price range do you have in mind ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O O Restaurant-Request+Price +bos i would like for the restaurant to be expensive . eos O O O O O O O O O B-Restaurant-Inform+Price O N/A +bos i 'd recommend don pasquale pizzeria . would you like more information on them or to book 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 O O O O O O Booking-Inform,general-reqmore +bos i would like to book a table for 2 eos O O O O O O O O O O N/A +bos great , what day and time would you like to book for ? eos O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i need the reservation for saturday at 18:15 and i need the reference number too . eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O Restaurant-Request+Ref +bos ok , your table is reserved and your reference number is : 06dkvn3k . 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 O general-reqmore +bos yes , i also need a hotel room with free wifi also in centre , 4 star , and expensive please . eos O B-Hotel-Inform+Internet O O O O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O N/A +bos the university arms hotel meets your requirements . 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 O O O O O O O O O O O O Booking-Inform +bos could i get their phone number and address , please ? eos O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos certainty , university arms hotel address is regent street , and the phone number is 01223351241. 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 O O O O O B-Hotel-Inform+Phone 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 O Taxi-Inform +bos i 've booked you a grey volkswagen to arrive at the restaurant by 18:15. your reference number is 07475385747. is there anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O O O B-Taxi-Inform+Phone O O O O O general-reqmore +bos no that 's all i need , thank you so much ! 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 am looking for a danish restaurant 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 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 ? eos O O O O O 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 no i think i 'd rather find something european in the center of town that is cheap . can you help me with that ? 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 O O O N/A +bos i 'm sorry , but i do n't have anything matching that description . would you like to expand your food type to find more ? eos O O O 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 , how about about one that serves indian food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there is a restaurant called kohinoor that serves cheap indian food in the centre area . would you like to book a reservation ? eos O O O O O O B-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 O O Booking-Inform +bos no thank you , but can i please have 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos yes certainly their address is 74 mill road city centre and their postcode is cb12as . their telephone number is 01223323639. is there anything else i can help you with ? 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 B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , i do n't need further help . thank you . eos O O O O O O O O O O O O O general-thank +bos you are welcome . please contact us again soon . have a good day . 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 an attraction in the east . eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are several attractions available in the east . is there a type of attraction you are 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 O O O O Attraction-Request+Type +bos hook me up with the spot you like best , just be sure to tell me what it is , where it is , and what it will cost me , yo . eos O O O O O O O O O O O O O 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 the cambridge artworks- it 's a museum at 5 greens road and it has free admission . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type 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 N/A +bos that sounds , good , what is the postcode ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postal code is cb13ef . would you like for me to get you tickets ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O O O O Booking-Inform +bos no that 's all i needed with that . i also need a train leaving after 12:15 heading to kings lynn . eos O O O O 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 O O O N/A +bos there are 77 trains , where will you be departing from and what time ? 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+Depart +bos i need to depart from cambridge and i need to leave after 12:15 to go to king 's lynn eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Leave O O O O O O N/A +bos do you have a day in mind ? eos O O O O O O O O O Train-Request+Day +bos i would like to travel on sunday . can you tell me how much that will cost ? eos O O O O O O O B-Train-Inform+Day O O O O O O O O O O O N/A +bos the first train after 12:15 on sunday leaves at 13:11 , and then there are trains every hour . does the first one work or would you like a later one ? eos O O O O O O O B-Train-Inform+Day I-Train-Inform+Day 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 O O O O O Train-Select +bos i 'll take the first train at 13:11. can i pay you over the phone with my debit card ? 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 first i will need to know how many passengers will be traveling ? eos O O O O O O O O O O O O O O Train-Request+People +bos just myself . what is the cost ? eos O O O O O O O O O N/A +bos the cost is 7.84 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thank you , that 's all . eos O O O O O O O O general-thank +bos ok , get back in touch if you need a booking . eos O O O O O O O O O O O O O general-welcome +bos hello , i 'd like to book a train that leaves on wednesday sometime after 19:15 eos O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O N/A +bos where will you be departing from ? and what place would you like to go 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 +bos i would like to depart from cambridge heading to london liverpool street please . eos O O O 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 i show trains that meet that criteria departing at 19:59 , 21:59 and 23:59. which time would you prefer ? 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 can i have the price and arrival time of the 19:59 train , please ? eos O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos it departs cambridge at 19:59 and arrives at london liverpool street at 21:27. it is 16.60 pounds . would you like me to book this for you ? eos 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook +bos i just needed that information , what attractions do you have 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 O N/A +bos there are 44 different attractions in the centre of town . are you interested in a particular type ? there 's architecture , boating , cinema , colleges , concert halls , museums , nightclubs , parsk , swimming pools and theatres . eos 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 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-Request+Type +bos whatever the case might be , i need the entrance fee , postcode , 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 Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos cambridge university botanic gardens has a 4 pound entrance fee , their address is bateman street , postcode cb21jf . would you like to hear about another place ? eos 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 I-Attraction-Inform+Fee 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 general-reqmore +bos no , that is all i needed . thanks , and 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 to you as well . goodbye ! eos O O O O O O O O general-bye +bos can you look up a hotel called cityroomz ? eos O O O O O O O O B-Hotel-Inform+Name O N/A +bos certainly . i have the listing here . what do you need to know ? eos O O O O O O O O O O O O O O O O general-reqmore +bos i need to make a reservation for 4 nights starting from tuesday , for 6 people . eos 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 N/A +bos your reservation is set , reference number is uxvwqel9 . 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 no , that 's it . bye now ! eos 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-welcome,general-bye +bos hello , i am looking for a restaurant by the name of royal standard . do you know where it is ? 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 N/A +bos yes , royal standard is in the city centre at 290 mill road . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O N/A +bos great . could you please book a table for 1 at 16:30 on saturday ? 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 was able to make a reservation for 1 at the royal standard . your reference number is : fzp2xk9q . do you need anything else today ? eos O O O O O O O O O O B-Booking-Book+People O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 so much . bye . eos O O O O O O O O O O O O O O O O general-bye +bos you 're welcome . thanks for allowing me to help . goodbye ! eos O O O O O O O O O O O O O O general-bye +bos hi , im looking to find a local hotel that has 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 sure , there are multiple hotels to choose from . may i ask where you are located ? 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 Hotel-Request+Area +bos the location is not important as long as it is a guesthouse . eos O O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos we have the archway house in the north that is 4 star and offers free parking and internet . does this work ? 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+Stars O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos sounds good so far ... what is the price range ? eos O O O O O O O O O O O O Hotel-Request+Price +bos the archway guesthouse is moderately priced . would you like to book a room ? eos 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 O O Booking-Inform +bos yes . i am looking for an indian restaurant in the cheap price range . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O Hotel-Request+Price +bos ok , there are 4 different indian restaurants in the cheap price range , might i suggest mahal of cambridge ? it 's located in the centre area . eos O O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Price 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 I-Restaurant-Inform+Area O O O O O N/A +bos i would prefer the restaurant be located in the north . can you help me find one there ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos certainly , we have royal spice indian restaurant . can i make a reservation for you , if so how many diners are there ? 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 O O O O O Booking-Request+People,Booking-Inform +bos yes , for 1 person at 12:15 on monday . eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos certainly , your reference number is csp29am3 . 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 thank you , that will be all . eos O O O O O O O O O general-thank +bos i 'm happy i could be of help . have a wonderful day ! eos O O O O O O O O O O O O O O O general-bye +bos where is a good cheap singaporean place to eat ? eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos my system is n't showing anything , do you have a particular name or any alternative type restaurants 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 O O O O O O O Restaurant-Request+Food,Restaurant-Request+Name,Restaurant-NoOffer +bos is there anything that is cheap , and in the south that could serve singaporean 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 N/A +bos sorry there is not restaurant matching your request available . would you like to select a different food type to see what we can 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 Restaurant-Request+Food,Restaurant-NoOffer +bos yes , can you find me a cheap place to eat serving chinese food ? eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos the lucky star is cheap and serves chinese food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos that 'll be great . can i get the phone number , address , and postcode to that 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 the phone number is 01223244277 , address is cambridge leisure park clifton way cherry hinton , and postcode is cb17dy . eos O O O O O B-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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O N/A +bos i also am looking for a hotel with 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 there are a total of 21 hotels in cambridge with a 4 star rating . would you prefer a certain price range or location ? eos 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 O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i am looking for a cheap place in the south . eos O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O N/A +bos there are no hotels meeting those criteria in the south however rosa 's bed and breakfast guesthouse with 4 stars priced cheap is available . eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area 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+Stars O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O N/A +bos ok , a guesthouse will be fine . eos O O O B-Hotel-Inform+Type O O O O O N/A +bos great ! what day would you like to book ? anything else you want to share ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Day +bos i do n't wish to book . can i just get the postcode and phone number ? 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 the phone number for rosa 's bed and breakfast is 01223512596 and the postcode is cb22ha . 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 B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O O O O O O general-reqmore +bos can you book me a taxi to bring me between the two ? i am wanting to leave the hotel by 16:45. also can 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 O B-Taxi-Inform+Leave O O O O O O O O O O O O Taxi-Request+Car +bos i was able to book that for you . the car type is a white honda and the contact number is 07321469386. is there 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos great thank you that 's all that i needed today . eos 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 'm looking for cheap eats in the centre . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos yes i have many chinese and asian restaurants as well as spanish , portuguese and indian cuisines matching your price requirements . any preference ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 Restaurant-Request+Food +bos i am interested in chinese food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i found three chinese restaurants in the centre : charlie chan , rice house and golden house . would you like me to book you a table ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area 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 Booking-Inform +bos yes , please ! can i have a table for 1 at charlie chan on sunday at 14:15 ? eos O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O N/A +bos sure thing your reference number is d3a1xjl7 . 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 no , you 've been very helpful . have a good day . eos O O O O O O O O O O O O O O N/A +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 what restaurants in the centre serve international cuisine ? eos O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O N/A +bos the varsity restaurant and the bloomsbury restaurant serve international food and are in the centre of town . eos 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 B-Restaurant-Inform+Area O O O N/A +bos how about a place in the moderate price range ? eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos both of the named restaurants are in the moderate price range . eos O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos ok , can you book a table for 6 at 12:00 on tuesday at the varsity restaurant ? i will need a reference number too , please . eos 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 O Restaurant-Request+Ref +bos certainly . i will have that reference number for you in just one second . eos O O O O O O O O O O O O O O O O Booking-Inform +bos thanks . looking forward to it . eos O O O O O O O O general-thank +bos yes i can . i have booked you a table for 12 noon on tuesday for 6 people . your reference number is wc1zy82v . anything else i can help you with ? eos O O O O O O O O O O O O B-Booking-Book+Time I-Booking-Book+Time B-Booking-Book+Day 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 N/A +bos no , that is all . thank you . eos 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 could you help me find a restaurant ? i am looking for a place that serves quality italian food an affordable price . i would greatly appreciate any help you can provide . 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 O O O O O O O O O N/A +bos there are several italian restaurants that meet your needs . would you like cheap or moderate price range , and do you have a preference as to the part of town ? 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 O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos it should be cheap and in the west . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos la margherita is cheap and in the west eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area N/A +bos that will work for me . can you book it for 16:30 on wednesday for 6 people ? i 'd also like the reference number please . 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 Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes . reference number is : e2amptj6 . 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 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 in the west . the hotel has to have free parking too . 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 there are four places that meet those criteria . is there a particular price range you 'd 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 N/A +bos i would like it to be a cheap place , i also need 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 what day would you like to check in ? eos O O O O O O O O O O Booking-Request+Day +bos i just am looking for the star rating , phone number , and address of one and do n't need a reservation at this 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 Hotel-Request+Phone,Hotel-Request+Addr +bos i have the cambridge belfry hotel with a 4 star rating and a guesthouse called finches bed and breakfast also with 4 stars . eos O O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O B-Hotel-Inform+Type 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 great thank you so much ! eos O O O O O O O general-thank +bos you are quite welcome ! enjoy your stay in cambridge ! eos O O O O O O O O O O O O general-welcome +bos i 'm looking for attractions in cambridge regarding sports . eos O O O O O O O O O O O Attraction-Inform +bos the cherry hinton village centre is a multiple sports facility in the east . would you like their phone number ? 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 I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos no , it needs be in the west . any other museum 's are located in the west please ? eos O O O O O O O B-Attraction-Inform+Area 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 , would you prefer one that is free or one with an entrance fee ? 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 B-Attraction-Select+Price I-Attraction-Select+Price I-Attraction-Select+Price O N/A +bos i 'll take one with an entrance fee , and i 'll need the 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 Attraction-Request+Post,Attraction-Request+Phone +bos there is only one museum with an entrance fee is the west , it is the cambridge and country folk museum , postcode cb30aq , number is 01223355159. anything else today ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Area 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+Post O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos yes , i am a looking for a train that departs from peterborough and goes to cambridge . 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 N/A +bos alright , you have quite a few options . what day are you planning to travel ? 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 Train-Request+Day +bos the train should leave on friday and should leave after 18:45. eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave N/A +bos there is one leaving at 18:48 tr1477 eos O O O O O O B-Train-Inform+Leave B-Train-Inform+Id N/A +bos thank you have a wonderful day . eos O O O O O O O O general-thank +bos you 're very welcome , but before you go , would you like me to book the train 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 general-welcome,Train-OfferBook +bos no thank you . i do n't think i want to book the train at this time . eos O O O O O O O O O O O O O O O O O O O Train-Inform +bos okay ! let us know if we can be of any further assistance . 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-bye +bos i need a hotel with free wifi and free parking , thank you eos O O O O O O O O O O O O O O N/A +bos allenbell is cheap and has free internet . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O Hotel-Recommend+Internet +bos i 'm looking for something in the moderate price range actually . eos O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos archway house is a moderately priced 4 star hotel in the north . would you like to make a reservation ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area O O O O O O O O O Booking-Inform +bos yes please book the archway house . eos O O O O O O O O N/A +bos i 'd be happy to book for you . how many people will be staying , what is your arrival day , and how many nights are you 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 Booking-Request+Stay,Booking-Request+Day,Booking-Request+People,general-greet +bos i will be arriving on tuesday and i need to book the room for four nights for three people . eos O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O O O O N/A +bos ok. i 've booked that guesthouse for you . your reference number is ybt4jrtr . can i help 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 O general-greet,general-reqmore +bos yes , i would also l like to find a splendid , moderately-priced place to dine in the centre . that would be just wonderful if you could help me out with that ! eos 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 O O O O O O O O O O O O N/A +bos there are several moderately priced restaurant in the centre area . would you like a certain type of food ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 'd like an italian restaurant , please . eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos pizza express fen ditton would be perfect for you guys then ! would you like more information or for me to book that for you ? 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 O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos yes , just give me the address please . eos O O O O O O O O O O Restaurant-Request+Addr +bos pizza express fen ditton is located at jesus lane 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 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 yes . i would like to leave the restaurant by 11:15 and i would like to book a taxi to commute between the hotel and the restaurant . 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 O O O O O O N/A +bos not a problem ! i booked a taxi to depart the restaurant by 11:15. the car type is a blue skoda and the contact number is 07621131070. eos 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 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 very much ! that 's all i need today ! eos O O 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,general-bye +bos i am looking for the addenbrookes hospital with hepatology department eos O O O O O O O O O O B-Hospital-Inform+Department N/A +bos the telephone number is 01223217712 eos O O O O O O N/A +bos thank you goodbye eos O O O O general-bye +bos have a wonderful day ! eos O O O O O O general-bye +bos i need a taxi to take me to fitzbillies restaurant eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos i would be happy to book that for you , where do 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 Taxi-Request+Depart +bos from kings lynn train station . eos O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos ok , and what time will you need to arrive/leave ? 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 20:00 please . eos O O O O O O B-Taxi-Inform+Leave O O N/A +bos great . we have a black volkswagen booked for you . the driver 's phone number is 07477854911 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 N/A +bos thank you goodbye eos O O O O general-bye +bos welcome again next time eos O O O O O general-welcome,general-bye +bos hello , i 'm looking for a hospital in town . eos O O O O O 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 , i just needed the address . good bye . eos O O O O O O O O O O O O Hospital-Request+Addr +bos thank you for calling the towninfo centre . goodbye . eos O O O O O O O O O O O general-bye +bos i want to find a moderately-priced 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 we have 21 entries that match . do you have a preference on 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 'd like lebanese food please . eos O O O B-Restaurant-Inform+Food O O O O N/A +bos ali baba serves lebanese food in the town centre at a moderate price range . would you like to make a booking ? 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 O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos yes please . i need a table for 3 at 18:45 on a tuesday . eos 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 N/A +bos i was unable to find you a table at that time . 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 Booking-NoBook,Booking-Request+Time +bos i guess we could move it an hour earlier , if that 's better ? eos O O O O O O O O O O O O O O O O N/A +bos that worked . you have a table at 17:45 with reference number 2s4uxxs3 . can i help with anything else today ? eos 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 general-reqmore +bos that 's all i needed . thanks for your help . eos O O 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 need to find an italian place to eat . hopefully with moderate prices . eos O O O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O N/A +bos i have 5 restaurants that would fit that , is there a particular area you want 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 O O Restaurant-Request+Area +bos no , just pick me one you think would be good to go to and please provide me with an address to that 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 Restaurant-Request+Addr +bos how about prezzo ? it 's located at 21 - 24 northampton road . eos O O O B-Restaurant-Select+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 N/A +bos thanks so much for the info . i will pay them a visit . 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 you have a nice day also . good bye . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'd like a restuarant in the north with expensive food . eos O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O N/A +bos there are five places , which type of food do you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food +bos surprise me , i just want something pricey to impress my friends . it 'll be a party of seven . 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 found five restaurants , what day and time would you like to go ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos how about monday at 19:15. eos O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos okay . i have booked you at saigon city that is quite elegant and serves asian cuisine . your reference number is j8igns09 . eos O 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 O O B-Booking-Book+Ref O O O N/A +bos thank you so much . that is all i will be needing today . have a nice evening . 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 , and would you like the address for the restaurant ? eos O O O O O O O O O O O O O O N/A +bos i do n't think i need it , but thanks for asking . 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 you 're welcome ! have a great day ! goodbye . eos O O O O O O O O O O O O general-bye +bos hi ! are there any restaurants in town that serve scottish food ? eos O O O O O O O O O O O O O O Restaurant-Inform +bos no there is not . is there something else you would like to try ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer,general-reqmore +bos if there are no scottish places in the west , what about expensive places to eat ? 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 there are quite a few places that are expensive . what type of cuisine 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+Price O O O O O O O O O Restaurant-Request+Food +bos what about indian restaurants ? are there any expensive ones in the west ? eos O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos there are a couple of indian resturants in the west , may i recommend tandoori palace ? 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos could you give me their address ? eos O O O O O O O O Restaurant-Request+Addr +bos sure . 68 histon road chesterton . would you like for me to make reservations ? eos 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 thank you , that is all i will need today . eos 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-bye +bos thanks , again for your help . goodbye . eos O O O O O O O O O O general-bye +bos thank you for calling today . goodbye . eos O O O O O O O O O general-bye +bos i 'm looking for a chinese restaurant in city centre . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos how does charlie chan 's sound ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O N/A +bos is that in the expensive price range ? eos O O O O O O O O O N/A +bos no , charlin chan is a cheap place . the ugly duckling is an expensive chinese restaurant though , is that what 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 N/A +bos could i have their phone number and address ? eos O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos i 'm sorry , the ugly duckling does not have any phone number listed but is located at 12 st. johns street 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 N/A +bos do you have any other options for expensive chinese , and can you make sure that have a number and address listed 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 Restaurant-Request+Addr +bos sure , the tang chinese is also an expensive chinese restaurant in the centre of town . their phone number is 01223357187. is there anything else that i can help you with ? 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos i 'd like their address please . eos O O O O O O O O Restaurant-Request+Addr +bos they are located at napier 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 N/A +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 . have a nice day , goodbye . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'd like to find a place to eat on the west side . something moderately priced , please . eos 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 N/A +bos certainly . on the west side , we have saint john 's chop house , meghna , and prezzo . do any of those sound good ? eos O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 Restaurant-Select +bos do any of those serve british food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes , saint johns chop house serves british food . would you like to book a table , if so how many people will be dining ? eos O O B-Restaurant-Inform+Name I-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 O O O O O O O O O O O O O O Booking-Request+People,Booking-Inform +bos i only need the restaurant 's address , phone number , 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 saint johns chop house is located at 21 - 24 northampton street , postcode cb30ad . the phone number is 01223353110. is there any other information you need ? 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+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 general-reqmore +bos no , that should be all . thank you so much for your assistance ! 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 place to eat in the west , thai food please . eos O O O O O O O O O O O B-Restaurant-Inform+Area B-Restaurant-Inform+Food O O O O N/A +bos the sala thong serves thai food . it is expensive but good . can i reserve a table for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos yes , that sounds great ! eos O O O O O O O N/A +bos what day , time , and party size do you need ? eos O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People +bos 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is 35 newnham road newnham , phone number is 01223323178 , and finally their postcode is cb39ey . is there anything else i can help with ? eos 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 O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos okay great . that is all i need to know . eos O O O O O O O O O O O O N/A +bos are there any other tasks you need help with ? eos O O 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 O N/A +bos ok. thank you . eos O O O O O general-bye +bos i need a place to eat in the south that serves italian 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 pizza hut cherry hinton , and frankie and bennys are both in the south part of town serving italian food . eos 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+Area O O O O B-Restaurant-Inform+Food O O O N/A +bos i would like pizza hut cherry hinton . what is the postcode ? eos O O O O O O O O O O O O O O Restaurant-Request+Post +bos the postcode for that restaurant is cb17dy . did you need anything else ? eos O O O O O O O B-Restaurant-Inform+Post O O O O O O O general-reqmore +bos i do n't need anything else at this time . thank you . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos thank you for letting me help you . 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-bye +bos please list all restaurants in cambridge centre in the moderate price range . eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A +bos there are 21 restaurants matching your criteria . is there a type of cuisine that interests you ? 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 possibly italian if that 's available for 3 people on thursday at 13:30. eos O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos there are 2 choices , pizza express serves italian food with a moderate price range , or pizza express fen ditton also in the moderate price range . which shall i reserve ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 Booking-Inform,Restaurant-Select,general-reqmore +bos let 's go with pizza express , can you book for 3 at 13:30 on thursday please . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O O O O N/A +bos ok. i was able to book the table for three . your reference number is 0foaja8a . eos O O O O O O O O O O O B-Booking-Book+People O O O O O B-Booking-Book+Ref N/A +bos i need to catch a train to get to the restaurant . can you 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 Restaurant-Inform,Train-Inform +bos you 'll have to tell me where you are departing from ? eos O O O O O O O O O O O O O Train-Request+Depart +bos i 'm travelling from norwich . eos O O O O B-Train-Inform+Depart O O N/A +bos okay thank you . what time would you like to leave ? eos O O O O O O O O O O O O O Train-Request+Leave +bos i need to arrive by 8:00. eos O O O O O O B-Train-Inform+Arrive N/A +bos which day do you want to travel ? eos O O O O O O O O O Train-Request+Day +bos i want to get there thursday please . eos O O O O O O B-Train-Inform+Day O O N/A +bos tr4387 arrives at 07:35 , would 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 general-reqmore +bos yeah could i get three tickets please ? eos O O O O O O O O O N/A +bos booking was successful , the total fee is 52.8 gbp payable at the station .reference number is : 5k7p12xz . 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 so much , if you can please leave a review for us . i hope your trip is amazing and very enjoyable . eos O O 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 ok , thank you and enjoy your stay ! eos O O O O O O O O O O general-greet +bos yes , i need help locating pizza hut city centre . eos 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 sure , the pizza hut city centre is located at regent street city centre . their postcode is cb21ab . can i help with anything else today ? 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 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 O O general-reqmore +bos what is the price range ? eos O O O O O O O Restaurant-Request+Price +bos they 're listed as cheap . eos O O O O B-Restaurant-Inform+Price O O N/A +bos do you have their phone number ? eos O O O O O O O O Restaurant-Request+Phone +bos yes , it 's 01223323737. is there anything else i can help with ? eos O O O B-Restaurant-Inform+Phone 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 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 an indian restaurant in the centre . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos curry garden has good reviews and serves indian food in the centre of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos i would like it to be in the expensive range of food , is that place expensive ? 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 's expensive . would that work for you ? eos O O O B-Restaurant-Inform+Price O O O O O O O O O N/A +bos could you give me 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 phone number is 01223302330 and their postcode is cb21dp . eos O O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Post 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 glad to be of assistance . have a great day . bye . eos O O O O O O O O O O O O O O general-bye +bos i am looking for kirkwood house . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos kirkwood house is a 4-star , moderately priced guesthouse in the north area of town . do you need more information ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-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 O O general-reqmore +bos yes , what is the address , please ? eos O O O O O O O O O O Hotel-Request+Addr +bos the address for kirkwood house is 172 chesterton road , cb41da . can i help you with anything else ? 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 O O O O O O general-reqmore +bos no thank you . eos O O O O O general-thank +bos okay . just let us know if you need anything else ! eos O O O O O O O O O O O O O general-reqmore +bos i 'm looking for a guesthouse to stay in on the east side . you know of any ? eos 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 N/A +bos there are 6 guesthouses all with 4 star ratings that fit your request . would you like to add any other specifications ? eos 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 N/A +bos the guesthouse should be expensive . eos O O O O O B-Hotel-Inform+Price O N/A +bos i do not have any guest houses in the east that are expensive . do you want to change areas or maybe modify the price range ? eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O B-Hotel-NoOffer+Price O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos okay , i guess i could go for something different . do you have anything on the cheap side ? 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 i have 3 guesthouses in the east . all are 4-star rated and all of them have free wifi and parking . they are the allenbell , autumn house and leverton house . eos O O O O B-Hotel-Inform+Choice 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos i actually want something in the expensive price range , sorry . eos O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i apologize . there are not any expensive guesthouses in the east area . there is a hotel that is expensive , or we could 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 O O O O O O N/A +bos i 'm sorry for changing my mind again but cheap is fine . you had mentioned autumn house . what is their address , please . eos O O O O O O O O O B-Hotel-Inform+Price 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 phone number is 01223575122. would you like me to book that for you ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform +bos first i need the address please . also , can you tell me if they have free parking and wifi ? 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,Hotel-Request+Internet,Hotel-Request+Addr +bos yes they have internet and parking at autumn house . they are located at 710 newmarket road , cb58rs . can i help you with anything else ? eos O O O O 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 O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos no that is it , thanks . eos O O O O O O O O general-thank +bos thank you , if you need anything else let me know.good bye . eos O O O O O O O O O O O O O O general-bye +bos i am looking for information . can you help me with 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 O N/A +bos i can help you . which part of town ? eos O O O O O O O O O O O Hotel-Request+Area +bos the north part of town is where i want to go and include free parking and should have a star of 4 eos 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 N/A +bos okay , how about the acorn guest house ? it 's located on 154 chesterton road . would you like me to make a reservation ? 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O O O Booking-Inform +bos that sounds perfect . i need a room 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 O N/A +bos the booking was successful . you have a reservation for 3 people , staying 4 nights a acorn guest house starting on sunday . your reference number is : z45i87ld . eos O O O O 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 B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O O N/A +bos thank you ! i also need a swimming pool in the north area of cambridge . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos i 'd recommend jesus green outdoor pool . would you like more information ? 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 can you please provide me with the address , 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,Attraction-Request+Addr +bos sure ! the address is between victoria road and the river , the postcode is cb43px , and the phone number is 01223302579. 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 O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O N/A +bos lastly a taxi from the hotel to the pool please . eos O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos do you have a arrival time in mind ? eos O O O O O O O O O O Taxi-Request+Arrive +bos i want to to leave the hotel by 10:30. eos O O O O O O O O O O Hotel-Inform +bos when is your arrival time ? eos O O O O O O O Taxi-Request+Arrive +bos my arrival time will be 17:00. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos your taxi have been booked for a black volvo and its contact number is 07055228719. 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 thanks . that is all for today . eos O O O O O O O O O general-thank +bos thanks for inquiring with us and have a great day eos O O O O O O O O O O O general-greet +bos thanks . i hope your day is good too . eos O O O O O O O O O O O general-thank +bos it sure is . thanks . eos O O O O O O O general-bye +bos good . glad to hear it . you can end this conversation now . 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 O O O O O N/A +bos thank you for using our service . eos O O O O O O O O general-bye +bos i need to know if there are any trains that go to kings lynn ? eos 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 thre are many . when would you like to travel ? eos O O O B-Train-Inform+People O O O O O O O O Train-Request+Leave +bos on friday . i want to leave in the evening after 19:45. eos O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Leave N/A +bos tr3765 leaves cambridge at 20:11. would you like some tickets ? 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 O O O Train-OfferBook +bos yes for two please . eos O O O O O O N/A +bos ok , i have your tickets for train tr3765 booked for you . the total fee is 19.6 gbp which is payable at the station . your reference number is qk1cchv5 . eos O O O O O O O O B-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 O O B-Train-OfferBooked+Ref O O O O N/A +bos also looking for a place to dine , that is cheap and 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 there are lots to choose from ! is there a certain type of food 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 Restaurant-Request+Food +bos asian oriental food . eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos dojo noodle bar ius a nice place , would you want me to book it for you ? 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 O O Booking-Inform +bos sounds delicious . yes , for 13:45 on the same friday for the two of us , please . eos O O O O O B-Restaurant-Inform+Time O O O B-Restaurant-Inform+Day O O O O O O O O O O N/A +bos we have the 2 of you booked at dojo noodle bar on that friday at 1345. the reference number for your booking is r579xp9j . eos O O O O O B-Booking-Book+People O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O O O O B-Booking-Book+Ref O N/A +bos excellent , that 's all i needed today . goodbye ! eos O O O O O O O O O O O O general-bye +bos alright , have a wonderful time in cambridge ! eos O O O O O O O O O O general-bye +bos yes i am looking for a hotel to stay at with free parking please eos O O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos i have a variety of options located all over town . would you have a preference on the area or maybe a certain price range 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 O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos no , i really only care that it is 4 stars and an actual hotel . eos O 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 would you care to try the huntingdon marriott ? eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos perhaps . what 's their postcode ? eos O O O O O O O O Hotel-Request+Post +bos the postcode fot eh huntingdon marriott hotel is pe296fl . would you like for any other information ? 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+Post O O O O O O O O O general-reqmore +bos as long as the huntingdon marriott has 4 stars , i 'm good to go , thanks . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos indeed it does . enjoy your stay . eos O O O O O O O O O general-greet +bos i 'm looking for a restaurant on the north end that serves yummy chinese 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 we have three places , but i like the hotpot . do you need a reservation ? eos O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos could you tell me the price range first ? and the postcode ? for the hotpot ? 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 Restaurant-Request+Post,Restaurant-Request+Price +bos the hotpot is a moderately priced restaurant . their post code is cb41ep . eos O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Post O O N/A +bos great can you help me get a train from cambridge to broxbourne ? eos 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 match that trip . to narrow it down , i need to know what day you 'll be traveling and when 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 Train-Request+Arrive,Train-Request+Day +bos i will be traveling on wednesday and i would need to arrive in broxbourne by 21:15. eos O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos i have train tr5256 that leaves at 20:01 and arrives in broxbourne at 21:01. 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 O B-Train-Inform+Arrive O O O O O O N/A +bos that would be great . i 'm traveling alone so just one seat please . eos O O O O O O O O O O O O O O O O N/A +bos great . i have booked one ticket on tr5256 to broxbourne . the cost will be 17.89 gbp and your reference number is o9vnftk9 . eos O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Dest 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 O N/A +bos thanks ! that 's all i needed 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 general-thank +bos you 're welcome ! enjoy your travels . eos O O O O O O O O O general-welcome +bos hi , can you help me find a train arriving by 19:00 that leaves on monday ? eos O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Day O O N/A +bos where are you departing from , and arriving to ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i will b departing from cambridge and arriving in ely . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos tr4294 will leave at 17:50 and arrive by 18:07. do you need to book tickets ? 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 yes , i will actually need 8 tickets , it will be a group of us . eos O O O O O O O B-Train-Inform+People 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 : wwknftgl . 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 i also find 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 there are many to choose from , do you have a specific food type or would you like me to make a recommendation ? 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 O O O Restaurant-Request+Food,general-reqmore +bos an italian restaurant and i need a reservation for 8 at 13:15 on monday . eos O O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos there are no expensive italian places in the west . is there another area i may check ? eos 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 Restaurant-Request+Area +bos no just choose another type of expensive place to dine for me and book a table at 13:15 for 8 people from 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 O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O N/A +bos okay , cambridge lodge restaurant serves european food . the booking was successful . the table will be reserved for 15 minutes . your reference number is : sikpobwy . eos O O B-Restaurant-Recommend+Name I-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 O O O O O O B-Booking-Book+Ref O O O O N/A +bos thanks , that is all for now . goodbye . eos O O O O O O O O O O O general-bye +bos have a good night ! eos O O O O O O general-bye +bos hi there , i 'm looking for a place to stay that has wi-fi and parking for free . 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 , there are many options with free internet and parking . what area of town do you prefer 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 Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i do n't have a preference . i wold just like a 4 star moderate . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O N/A +bos the acorn guest house fits your needs ! it has a four star rating and is located in the north . would you like 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 O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos maybe , but are they expensive ? i would like something moderately priced if possible . eos O O O O O O O O O O O O O O O O O N/A +bos no the acorn guest house is moderately priced . i can book it for you if you would like . eos 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 Booking-Inform +bos what type of hotel is it ? eos O O O O O O O O Hotel-Request+Type +bos it is a 4 star hotel , not a guesthouse . eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A +bos okay , that 's all the information i need . thank you ! 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-greet +bos i 'm looking for a place to stay in the city centre that 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 i have 4 different places available to you . 2 are hotels and the other 2 are guesthouses . do you have a preference ? eos O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O Hotel-Request+Type +bos do you have any that would be moderately priced ? eos O O O O O O O O B-Hotel-Inform+Price O O N/A +bos no i 'm sorry , i do n't . is there another price range you would consider ? eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos no , i need it to be moderately priced . is there a hotel with free parking in the north ? 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+Area O O O N/A +bos i have 7 moderately priced guesthouses and 2 moderately priced hotels in the north , all 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 N/A +bos great ! id 's like information on one of the hotels please . eos O O O O O O O O O O O O O O Hotel-Inform +bos do you have a further preference among them ? eos O O O O O O O O O O N/A +bos do they have free wifi ? eos O O O O O O O Hotel-Request+Internet +bos yes , they do . i 'd recommend acorn guest house . it 's at 154 chesterton road cb41da . the phone number is 01223353888. would that work for you ? eos O O B-Hotel-Select+Choice O O O B-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 O O O O B-Hotel-Recommend+Phone O O O O O O O O O O O O Hotel-Select+Internet,general-reqmore +bos that will help , thank you . 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 no , that 's all the info i needed . 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 general-thank +bos you are welcome . good bye . eos O O O O O O O O general-bye +bos i am planning your trip in cambridge . looking for a place to dine . the restaurant should be in the cheap price range and should serve steakhouse 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-Inform+Price O O O O O B-Restaurant-Inform+Food O N/A +bos i have no places that meet your request . 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 Restaurant-Request+Food,Restaurant-NoOffer +bos sure , how about an italian one ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos is there a particular part of town you wish to dine in ? eos O O O O O O O O O O O O O O Restaurant-Request+Area +bos any area is fine , i just need to know the area and address . eos O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr +bos la margherita is located at 15 magdalene street city centre in the west part of town . do you need anything else ? eos 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O general-reqmore +bos yes , i also need a hotel in the north . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos the ashley hotel and the lovell lodge both will meet your needs , would you like me to book you a room at either of those ? 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 O O O O O O O Booking-Inform +bos i need one that offers free parking and that is a guesthouse . eos O O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos none of those do have parking . i recommend acorn guest house instead eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O Hotel-Inform+Parking +bos that 's fine . i need it booked starting sunday for 2 nights . there will be 6 people . eos 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 your booking was successful . your reference number is : 3ifc157c . 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 O general-reqmore +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 i 'm looking for info about a restaurant in cambridge called little seoul . 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 of course , the address is 108 regent street city centre , postcode cb21dp . did you want the phone number as well ? 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 B-Restaurant-Inform+Post O O O O O O O O O O O O N/A +bos no , but i do want its area and price range . eos O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos certainly , it is in the centre area and is in the expensive price range . is there anything else i can help you with ? eos 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 O O O O O O O O O O O general-reqmore +bos yes can you help me find something to do in the center of town that involves looking at a college ? 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 N/A +bos we actually have 13 colleges in the center of town ! downing college on regent street is free to get in and a great place to visit . eos O O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area 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 N/A +bos could i get the phone number for downing college ? eos O O O O O O O O O O O Attraction-Request+Phone +bos no problem . they can be reached at 01223334860. is there anything else i can help with ? 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 yes please . i 'd like to find a restaurant called little seoul . do you have a listing for them ? 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 N/A +bos yes . they serve korean food and are in the centre . would you like to book a reservation ? eos 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 Booking-Inform +bos how much is entrance fee and may i also get a number for them ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i do not have an entrance fee but if you are wanting to know the price range , little seoul is a more expensive restaurant . their phone number is 01223308681. 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 O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Phone O O N/A +bos is there an entrance fee for downing college ? eos O O O O O O O O O O Attraction-Request+Fee +bos it is free to enter . eos O O O B-Attraction-Inform+Fee O O O N/A +bos ok , thank you ! goodbye eos 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 help , i was robbed . i need to contact someone . eos O O O O O O O O O O O O O N/A +bos oh no ! call the police at 01223358966. eos O 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 postcode is cb11jg . the location is parkside , cambridge . do you need any other 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 i should be okay with their help . thank you so much . eos O O O O O O O O O O O O O O general-thank +bos you are most welcome . do n't hesitate to callback . eos O O O O O O O O O O O O general-welcome +bos okay , i will if i need to ! 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 you 're welcome . goodbye eos O O O O O O general-welcome,general-bye +bos i am looking for a train that leaves bishops stortford and goes to cambridge eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest N/A +bos i have found several , is there a day and time you are looking for ? 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+Day +bos i plan to leave this saturday . eos O O O O O O B-Train-Inform+Day O N/A +bos okay , is there a specific 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 O O Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive in cambridge by 8:15. eos O O O O O O O O O O N/A +bos tr4162 arrives in cambridge on saturday by 08:07 , will this suit you ? eos O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Day I-Train-OfferBooked+Day B-Train-OfferBooked+Arrive O O O O O O Taxi-Inform +bos tell me about the departure and travel time eos O O O O O O O O O Train-Request+Duration +bos tr4162 departs at 7:29 and total duration is 38 minutes . do you need to reserve a seat ? eos O B-Train-Inform+Id 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 Train-OfferBook +bos not yet , i was just looking for information . 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 not a problem and should you need any other information , feel free 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 general-bye +bos i am planning a trip in cambridge eos O O O O O O O O N/A +bos okay can you be a little more specific ? eos O O O O O O O O O O general-reqmore +bos i 'm looking for a train to arrive by 21:45 on wednesday . eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A +bos ok , what station would you like to depart from and which station would you like to arrive at ? 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 it would be from broxbourne to cambridge , i will need to book that for two people . eos 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 tr6477 will arrive in cambridge on wednesday by 21:32. i booked 2 tickets . the fee is 25.79 gbp payable at the station . reference number is 3800n2ku . wiil that be all ? eos O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-OfferBooked+People O O O O O O O B-Train-Inform+Ticket O O O O O O O O B-Train-Inform+Ref O O O O O O O O general-reqmore +bos i also need a place in the centre 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 N/A +bos curry garden is expensive , kohinoor is cheap . do these interest you ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Restaurant-Select +bos can you book a table for us at curry garden at 13:45 ? eos O O O O O O O O O O O O O O N/A +bos sure thing ! how many people , what time , and what day ? eos 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 book a table for the same group of people at 13:45 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 N/A +bos reference number is : 6jos1hjy . is there anything else ? eos O O O O O B-Booking-Book+Ref 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 thanks . goodbye now ! eos O O O O O O general-bye +bos do you need anymore help ? eos O O O O O O O general-reqmore +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 i 'm looking for a train that leaves on thursday to go 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 where are you departing from ? eos O O O O O O O Train-Request+Depart +bos i am departing from peterborough and leaving after 14:15. eos O O O O O B-Train-Inform+Depart O O O O N/A +bos do you have a time that you want to arrive by ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos no . book for 2 people and give me 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 tr0904 has been booked for 2 people on thursday at 14:48 , cost is 33 gbp and reference number is u120dufh . is there anything else i can help you with today ? eos O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave 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 O general-reqmore +bos i am also looking for something to do in town . are there any facilities for multiple sports 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 B-Attraction-Inform+Area O O O N/A +bos i 'm sorry , there are no multiple sports attractions on the west side of the city . is there a different type of attraction or a different area you 'd like to try ? eos 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 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 O O O Attraction-Request+Area,Attraction-Request+Type +bos can you please recommend a museum and give me their address ? eos O O O O O O B-Attraction-Inform+Type O O O O O O Attraction-Request+Addr +bos i recommend kettle 's yard on castle street . it is actually free ! eos 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 O B-Attraction-Recommend+Type O O O N/A +bos thank you very much , i appreciate your help . good bye . eos O O O O O O O O O O O O O O general-bye +bos glad i could be of assistance . please let me know if i can be of any further assistance . 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 give me some information about colleges that i can visit while i am in town ? eos 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 see we have a total of 79 colleges . eos O O O O O O O O O B-Attraction-Inform+Choice O N/A +bos what colleges are in the centre ? please provide postcode , address , and phone number too . 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+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos there are thirteen colleges in the centre . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos train should depart from peterborough and should leave after 21:45 eos O O O O O B-Train-Inform+Depart O O O O O N/A +bos yes i will need your destination city and day of travel please . eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i will be leaving monday , it will be to cambridge . eos O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O N/A +bos tr1553 leaves peterborough monday at 21:48 and arrives in cambridge at 22:38. would you like me to book that for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart 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 Train-OfferBook +bos yes , i will need 4 tickets . eos O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 66 gbp payable at the station . your reference number is y4ixqijc 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 thank you so much for all your help . 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 please help me find general information about park type places to go in cambridge . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are five total parks in cambridge , four of which are free . the university botanic gardens cost 4 pounds to enter . eos O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type 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 I-Attraction-Inform+Fee O O O N/A +bos may i please have the phone number , postcode , and area of a free park 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 Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Phone +bos i have cherry hinton water play , located in the east and the post code is cb18dw . here is the phone 01223446100. 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+Area O O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O N/A +bos thank you for your help . eos O O O O O O O general-thank +bos have a nice day ! eos O O O O O O general-bye +bos can you help me find a guesthouse in the north ? eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos there are 11 guesthouses in the north . do you have a 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 Hotel-Request+Price +bos no particular price range , but it should be 4 star rated . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O Hotel-Request+Price +bos five of those guesthouses are rated four stars . are there any particular commodities you need at the guesthouse ? eos O B-Hotel-Inform+Choice 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 general-reqmore +bos i would like one with internet . what are the price ranges for those ? eos O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Internet +bos actually , there are 8 guesthouses in the north with four stars and internet . 7 are in the moderate price range and one is on the cheaper side . eos O O O O O 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O Hotel-Inform+Internet +bos as long as it 's a guesthouse in the north with 4 stars it 'll be fine . just recommend one to me please . 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 O O O O O N/A +bos i found the acorn guest house , would you like me to book it for you ? eos 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 N/A +bos no , i just need the address , price range and i need to know if 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 Hotel-Request+Price,Hotel-Request+Internet,Hotel-Request+Addr +bos they are a moderate priced guesthouse located at 154 chesterton road with free wifi . i can reserve that for you if you 'd like . eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type 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 Booking-Inform,Hotel-Inform+Internet +bos no but i would like a train on wednesday at 15:30 from stansted airport to cambridge . eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos i have a train leaving at 16:24 from stansted airport . 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+Depart I-Train-Inform+Depart O O O O O O O O O O O Booking-Inform +bos the train needs to arrive by 15:30 eos O O O O O O O B-Train-Inform+Arrive N/A +bos i 'm sorry , the earliest arrival time available is 16:52 on wednesday with a departure time of 16:24. would you prefer tuesday ? eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O O O O O O O Train-Request+Day +bos could you please check again ? i was pretty certain there was a train from stansted airport that would get me to caimbridge by 15:30 on wednesday . 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 O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos there is a train on tuesday , tr0135 leaves stansted airport at 14:24 and arrives in cambridge at 14:52 , would you like to book it ? eos O O O O O O B-Train-Inform+Day 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 O O O O Train-OfferBook +bos yes , please book it for 8 people and then 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 Train-Request+Ref +bos actually the wednesday schedule shows tr5499 with an arrival of 14:52. your group is booked with the reference number i48fcaaz . the total fee is 80.8 gbp . is there anything else ? eos O O O B-Train-Inform+Day O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive 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 general-reqmore +bos well i think we got everything done today . thanks 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 i hope you enjoy your trip . have a great day and goodbye . eos O O O O O O O O O O O O O O O general-bye +bos i am going to cambridge and i want to travel home by train . eos O O O O O B-Train-Inform+Depart 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 on wednesday after 16:00 and go to norwich . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Dest O N/A +bos the first train leaving after 16:00 is tr6838 . it leaves at 16:36 and will arrive at 17:55. will that fit your needs ? 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+Arrive O O O O O O O N/A +bos that sounds perfect , can you let me know the price per ticket on that ? eos O O O O O O O O O O O O O O O O O Train-Request+Price +bos it is 17.60 pounds . would you like me to 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 Train-OfferBook +bos yes please . thank you so much ! eos O O O O O O O O O general-thank +bos okay your booking was successful and your reservation number is saaooki0 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i am also interested in places to go in town . i would like to find an entertainment attraction in the east of town . do you have any suggestions ? 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 O O O O O O O N/A +bos i 've got two for you . the cherry hinton hall and grounds or the funky fun house . would you like more information on one or both ? eos O O 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 O O O O O O O O O O O N/A +bos can i get the postcode for the funky fun house ? eos 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 cb58hy . anything else ? eos O O O O B-Attraction-Inform+Post O O O O general-reqmore +bos thanks . the train and attraction are 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 O O O Attraction-Inform,Train-Inform +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 train going to cambridge 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 N/A +bos where are you departing from and what is your departure time ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i 'll be departing bishops stortford . my departure time is flexible , but i need to arrive by 16:30. eos 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 O O O Train-Request+Leave +bos the bishops stortford to cambridge at 15:29 is scheduled to arrive at 16:07. the one before that is two hours earlier . eos O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive N/A +bos could you give me the price and train id for that one please ? eos O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos tr1392 . 10.10 pounds . is there anything else ? eos O B-Train-Inform+Id B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O general-reqmore +bos i 'm looking for places to go in town centre . i 'm interested in entertainment . can you suggest a place 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 N/A +bos there are many attractions do you want a church , or park or water slide ? eos O O O B-Attraction-Inform+Choice 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 was looking for entertainment , but if there is nothing how about a college ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A +bos i think i can get for you anything else eos O O O O O O O O O O general-reqmore +bos can you tell me where the nightclubs are in east cambridge ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos there are no nightclubs in the east . do you have another preference ? 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 N/A +bos are there any museums in the east then ? eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos we have 4 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 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 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 N/A +bos can i have the postcode for cambridge artworks , please ? eos O O O O O O O O O O O O Attraction-Request+Post +bos it is cb13ef . 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 thank you . i am also looking for a train , i am hoping to leave sometime on friday and arrive by 12:45. eos O 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+Arrive O O N/A +bos where will you travel to and from ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am going to leicester from cambridge . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos there are 5 trains that fit your criteria . would you like me to book you with the earliest ? 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-OfferBook +bos no , i actually just need the train id . the earliest train would be great . eos O O O O O O O O O O O O O O O O O O Train-Request+TrainID +bos the earliest train is the train tr4826 . eos O O O O O O O B-Train-Inform+Id O N/A +bos that is all i need for now . thanks for helping eos 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-bye +bos i am looking for entertainment in the east of town . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos the east has both the funky fun house and cherry hinton hall and grounds . looking for something in particular ? eos O O O O B-Attraction-Inform+Choice I-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 I-Attraction-Inform+Name 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 do n't know what their entrance fees are . i can give you the phone numbers to call both of these places . eos O 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 you please get me the entrance fee , address and phone number for these . 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 cherry hinton hall and grounds phone is 01223446104. i have no information on the entrance fee . 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+Phone 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 to cambridge , arriving by 19:15 eos O O O O O O O O O B-Train-Inform+Depart O O O O O N/A +bos on what day will you travel ? eos O O O O O O O O Train-Request+Day +bos it will be on friday and i only need 1 ticket for myself . eos O O O O O O O O O O O B-Train-Inform+People 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 kings lynn . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart 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 friday . eos O O O O O O B-Train-Inform+Day O N/A +bos booking was successful , the total fee is 9.8 gbp payable at the station .reference number is : d6a6c4n1 . 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 general-reqmore +bos no thank you that will be all ! bye ! eos 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-greet +bos could you help me with a particular attraction in cambridge ? eos O O O O O O O O O O O O Attraction-Inform +bos sure ! what type of attraction were you looking for ? eos O O O O O O O O O O O O Attraction-Request+Type +bos i am looking for an attraction called camboats . i need the address , please . eos O O O O O O O O B-Attraction-Inform+Name O O O O O O O O Attraction-Request+Addr +bos the plough , green end , fen ditton , post code cb58sx . anything else you need ? 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 O O O O general-reqmore +bos i would like a train the departs from cambridge and should arrive by 12:00. 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 where are you headed to ? eos O O O O O O O Train-Request+Dest +bos i need to go tot he standsted airport on tuesday . eos O O O O O O O O O O B-Train-Inform+Day O N/A +bos there are six trains on tuesday that would get you to the airport by 12:00. they run every hour starting at 5:40. which departure time do you prefer ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O B-Train-Inform+Leave O O O O O O O Train-Request+Leave +bos i just need to make sure i arrive by 12 pm . 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 8 tickets please . eos O O O O B-Train-Inform+People O O N/A +bos i have booked the train your reference number is l2e6aq2l . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos that is all i wanted for today . have a good day eos O O O O O O O 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-bye +bos i am looking for something to do 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 there 's so much to do in the centre of town . there are museums , boats , concerthall , cinemas . what are your interests ? eos O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Type +bos i think a theatre sounds nice . eos O O O O B-Attraction-Inform+Type O O O N/A +bos i have the adc theatre on park street . would 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 I-Attraction-Inform+Name O O O O O O general-reqmore +bos yes , that would be great . can you 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 O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos their address is park street , postcode cb58as . their phone number is 01223300085. can i help you with anything else ? eos O 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 O O O O O O general-reqmore +bos yes , i need a train for sunday . eos O O O O O O O B-Train-Inform+Day O O N/A +bos what are your departure and arrival stations , and what time of 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+Leave,Train-Request+Dest,Train-Request+Depart +bos i am leaving london kings cross and need to arrive in cambridge by 20:45. eos 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 the tr3350 train will arrive at 6:08. would you like to book a ticket ? eos O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes please for 7 people . eos O O O O O B-Train-Inform+People O N/A +bos i have made the booking for seven people . your reference number is uoxktdik and there will be 132.16 gbp fare payable at the station . do you need anything else ? eos 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-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O O O general-reqmore +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 i am glad i have been of help . good day eos O O O O O O O O O O O O general-bye +bos find me places to go in town . i want to go to museum type attractions . 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 i have 11 museum type locations in the city centre , would you care to see a listing ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O general-reqmore +bos can you give me the phone number to the closest one to my location ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos yes the phone number is 01223314960. eos O O O O O O B-Attraction-Inform+Phone N/A +bos i also need a train to cambridge departing from kings lynn eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart I-Train-Inform+Depart N/A +bos what day are you leaving ? eos O O O O O O O Train-Request+Day +bos i am wanting to leave on sunday after 18:30. eos O O O O O O O B-Train-Inform+Day O O N/A +bos i have the tr1526 leaving at 09:11. how many ticket please ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O Train-Request+People +bos oh , i 'm not gon na book right now . do you know how long the trip will take ? 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 trip will take 47 minutes . anything else today ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O general-reqmore +bos no thank you eos O O O O general-thank +bos if that 's all , then i hope you enjoy your time in cambridge ! 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,general-greet +bos i would like to find an attraction . eos O O O O O O O O O Attraction-Inform +bos absolutely ! do you have any particular attraction type in mind ? maybe a specific area ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Type +bos yes i am looking for architecture and will need the address , postcode and phone number of the attraction . 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+Phone,Attraction-Request+Addr +bos how about the holy trinity church ? the address , postcode and phone number are market street , cb23nz , and 01223355397. 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 B-Attraction-Recommend+Post O B-Attraction-Recommend+Phone O O O O N/A +bos i 'm also looking for a train eos O O O O O O O O Train-Inform +bos we have dozens of trains . where would you like to depart from and go to ? 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 will be departing cambridge after 21:30 on sunday . i am going to peterborough . eos O O 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 O O N/A +bos tr1784 departs cambridge at 21.34 eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave N/A +bos i need a train to london kings cross on wednesday . 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 i can help with that . where are you departing from ? eos O O O O O O O O O O O O O Train-Request+Depart,general-greet +bos i will be departing from cambridge , and need to arrive by 08:30 eos O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O N/A +bos the tr1058 leaves cambridge at 7:00 and gets into london kings cross at 7:51. the cost is 23.60. would you like to book it ? 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 I-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket O O O O O O O Train-OfferBook +bos that wo n't be necessary , thanks for your help . eos O O 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 , i would like to see an 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 we have many fine attractions in the center of town . do you have a specific type in mind ? 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 Attraction-Request+Type +bos yes , please . multiple sports would be great . if not , theatre is my second choice . 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 no multiple sports places , might i recommend mumford theatre ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos no thank you that will be all eos O O O O O O O O general-thank +bos i have more theatre attractions if you 're interested . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O N/A +bos yes please , can i have the names of some other theater attractions ? eos O O O O O O O O O O O O O O O Attraction-Inform +bos does the cambrdige corn exchange theatre in the center pique your interest ? 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+Area I-Attraction-Recommend+Area O O O N/A +bos that sounds interesting ! can i have their address , entrance fee , 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+Fee,Attraction-Request+Addr +bos we are unsure of their entrance fee but their address is wheeler street and phone number is 01223357851 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone N/A +bos great that 's all i needed . thanks for your assistance . eos 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 i need a place to eat 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 see there are 110 restaurants in the cheap price range for you . is there a certain type of food you are wanting ? eos O 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 O O O O Restaurant-Request+Food +bos let 's see what 's near the east area , first . eos O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos the missing sock is a fantastic international restaurant located in east in your price range . would you like further information ? 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 O O O O O general-reqmore +bos can you book me a table for five people on monday at six fourty five ? eos O O O O O O O O O O O B-Restaurant-Inform+Day O O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes . eos O O O O O O O O O O O O O O Booking-Book +bos can i please have the reference number ? eos O O O O O O O O O Restaurant-Request+Ref +bos your reference number is s31vx69c . 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 yes . i am looking to visit ely on monday and needing to book a train seat to get there . eos O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O O O O O 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 Train-OfferBook +bos hey there . i am trying to plan my trip for cambridge and am trying to find this particular restaurant . it 's called the sesame restaurant 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 O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos the sesame restaurant and bar is in the centre . the address is 17 hills road city 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 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 N/A +bos i want to book a table for one for tuesday 12:00. eos O O O O O O O O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time N/A +bos i can do that , would you like anything else ? eos O O O O O O O O O O O O Booking-Inform,general-reqmore +bos i need a train which goes to birmingham new street and should arrive by 09:00 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 N/A +bos what day would you like to leave and what would your departure location be ? 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 leave on wednesday and depart from cambridge . eos O O O 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 Train-OfferBook +bos 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 ... eos O O O O O O O O O O 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 booking is confirmed . reference number is : wbi1hk2o . the table will be reserved for 15 minutes . 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 O O O O O O O general-reqmore +bos that 's it for now , thank you ! 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 i need to book a train to cambridge on wednesday eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos understood . where do you want to depart from and by when do you want to arrive ? 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+Arrive,general-greet +bos i 'm leaving on wednesday from stevenage . eos O O O O O O B-Train-Inform+Depart O O N/A +bos there are 10 results . 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 Train-Request+Leave,Train-Request+Arrive +bos i would like to leave after 12:30 please . eos O O O O O O O B-Train-Inform+Leave O O N/A +bos train tr7411 leaves at 13:54. would that be good ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O N/A +bos possibly . what is the price for that ticket ? eos O O O O O O O O O O O Train-Request+Price +bos the price of that ticket would be 12.80 pounds . would you like me to reserve your ticket ? 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 Train-OfferBook +bos could you tell me how long the train ride will be ? eos O O O O O O O O O O O O O Train-Inform +bos the travel time is 49 minutes . what else would you like to know ? 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 that 's all the information , about the train , that i need right now . can you help me find a restaurant that serves 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-Inform+Food O O O O O O N/A +bos definitely ! my favorite is tandoori palace , which is in the center and expensive . if you want something a little cheaper , i recommend kohinoor . eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O O O O O B-Restaurant-Recommend+Name O O O O O N/A +bos let 's go for tandoori palace . i need a reservation for 2 people at 20:15 on wednesday . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 : 4zbnkz8u . 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 was it booked for 2 people ? eos O O O O O O O O N/A +bos yes it was booked for 2 people reference number 4zbnkz8u . eos O O O O O O O B-Booking-Book+People O O B-Booking-Book+Ref O N/A +bos fantastic . that is all . eos O O O O O O O N/A +bos enjoy your visit ! let us know if we can be of 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 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 N/A +bos what type of food and price range are you interested in ? eos O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i do n't have a preference for food but i would like 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 B-Restaurant-Inform+Price O O O O Train-Request+Price +bos how about little seoul , a korean restaurant that 's located at 108 regent street city centre . do you need any more information ? or would you like to make a reservation ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O O O Booking-Inform,general-reqmore +bos sounds good , can you please send the postcode . also i need a train leaving on sunday to cambridge . eos O 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+Post +bos yes their postcode is cb21dp . where will you be leaving from and at what time ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i will be leaving from ely at 5:15. eos O O O O O O O B-Train-Inform+Depart O N/A +bos the closest i can get you to that time frame is a train that leaves from ely at 13:35. eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Leave N/A +bos actually , i need a train leaving from leicester after 5:30. eos O O O O O O O O B-Train-Inform+Depart O O O N/A +bos how about train tr9382 leaving at 5:35 and arriving at 5:52 ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O N/A +bos i misspoke i need it to leave after 15:30 eos O O O O O O O O O B-Train-Inform+Leave N/A +bos okay the tr9823 leaves at 15:35. eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos how much is the train fare ? eos O O O O O O O O Train-Inform +bos the train fare from leicester to cambridge on sunday is 30.24 pounds . do you need more information ? eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O general-reqmore +bos yes , what is the total travel time ? eos O O O O O O O O O O Train-Request+Duration +bos the travel time is 105 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos ok , thank you , that is all the info 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 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 michaelhouse cafe . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos it is located at 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 N/A +bos great , i need a table for 3 at 18:15 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 booking was successful . the table will be reserved for 15 minutes . your reference is ofs0ekf7 . 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 general-reqmore +bos yes , i also need a train on tuesday to arrive by 10:30. eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive 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 the train should go to cambrige and depart from ely . i also need a restaurant booking on the same day and would like to arrive by 10:30 eos 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 O O B-Train-Inform+Arrive O N/A +bos i booked you train number tr4669 , the total fee is 4.4 gbp payable at the station . reference number is : ldorlist . what type of cuisine do you prefer ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O O Restaurant-Request+Food +bos why do you need to know my preference ? you already booked me a table at michaelhouse cafe ... 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 . is there anything else i may help you with ? eos 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 i hope you have a wonderful time . eos O O O O O O O O O general-bye +bos thanks and goodbye eos 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 chinese food restaurant . eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos the good luck chinese food takeaway is a nice place . do you want to book ? 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 O O O O O O O Booking-Inform +bos is it moderately priced ? eos O O O B-Restaurant-Inform+Price O O N/A +bos it 's on the expensive side . i do have 4 options in the moderate price range in either the centre of town or the north . do you have a preference ? eos 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 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 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 . eos O O O O O O O O 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 ok , i recommend the jinling noodle bar , address is 11 peas hill city centre . can i get anything else for you ? eos 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 I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O general-reqmore +bos yes , i need a hotel in the centre with free wifi and free parking . eos O B-Hotel-Inform+Internet O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos i have 4 places that might meet your needs . 2 are guesthouses and 2 are hotels . do you have a preference ? eos 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+Type I-Hotel-Inform+Type O O O O O O O Hotel-Select +bos no , but i would like it to be moderately priced . eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos i can not find any hotels with that exact criteria , i apologize . eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O N/A +bos would there be a moderately priced guesthouse or hotel with free wifi and free parking in the west ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos there is hobsons house , would you like to stay there ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O Booking-Inform +bos yes could you make me a reservation for 8 people for 4 nights from 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 booked ! reference number is : e0rhmur6 . eos O O O O O O B-Booking-Book+Ref O O N/A +bos thank you , that is everything i need . eos O O O O O O O O O O general-thank +bos ok. enjoy your trip . thank you . goodbye eos O O O O O O O O O O general-bye +bos i 'm looking for a high quality restaurant in cambridge please . eos O O O O O O O O O O O O O Restaurant-Inform +bos is there a specific type of cuisine that you would prefer ? eos O O O O O O O O O O O O O Restaurant-Request+Food +bos no , i just want it to be expensive and located in the west . eos O O 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 the graffiti it serves british food . would you like to make reservations there ? 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 O O O O O Booking-Inform +bos yes , please . there are 5 of us coming on sunday . maybe around 18:00 ? eos 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 N/A +bos i was able to book a table for you . the reference number is : satxtmcn . 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 general-reqmore +bos i also need a train . eos O O O O O O O Train-Inform +bos where will you be departing from and what will be your departing time ? eos 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 get to cambridge by 09:00 on sunday . i 'll be leaving from stevenage . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O B-Train-Inform+Depart O O O N/A +bos how about tr1542 ? it leaves at 05:54 eos O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Leave O N/A +bos great , still figuring out transportation arranagments so no need to book , how long is the travel 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+Duration +bos travel time is 49 minutes . is there anything else i can help with ? eos 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 can you give me the ticket price , please ? eos O O O O O O O O O O O Train-Request+Price +bos of course ! the price is 10.24 pounds . can i help you with anything else today ? 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 general-greet,general-reqmore +bos that 's all for today , thank you eos O O O O O O O O O general-thank +bos alright thank you and have a wonderful rest of your day ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need a place to stay that has free parking eos O O O O O O O O O O O N/A +bos sure , what part of town do you like ? eos O O O O O O O O O O O Hotel-Request+Area +bos i need a guesthouse that includes free parking . i 'm needing one in the moderate price range . i do n't care what area you find for me . 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 O O O O O O O O O O O O N/A +bos there are quite a few options that meet your criteria . would you prefer a hotel with 3 or 4 stars ? 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 O Hotel-Request+Stars +bos any one of the 4 star ones will do . can you choose one and make me a reservation please ? 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 i can choose a place , i just need the number of people , day of the week and how many night 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 O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos i will be alone . i need to arrive on monday for 2 nights . just someplace clean and i 'll be happy : ) 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 O O O N/A +bos your reservation at carolina bed and breakfast for this monday for 3 days 2 nights for 1 person was successful . your reference number is : 3kkafp7e . 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 O B-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay O B-Booking-Book+People O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks ! can you also tell me about the nightclubs 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 about 6 different nightclubs in town . the newest is supposedly really popular . it is called club salsa and it is located in the centre of town . eos 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 O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O N/A +bos great , how much is the entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos the entrance fee is 5 pounds . eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos can you book a taxi that picks me up at club salsa at 05:30. eos O 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 okay , a taxi will meet you at club salsa at 5:30. it 's a red lexus and the contact number is 07245520750. 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 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 O general-reqmore +bos no , i 'm all set . thanks ! eos O O O O O O O O O O general-thank +bos i hope your stay is great . eos O O O O O O O O general-greet +bos thank you ! eos O O O O general-thank +bos you are welcome . eos 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 what 's your price range ? eos O O O O O O O Hotel-Request+Price +bos i need a hotel with free parking eos O O O O B-Hotel-Inform+Type O O O N/A +bos there are 8 hotels that fit your criteria . would you like to narrow it down further with price range or area ? 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 Hotel-Request+Area,Hotel-Request+Price +bos should be in the east with free wifi eos O O O O O B-Hotel-Inform+Area O O O N/A +bos express by holiday inn cambridge fits your criteria . can we book ? 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 Booking-Inform +bos yes please book it for 8 people for 4 nights starting on monday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos i will work on getting that booked and be back with you shortly . eos O O O O O O O O O O O O O O O Booking-Inform +bos great , thank you so much . may i also have the reference number once you have booked it ? 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 , 8 guests arriving monday for 4 nights . your reference number is : 2kdnb1wo . can i assist you with anything else ? eos O O O B-Booking-Book+People O B-Booking-Book+Day I-Booking-Book+Day 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 i 'm visiting cambridge , i want to spoil myself , i am looking for a four star place to stay which is 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 O O N/A +bos sure , i can help you with that . there are two places . one is in the west and one 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 O O O O O B-Hotel-Select+Area O O O O O O O O N/A +bos it does n't really matter what area . but , i really prefer a hotel over a guesthouse . do you have any ? 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 i have two options , the huntingdon marriott hotel or the university arms hotel . do you prefer one over the other ? eos 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 I-Hotel-Select+Name O O O O O O O O O O N/A +bos we were wanting to have free wifi . do either of them provide that ? eos O O O O O O O O O O O O O O O O N/A +bos both of these two offer free wifi , the marriott is in the hinchinbrook business park , while the university arms is on regent street downtown . 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O Hotel-Inform+Internet +bos i would like to book the university arms for five nights . could you do that for me ? 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 N/A +bos i can ! when would you like the booking to start ? 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 Booking-Request+People,Booking-Request+Day +bos 2 people and 5 nights starting on teusday eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O N/A +bos booking was successful.reference number is : f063de8d eos O O O O O O O B-Booking-Book+Ref N/A +bos i am looking for a place to dine eos O O O O O O O O O N/A +bos okay , do you have a food , price range , or area preference ? eos 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 it should be in the north and it should be expensive . eos O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O N/A +bos we have asian oriental , 2 chinese , a european and french to choose from , any preferences ? eos O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O O O O O O N/A +bos a french restaurant is fine . can you make a recommendation ? eos O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos yes , i recommend restaurant two two at 22 chesterton road , chesterton . can i reserve a table for you ? eos 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 O O O O O O O O O O Booking-Inform +bos yes , please . the reservation will need to be for tuesday , 2 people , and we 'd like to dine at 15:15. eos O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People O O O O O O B-Restaurant-Inform+Time O O O O O N/A +bos your booking was successful . the reference number is 928syn1a . your 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 i 'd like to book a taxi from the hotel to the restaurant to get there by 15:15. eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O B-Taxi-Inform+Arrive O N/A +bos thank you . goodbye . eos O O O O O O general-bye +bos i 'm looking for a train going to cambridge , departing from norwich . eos O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O O O N/A +bos what day are you looking to leave ? eos O O O O O O O O O Train-Request+Day +bos i 'm looking to leave on thursday please . eos O O O O O O B-Train-Inform+Day O O O N/A +bos i have several trains leaving on thursday . what is your preferred departure and arrival time ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need to leave after 09:15. eos O O O O O O B-Train-Inform+Leave N/A +bos i have one that ; eaves at 09:16 , is that suitable for you ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos what is the total travel time for that one ? eos O O O O O O O O O O O Train-Request+Duration +bos 79 minutes , it 'll arrive by 10:35 eos O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Arrive O O N/A +bos please also find me an australian restaurant in the centre . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos we do n't have any australian restaurants in the center . did you have any other type of food in mind ? eos O 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 Restaurant-Request+Food +bos can i find one that serves thai food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos bangkok city serves thai food in the centre in the expensive price range . do you want me to book it for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food 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 please , for 6 people at 20:30 , same day . eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O N/A +bos your table has been reserved for 15 minutes , and the reference number is hd87udy4 . 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 no , thank you . i think i have everything i need . eos O O O O O O O O O O O O O O general-thank +bos no problem . call back if you need further assistance . eos O O O O O O O O O O O O general-bye +bos i need a train to arrive in cambridge by 19:30 on thursday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos we should be able to help you , where will you be coming from ? eos O O O O O O O O O O O O O O O O Train-Request+Depart +bos the train should go to london kings cross and should depart from cambridge at 19:30 eos 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 B-Train-Inform+Arrive N/A +bos if you are indeed traveling from cambridge to kings cross , i recommend tr1791 . it will arrive in kings cross at 17:51 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 O O O N/A +bos i need 2 tickets please and the reference number can you help me with that ? eos O O O O B-Train-Inform+People O O O O O O O O O O O O N/A +bos i was able to book it , reference number is ut2t6sj1 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos i am also looking for a restaurant in the center of town in the expensive 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 N/A +bos okay , and what type of food would you like to eat ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos 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 . eos O O O O O O O O O O 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 i 'd recommend bedouin , it 's an expensive african restaurant in the centre . does that work for you ? 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 O Restaurant-Select +bos that sounds great ! i need to get a table for 2 at 11:30 on thursday . 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 your table has been booked ! the reference number is ze1r8o8q . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks for the help . 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 O O O general-thank +bos i 'm glad 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 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 you have come to the right place ! what can i do for you ? eos O O O O O O O O O O O O O O O O general-reqmore +bos i 'm hoping to find somewhere expensive to dine in the south eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos i have 2 chinese places , an indian , an italian and a mexican place that fit that description . what type of food are you in the mood 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 O O N/A +bos i am looking for chinese please . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two choices : peking restaurant or the good luck chinese food takeaway . which one appeals to you ? 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 O O O O O O O general-reqmore +bos you can choose and then book it for me for 7 people on saturday at 12:45. and tell me the reference number 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 N/A +bos the search returned two restaurants for booking , choosing peking eos O O O O O O O O O B-Restaurant-Inform+Name O N/A +bos i am looking for a hotel , 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 it is located in the north at 63 milton road . eos O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos what day would you like me to book a room ? eos O O O O O O O O O O O O N/A +bos what ever day you want . eos O O O O O O O Booking-Request+Day +bos i would like to book the room for friday for four nights . eos O O O O O O O O O O O O O O N/A +bos would you like the reference number ? eos O O O O O O O O general-reqmore +bos yes , please provide the reference number . eos O O O O O O O O O Hotel-Request+Ref +bos i also need to know how many people will be staying ? eos O O O O O O O O O O O O O Booking-Request+People +bos i will have a party of 4 people . eos O O O O O O O O B-Hotel-Inform+People O N/A +bos when will you begin you stay and how long will you stay ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos find me a train to kings lynn that arrives by 20: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 the tr3112 arrives at 05:58. will 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 is it on saturday ? eos O O O O B-Train-Inform+Day O N/A +bos i 'd suggest tr7604 , it departs at 19:11 on saturday and arrives by 19:58. would you like a ticket ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O B-Train-Inform+Day I-Train-Inform+Day O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes , i definitely would . can i please have the confirmation number as well ? eos O O O O O O O O O O O O O O O O O N/A +bos how many people will be traveling ? eos O O O O O O O O Train-Request+People +bos no , that 's ok. no need to book it , but can you tell me 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 the price per ticket on the tr7604 is 7.84 pounds . can i assist you further today ? eos O O O 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 general-reqmore +bos i want to book a room at the el shaddai for 4 people 4 nights starting tuesday eos O 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 N/A +bos booking was successful.reference number is : 9dolsr1s . anything else today ? eos O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos thank you . eos O O O O general-thank +bos thank you for using the cambridge towninfo centre . eos O O O O O O O O O O general-bye +bos i am looking for a moderate priced place to stay with free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O Train-Request+Price +bos i found 33 hotels that fit your needs . please tell me what area you would like the hotel in so i can book your reservations . 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,Booking-Inform +bos let 's try narrowing it down in the north then . eos O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos arbury lodge guesthouse 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 N/A +bos yes , please , it 's for 1 person for 4 nights starting from monday . if you can get it , i need the reference number , 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 O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos the reference number is 1u3x2suq , i have successfully booked your room as well . eos O O O O O B-Booking-Book+Ref O O O O O O O O O O N/A +bos thank you so much , i also need a train frm cambridge to bishops stortford , after 21:45 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 O B-Train-Inform+Leave O O N/A +bos no problem , what day will you be leaving ? eos O O O O O O O O O O O Train-Request+Day +bos i will be leaving friday , thanks . eos O O O O O B-Train-Inform+Day O O O N/A +bos the last train that goes to bishops stortford is tr5965 and it leaves at 19:29. would you like to look at saturday morning or is this time okay ? eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos this time is okay . eos O O O O O O N/A +bos i booked that for you . your reference number is h9d7u834 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos what time will the train arrive , please ? and what 's the price ? eos O O O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos it will arrive by 20:07 and costs 10.10 pounds . eos O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thanks . that will be fine . can i get a train id ? eos O O O O O O O O O O O O O O O Train-Request+TrainID +bos of course , the train id is tr5965 . eos O O O O O O O B-Train-Inform+Id O O N/A +bos 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 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 hello , can you recommend a cheap hotel with free parking , please ? eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O N/A +bos yes , i have found the cambridge belfry that is in the west part of town . can i book this hotel for you ? eos O O O 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 O O O O Booking-Inform +bos do they have free wifi as well as parking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A +bos yes , it has free internet and parking . eos O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos is this a guesthouse ? eos O O O O O O N/A +bos no , it 's a hotel . would you like to book your stay ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O Booking-Inform +bos you know , the part of town does n't so much matter , i 'd really like to find a guesthouse with free wifi and 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 O O O N/A +bos the cambridge belfry is in the cheap prise range would you like a booking ? 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 Booking-Inform +bos yes please . eos O O O O N/A +bos great . how many people in your party , and what day will you be arriving ? eos 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 there will be 8 of us for 2 nights starting saturday eos O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O N/A +bos i am having an issue booking your hotel room for you . eos O O O O O O O O O O O O O Booking-NoBook +bos how about switching it to 8 people for 1 night ? eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O N/A +bos i 'm sorry that does n't seem to be available . would you like me to double check for 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 Booking-NoBook,general-reqmore +bos yes please try again . eos O O O O O O N/A +bos okay i was able to book you . your booking was successful . your reference number is : 91snr681 . 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 are there any fun places to go ? eos O O O O O O O O O N/A +bos lots of exciting things include 13 in the west area , and type of place in mind ? eos O O O 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 Attraction-Request+Type +bos i 'm thinking a museum . eos O O O O B-Attraction-Inform+Type O O N/A +bos can i recommend the cafe jello gallery . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos that sounds fun ! could you tell me the phone number , area , and entrance fee for cafe jello gallery ? 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 Attraction-Request+Area,Attraction-Request+Phone,Attraction-Request+Fee +bos entrance is free . the phone number is 01223312112 , and the area is the west . eos O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Area O O O N/A +bos i think that 's all i need for today . thanks . goodbye . eos O O 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 am looking for a guesthouse please . eos O O O O O O B-Hotel-Inform+Type O O N/A +bos in what area would you like it to be ? eos O O O O O O O O O O O Hotel-Request+Area +bos any area as fine , as long as it has 3-star accommodations . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos would you like to try the alpha-milton guest house located in the north ? eos 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+Area O N/A +bos yes , that sounds great ! can i get it for 8 people for 3 nights please , we 'll be arriving tuesday . eos 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 B-Hotel-Inform+Day O O O O O N/A +bos i 'm sorry , the hotel is unable to accommodate your party . can you arrive on a different day or stay for a different 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 O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos how about for 2 days ? if it 's available will you please book and provide a reference number ? eos 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 i have successfully booked it for 2 days , and your reference number is oukn0u42 . eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great . are there any trains that go directly from cambridge to norwich ? 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 yes , there are several . the trip time is 79 minutes and the cost is generally 17.60 pounds . can i tell you anything else ? eos O O O O B-Train-Inform+Choice 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 general-reqmore +bos no , that 's everything i needed . eos O O O O O O O O O N/A +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 what 's a cheap place to stay that offers free parking ? eos O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos i 'm showing 10 possibilities . is there a certain part of town where you would like to 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 Hotel-Request+Area +bos hmm , i do like the east side of the city . can you look for one there ? eos 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 is allenbell , autumn house , and leverton house . would you like me to book one for you ? 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 Booking-Inform +bos no , i just need the star of the allenbell , the address , and if they have internet . eos O O O O O O O O O B-Hotel-Inform+Name O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Addr +bos it has 4 stars , internet and the address is 517a coldham lane . eos O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O Hotel-Inform+Internet +bos i need a train as well . eos O O O O O O O O Train-Inform +bos okay , what is your departing and destination location ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i would be departing from cambridge and going to birmingham new 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 okay , what day would you like to leave ? eos O O O O O O O O O O O Train-Request+Day +bos on saturday , please . i need to arrive by 21:00. eos O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O N/A +bos tr5867 leaves cambridge for birmingham new street at 18:01 and arrives at 20:44. would you like to book that one ? 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+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes , book it for 5 people . eos O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 300.39 gbp payable at the station . reference number is : or8b3h41 . is there anything more 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos thank you very much you were very helpful . eos O O O O O O O O O O general-thank +bos the ride lasts 163 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you , that is everything i need . eos O O O O O O O O O O general-thank +bos glad to be of help . have a wonderful afternoon . 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 place to stay in the north , what kind of options can you give me ? eos 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 O O N/A +bos there are 2 guesthouses available . one is 0 stars and the other is 4 stars . which do you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O Hotel-Select +bos i would like the one with the 4-star rating please . does it include free wifi by chance ? eos O O O O O O O O O O O O O O O O O O O O N/A +bos worth house has a 4 star rating and wifi yes . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O O O Hotel-Inform+Internet +bos please book it for 5 people and 4 nights starting from 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 N/A +bos okay , you 're all set ! your reference number is : 4au76u6y . eos O O O O O O O O O B-Booking-Book+Ref O O O O O N/A +bos thanks , can also get me information on a train departing from bishops stortford and arriving by 08:30. 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 N/A +bos i have 5 train options leaving from bishops stortford from cambridge that arrive before 08:30. would you prefer to travel on saturday , monday , or friday ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O O O O O O O B-Train-Select+Day I-Train-Select+Day O O N/A +bos i need that train on monday please . eos O O O O O O B-Train-Inform+Day O O N/A +bos train tr0532 fits your criteria . would you like me to go ahead and book that for you ? eos 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 could you give me a departure time and travel time for that train ? eos O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos tr0532 departs at 07:29 and arrives by 08:07. 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 Train-OfferBook +bos not at this time . thanks for your help . 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 settles everything ! 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 am looking for a place to stay that has a 4 star rating in the east part of town . eos O O O 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 N/A +bos i have 6 places that would fit your needs . do you have a specific 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 Hotel-Request+Price +bos a cheap one with wifi , please . eos O O B-Hotel-Inform+Price O O O O O O N/A +bos i think allenbell would fit your needs . would you like a reservation ? eos O O O B-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform +bos yes a booking for 8 people for 3 nights starting on tuesday . 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 unfortunately there is n't any availability during that time . would you like to book another 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos no , i would need it to be for 3 days and 8 people , what hotel could accomidate me ? eos O O O O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Type O O O O O O N/A +bos i am sorry there are no hotels available . would you like another type of lodging ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Type +bos actually , could you shorten that to one night ? eos O O O O O O O O O O O N/A +bos there is one hotel available , express by holiday inn cambridge , however it is only 2 stars and in the expensive range . eos O O O O B-Hotel-Inform+Type 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+Stars O O O B-Hotel-Inform+Price O O O O N/A +bos please , book the holiday inn cambridge , and i need the reference number . also , i am looking to book a train the same day from birmingham new street to cambridge leaving after 18:30. 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+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave O O O Hotel-Request+Ref +bos i apologize , the hotel booking was unsuccesful . would you like to try another day ? eos O 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 the hotel with a 1 night stay on the same day ? eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos you are in luck for 1 night at allenbell . the reference number is pygl9evw . you would like a train ? eos O O O O O O O B-Booking-Book+Stay O B-Booking-Book+Name O O O O O B-Booking-Book+Ref O O O O O O O Train-OfferBook +bos yes , i need a train from birmingham new street to cambridge . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A +bos on friday there are a train leaving at 5:40 and the cost is 75.10 pounds . the trains depart every hour , so you can chose your time . the last train depart at 9:40. eos O O O O O O O O O O O O O O B-Train-Inform+Ticket 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 N/A +bos i want it to leave after 18:30. eos O O O 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 no , but i would like to know the arrival time for the train fitting my criteria . eos O O O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos tr8903 leaves birmingham new street at 18:40 and arrives in cambridge at 21:23. it 's a rather long trip . 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 N/A +bos thank you for your assistance . eos O O O O O O O general-thank +bos is there anything else that i can help you with ? eos O O O O O O O O O O O O general-reqmore +bos no , that will be all . thank you 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 general-thank +bos great , we hope you have a great stay . eos O O O O O O O O O O O general-bye +bos i 'm looking for a train leaving after 19:00 departing from ely . eos O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O N/A +bos we have 21 trains coming form ely to cambridge this week , what day will you need that ? 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 i need the train on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos we have 3 trains from ely to cambridge on thursday leaving at 19:35 , 21:35 and 23:35. eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Dest B-Train-Inform+Day I-Train-Inform+Day O O O O B-Train-Inform+Leave I-Train-Inform+Leave N/A +bos i think the 19:35 will work . can i book that for 3 people ? eos O O O O O B-Train-Inform+People 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 . your reference number is auhgvolr . will that be all for 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 we were looking to do something in the north , something with the boats . any suggestions ? eos O O O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type O O O O O N/A +bos riverboat georgina is located in the north . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area O N/A +bos what 's their address and postcode ? eos O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos their address is cambridge passenger cruisers , jubilee house , cb43ax . will that be all ? 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 O O O general-reqmore +bos yes . thanks , all set . eos O O O O O O O O general-thank +bos you are welcome ! enjoy your trip ! eos O O O O O O O O O general-welcome +bos much appreciated . goodbye . eos O O O O O O general-bye +bos thank you so much ! eos O O O O O O general-bye +bos i would like to find a train leaving from peterborough . eos O O O O O O O O O O B-Train-Inform+Depart O N/A +bos there are many ! what day will you be traveling ? eos O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Day +bos i will be leaving on friday . eos O O O O O O B-Train-Inform+Day O N/A +bos the entries have now been narrowed down to 38. where will you be departing and at what time do you want to leave ? 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 O O O O Train-Request+Leave,Train-Request+Depart +bos two people going to cambridge . we 'd like to arrive by 12:45. please book 2 seats and give the refernce number . 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 O Train-Request+Ref +bos tr6691 leaves peterborough at 11:48 and arrives in cambridge at 12:38. your total for 2 ticketsis 33gbp , payable at the station , and the confirmation is 5w98ej2y . is there anything else ? 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+People O O O O O B-Train-Inform+Ticket O O O O O O O O B-Train-Inform+Ref O O O O O O O O general-reqmore +bos actually , i could use some help finding a theatre to visit in town while i am 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 N/A +bos okay would you like a specific area ? eos O O O O O O O O O Attraction-Request+Area +bos yes , i 'd like a place in the center of town , please . eos O O O O O O O O O O O O O O O O N/A +bos there are four theatres in the centre that you could visit . eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O N/A +bos which one would you recommend ? eos O O O O O O O N/A +bos the cambridge corn exchange is one of our most popular theatre . would you like any more information ? 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+Type O O O O O O O O N/A +bos sure- what is the entrance fee , 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,Attraction-Request+Fee +bos the phone number is 01223357851. eos O O O O O B-Attraction-Inform+Phone N/A +bos and , what is the postcode and entrance fee , please ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos i 'm sorry , the postcode is cb23qe , but the entrance fee is not listed online . you would have to call them at 01223357851. eos O O O O O O B-Attraction-Inform+Post 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 B-Attraction-Inform+Phone O O O N/A +bos okay thank you , thats all i need for now . eos O O O O O O O O O O O O general-thank +bos please let us know if there is any way we can help you in the future . 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 O O general-welcome,general-bye +bos i am planning a trip to cambridge and need a place to stay . can you recommend a hotel on the south side ? 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+Area O O O N/A +bos there is one hotel in the south called the lensfield hotel . it is expensive , has 3 stars , and free internet and parking . can i help you book a reservation ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'm looking for a guesthouse . is it a guesthouse ? eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos no , it is not a guesthouse . i have found 3 options that are guesthouses . do you prefer a 3 or 4 star ? 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 O O O O B-Hotel-Select+Stars I-Hotel-Select+Stars O O N/A +bos stars dont matter . can please book this for 5 people , 3 nights starting friday . eos 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 okay , i 've set you up at bridge guest house . your reference number is su0we1li . eos 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 great . i 'm also looking for a train from cambridge going to peterborough . can you help with that ? eos O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O O O O N/A +bos i have several options . what day and time would you like to travel ? eos O O O B-Train-Inform+Choice 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 monday and arrive by 15:45 , please . eos 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 several trains that would get you there in time , are you wanting to leave in the morning , or the afternoon ? 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 O O Train-Request+Leave +bos i would like to leave in the afternoon . eos O O O O O O O O B-Train-Inform+Leave O N/A +bos i do n't have any leaving in the afternoon . how about the morning ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O Train-Request+Leave +bos i want to arrive as clsoe to 15:45 as possible on monday . i need the travel time and the 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 of course - sorry , our automated `` afternoon '' constraint is buggy . i think tr7786 is most suitable , leaving cambridge on monday at 14:34 and arriving in peterborough at 15:24. would that work ? eos O O O O O O O O O O O O O B-Train-Inform+Id 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 B-Train-Inform+Arrive O O O O O O O O O general-reqmore +bos 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 ? eos O O O O O O O O O O O O O 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 duration is 50 minutes and the price is 16.50 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 N/A +bos thank you , goodbye . eos 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 i need a place to stay with free parking . ideas ? eos O O O O O O O O O O O O O N/A +bos what area of town 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 +bos moderate . i 'd like to stay at an actual hotel and would like free internet as well . eos O 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 N/A +bos how about the ashley hotel ? it is in the north area and is moderately priced with free internet and free parking . eos O 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 B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos yes , actually that will work . can you reserve a room for friday for 7 people , 5 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 B-Hotel-Inform+Stay O O O O N/A +bos your hotel has been booked . your reference number is e174aw95 . is there anything else that 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 for the reservation ! yes , i also need a train departing on friday . 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 what are your departure and arrival stations , and what time of 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+Leave,Train-Request+Dest,Train-Request+Depart +bos i would like to travel on thursday . i need to leave by 17:00. eos O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Leave O N/A +bos there are several , could you tell me where you are departing from and going to and what time you would like to arrive by ? 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 O O O Train-Request+Dest,Train-Request+Arrive,Train-Request+Depart +bos i 'm sorry , we 'll actually be traveling on friday and departing from leicester . eos O O O O O O O O B-Train-Inform+Day 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 'll be going to cambridge and need to arrive by 09:00. eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O N/A +bos the tr4256 train leaves leicester at 7:09 and arrives at cambridge at 8:54 on friday . would you like me to book it or more information ? eos O O B-Train-Inform+Id I-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 B-Train-Inform+Day O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos that sounds great , can you book passage for 7 , please ? eos O O O O O O O O O O B-Train-Inform+People O O O N/A +bos booking was confirmed . the total fee is 264.59 gbp payable at the station . reference number is : yygdu1vr . 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 awesome ! thank you for all of your help , this was easier than i thought it would be . 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 , enjoy your day ! eos O O O O O O O general-welcome,general-bye +bos i am looking for a place to stay with free wifi and at least a 3 star rating . 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 bridge guesthouse has a three star rating and offers wifi , would you like me to book this place 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 O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos can you confirm if the bridge guesthouse also has free parking and is in the east ? eos O O O O O O O O O O O O O O O O O O N/A +bos bridge guest house does include free parking but is located in the south . would you like me to find something in the east instead ? eos 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+Area O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O Hotel-Request+Area,Hotel-Inform+Parking +bos the bridge guest house would be just fine . can i get the address , phone 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 Hotel-Request+Phone,Hotel-Request+Addr +bos certainly ! the address is 151 hills road phone number is 01223247942 and postcode is cb28rj . would you like me to book a room for you ? eos O 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 B-Hotel-Inform+Post O O O O O O O O O O O O O Booking-Inform +bos i need to catch a train out of cambridge after 15:45. eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos could you provide me with your destination ? eos O O O O O O O O O Train-Request+Dest +bos i 'd like to go to stevenage . eos O O O O O O B-Train-Inform+Dest 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 need to leave on monday . can you book me for 4 people and can i get the reference number ? eos O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+People O O O O O O O O Train-Request+Ref +bos tr0254 leaves cambridge at 17:21. the booking was successful , the total fee is 51.2 gbp payable at the station .reference number is : 5k1emdss . eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave 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 perfect . now if you can just help me find the autumn house hotel ? eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos certainly ! the autumn house hotel is located on the east side at 710 newmarket road . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos great , thanks ! i think that 's all i need today . 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 for letting us help . good bye eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for trains heading to cambridge , please . eos O O O O O O O B-Train-Inform+Dest O O O O N/A +bos where 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 Train-Request+Dest,Train-Request+Day +bos i will be traveling on thursday . going from leicester to cambridge . eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O O O O N/A +bos and what time ? eos O O O O O Train-Request+Leave +bos i need to be there by 18:00. eos O O O O O O O B-Train-Inform+Arrive N/A +bos alright and when would you like to leave by ? eos O O O O O O O O O O O Train-Request+Leave +bos that does n't matter , i 'd just like to get there at or right before 18:00. eos O O O O O O O O O O O O O O O O O O N/A +bos ok i have a train arriving at 10:54 , its tr3839 , how many tickets please eos O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Id O O O O O O Train-Request+People +bos i will need four tickets please . eos O O O O O O O O N/A +bos booking was successful , the total fee is 151.19 gbp payable at the station . reference number is : zjcv6a8l . 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 oh gosh , i did n't need a train booked . i am looking to book a hotel in the north . eos O 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 that 's okay . there are two that meet your criteria . the ashley hotel , and the lovell lodge . would you like me to book one of them for you ? eos O O O O O O B-Hotel-Inform+Choice I-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 O O O O O O O O O O O O Booking-Inform,general-greet,Hotel-Select +bos i need the place to be a guesthouse with 4 stars and free wifi eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O N/A +bos okay , i see 8 options here . do you prefer moderate or cheap price ? eos O O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O N/A +bos either would be fine . eos O O O O O O N/A +bos what about the acorn guest house ? it gets 4 stores and is moderately priced . eos O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A +bos is that a guesthouse ? if it is , book it for 5 nights starting thursday and there 's 4 of us . 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 O O N/A +bos yes it is a guesthouse . i made your reservation , and the reference number is ksxkmxwc . anything else ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos thank so much ! no , that will be all , goodbye . eos O O O O O O O O O O O O O O general-bye +bos you are so very welcome ! have a good day ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i want to book a place to stay that is a 5 star hotel with free wifi . 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 'm sorry there are no 5 star hotels in the area . are there any hotels i can 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 N/A +bos truly ? i 'm sorry , i 'm just surprised cambridge does n't have a 5 star hotel . well , i need something moderately priced . 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 i think you would enjoy the lovell lodge which is in the north and is moderately priced . eos O O O O O O 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+Price I-Hotel-Recommend+Price O N/A +bos that sounds good i would like to book a room eos O O O O O O O O O O O N/A +bos great , how many nights are you staying ? eos O O O O O O O O O O Booking-Request+Stay +bos i will be staying 2 nights . eos O O O O O O B-Hotel-Inform+Stay O N/A +bos ok , and what day will you arrive , 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 Booking-Request+People,Booking-Request+Day +bos i will be arriving on friday and i need it for 8 people please . eos O O O O O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+People O O N/A +bos i was able to book it , reference is u02squs1 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great . i also need a train from cambridge leaving after 11:15. eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O N/A +bos okay i can certainly help you with that . could you tell me where your arrival destination will be ? and your day of 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 Train-Request+Day,Train-Request+Dest,Train-OfferBook +bos going to broxbourne on saturday eos O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos okay , tr9098 departs cambridge at 12:01 and arrives at broxbourne by 13:01 on saturday . 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 B-Train-Inform+Day O O O O O O O O Train-Select +bos that sounds good . yes , please book that . i 'll also need a 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 how many tickets would you like ? eos O O O O O O O O Train-Request+People +bos i would like 8 tickets for the train please . i also have a quick question about the hotel that was booked . is it a 4 star hotel ? 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 O O B-Hotel-Inform+Stars O O O N/A +bos it is only 2 stars . eos O O O O O B-Hotel-Inform+Stars O N/A +bos ok i need another hotel then it must be 4 stars . eos O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos there are no 4 stars in that area . eos O O O O O B-Hotel-NoOffer+Stars O O O O N/A +bos okay , that will be fine . eos O O O O O O O O N/A +bos anything else i can help you with ? eos 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 your welcome , enjoy your stay . eos O O O O O O O O general-welcome +bos i 'm looking for a hotel in the centre that has free wifi . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos there are five options in the centre with internet . are you looking for a particular kind of lodging ? eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Inform+Internet +bos yes , i would like a place to stay that is rated with four stars and 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 N/A +bos i 'm afraid i do n't see any . what about something else ? eos O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos can you try another area please ? eos O O O O O O O O N/A +bos no i wanted this specific one . eos O O O O O O O O N/A +bos is there anything in the centre with free parking and wifi , for cheap ? eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos i have the alexander bed and breakfast it is cheap and offers free wifi and parking . 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+Price O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i need 3 nights for 4 people starting sunday . also looking for a train departing from broxbourne and going to cambridge . leaving after 18:00 on the same day as hotel booking . eos O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O B-Train-Inform+Day O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O O O O O O O O N/A +bos ok , your room is booked , ref # 5wcvjfio . i also found tr1428 , leaving broxbourne at 18:32. will that work ? eos O O O O O O B-Booking-Book+Ref O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O O O O O O O general-reqmore +bos yes . can i please get the arrival time . thank you . eos O O O O O O O O O O O O O O Train-Request+Arrive +bos it arrives at 19:32. eos O O O O B-Train-Inform+Arrive 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 today ? eos O 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 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 would like for you to find a place to stay that has both 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 N/A +bos what price range and what area are you looking for in particular ? eos O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos it should be in the expensive range and have a star rating of 2. thanks ! eos O O O O O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Stars O N/A +bos we have a match for you ! express by holiday inn cambridge is located at 15-17 norman way , coldhams business park in eastern cambridge . would you like to book ? 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 O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Booking-Inform +bos yes please . 1 person for 3 nights starting thursday . 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 ok , you 're booked at the holiday inn , reference # w1tlhawk . can i help you with anything else today ? eos O O 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 O O general-reqmore +bos no that takes care of thank you eos O O O O O O O O general-thank +bos it was a pleasure to help you today . please contact us again in the future . 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-welcome,general-bye +bos i need a hotel or guest house in cambridge please . eos O O O O O O O O O O O O Hotel-Inform +bos sure , are you looking for anything specific ? eos O O O O O O O O O O Hotel-Request+Name +bos i need a cheap hotel in the north side that has free parking and internet if available but not necessary . 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 O O N/A +bos i have no listings , can i check in another area ? eos O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos what about one with free wifi ? eos O O O O O O O O N/A +bos actually , since you said you did not mind a guesthouse earlier , i have something . worth house fits your criteria . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos great . can i book that for three nights starting monday for three people . eos 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 : kpzgsmaa . 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 great . that is all that i need 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 i need to get a train going to stevenage . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos i will need some more information . the train is departing from cambridge correct ? 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 O O O O O O O Train-Request+Depart,Train-Request+Day +bos yes , departing from cambridge . we 'll be leaving on tuesday , hopefully after 15:15. eos O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O N/A +bos how about tr5343 ? it leaves at 15:21. your next choice is tr9883 which leaves at 17:21. eos 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 N/A +bos what is the price for tr5343 ? eos O O O O O O O O Train-Request+Price +bos it is 12.80 pounds . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i would like information on pools in the north . eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos jesus green outdoor pool and kings hedges learner pool are in that area . could i get you info on one of those ? 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 O O O O O O O O O O O O O general-reqmore +bos how about jesus green outdoor pool . could i have their address and phone number . 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 sure , the phone number for jesus green outdoor pool is 01223302579. the address is listed as between victoria road and the river . eos 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 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 O O N/A +bos thanks ! that 's all i need now eos O O O O O O O O O general-thank +bos is there any other info or booking i can do ? eos O O O O O O O O O O O O general-reqmore +bos no , not at this time . thank you . eos O O O O O O O O O O O general-thank +bos okay glad i could help . eos O O O O O O O general-bye +bos hi , i 'll be traveling to cambridge soon and would like to find a restaurant that serves indian food . 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 N/A +bos there are 22 results for indian restaurants , do you have a particular price range in mind , or area you 'd like to dine in ? 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 O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos how about a cheap indian restaurant located in the north please . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A +bos sure , i 'd recommend the royal spice restaurant . would you like to book a table ? eos 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 O O O O Booking-Inform +bos yes that sounds great . there will be 4 of us and we 'd like the table for 15:15 on saturday , please . 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 O N/A +bos we were able to book that table for you ! would you like your reference number ? eos O O O O O O O O O O O O O O O O O O Booking-Book +bos yes , i do need that number , please . eos O O O O O O O O O O O N/A +bos sure thing ! it is p4zw4fgi . eos O O O O O B-Booking-Book+Ref O O N/A +bos great i also am looking for a place to stay that has a 4 star rating in the north part of town eos 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+Area O O O N/A +bos there are 8 guesthouses with your preferences . will you be needing internet or parking ? eos O 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 yes both . reference number please ? eos O O B-Hotel-Inform+Internet O O O O O N/A +bos i can try to get you a booking at archway house . what day will you be checking in , how many will be staying , and for how many nights ? 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 O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay +bos there will be 4 people checking in and staying two nights starting from the same day . i will also need a taxi to arrive at the restaurant ontime and the hotel . eos O O O O O B-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 O O O O N/A +bos let 's get your hotel booked and then we will do the taxi . i have you booked at archway house on saturday . reference number is c1419c84 . eos 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 I-Booking-Book+Name B-Booking-Book+Day O O O B-Booking-Book+Ref O O O O N/A +bos ok great , can we get a taxi booked now ? i need it to get me to the restaurant by the time we booked . eos O O O 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 would you like to taxi to pick you up from ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos royal spice , please eos O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos great ! i have a red honda picking you up . your contact number is 07485551349. 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 O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos i think that will be all for now , thanks . bye . eos O O O O O O O O O O O O O O general-bye +bos i 'm glad help and hope you have a pleasant trip . eos O O O O O O O O O O O O O general-welcome +bos hi . i 'm looking for a fancy restaurant that serves english food . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos unfortunately there is no expensive english restaurant . would you be interested in african , asian oriental , or british food ? eos 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 B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O general-reqmore +bos not really . how about a place that has mexican food ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos chiquito restaurant bar is available , should i book it ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform +bos can i have the area and address please not sure if i want to book it yet ? 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+Addr +bos it is located in the south and the address is 2g cambridge leisure park cherry hinton road cherry hinton . is there anything else i can do for you ? eos O 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 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 , are there any parks nearby that i can visit as well ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos yes , there is the wandlebry country park in the south . eos O O O 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 great , can i get the postcode ? eos O O O O O O O O O Attraction-Request+Post +bos absolutely . their postcode is cb223ae . can i be of any further assistance 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 all . thank you ! eos O O O O O O O O O O general-thank +bos thanks for using our 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-bye +bos i need a place in the centre that serves african food . eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A +bos bedouin is an african restaurant in the centre . phone # is 01223367660 and it 's located on 100 mill road city centre . would you like me to make a reservation ? 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 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 O O O O O O O O O O O Booking-Inform +bos what is the price range ? eos O O O O O O O N/A +bos it is classified as an expensive place to eat . would you like to book a table ? eos 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 no thanks what is their postcode though ? eos O O O O O O O O O Restaurant-Request+Post +bos the post code is : cb12bd is there anything else i can assist you with today ? eos O 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 yes , i am also looking for a museum in the same area as the restaurant . 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 of course ! i 'd suggest primavera . it 's a wonderful museum in the centre , and it has free admission . would you like more information ? eos O O O O O B-Attraction-Recommend+Name O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-greet,general-reqmore +bos thanks for the good suggestion . what is the postcode for primavera ? eos O O O O O O O O O O O B-Attraction-Inform+Name O O Attraction-Request+Post +bos the post code is cb21sj and the address is 10 king s parade . their phone number is 01223357708. may i help you with anything else ? 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 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 no , that 's everything i needed . eos O O O O O O O O O N/A +bos have a swell day . eos O O O O O O general-bye +bos can you find me a theatre ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos would you like the mumford theatre ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos yes and i need to know the entrance fee , 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+Fee,Attraction-Request+Addr +bos the fee is not listed but the address is anglia ruskin enterprise , east road and the phone number is 08451962320. 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 I-Attraction-Inform+Addr O 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 french restaurant in the expensive range . eos 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 two excellent options . cote is in the centre of town , would you like me to reserve you a table ? eos O O O O B-Restaurant-Inform+Choice 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 O O O O O O O Booking-Inform +bos i am not sure how many people will be coming , so i will do that later . but can you provide me with their 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 O O O O O O Restaurant-Request+Post,Attraction-Request+Phone +bos absolutely . their postcode is cb21uf and they can be reached at 01223311053. would you also like me to find you an attraction nearby ? 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 O O N/A +bos no , that 's everything i needed today . thank you ! eos O O O O O O O O O O O O O general-thank +bos ok , thank you for calling . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos i need to find information about a certain restaurant , can you help with that ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos yes i can . what restaurant are you looking for ? eos O O O O O O O O O O O O Restaurant-Request+Name,general-greet +bos it is called maharajah tandoori restaurant . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos i 've located the maharajah tandoori restaurant for you . it serves indian food , it 's in the west area and is in the expensive price range . the phone number is 01223358399. 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+Food O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Phone O O O N/A +bos can you book a table for 7 people at 12: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 i 've got your booking set , the reference number is 9rmfgjma . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos any interesting boats on the east side of town ? eos O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos there 's camboats on the plough , green end , fen ditton . can i help you with anything else ? eos 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 O O O O O O O O general-reqmore +bos can i get the phone number and postcodes for those ? thank you . eos 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 01223902112 and they 're in postcode cb58sx . can i help you 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 O O general-reqmore +bos no . you have quickly answered all my questions . thank you so much . 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 it was my pleasure assisting you today . have a good night . 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 need help planning a trip to cambridge . i 'd like to go to the theatre while i 'm in town , and i 'll be in the city centre . is there one there ? 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 B-Attraction-Inform+Area O O O O O O O O O O O O N/A +bos i actually have 4 different ones . if i may suggest one , the mumford theatre is new and really fun . eos O O O O O B-Attraction-Inform+Choice 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 N/A +bos that sounds great , what 's their phone number ? eos O O O O O O O O O O O Attraction-Request+Phone +bos their number is 08451962320 eos O O O O B-Attraction-Inform+Phone N/A +bos thanks . i also need information about a specific restaurant called michaelhouse cafe . what can you tell me about it ? 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 O N/A +bos it 's an expensive european place in the centre at st. michael 's church trinity street city centre cb21su with phone 01223309147. would you like to book a table ? eos O O O B-Restaurant-Inform+Price O 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 I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform +bos they serve european food then ? eos O O O O O O O Restaurant-Request+Food +bos yes michaelhouse cafe serves european food . would you like any other information about this resturant ? 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 N/A +bos no , that 's perfect , but i will need a taxi to go from mumford theatre , leaving by 12:00 , to go to st. michael 's church trinity street city . eos O 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+Leave O O O O O O O O O O O O O O O O N/A +bos i managed to book you for a taxi at that time . it will be a white audi and the contact number is 07947363494. is there anything else ? 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 B-Taxi-Inform+Phone O O O O O general-reqmore +bos that will be all , thank you and goodbye . eos O O O O O O O O O O O general-bye +bos thank you for using our service . have a great 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 chinese restaurant . i want a place that is expensive and classy . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i have 9 expensive chinese restaurants . is there a certain area of town you would like ? 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 Restaurant-Request+Area +bos nope . pick the place with the most stars , 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos yu garden is an expensive chinese restaurant located on the east side of town . would you like the address for this one ? 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 O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O general-reqmore +bos yes i would like the address and the postcode please . eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address for yu garden is 529 newmarket road fen ditton , postcode cb58pa . would you like me to book this restaurant for you ? 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 I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O O O O O O O O O O Booking-Inform +bos not right now . could you please pick an attraction in the centre of town and give me the name and type of attraction ? 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 Attraction-Request+Type +bos sure ! hughes hall is an excellent free college attraction . would you like more information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O general-reqmore +bos great , can i get a taxi from hughes hall at 15:30 going to yu garden please . eos O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O O N/A +bos yes i will order that for you . eos O O O O O O O O O N/A +bos i 'm looking for an expensive gastropub place . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos which area do you prefer . we have 2 in centre and 1 in east eos O O O O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice Restaurant-Request+Area +bos just give me the area , postcode , and address for one of them . eos 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 ok ! the backstreet bistro is located at 2 sturton street city centre in centre and the postcode is cb12qa . is there anything else i can help with today ? 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 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 places to go in town that is in the west . 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 13 attractions in the west . are you interested in the college , entertainment , or museum type of attractions ? eos O O O O B-Attraction-Inform+Choice O O B-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 N/A +bos 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 . eos O O O O O O O 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+Type,Attraction-Request+Addr +bos churchill college is fun to visit . it 's a college . the address is storey 's way . the phone number is 01223336233 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 O O O O B-Attraction-Recommend+Phone O O O O O N/A +bos okay , that sounds perfect ! that 's all i need for today . thanks ! 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 visit to cambridge . eos O O O O O O O O O O general-bye +bos yes hi , i 'm looking for an expensive place to dine . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos did you have a particular area you would like to visit ? eos O O O O O O O O O O O O O Restaurant-Request+Area +bos the north that serves tuscan food and is insanely expensive , money is no object . eos O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O O O O O O O N/A +bos we have no matching records for that . would you like to change something ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos that is disappointing . how about some french food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos restaurant two two serves french food and is very expensive . will that work for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O general-reqmore +bos that sounds lovely . what 's 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 their phone number is 01223351880. they are located at 22 chesterton road chesterton , post code cb43ax . is there anything else i can help you with tonight ? eos O O O O O B-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 B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos yes . after dinner i 'd like to go to parkside pools . what is the address and postcode ? 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos i can provide that for you . parkside pools is located on gonville place and their postcode is cb11ly . can i help with anything else ? eos 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 O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos yes , can i also get their entrance fee , phone number , and attraction type , 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+Fee,Attraction-Request+Type +bos the entrance fee is n't listed , but the attraction type is swimmingpool , and the number is 01223446100. eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Phone O O O N/A +bos are you sure the entrance fee is n't listed ? it should be . eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos no , the entrance fee is not listed . eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos thank you so much for all your help . that will be everything today . eos O O O O 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,general-bye +bos i am looking for a restaurant in west cambridge , in the cheaper price range please . eos O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O O N/A +bos there is la margherita , an italian restaurant and thanh binh , a vietnamese restaurant . eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A +bos yes , i am interested in the one that serves italian food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos how many people will be dining , and for what date and time ? eos 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 there will be 4 people and i would like to reserve it for wednesday at 6:15. eos O O O O O B-Restaurant-Inform+People O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos i was n't able to make that reservation . 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 Booking-NoBook,Booking-Request+Time +bos how about 17:15 ? eos O O O B-Restaurant-Inform+Time O N/A +bos that booking was successful . your reference number is xf1jeibg . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great . can you also tell me about churchill college ? i am thinking of visiting that . eos 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 N/A +bos churchill college is on the west side on storey 's way . there is no entrance fee . the phone number is 01223336233. anything else i can tell you ? eos 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+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 O O O O O O O general-reqmore +bos i think that was 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 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 place to dine that serves catalan food . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O N/A +bos i do not show any matches for your request , maybe change the 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 are you sure ? i really need an expensive restaurant that serves catalan food in the centre of the city . can you check again please ? eos 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 O O O O O O O N/A +bos i am sure , would you like me to check for another option ? eos O O O O O O O O O O O O O O O N/A +bos could you recommend a restaurant that serves indian food is expensive , and in the centre ? eos O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O N/A +bos i am sorry there are not indian restaurants . can i check for a chinese restaurant ? 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 N/A +bos there are no restaurants that serve indian food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i am afraid there is none . eos O O O O O O O O Restaurant-NoOffer +bos what type of restaurants are located in the city centre ? eos O O O O O O O O O O B-Restaurant-Inform+Area O Attraction-Request+Type +bos i 'm so sorry , i was mistaken , there are several expensive indian restaurants in the centre of town . may i recommend curry queen , at 106 mill road ? eos O O O O O O O O O B-Restaurant-Inform+Choice 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 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 N/A +bos sounds great ! can you set up a reservation ? eos O O O O O O O O O O O N/A +bos sure . what time would you like the reservation for ? eos O O O O O O O O O O O O Booking-Request+Time +bos i need a table for 2 people on monday at 14: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 i 'm sorry , a table is n't available . perhaps a different day or time slot 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos can you try 13:30 instead ? thanks . 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.reference number is : z0v0h1yr . 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 go in the same area . eos O O O O O O O O O O O O O O O O O general-thank +bos sure thing , you have any particular attraction in mind ? eos O O O O O O O O O O O O Attraction-Request+Type +bos something in the centre of town . do you have any suggestions for a museum maybe ? eos O O O O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos i 'd suggest broughton house gallery on 98 king street , cb11ln . anything else ? eos 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 B-Attraction-Recommend+Post O O O O O O general-reqmore +bos yes , 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 their phone number is 01223314960. anything else ? eos O O O O O B-Attraction-Inform+Phone O O O general-reqmore +bos no that is 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 you are very welcome . thank you for choosing cambridge towninfo centre today ! eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos i am coming to cambridge and would like to see some architecture . do you have any located in the centre ? eos O O O O O O 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 yes , there are 5 places located in the centre . i recommend the all saints church on jesus lane . eos O O 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A +bos thanks ! 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 is free . is there anything else i can help you with ? eos 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 i 'd like to find a guesthouse to stay at . i want it to be nice , so i 'd like an expensive 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 B-Hotel-Inform+Price O O O O O O N/A +bos it seems like all of my guesthouses are in different price ranges . no expensive ones are listed . can i interest you in a different price range ? eos 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+Price I-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 O Hotel-Request+Price +bos well then i need a hotel that has free parking and a 4 star rating . 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 i 've found three hotels matching your preferences . the university arms hotel is in the expensive price range and is located in the centre of town if you are interested . eos 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 B-Hotel-Inform+Price 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 N/A +bos i would like a guesthouse in the moderate price range that has 4 stars and includes free parking . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos i have 9 total guesthouses that meet your needs . they are located in the north , east , and south . do you have a preference ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Select +bos can you recommend one ? eos O O O O O O N/A +bos acorn guest house seems like a nice place because it is the first one on my list how about that one its probably not too shabby 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 O O O O O O O O N/A +bos ok , that one sounds great ! 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 yes , book it for 5 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 unfortunately the booking was not successful . eos O O O O O O O O Booking-NoBook +bos what if we try two nights ? eos O O O O O O O O N/A +bos your booking was successful with a reference number of vzrqhfhp . 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 great . also i need to have the phone number for all saints church on jesus lane . 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 sure all saints church 's phone number is 01223452587. anything else ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Phone O O O O general-reqmore +bos not at the moment . thank you . eos 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 today ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos yes , you have . thank you . have a good day . eos 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 need to find a chinese food restaurant to dine at located in the north . can you help ? eos 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 N/A +bos i 'm here to help ! there are 2 expensive restaurants and 1 moderate price . do you have a preference ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Select +bos nah , just book me a table at your favorite ! i need it at 12:45 on thursday . table for 6 , please . 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 O B-Restaurant-Inform+People O O O O O N/A +bos you are all booked at hakka , located on milton road in chesterton . great place . your reference number is 76n3giho and the table will be held for 15 minutes . eos O O O O O O B-Booking-Book+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 B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O O O O O O N/A +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 ashley hotel offers parking and wifi and is within moderate pricing range . 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 B-Hotel-Inform+Price O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos is it a guesthouse or a hotel ? eos O O O O B-Hotel-Inform+Type O O O O N/A +bos were you looking for a hotel with a guesthouse ? eos O O O O O O O O O O O Hotel-Request+Type +bos i need to book for 6 people , 2 nights , starting on thursday . 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 N/A +bos i have 2 hotels that are available . would you like to book one ? eos O O O O B-Hotel-Select+Type O O O O O O O O O O O Booking-Inform +bos yes please , for 6 people starting thurs . for 2 nights , i need the confirmation # too please eos O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O O O O O O O O O N/A +bos you 're booked at ashley hotel ! your reference number is spskxm90 . eos 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 thank you ! i also need a taxi to get to the restaurant . eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos sure ! do you have a time preference ? eos O O O O O O O O O O Taxi-Inform +bos i want to commute between the hotel and restaurant . i need to be at the restaurant by the booked time,12: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+Arrive O N/A +bos ok ! i booked that for you ! your car will be a red volvo . the contact number is 07919056928. is there anything else i can do for you ? 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 B-Taxi-Inform+Phone O O O 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 very welcome . please contact us again , if we can be of further service . 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 let me now what guesthouses in the area have free parking ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos what price range and in what area ? eos O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i have no specific area but i would like it to be cheap . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O N/A +bos there are nine cheap guesthouses with free parking . would you be interested in one of the 4-star properties ? 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 B-Hotel-Inform+Stars O O O Hotel-Inform+Parking +bos do any have free wifi ? eos O O O O O O O N/A +bos yes , you have your pick of several properties around town . can i recommend autumn house ? it 's a 4-star guesthouse in the east on 710 newmarket rd . eos O O O O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O N/A +bos may i please have their phone number ? eos O O O O O O O O O Hotel-Request+Phone +bos their phone number is 01223575122. eos O O O O O B-Hotel-Inform+Phone N/A +bos thanks . i am also looking for a particular restaurant , restaurant one seven . can you find the address for me ? 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 Restaurant-Request+Addr +bos they are a british place with a moderate price in the centre area , best beef wellington in cambridge , interested in more information ? eos O O O O B-Restaurant-Inform+Food 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 general-reqmore +bos can i get the address on that one ? eos O O O O O O O O O O Restaurant-Request+Addr +bos their address is de vere university arms regent street city centre . is there anything else i can assist 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 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 , thank you , that 's 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 ok , thank you for calling . have a great day . goodbye . 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 cheap italian restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos how about pizza hut city centre ? i hear it is very good . 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 N/A +bos i s it located in the north ? eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos no , that one was in the centre . but , da vinci pizzeria is in the north 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos da vinci pizzeria is fine can you book a table for one for monday at 12:00 ? eos O O O O O O O O O O O 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 Booking-Inform,general-reqmore +bos yes , what about the reference number ? eos O O O O O O O O O N/A +bos my system is down and i am unable to book at the moment . here is their # 01223351707 or we can try again later . sorry for inconvenience . eos O O O O O O 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 Booking-NoBook,Booking-Inform +bos wow , really ? could you try again please ? eos O O O O O O O O O O O N/A +bos my apologies , this is actually a system issue and i can not book . i have reported in , in the meantime do you need 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 O O Booking-NoBook,general-reqmore +bos i will try back later for the reference number . could you find me a place to stay that is 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 O O Restaurant-Inform +bos there are several in the moderate to cheap range . do you have a star preference ? eos 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 Hotel-Request+Stars +bos no stars would work for me . eos O O O O O O O O N/A +bos i would recommend city centre north b and b. would you like me to book that ? 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 O O O O O O Booking-Inform,Hotel-Select +bos is that a guesthouse with 0 stars ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O N/A +bos yes they are a guesthouse with a 0 star rating in the north area . eos O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos okay , great . please book that for me then . it 'll be 1 person 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 O N/A +bos what day will you be arriving ? eos O O O O O O O O Booking-Request+Day +bos i will be arriving on monday . eos O O O O O O B-Hotel-Inform+Day O N/A +bos you are booked into city center north b and b with reference number o1tnbplu . you are also booked at da vinci pizzeria , reference number qlkcda7v . eos O O O O O O O O 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 a taxi to get me from the hotel 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 O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos i have booked you with a yellow bmw with the contact number 07383383242. is there anything else i can help with 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 booking was successful . reference number is : t4ehqena . anything else . eos O O O O O O O O O O O O O O N/A +bos i wish you safe travels . enjoy your trip . have a great day . eos O O O O O O O O O O O O O O O O general-reqmore +bos can you find me a very nice hotel in the west ? money is not an issue . 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 there are 4 hotels that match those criteria . how about hobson 's house ? 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 N/A +bos that should work fine . book it for me please . eos 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 i will be staying for 5 days . can you book the hobson house for me for 5 people 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 N/A +bos what day will you start staying ? eos O O O O O O O O Booking-Request+Day +bos i 'll be arriving on sunday . please send me the reference number for this stay . eos O O O O O B-Hotel-Inform+Day O O O O O O O O O O O O Hotel-Request+Ref +bos it does n't look like there 's any availability for your stay . 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos yes , let 's try for 4 nights instead . eos O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos that works . your reference number is icqwvql9 . is there anything else i can do for you 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 yes i 'm also looking for a place to dine . i would like the same 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 O N/A +bos there 's over one hundred restaurants i 've found , what type of cuisine would you like ? eos 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 Restaurant-Request+Food +bos i 'm looking for modern european cuisine . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos darrys cookhouse and wine shop is a very nice , expensive restaurant in the center of town . would you like a table there ? 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 B-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O O O Booking-Inform +bos can you find a modern european restaurant in the west ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A +bos i am sorry , but there are no modern european restaurants in the west , could i book you in a restaurant in another area ? eos 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 O O O O O O O O O O Restaurant-Request+Area +bos is there anything in the south ? eos O O O O O O B-Restaurant-Inform+Area O N/A +bos restaurant alimentum is a moderate priced restaurant located in the south . would this be okay ? eos 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 O O N/A +bos are there any expensive modern european restaurants ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i have expensive restaurants in the center . would those suit you ? eos O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O O N/A +bos no the west would suit me eos O O O O O O O N/A +bos i 'm sorry , we seem to be having some confusion . please restate your criteria for the restaurant , and i 'll do my best 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 O O O O O N/A +bos i 'm looking for an expensive restaurant in the west of town that serves modern european dishes . 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 N/A +bos i 'm sorry , there are no expensive modern european restaurants in the west side of town . eos O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O N/A +bos alright , thank you . goodbye . eos O O O O O O O O general-bye +bos i 'm sorry i could n't be of more help . 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 a restaurant in the cambridge area that serves international food and is moderately priced . 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 Hotel-Request+Area +bos the varsity restaurant is a really good choice . want a reservation ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos no , i do n't need a reservation. , eos O O O O O O O O O O N/A +bos okay , anything else i can help with ? eos O O O O O O O O O O general-reqmore +bos is that restaurant in the centre area and could i get the postcode please ? eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O O Restaurant-Request+Post,Hotel-Request+Area +bos yes it is located in th center and their postcode is cb23ar eos O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Post N/A +bos i also need a place to stay eos O O O O O O O O N/A +bos is there a specific part of town that you are wanting to stay ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos no particular area , just one that has free wifi and parking and has 3 stars . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O O Hotel-Request+Area +bos there are five that meet your criteria . a guesthouse and hotel in the south , a hotel in centre , a guest house in north , and another guesthouse in west . eos O O O B-Hotel-Inform+Choice 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O N/A +bos why do n't you recommend one of the hotels ? eos O O O O O O O O O O O Hotel-Inform +bos i recommend gonville hotel . do you want a booking ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O Booking-Inform +bos i do n't need a booking , but can you please inform me of the area , type , 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 Hotel-Request+Area,Hotel-Request+Phone,Hotel-Request+Type +bos the are is centre , the price range is expensive and the phone number is 01223366611. eos O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Phone O N/A +bos great ! i also will need a taxi between the two places . eos O O O O O O O O O O O O O O Taxi-Inform +bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart +bos i would like to be picked up from the gonville hotel by 21:00 please . eos O O O O O O O O O O B-Taxi-Inform+Depart O O B-Taxi-Inform+Leave O O N/A +bos your booking was successful , a blue tesla will be picking you up and the contact number is 07361030196 , 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 O O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos thanks , i do n't need anything else ! goodbye ! eos O O 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 general-welcome,general-bye +bos i am looking for information on a restaurant called caffe uno eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos there is a caffe uno at 32 bridge st. , would you like me to make a reservation for you there ? 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 O O O O O O O O O O O O Booking-Inform +bos yes please . i need a reservation for 4 people , at 15:15 , and i 'd like that for saturday , please . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O O B-Restaurant-Inform+Day O O O O O O O N/A +bos here is the booking information.booking was successful . the table will be reserved for 15 minutes.reference number is : 9zl6wg4i . 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 N/A +bos i am also in need of a hotel , preferably a guesthouse that is in the north and has free parking and wifi . eos 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 N/A +bos the acorn guesthouse is a moderately priced , 4-star accommodation with internet and parking . would that suit you ? eos O O B-Hotel-Inform+Name I-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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , please book me for 4 people 4 nights , starting saturday eos O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O N/A +bos i apologize but the hotel booking system appears to be down at the moment . 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 O Booking-NoBook,general-reqmore +bos please try for wednesday instead and see if that works eos O O O O O O O O O O O N/A +bos i 'm sorry , i ca n't book anything right now . eos O O O O O O O O O O O O O Booking-NoBook +bos is there another guesthouse that you can try ? eos O O O O O O O O O O N/A +bos booking was successful . your reference number is : 89c4tdsa . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos 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 . eos O O O O O 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 a blue volvo is booked . the contact number is 07059000529. will that be all for you today ? eos 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 yes thank you . you have been so helpful and made this process easy . eos O O O O O O O O O O O O O O O O general-thank +bos great , thanks for talking to us today ! eos O O O O O O O O O O general-welcome,general-bye +bos i need a hotel on the north side . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos there are two options , ashley hotel and lovell lodge , do you want more info or a booking ? 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 Booking-Inform,general-reqmore +bos can you tell me the star rating and do they include free parking ? eos O O O O O O O O O O O O O O O N/A +bos they both offer free parking , free wifi , and are rated two stars . eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Stars O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos please pick one . i need the price range postcode and address please . eos 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 ashley hotel is in the moderate price range . their postcode is cb41er and their address is 74 chesterton road eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Price O O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos can i get the phone number as well please ? eos O O O O O O O O O O O N/A +bos the phone number for ashley hotel is 01223350059. can i help you with something else ? 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 general-reqmore +bos yes , i 'd like to find an expensive european restaurant for our anniversary celebration . eos 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 i have 5 restaurants that fit your description ? what area of town would you like the restaurant to be on ? centre , north , or west . 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 B-Restaurant-Select+Area I-Restaurant-Select+Area O O O O Restaurant-Request+Area +bos area does not matter , i just need expensive please . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i suggest that you try city stop restaurant . it is an expensive european restaurant in the north part of town . would you like to 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 B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food 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 Booking-Inform +bos i 've never been there before . sounds like what i am looking for . can you make a reservation on tuesday for 4 at 14:30 ? eos 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 B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O O N/A +bos your table will be reserved for 15 minutes . reference number is 26ga35ey . 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 will be all for today ! eos O O O O O O O O O O O general-thank +bos okay fantastic , have a nice day ! eos O O O O O O O O O general-welcome,general-bye +bos hi ! i am looking for a turkish food restaurant around the centre . 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 there are 3 turkish restaurants in the centre . would you prefer expensive or moderate 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 O O O Restaurant-Request+Price +bos moderate price range would be fine . could you pick the shortest name and tell me the address ? 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 anatolia is located at 30 bridge 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 I-Restaurant-Inform+Addr N/A +bos thank you ! i am also looking for a 5 star hotel . eos O O O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos there are no 5 star hotels , do you want to choose something else eos O O O O O O O O O O O O O O O N/A +bos yes , can you find a place for me with free wifi 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 what other star option would you like ? eos O O O O O O O O O Hotel-Request+Stars +bos how about a 4 star rating ? eos O O O O O B-Hotel-Inform+Stars O O N/A +bos i do n't have a 4 star in the moderate price range . would you like me to 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 O O O O N/A +bos you do n't have any 4 stars in the moderate price range in any area ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A +bos no i 'm sorry we do n't have anything matching those criteria . eos O O O O O O O O O O O O O O N/A +bos there are literally no 4 star accommodations of any kind with moderate price and wifi in all of cambridge ? i find that very hard to believe ! 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 O O N/A +bos sorry , you are right . we actually have 11 to choose from . eos O O O O O O O O O B-Hotel-Inform+Choice O O O O O N/A +bos i would like to book one starting friday . eos O O O O O O O O B-Hotel-Inform+Day O N/A +bos i have begun a booking for you at avalon . how many days will you be staying ? eos O O O O O O O O O B-Booking-Inform+Name O O O O O O O O O Booking-Request+Stay +bos i will arrive friday and be there for 2 nights . eos O O O O O O O O O O B-Hotel-Inform+Stay 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 it will be for 3 people and2 nights . eos O O O O O O B-Hotel-Inform+People O O O N/A +bos you are set , the reference number is yqbmmcj6 , any other questions ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos no i think that is all , thank you . eos O O O O O O O O O O O general-thank +bos i hope you enjoy your stay . contact us anytime . good bye . eos O O O O O O O O O O O O O O O general-bye +bos i 'm actually in need of a train leaving thursday after 16:00 from cambridge to london kings cross . can you find me one ? eos O O O 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 I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O O O N/A +bos certainly , the earliest train by your specifications is tr1791 , leaving at 17:00 and arriving at 17:51. would you like to book that train ? eos O O O O 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 Train-OfferBook +bos great . can you please give me the 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 , the travel time is 51 minutes , and the price is 23.60 pounds . 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 N/A +bos thank you ! that 's all i needed . eos O O O O O O O O O O general-thank +bos your very welcome ! have a nice day ! eos O O O O O O O O O O general-welcome,general-bye +bos thank you very much . eos O O O O O O general-thank +bos okay . thank you again . eos O O O O O O O general-welcome +bos hello , could you tell me if there are any 1 star lodging establishments that 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 O O N/A +bos there are not any with wifi . would you like me to checked higher rated options ? eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer+Internet,Hotel-Request+Stars +bos no , thanks . are you sure you ca n't find 1 star hotels ? eos O O O O O O O O O O O O O O O O Hotel-Inform +bos i 'm sorry , i double checked but there are not any 1 star rated hotels available . can i help you find something else that may be suitable ? eos O O O O O O O O O O O O B-Hotel-NoOffer+Stars O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O O O O O general-reqmore +bos what about 4 star hotels ? eos O O O O B-Hotel-Inform+Stars O O N/A +bos yes , there are quite a few . did you have a particular price range in mind ? 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 Hotel-Request+Price +bos no . i do n't have a price preference . eos O O O O O O O O O O O N/A +bos in that case , i would recommend alexander bed and breakfast . 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 N/A +bos that sounds great can you book it for 7 people ? we 're staying 3 nights and want to check in wednesday . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O O N/A +bos your booking was successful , your reference number is : vzpwhwlv . is there anything else i can assist you with today ? 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 general-reqmore +bos i need a train on the same day leaving cambridge eos O O O O O O O O O O B-Train-Inform+Depart N/A +bos okay ! where are you going ? eos O O O O O O O O Train-Request+Dest,general-greet +bos i am going to cambridge eos O O O O O B-Train-Inform+Dest N/A +bos okay , from where ? eos O O O O O O Train-Request+Depart +bos no thank you that will be all eos 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 . eos O O O O O O O N/A +bos all right . thank you for the 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 O O O general-bye,general-greet +bos can you find me restaurant with moderate prices that serves north indian cuisine ? eos O 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 'm sorry , nothing is coming up for that particular type of restaurant . is there any other specifics you may 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 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 3 restaurants serving modern european food , would you prefer one on the south side or town centre ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area O N/A +bos it does not matter , i just need one available for 7 people at 18:15 on thursday 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 N/A +bos i have made a reservation at restaurant alimentum for you . your table will be reserved for 15 minutes . the address is 152 - 154 hills road . 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 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 i also need the reference number please . eos O O O O O O O O O Restaurant-Request+Ref +bos the reference number is dvdlh9nk . 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 yes , i also need a guesthouse hotel with moderate prices in the centre . i do n't need free parking . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O O O O O O O N/A +bos unfortunately i could not find any guesthouses meeting those requirements . eos O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O N/A +bos how about a hotel type ? eos O O O O B-Hotel-Inform+Type O O N/A +bos cityroomz is the only place that matches your criteria . eos O B-Hotel-Inform+Name O O O O O O O O O N/A +bos how many stars is cityroomz ? eos O O O O O O O Hotel-Request+Stars +bos it has a zero star rating , is this ok ? eos O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos that is fine . do they have internet ? eos O O O O O O O O O O Hotel-Request+Internet +bos yes , cityroomz has internet . would you like to book it ? eos O O B-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos not yet . i would like you to book a taxi for me between my hotel and restaurant . i will need the car type and contact number . 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 Taxi-Request+Car +bos before i can book your taxi , what time are you wanting 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i just want to be sure it arrives by the booked time at the restaurant . eos O O O O O O O O O O O O O O O O O N/A +bos booked . your car type is white skoda and contact number is 07075801794 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 thank you very much for your help ! that was everything i needed . eos O O O O O O O O O O O O O O O general-thank +bos fantastic . enjoy your trip ! eos O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for a train from stevenage to cambridge eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos what day do you need the ticket for ? trains leave every hour . eos O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O Train-Request+Day +bos i am travelling on monday and need to leave after 16:30. eos O O O O O B-Train-Inform+Day O O O O O O N/A +bos the tr0244 leaves at 17:21 and arrives by 18:10. would you like this 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 Train-OfferBook +bos yes please . what is the cost for this train ? eos O O O O O O O O O O O O Train-Inform +bos my apologies . the train id is tr0254 not tr0244 . the cost is 12.80 pounds per ticket . can i book a ticket for you ? 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 O O O O Train-OfferBook +bos yes , that would be great . please book for 6 people . eos O O O O O O O O O O O O O O N/A +bos yes that booking was successful and your reference number for the trip and tickets is penzq430 . 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-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos no , i think 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 general-thank +bos thank you for using this system ! eos O O O O O O O O general-bye +bos i 'm looking for something to do in town . are there any interesting attraction in the north 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 O O N/A +bos yes , there are several places : i see a boat , a park , and two swimming pools . would one of these work for you ? eos O O O O B-Attraction-Inform+Choice 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 general-reqmore +bos ooh , a pool would be fun . can you give me their contact info ? eos O O O O O O O O O O O O O O O O O N/A +bos great ! kings hedges learner pool is located at jedburgh court , kings hedges postcode is cb42xh and their phone is 01223353248. is there anything else i can help you with ? eos O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Name O O O 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 general-reqmore +bos i need a train from bishops shortford . eos O O O O O O O O O Train-Inform +bos i can help you with that . can you confirm 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 Train-Request+Dest +bos i need a train to arrive by 21:15 on friday going to cambridge . eos O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A +bos you 've got 8 choices from very early morning to somewhat late evening . what would you prefer ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O Train-Request+Leave +bos pick the closest one to the arrival time . i need it for 3 people and i need the reference number . 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 Train-Request+Ref +bos great . your reference number is t1y3tbqx and you are fully booked . eos O O O O O O O B-Train-OfferBooked+Ref O O O O O O N/A +bos thanks for all your help . that 's all for me . bye ! eos O O O O O O O O O O O O O O O general-bye +bos glad to help . have a wonderful day ! eos O O O O O O O O O O general-bye +bos hello , could you tell me where the old schools attraction is located ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A +bos yes . it is in the centre of town on trinity lane . eos 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 N/A +bos what is the postcode for this place ? eos O O O O O O O O O Attraction-Request+Post +bos the postcode is cb21tt . 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 N/A +bos i need a train leaving cambridge after 14:30 eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos where will you be traveling to ? and what day will you be leaving ? eos 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 going to stevenage on wednesday . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day O 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 need to leave after 14:30 please . eos O O O O O O O O O N/A +bos okay . the tr7245 leaves at 15:21. would you like me to book it 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 O Train-OfferBook +bos what is the travel time and how much will it cose ? eos O O O O O O O O O O O O O Train-Request+Duration +bos travel time is 49 minutes , and the price is 12.80. would you like me to book passage for you ? eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket O O O O O O O O O O O Train-OfferBook +bos no thanks . not necessary . thanks though . goodbye eos O O O O O O O O O O O general-bye +bos thanks for using our service . goodbye . eos O O O O O O O O O general-bye +bos i would like to visit a museum in the east . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos i have about 4 different ones . i would definitely say that cambridge artworks is one of the best . they have excellent exhibits . eos O O O O O B-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 O O O N/A +bos sounds good , what is the postcode for the cambridge artworks ? eos O O O O O O O O O O O O O Attraction-Request+Post +bos sure . the postcode is cb13ef . eos O O O O O B-Attraction-Inform+Post O O general-greet +bos thanks . can you tell me if there are any trains that could get me to cambridge by 13:00 ? eos 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+Arrive O N/A +bos sure , 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 O O O Train-Request+Depart,Train-Request+Day +bos i 'm flying in to stansted airport on tuesday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos there are 8 to choose from , and the soonest departure is tr9892 , which leaves at 05:24. would you like me to book some tickets for you ? eos O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O O O O O O O Train-OfferBook +bos that seems to work . i need 6 tickets . 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 60.59 gbp payable at the station .reference number is : jc1q1fzw . 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 should be all for 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 are there any entertainment spots in the town centre ? eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos nothing specifically marked entertainment , although we do offer quite a lot to do , from theatres to parks . 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 N/A +bos do you have any colleges in the centre area ? eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos you 're in luck . there are 13. i 'd recommend visiting downing college on saint andrew 's street . entrance is free . would that work for you ? eos O O O 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 I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee O O O O O O O O O O O O Booking-Inform +bos that sounds perfect . can you tell me their 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 yes , their post code is cb21dq and the address is on regent street . eos O 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 O N/A +bos great , thank you ! eos O O O O O O general-thank +bos no problem . is that all you needed today ? eos O O O O O O O O O O O general-welcome,general-reqmore +bos it is . thanks again . eos 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 taxi to meet me at my restaurant . eos O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos what location and time would you like to get the taxi for ? eos O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart +bos im in cambridge central and would like to be picked at 1200hrs eos O O O O O O O O O O O O O N/A +bos i need more information about your location . what is your exact departure site 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 Taxi-Request+Depart,Taxi-Request+Dest +bos actually never mind . i would just like to find a college to visit in town . eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos we have many colleges , is there are particular part of town you are interested in ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos no , no particular part of town . i will take a recommendation from you . i will 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 O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Fee +bos okay christ 's college is free and is in the centre . the address is saint andrew 's street and post code is cb23bu . eos O 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 O O O O B-Attraction-Recommend+Post O O O O N/A +bos okay , thank you . i 'm also looking for a place to stay . it needs to be in the centre , moderately priced , and include wifi . eos O O O O O O O O O O O O O O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos cityroomz would suit your needs . would you like me to book it for you ? eos O B-Booking-Inform+Name O O O O O O O O O O O O O O O N/A +bos yes i 'd like it for 4 people and 4 nights starting saturday . 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 okay , you 've got it . i booked successfully for you , and the ref . number is 103oaaxg 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 N/A +bos that 's great , thanks , have a good day . eos 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 yes i would need a taxi eos O O O O O O O Taxi-Inform +bos do you want the taxi taking you from the hotel or to the hotel ? what time do you wish to arrive or 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 Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Depart +bos i need to leave the hotel by 10:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos where are you looking to travel ? eos O O O O O O O O Taxi-Request+Dest +bos going from attraction to hotel . eos O O O O O O O N/A +bos booking completed ! booked car type white bmw . contact number is 07232889421. is there something else i could help you with ? eos 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 that 's all for now . thank you for all your 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 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 hello , i am planning a trip for next month . can you suggest 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 general-greet +bos do you have any specific attractions in mind ? eos O O O O O O O O O O Attraction-Request+Name +bos i am interested in boat 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 there are a lot of options in that area . would you prefer something free to visit ? 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 O O O O O O Attraction-Request+Price +bos i do n't have a preference . eos O O O O O O O O N/A +bos there is scudamores punting co or the cambridge punter eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos can you select one ? i also need the entrance fee , if there is one . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i prefer the cambridge punter , but i do n't have the fee information for any boat attractions . their number is 07807718591 - i 'm sure you could call and find out . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O B-Attraction-Recommend+Phone I-Attraction-Recommend+Phone O O O O O O O O O O O O O N/A +bos thank you . i also need a hotel in the same area as the cambridge punter . eos O O O O O O O O O O O O O O O O O O N/A +bos is price important to you ? eos O O O O O O O Hotel-Request+Price +bos nope , i 'm open on price . it does n't need to have internet . eos O O O O O O O O O O O O O O O O O N/A +bos okay , how about the alexander bed and breakfast ? 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 N/A +bos that sounds great , can you book it for me for 3 people ? checking in monday and will be staying 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 O B-Hotel-Inform+Stay O O O N/A +bos okay , you 're all set ! your room has been reserved and your confirmation number is 4x57gwoc . 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 O O general-reqmore +bos i also need to book a taxi when i got from the hotel to cambridge punter . i 'd like to leave the hotel by 01: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 O N/A +bos okay . we have you booked . the car type will be a black bmw . the contact number is 07167383694. can i help you with 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 B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos no thanks you have been very helpful to me 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 hi , i am organizing my trip and am looking for a cheap mexican restaurant . eos O O O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos unfortunately i 'm not finding any mexican restaurants in the cheap range . did you have another choice ? eos O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Price O O O O O O O O O general-reqmore +bos how about a chinese restaurant in the cheap range ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A +bos i have 4 chinese restaurants in the city . i have 3 in the centre and 1 in the south . is there a particular area you would like to be ? 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Select +bos no , it does n't matter . please make a suggestion and provide the phone number . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos i recommend the rice house . their phone number is 01223367755. eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Phone O N/A +bos i am also looking for information on clare college . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos the phone number is 01223333200. it is located on trinity land and the post code is cb21tl . the entrance fee is 2.50 eos O O O O O B-Attraction-Inform+Phone O 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 N/A +bos could you tell me the address of clare college ? eos O O O O O O O O O O O Attraction-Request+Addr +bos there is no specific number but their address in our system is listed as trinity lane . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos you 've been a great help . have a great day . goodbye eos O O O O O O O O O O O O O O general-bye +bos it is our pleasure to help you . have a great day now ! eos O O O O O O O O O O O O O O O general-bye +bos i 'm looking to go to a park , can you suggest 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 5 different parks in the city . what area of the city are you wanting 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 O Attraction-Request+Area +bos i would like one located in the centre of town if possible . may i please have the phone number ? 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 Attraction-Request+Phone +bos i have the cambridge university botanic gardens . there phone number is 01223336265. 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 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 also want to eat at a cheap place 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 i would suggest charlie chan eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos do they serve italian food ? eos O O O O O O O N/A +bos no they serve chinese food . would you like me to search for italian food ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Select+Food O O O N/A +bos yes that would be great . i 'd love for you to book me a table for 1 person at 18:45 on saturday . 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 booking was successful . the table will be reserved for 15 minutes.reference number is : zlq7ovev . 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 's all i need today . eos O O O O O O O O O O O general-thank +bos thank you ; please consider us for your future travel needs . eos O O O O O O O O O O O O O general-bye +bos i want to visit the centre while i am here , what are some of the attractions available to 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 O N/A +bos our city centre is full of wonderful attractions ! is there a specific type you 're interested in visiting ? eos O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 i do n't care . eos O O O O O O N/A +bos we have 79 different attractions to choose from . would you like to visit a museum ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O B-Attraction-Select+Type O O N/A +bos yes a museum sounds good , adress and phone number please eos O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos okay , there are 11 museums in the centre . i recommend castle galleries . eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O B-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos i also need a place to eat . it can be expensive and i would like the restaurant to serve asian oriental food . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos sure , there 's saigon city in the north , how does that sound ? eos 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 Booking-Inform +bos yes , could you book that . saturday , 3 people , 13:30. eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O O N/A +bos you 're all set . your reference is vdxaczr1 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 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 can you also book a taxi to commute between the two place ? eos O O O O O O O O O O O O O O Taxi-Inform +bos booking completed ! the car is a black honda and the contact number is 07396246163. 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 thanks a lot . that does it for me . goodbye . eos 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 general-welcome,general-bye,general-greet +bos hi ! im looking for some information - can you tell me about places to go in the city centre ? maybe a multiple sports attraction ? 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 N/A +bos i found no multiple sports in the centre , do you have another attraction type ? eos O O O O O O O O O O O O O O O O O N/A +bos how about a museum in the centre ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos castle galleries is in the center . it is very nice.. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O N/A +bos can you give me their postcode , phone number , and address . eos 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 castle galleries if located at unit su43 , grande arcade , saint andrews street , phone is 01223307402 and postcode is cb23bj . 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 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 B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore +bos yes , please . i 'm looking for a restaurant in the same area as the attraction that serves italian food . 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 N/A +bos sure , do you have a price preference ? eos O O O O O O O O O O Restaurant-Request+Price +bos i would prefer an expensive restaurant . eos O O O O O B-Restaurant-Inform+Price O O N/A +bos clowns cafe is an expensive italian restaurant in the same area . 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 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 O O Booking-Inform +bos yes , please book a table for 5 at 18:30 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 O N/A +bos you are booked , the reference number is npfzpxg4 , can i help out 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 great . that'sd all i needed today . thank you . bye now . eos O O O O O O O O O O O O O O O general-bye +bos enjoy your stay ! let us know if we can be of anymore assistance . eos O O O O O O O O O O O O O O O O general-bye,general-greet +bos i would like to find some info on the warkworth 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 warkworth house is a guesthouse hotel located in the east . it is a moderately priced 4 star hotel . the warkworth house provides internet and parking . eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i am looking to book at the warkworth hotel . eos O O O O O O O O O O O Hotel-Inform +bos what day will you be coming in ? eos O O O O O O O O O Booking-Request+Day +bos i need it for 4 people for 2 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 you are all set , the reference number is s42unzjv , 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 could you provide me with the address of the warkworth house ? eos O O O O O O O O O O O O O N/A +bos yes , the address is warkworth terrace cb11ee . is there anything else i can find for you ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore +bos i would like some information about the museum of classical archaeology . 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 what information are you looking for ? eos O O O O O O O O general-reqmore +bos just the postcode and entrance fee please . eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos they offer free admission to the museum . the postcode is cb39da . anything else i can do for you ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Type 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 . eos 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 need information about pembroke college . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos pembroke is located the in centre area , they have free admission , anything else that i can help with ? eos O B-Attraction-Inform+Name O O 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 general-reqmore +bos yes . i need to get the 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 it is located in the centre of town and the phone number is 01223338100. eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone N/A +bos i am also looking to eat out . center of town , unusual food . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos unfortunately , we do n't happen to have any places that serve unusual food in cambridge . would there be another type of cuisine you 'd be interested in ? eos 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 O O O O O O O Restaurant-Request+Food +bos how about one that serves indian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos curry garden serves indian food in the centre and is in the expensive price range . would you like to make a booking ? eos 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 B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos yes please for 3 people at 17:45 on a sunday . i also need a 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 Restaurant-Request+Ref +bos ok , you 're all set . your reference number is : cuhveudg . 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 O general-reqmore +bos i also need a taxi to get me to the restaurant by 17:45 eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos where will you be departing from to get to the restaurant ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos from pembroke college . please give me the car type , and contact number as well please . eos 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 i booked you a black ford and the contact number for it is 07840878878. would you like me to help you with anything else 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 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 ok ! have a great day ! eos O O O O O O O O general-bye +bos i 'm planning a trip , can you help with find places to go ? eos O O O O O O O O O O O O O O O O N/A +bos there are many different things to do in town . do you have anything in particular you would want to do ? 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 Attraction-Request+Type +bos well , i do n't know what sorts of options are available . i do need something located 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+Area O O O O O N/A +bos the funky fun house and cambridge artworks are great options . which one do you prefer ? 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 Attraction-Select +bos what is the funky fun house 's postcode ? eos O O O O O O O O O O Attraction-Request+Post +bos their postcode is cb58hy . can i help you with anything else today ? eos O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos can you find me a moderately priced british restaurant ? eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos sure thing how about cotto ? eos O O O O O B-Restaurant-Recommend+Name O N/A +bos sounds great , can you book me a table for 4 please ? eos O O O O O 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 please book a table at 14:30 for 4 people on wednesday . eos O O O O O O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+Day O N/A +bos table for 4 at cotto has been reserved for 14:30. they will hold your table for 15 minutes . your reference number is : iks3hxlj . eos O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name O O 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 can you book a taxi for me ? i want to make sure i make it to cotto for that reservation . 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 N/A +bos not a problem . your taxi will be a yellow toyota . contact number is 07266630947. eos 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 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 . eos O O O O O O general-bye +bos hey , is there any good italian food on the eastside ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos there is pizza hut fen ditton . would you like the address ? 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 N/A +bos sure , and also what is the phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos their phone number is 01223323737 and are situated cambridge retail park newmarket road fen ditton , cb58wr 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post N/A +bos thank you . i also need information on sidney sussex college eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type N/A +bos their phone number is 01223338800 and are located on sidney street , postcode cb23hu and admission is free . eos O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O O N/A +bos hi , could you help me with some information on a particular attraction ? eos O O O O O O O O O O O O O O O Attraction-Inform +bos absolutely ! what attraction were you thinking of ? eos O O O O O O O O O O Attraction-Request+Name +bos it is called nusha . can you tell me a little bit about it ? eos O O O O B-Attraction-Inform+Name O O O O O O O O O O O N/A +bos i certainly can . nusha is categorized as an entertainment attraction , and is located in the south side . eos O O O O B-Attraction-Inform+Name O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O N/A +bos thank you . please get me information on a particular restaurant called thanh binh 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 thanh binh a vietnamese restaurant located at 17 magdalene street city centre cd30af , their phone number is 01223362456. eos O B-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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O N/A +bos thanks , please make a reservation there for 6 people at 17:16 on saturday . eos O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O N/A +bos your reference number is dkb62v27 . 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 no i think that 's everything ! goodbye ! eos O O O O O O O O O O general-bye +bos thank you too . eos O O O O O general-bye +bos i 'm looking for somewhere to eat in the centre part of town , somewhere nice , price is no object . eos 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 N/A +bos there are quite a few restaurants . what cuisine 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 N/A +bos i would like the restaurant to have indian food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos how about curry garden ? it looks great . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos that sounds good . i would like to book a table for 2 people on friday at 17:15. 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 N/A +bos sorry , the restaurant ca n't accomodate you . want 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos i will get back to you . thank you for the help . eos O O O O O O O O O O O O O O general-thank +bos you 're welcome . i look forward to when you call us again . eos O O O O O O O O O O O O O O O general-welcome +bos okay , until then . have a good one , goodbye . eos 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 i am looking for a particular hotel . its name is called autumn house 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 i have the autumn house . it is at 710 newmarket road . would you like the phone number ? 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 N/A +bos no thanks . would you book the autumn house for me starting on monday , please . eos O O O O O O O O O O O O O O O O O O general-thank +bos how many people would be staying and how many days will you be staying ? eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos that 's for 8 people and it 's for 2 nights . eos O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O O O 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 could you try wednesday , instead ? eos O O O O B-Hotel-Inform+Day O O O N/A +bos booking was successful.reference number is : 3h0whd4z . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you goodbye eos O O O O general-bye +bos you 're welcome . thank you for calling and goodbye . eos O O O O O O O O O O O O general-bye +bos i need to book a taxi . eos O O O O O O O O Taxi-Inform +bos i can do that for you . where would you like to be picked up and what is your final 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+Depart,Taxi-Request+Dest +bos i have to be to whale of a time by 16:15 eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive N/A +bos i 'd be happy to book that for you , where do 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 Taxi-Request+Depart +bos i would like to leave from the gallery at twelve a high street . 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 N/A +bos your taxi is booked . it is a yellow skoda . eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos thank you . can i get a contact number ? eos O O O O O O O O O O O general-thank +bos the contact number 07123859913. eos O O O O B-Taxi-Inform+Phone N/A +bos thank you , that 's all . good bye . eos 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 help me reserve a taxi to take me to kambar eos O O O O O O O O O O O N/A +bos sure ! what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart +bos i need to leave from lovell lodge eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 it does n't matter . i just want to leave there after 10:45 eos O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos okay i booked your taxi successfully eos O O O O O O O Taxi-Inform +bos great , what are the details , please ? eos O O O O O O O O O O N/A +bos a white honda will be picking you up , the contact number is 07580557287. is there anything else i can help you with ? 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 O O O O O O O O O O O general-reqmore +bos that 's all i need for now . thank you . goodbye . eos 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-bye +bos looking for a place to dine . the restaurant should serve british food and should be 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 B-Restaurant-Inform+Price O O O O N/A +bos fitzbillies restaurant at 51 trumpington street city centre fits your request . would you like me to book a table for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O 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 O O O O Booking-Inform +bos i would . it 's a party of 6 for monday at 15:45. can i get the reference number when you 're done ? 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 your reservation has been made . the reference number is gk4f8afs . 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 everything . thanks for your help . eos O O O O O O O O O O O O general-thank +bos welcome next time eos O O O O general-greet +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 i 'd like a taxi to pick me up from ali baba eos O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 it 's important that i arrive by 07:00 eos O O O O O O O B-Taxi-Inform+Arrive O N/A +bos that can be arranged . what is your destination ? eos O O O O O O O O O O O Taxi-Request+Dest +bos i am going to wandlebury country park . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos your booking is complete , a blue tesla will be picking you up . eos O 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 , please ? eos O O O O O O O O O O O N/A +bos sure ! it is 07511692788. eos O O O O B-Taxi-Inform+Phone O N/A +bos i ca n't thank you enough . eos O O O O O O O O general-thank +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 restaurant . the restaurant should be in the centre and should be in the moderate 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 hello . what type of food are you looking for ? there are 21 locations that fit these criteria . eos O O O O O O O O O O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Food +bos i am looking for one that serves turkish food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have anatolia and efes restaurant . do you have a preference ? eos O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O Restaurant-Inform +bos no , i just need the address of one of them . eos O O O O O O O O O O O O O Restaurant-Request+Addr +bos very well , the address for anatolia is 30 bridge street city centre . 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 O N/A +bos thank you for the help eos O O O O O O general-thank +bos you 're welcome . may i help with anything else ? eos O O O O O O O O O O O O general-welcome,general-reqmore +bos no , i think i have everything i need . thanks ! eos 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 day ! eos O O O O O O O O O O O O O general-bye +bos great day too eos O O O O N/A +bos thanks for using our services . eos O O O O O O O general-bye +bos i 'm hurt and i need to find a hospital . oh , and one with an oncology department ! eos O O O O O O O O O O O O O O O B-Hospital-Inform+Department O O O O O N/A +bos hello , i 'm sorry you are injured . addenbrookes hospital is located on hills rd . if you need to call the oncology department directly they may be reached at 01223217708. eos O O O O O O O O O O O O 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 . can i have the postcode too please . eos O O O O O O O O O O O O Hospital-Request+Post +bos the postcode is cb20qq eos O O O O O N/A +bos okay , thank you . eos 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-welcome +bos i 'd like some help finding an interesting attraction in the center of town . eos O O O O O O O O O O O O O O O O Attraction-Inform +bos i have 44 places . can you tll me how much entry fee range is to narrow down our 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 Attraction-Request+Price +bos i do n't have a preference . just recommend one and send me it 's 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+Phone,Attraction-Request+Addr +bos try clubbing at kambar . the address is 1 wheeler street and the phone number is 01223842725. do you need anything else ? eos O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type B-Attraction-Recommend+Name O O 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 O O O general-reqmore +bos i also need to see the schedule between bishops stortfod and 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 is this for a train ? if so could you provide me with a day and/or time 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 Train-Request+Leave,Train-Request+Day +bos yes , can you help me find a train please . i will be traveling on monday sometime after 21:45. eos O O O O O O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O N/A +bos we have one train departing bishops stortford at 23:29 and arriving in cambridge at 24:07. would you like me to book that for you ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 O O O O Train-OfferBook +bos yes , please . i also need reference number once it 's booked . eos O O O O O O O O O O O O O O O Train-Request+Ref +bos great , how many tickets do you want ? eos O O O O O O O O O O Train-Request+People +bos are there any moderately priced hotels that have free parking , or do they all charge extra for that ? 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 , there are actually 14 moderately priced hotels with free parking . is there a specific part of town you would like to stay in ? eos O O O O O O B-Hotel-Inform+Choice I-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 O O O O Hotel-Request+Area,Hotel-Inform+Parking +bos i 'm looking for a place on the westside . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos the hobsons house is located in the west in the moderate price range . 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 O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price 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 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 okay great , your reference number is w1yemrmr . is there anything else you need ? eos 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 going to cambridge . eos O O O O O O O O O O B-Train-Inform+Dest O O N/A +bos i 'd be happy to help you narrow down the train schedules . where will you be traveling from , and on what day and 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+Day,Train-Request+Leave,Train-Request+Depart,general-greet +bos i will leaving leicester the same day and i need to leave after 13:30. eos O O O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Leave N/A +bos i have one from leicester to cambridge called tr1492 leaving at 14:09 on sunday . it 's 30.24 pounds . would you like me to book it for you ? eos O O O O B-Train-Inform+Choice B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O B-Train-Inform+Day 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 please . also could you provide me the reference number for that ? eos O O O O O O O O O O O O O O O Hotel-Request+Ref +bos will you be travelling with the same 7 people ? eos O O O O O O O O O O O Train-Request+People +bos we will all be traveling together , therefore yes it will be for all of us . eos O O O O O O O O O O O O O O O O O O N/A +bos you and your passengers are booked on the train . your reference number is qeajk6ur . 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-Train-OfferBooked+Ref 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 for using our service , have a great day . eos O O O O O O O O O O O O O general-welcome,general-bye +bos thanks to you for help me with all these bookings . eos O O O O O O O O O O O O general-thank +bos you 're welcome , come back anytime . your total fee is 241.92 gbp . eos O O O O O O O O O O O O O O O O general-welcome +bos i need a train leaving kings lynn and heading 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 ok , what day are you traveling ? eos O O O O O O O O O Train-Request+Day +bos i need to leave on sunday please . eos O O O O O O B-Train-Inform+Day O O N/A +bos there are many trains that fit your needs on sunday . do you have a departure time in mind ? eos 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 O Train-Request+Leave +bos i want to leave after 16:15. eos O O O O O O B-Train-Inform+Leave N/A +bos the first train leaving after 16:15 is tr7634 which leaves kings lynn at 17:11 and arrives in cambridge by 17:58. will this work for you ? eos O O O O O O 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 B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O N/A +bos what is the total travel time and price ? eos O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos the price is 7.84 pounds and travel time is only 47 minutes . need me to book a ticket ? 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 O O O O O O O Train-OfferBook +bos no thanks . i also need a guesthouse to stay in in the north . it should include free parking and i need it to be in the moderate price range . eos 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 O O O B-Hotel-Inform+Price O O O O O Train-Request+Price +bos i 've found seven that would work . all but one , are rated 4 stars . would you like a recommendation ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O O O O O O O general-reqmore +bos please . i 'll go with your recommendation . i 'll need a room for 8 people , two nights starting sunday . eos O 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 O O O O N/A +bos i booked the acorn guest house for you . reference # : ym7do6ic . can i help you with anything else today ? eos 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 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 system today ! eos O O O O O O O O O general-bye +bos are there any places that offer rooms in the north that also give free wifi , or do you have to go to other parts of town for that ? 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 O O O O O O O N/A +bos which has free wifi ? eos O O O O O O Hotel-Request+Internet +bos the hotel should include free wifi eos O O O O O O O N/A +bos there are twelve options fitting your description , sir . what price range are you 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 Hotel-Request+Price +bos the hotel should have a star of 3 and does n't need to 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 N/A +bos how about hamilton lodge ? it looks lovely . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos perfect . what 's the price range and postcode ? eos O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price +bos it is moderately priced and the postcode is cb41da . eos O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Post O 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 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 need to find the nearest police station . eos O O O O O O O O O O Police-Inform +bos the parkside police station is located at postcode cb11jg , parkside cambridge . 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 may i have the phone number for the police station please ? eos O O O O O O O O O O O O O Police-Request+Phone +bos their 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 N/A +bos no , that will be all . thank you , good bye . eos O O O O O O O O O O O O O O general-bye +bos goodbye . hope you have a great day ! eos 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 on hills rd , cambridge cb20qq phone number 01223245151. is there any department that i can book 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 thank you . i think i got it from here . eos O O O O O O O O O O O O O general-thank +bos alright , have a wonderful day ! eos O O O O O O O O general-bye +bos i was just robbed and am looking for help . can you give me the 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 Police-Request+Phone +bos call 01223358966 for the parkside police station to help you . eos O O O O O O O O O O O O N/A +bos what 's the address , please ? eos O O O O O O O O Police-Request+Addr +bos there is no specific street number , but i 'm sure if you go to parkside , cambridge at postcode cb11jg you 'll be able to locate the 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 O O O O O O O O N/A +bos thank you for your help . that is 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 can you help me find a restaurant in the centre ? eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos the centre has many choices , 69 to be exact . do you have any food type or price range in mind ? eos O O B-Restaurant-Inform+Area 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,Restaurant-Request+Price +bos i am looking for a restaurant that serves modern european food . eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 range please and thank you that will be all eos O O O O O O O O O O O O Hotel-Request+Price +bos i can suggest the riverside brassiere . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos ok sure . i need brassiere eos O O O O O O O N/A +bos can i make the reservation for you ? eos O O O O O O O O O Booking-Inform +bos yes , a table for one on wednesday at 20:00. eos O O O O O 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 : xt4l7kcy . 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 will also need a taxi . eos O O O O O O O O Taxi-Inform +bos what time will you be leaving and what time you will like to arrive ? eos 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 the taxi to arrive to the restaurant in time for my reservation there eos O O O O O O O O O O O O O O O O N/A +bos where will you be leaving from ? eos O O O O O O O O Taxi-Request+Depart +bos sorry i need to book a hotel first . do you have a 3 star with free parking in the same area ? eos 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 O O O O N/A +bos the gonville hotel is available in that area . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos do they have wifi ? eos O O O O O O Hotel-Request+Internet +bos yes they have wifi eos O O O O O Hotel-Inform+Internet +bos okay can you tell me the address and price range of the gonville hotel ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O Hotel-Request+Price,Hotel-Request+Addr +bos it is an expensive hotel and the address is gonville place . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos thanks . now i can book my taxi from the hotel to the restaurant . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos would you like me to reserve the hotel ? eos O O O O O O O O O O Booking-Inform +bos no reservation , just a taxi from the hotel to the restaurant arriving by 20:00 eos O O O O O O O O B-Hotel-Inform+Type O O O O O B-Taxi-Inform+Arrive O N/A +bos all set for your taxi yellow audi contact number 07456600776. any thing else i can do ? 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 general-reqmore +bos thank you that will be all i need eos 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 i 'm looking for a restaurant in the south , i 'd like to have indian food . 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 O N/A +bos taj tandoori is indian food located in the south . want to book it ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O Booking-Inform +bos yes please for two people . eos O O O O O O O N/A +bos what day and time would you like that table ? eos O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos actually , i do n't need to book it . can i get the address , postcode and phone number instead ? and to make sure , this is a very expensive 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 B-Restaurant-Inform+Price O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos 64 cherry hinton road cherry hinton 01223412299 cb17aa there you go . eos 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 N/A +bos need a place to go that is a theater near the restaurant . eos O O O O O O O O O O O O O O Restaurant-Inform +bos the junction theatre is also in the south . would you like the address and phone number ? 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 O O O O general-reqmore +bos actually , can i get their postcode and their entrance fee please ? eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos i 'm not sure about the entrance fee but the postcode is cb17gx eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Post O N/A +bos thank you ! can you please book me a taxi from the theatre to the restaurant , leaving the theatre at 16: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 your taxi was successfully booked . a black volvo car will pick you up at 1630 from the junction theatre and take you to the taj tandoori restaurant . 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+Leave O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos i 'm heading out of cambridge on sunday . please find me a train eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O N/A +bos ok. and where is your destination ? eos O O O O O O O O Train-Request+Dest +bos i would like to go to london liverpool street and arrive at 17:45 on sunday . 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 O O N/A +bos train tr0189 arrives at london liverpool street at 17:27. would you like to reserve a ticket ? 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 Train-OfferBook +bos no thanks . eos O O O O general-thank +bos okay , anything else i can help you with ? eos O O O O O O O O O O O general-reqmore +bos yes , i really want to visit a mutliple sports attraction , preferably in the centre area , 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 N/A +bos i 'm sorry i don ; t have any sports attractions listed can i interest you in another attraction ? 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 O Attraction-Request+Type +bos can you try a museum ? eos O O O O O B-Attraction-Inform+Type O N/A +bos castle galleries is a great museum located in the centre of town at unit su43 , grande arcade , saint andrews 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+Type 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 I-Attraction-Inform+Addr 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 ok great . have a great day . eos O O O O O O O O O general-bye +bos i would like to find a museum in the west . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos there 7 great museums in that area is there a type of museum you 'd like to visit ? 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+Type +bos no , not really . which one is your favorite ? eos O O O O O O O O O O O O N/A +bos cafe jello gallery is amazing . admission is free . the phone number is 01223312112. it is located at 13 magdalene street . is there anything else i can help you with ? eos O B-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+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 O O general-reqmore +bos thanks , there is , could i fine a place to eat with a moderate price range in the same area ? 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 O O N/A +bos there are three choices , a british , italian and indian , place , any preference among those ? eos O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Food +bos i really like italian food . what are the options ? eos O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos i have prezzo that is a moderately priced italian restaurant in the west . they are located at 21-24 northhampton road . did you need a reservation ? eos O O O B-Restaurant-Inform+Name O 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O Booking-Inform +bos yes on tuesday at 13:45. there will be 2 of us . eos 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 okay . your booking was successful . the reference number is 8z0bbwce . 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 i need to book a taxi from the museum to the restaurant . eos O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos okay great . i completed your booking . the car type will be a red volkswagen and the contact number is 07076762321 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 i need to make sure i get there by the booking time of 13:45. can you double check ? 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 . i have double checked , and everything looks good . do 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-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 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 guesthouse that includes free parking ? eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos definitely ! do you have a particular price range or area in mind ? eos 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 need something cheap , but i am hoping for at least 4 stars . is that possible ? eos 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 we have a guest house that fits your description in the east , the west , and the center . do you have a preference for location ? eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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-Select +bos how about the guesthouse in the west ? do you know if they offer internet ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Internet +bos yes and free parking as well . eos O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos thank you , i also need to know if theres a train that leaves from cambridge after 14:15. eos O O 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 okay ! where are you going ? eos O O O O O O O O Train-Request+Dest,general-greet +bos i will be going to ely . eos O O O O O O B-Train-Inform+Dest O N/A +bos what day are you leaving ? eos O O O O O O O Train-Request+Day +bos i 'm sorry , the train i 'm looking for should depart friday and go to london kings cross , not ely . eos 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 O O O O O O N/A +bos the tr2420 leaves at 15:00 and that 's the earliest one i can get for you . eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O N/A +bos i need 5 tickets for that one . eos O O O O B-Train-Inform+People O O O O N/A +bos booking was successful , the total fee is 118 gbp payable at the station . reference number is : 71zivn5s . is there anything else i can help 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 B-Train-OfferBooked+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 is there a taxi i may book ? or would you like more info on anything ? eos O O O O O O O O O O O O O O O O O O general-reqmore +bos no i think that is it thanks so much for all of your help today you have been great 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 nice day . eos 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 on monday . eos O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O N/A +bos do you have a specific time you would like to leave that day ? eos O O O O O O O O O O O O O O O Train-Request+Leave +bos i would like to arribe by 11:00 if possible . eos O O O O O O O B-Train-Inform+Arrive O O O N/A +bos tr2987 arrives 09:52. would you like me to book it ? eos O B-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos please , i 'll need 5 tickets . eos O O O O O B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 22 gbp payable at the station . reference number is : djsps9uk . is there anything more i can help 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos yes i need places to go in the east . eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there is so much to do in the east ! do you have an attraction type in mind ? eos 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 Attraction-Request+Type +bos not really - what do you recommend ? eos O O O O O O O O O N/A +bos i would say architecture or colleges in cambridge would be a good bet . eos O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O O O N/A +bos that would be good . can you make a recommendation ? eos O O O O O O O O O O O O N/A +bos cherry hinton hall and grounds is an entertainment attraction in 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 B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O N/A +bos ok. i 'll give that a try . how much does it cost to get in ? eos O O O O O O O O O O O O O O O O O O N/A +bos the cost is not listed but here is their phone number so you can call them with any questions , 01223446104. 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 O B-Attraction-Inform+Phone 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 its postcode is cb58sx . eos O O O O B-Attraction-Inform+Post O N/A +bos thank you so much ! that covers everything i needed . 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 thanks again . having this info is a really helping me out . eos O O O O O O O O O O O O O O general-thank +bos i am always glad to be of service ! enjoy your visit . eos O O O O O O O O O O O O O O general-bye +bos can you please help me find guesthouses that offer free parking in cambridge ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos sure , i have 21 options for you eos O O O O O B-Hotel-Inform+Choice O O O N/A +bos i need it to include free wifi please . eos O O O O O O O O O O N/A +bos there are still 21 options . what price range would you like ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Price +bos no matter . could you make a recommendation ? i will need a room for 1 , for 5 nights starting sunday . 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 O N/A +bos i would suggest hobsons house in the west . your booking was successful . reference number is : x5gmntu5 . anything else i can help with ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area 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 an expensive chinese restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos do you have a location preference ? perhaps in the west where you would be staying ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos no , but i need the address . eos O O O O O O O O O Restaurant-Request+Addr +bos hakka is located in the north on milton road chesterton . eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +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 O Taxi-Inform +bos is there a time you would like 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 leave the hotel by 19:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos you all set , look for a light blue ford pinto . kidding , your cab will be a black skoda , they can be reached at 07738544250 , 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-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 thanks , have a good day . 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 no am ok , thanks eos O O O O O O general-thank +bos welcome all the time eos O O O O O general-welcome +bos thank you , that was all i needed . eos O O O O O O O O O O general-thank +bos have a good day eos O O O O O general-bye +bos thank you . you 've been a big help . good-bye . eos 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-bye +bos help me find a moderate priced british food place please . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O N/A +bos restaurant one seven is a nice place . do you want to book ? 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 Booking-Inform +bos not at this time . could i just get the 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 01223337766. do you need assistance with anything else ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos is that restaurant in the centre ? eos O O O O O O B-Restaurant-Inform+Area O N/A +bos yes , restaurant one seven is located in the centre . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O N/A +bos perfect , could you just tell me their phone number ? eos O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223337766 eos O O O O O B-Restaurant-Inform+Phone N/A +bos i also need a train from ely to cambridge on tuesday to arrive by 12: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 O B-Train-Inform+Arrive N/A +bos tr3412 leaves at 11:35 and arrives at 11:52. will this one 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 book it for 8 people eos O O O O O O O O N/A +bos i will work on booking this and be right back with you . eos O O O O O O O O O O O O O O Train-OfferBook +bos i need it for 8 , as i said . do you have the reference number ? 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 your reference number is t790ds3o and the total fee is 35.2 gbp , which is payable at the station . eos 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 N/A +bos actually , i need to change my reservation . i need the train to arrive by 11:30 instead . eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos we will have to start over now . eos O O O O O O O O O general-reqmore +bos yes , sorry . tuesday , leaving ely and getting to cambridge by 11:30. eos O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos your updated train is now tr4669 . your new reference number is 2t4nngg9 . the total fee remains the same . the train departs at 09:35 and arrives at 09:52. anything else ? eos 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 B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive 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 you are welcome any time eos O O O O O O general-welcome +bos okay , well i suppose this is goodbye then . eos 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 general-bye +bos i am looking for a train leaving on tuesday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos sure , what stations are you traveling between ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i 'm leaving from leicester and should arrive in cambridge by 13:45. 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 there are 7 trains that match your request . the first train leaves at 5:09. do you want me to book that train or do you want information for other trains ? 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 O O O Train-OfferBook +bos 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 ? eos O O O O O O O O O O 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 certainly . the travel time is 105 minutes and the price is 37.80 pounds . is there anything else i can assist with ? 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 general-reqmore +bos i would like to visit a college in the city center . eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i 'd recommend christ 's college . would you like some information on it ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O N/A +bos yes . the entrance fee and the phone number please . eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos there 's no charge for entry and their phone number is 01223334900. is there anything else i can help you with today ? 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 B-Attraction-Inform+Phone O 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 O general-bye +bos you are most welcome ! eos O O O O O O general-welcome +bos are there any trains leaving out of cambridge on sunday ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos yes . where would you be going to ? eos O O O O O O O O O O Train-Request+Dest +bos stevenage . i need to arrive by 18:45 eos O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O N/A +bos tr7729 will arrive at 18:10. would you like to book ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes please , i need tickets for three please . eos O O O O O O O O O O O N/A +bos your booking was successful . the total fee is 30.72 gbp payable at the station . your reference number is 4r9dobkh . 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 yes i need information on whipple museum of the history of science . 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 I-Attraction-Inform+Name O N/A +bos the whipple museum of the history of science is in the centre . admission is free , and the phone number is 01223330906. can i provide you with any other information ? 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 I-Attraction-Inform+Name O B-Attraction-Inform+Area O O B-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 tell me the address as well ? eos O O O O O O O O O O Attraction-Request+Addr +bos the address is free school lane and phone is 01223330906 eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone N/A +bos i am planning a trip in cambridge eos O O O O O O O O N/A +bos what can i help you with ? eos O O O O O O O O general-reqmore +bos i need to reserve a table at shiraz , can you help me ? eos O O O O O O O O O O O O O O O N/A +bos i sure can . shiraz is an expensive mediterranean place in the centre of town . what day would you like your reservation ? eos O O 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 O O O O O O O O O Booking-Request+Day,general-greet +bos i need the reservation for saturday . eos O O O O O O O O N/A +bos ok , i am getting the info up now , how many people will this be for 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 Booking-Request+Time,Booking-Request+People +bos there will be 5 of us and 19:45 would be great . eos O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O O O O N/A +bos i have made your reservation . your reference number is t9vu6cop . eos 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 . eos O O O O O O O O O Train-Inform +bos great ! where are you going , and when would you like to arrive ? eos O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive,general-greet +bos we are departing from birmingham new 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 N/A +bos great , 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+Day,Train-Request+Leave +bos i want to travel on saturday and arrive by 13:15 please eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos okay , i see 7 trains here matching your needs . would you like me to reserve tickets ? eos O 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 yes choose the arrival time closest to 13:15 and book that train for 5 people . then give me the reference number eos 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 O O O N/A +bos okay , you are booked and reference number is qsa8vdxw eos O O O O O O O O O B-Train-OfferBooked+Ref 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 O general-reqmore +bos no , that will be all . thanks . eos O O O O O O O O O O general-thank +bos your welcome enjoy your trip eos O O O O O O general-welcome,general-bye +bos it would be great if you can help me find a train going to cambridge . eos O O O O O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos i could help you with that . could you please provide me with where you will be departing from , and what day and 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+Depart,Train-Request+Leave,Train-Request+Day +bos i will be departing from leicester on saturday , preferably after 17:45 eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A +bos tr2515 leaves leicester at 18:09 on saturday and arrives in cambridge by 19:54. does this work for you ? eos 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 O B-Train-Inform+Arrive O O O O O O Train-Select +bos that would work , can you give me the price and 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 it is 30.24 pounds and takes 105 minutes . is there anything else you need ? 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 general-reqmore +bos i am also looking for some information on the whipple museum of the history of science . 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 I-Attraction-Inform+Name O N/A +bos okay whipple museum of the history of science is located in the centre and is free admission . 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos could i have the phone number ? eos O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223330906. will that be all ? eos O O O O O B-Attraction-Inform+Phone O O O O O general-reqmore +bos yes , 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 have a nice day . eos O O O O O O general-bye +bos i am looking for a restaurant in the moderate price range that is also in the south part of town . eos 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 O N/A +bos you have your choice of italian or modern european , do either of those sound good ? eos 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 Restaurant-Request+Food +bos italian sounds good . may i please have the phone number of a restaurant that you recommend ? eos 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 pizza hut cherry hinton sounds perfect for you . they 're located at g4 cambridge leisure park clifton way . is there anything else i can for you ? 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 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 could 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 how 's you budge ? could you like a cheap , expensive or moderate place ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos price is n't important . i need free parking and wifi . it also should be a 3 star hotel . can you find one in the same area as pizza hut ? 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 O O O O N/A +bos the only 3-star accommodations in the center is the gonville hotel . it 's expensive , but a great place to stay . would you like to book a room ? eos O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area 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 O O O O O O O Booking-Inform +bos yes i would like to book a room . eos O O O O O O O O O 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 actually the wife just told me she already booked . i just need info on a taxi from the restaurant to the hotel . need to leave by 02: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 O O N/A +bos booking completed ! booked car type : grey toyotacontact number : 07404040949 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 all your help . eos O O O O O O O O general-thank +bos your welcome and enjoy your stay in cambridge ! eos O O O O O O O O O O general-welcome +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos i can help with that ! what do you want to know ? eos O O O O O O O O O O O O O O general-reqmore +bos i would like to find a place to go in the south part 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 are you interested in a particular type of attraction ? maybe a museum ? eos O O O O O O O O O O O O O B-Attraction-Select+Type O Attraction-Request+Type +bos sure a museum sounds great . eos O O O B-Attraction-Inform+Type O O O N/A +bos the byard art museum is located at 14 king 's parade and is free to get in . 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 O B-Attraction-Inform+Fee O O O O O N/A +bos great i also need a train leaving birmingham new street on sunday 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 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 will need to leave by 17:00 please . eos O O O O O O O B-Train-Inform+Leave O O N/A +bos i am sorry the earliest departure time is 17:40 eos O O O O O O O O O B-Train-Inform+Leave N/A +bos i 'm sorry , i forgot that as long as i leave after 17:15 all will be fine . i need to get 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 N/A +bos would you like me to book your tickets ? eos O O O O O O O O O O Train-OfferBook +bos can i just have the price , train id , and arrival time , please . eos O O 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 for 60.08 pounds you can leave birmingham new street at 17:40 and arrive in cambridge by 20:23 on train tr5797 . would you like to book this train ? eos O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 B-Train-Inform+Id O O O O O O O O O Train-OfferBook +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 ! eos O O O O O O general-welcome +bos could you just get me that phone number for byard art museum ? i forgot to ask you earlier . 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 Attraction-Request+Phone +bos it is okay . the phone number is 01223464646 eos O O O O O O O O B-Attraction-Inform+Phone O N/A +bos thanky 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 great trip . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos can i request a taxi from my hotel to the city center chinese 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 what is the name of the hotel you are staying at ? eos O O O O O O O O O O O O O Hotel-Request+Name +bos erm , nevermind , i need a nightclub 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 O N/A +bos there are five nightclubs in the centre of town : ballare , club salsa , kambar , soul tree nightclub , and the fez club . do you want to know more about any of them ? 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 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 O O O O O O O O O O O O O O O O general-reqmore +bos yes , please . i need the address and postcode of the one you recommend . 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 club salsa is definately the place to be . it is located at 1 station road , postcode : cb12jb . is there anything else i can help with ? 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+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O O O O O O O O O O general-reqmore +bos yes , i would also like to book a table at maharajah tandoori restaurant . 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 my pleasure , when would you like to dine at the maharajah tandoori restaurant ? eos 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 Booking-Request+Time,Booking-Request+Day +bos i would love a reservation for sunday for 2 people at 18:00. 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 booking was successful . the table will be reserved for 15 minutes.reference number is : a5ykass8 . 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 , 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 please i need a place to stay in cambridge and i have the express by holiday inn cambridge in mind . can you help book that for me ? 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 O O O O O O O O O N/A +bos i can help with that . when would you like to stay ? eos O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos i am not sure . would you happen to be able to tell me the 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 that hotel is considered to be on the more expensive side . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price N/A +bos i also need a restaurant in the center of town that serves chinese food eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food N/A +bos what price range were you considering ? there are 10 chinese restaurants in that area . eos O O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O Restaurant-Request+Price +bos price does n't matter to me . do you have any recommendations ? eos O O O O O O O O O O O O O O Hotel-Request+Price +bos i do ! i 'd recommend the ugly duckling . would you like to 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 book a table for 4 people at 12:15 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 all srt , the reference number is gcsu8uzp can i assist with anything else ? eos O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref 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 i need a few more specifics before i can book that taxi for you . eos 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,Taxi-Request+Leave +bos i want a taxi between the hotel and ugly duckling in time for my booking . eos O O O O O O O O O O O O O O O O O N/A +bos we have booked white bmw and the contact is 07951264256 eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone N/A +bos that is all i will 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 'm looking for a 4-star place to stay , it does n't need to include internet . eos 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 sure , do you have any other preferences i can add to my search ? eos O O O O O O O O O O O O O O O O general-reqmore +bos yes expensive price range and free parking eos O O B-Hotel-Inform+Parking O O O O O N/A +bos may i suggest university arms hotel ? it has free parking and internet . would you like a reservation ? 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos great . that will work . eos O O O O O O O N/A +bos ok , the university arms hotel is on regent street . do you want me to place a booking for you ? eos 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 O Booking-Inform +bos no . get me the address , area and post code . eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Post,Hotel-Request+Addr +bos sorry about that , the university arms hotel is in the centre area and is located on regent street , cb21ad . eos O O O 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 O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O N/A +bos thanks . i am also looking for a place to eat in that same area , same 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 Hotel-Request+Area +bos my favorite expensive place in the center is the cambridge chop house . they serve british food , and it 's fantastic . eos O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos i was thinking about thai food eos O O O O O B-Restaurant-Inform+Food O N/A +bos the only thai restaurant available is bangkok city . would you like to book a table ? eos O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O Booking-Inform +bos yes for 7 at 17:45 wednesday and the ref # too please eos O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O O O Restaurant-Request+Ref +bos okay . i have booked you there and your reference number is eltjlsvr . eos O O O O O O O O O O O O B-Booking-Book+Ref O O general-greet +bos thank you . that is all i need . 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 i need a place to stay eos O O O O O O O N/A +bos let 's find you a great place in the city . do you have a preference on what area 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 Hotel-Request+Area +bos i do n't . i will need a guesthouse with at least 4 star . it should also have free wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A +bos there are 18 entries that match your request . to help narrow results down , do you have a pricerange ? 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 no , just choose one please . i 'll need to book it for saturday , 3 nights , and 6 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 O N/A +bos i have booked you at the acorn guesthouse . reference number vtgt4pfz . can i be of any further help ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos thank you . the next thing i need is a train from cambridge to stevenage . eos 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 what day will you be traveling ? eos O O O O O O O O Train-Request+Day +bos i will be traveling on and need to leave after 18:45. eos O O O O O O O O O O O B-Train-Inform+Leave N/A +bos okay , can you please tell me the day ? eos O O O O O O O O O O O Train-Request+Day +bos sunday please ? eos O B-Train-Inform+Day O O N/A +bos train tr8726 meets your criteria . would you like me to book it for you ? 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 , please . there are six of us who need on it . eos O O O O O O O O O O O O O O O N/A +bos you are booked as requested , the total fee is 61.44 gbp payable at the station , your reference number is : 44fv40zc . anything else today ? 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 that is all . thank you eos O O O O O O O general-thank +bos thank you for contacting us , enjoy your trip ! eos O O O O O O O O O O O general-bye +bos hello , can you give me some information on a train ? eos O O O O O O O O O O O O O Train-Inform +bos i absolutely can . where are you looking to go ? eos O O O O O O O O O O O O Train-Request+Dest +bos i plan to go to cambridge and will be departing from norwich on saturday and plan to ride a train that should arrive cambridge by 16:00. eos O O O O O O B-Train-Inform+Dest 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 B-Train-Inform+Arrive N/A +bos okay , there are several departure times that fit what you 're looking for . the earliest is 5:16. 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 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 O Train-OfferBook +bos can you give me the travel time , departure time and train id for the one arriving closest to 16:00 please ? 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 Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave +bos train id is tr2602 , travel time is 79 minutes and the price is 14.08 pounds . is there anything else you need ? eos O O O O B-Train-Inform+Id 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 yes , i need a 4 star hotel in the expensive price range . eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O N/A +bos we have huntingdon marriott hotel in the west and university arms hotel in the centre , any preference ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O N/A +bos it needs to have free parking . eos O O O O O O O O N/A +bos they both have free parking . i 'd recommend the university arms hotel in the centre . can i book this for you ? eos O O O O 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 Booking-Inform,Hotel-Inform+Parking +bos can you help me find a place to stay that is expensive and 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 N/A +bos absolutely , what area were you wanting to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos area does n't really matter , but i would like a 3-star place with internet . eos 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 two hotels that meet your preferences . i suggest the gonville hotel as it 's in the city centre . eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O N/A +bos could you give me the address , please ? eos O O O O O O O O O O Hotel-Request+Addr +bos they are located at gonville place . would you like to book a room there ? eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O O O Booking-Inform +bos nah , not right now . i do need info on a train though . what 's the schedule like on sunday trains leaving cambridge ? 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 B-Train-Inform+Depart O O O O O N/A +bos i 'll be happy to 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 O Train-Request+Dest +bos how about a train that will arrive by 12:15 heading to london liverpool street ? eos 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 train tr0995 arrives by 11:27. would you like me to book you a ticket ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos yes , that sounds perfect . can you make me a booking for 1 person please ? 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 booking was successful , the total fee is 13.28 gbp payable at the station .reference number is : 39jev1t5 . 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 excellent , 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 thank you for your help . eos O O O O O O O general-thank +bos you are welcome . let us know if you need anymore assistance . eos 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 after 14:00 and would like to the rice house . 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 O N/A +bos certainly we can arrange that - where should they pick you up ? eos O O O O O O O O O O O O O O Taxi-Request+Depart +bos i will be at cityroomz . eos O O O O O B-Taxi-Inform+Depart O N/A +bos i 've booked you a grey audi , the contact number is 07702787736. 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 thank you that is all i need eos O O O O O O O O general-thank +bos if that is all , you 're welcome . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos hello , i am trying to find a place to stay that has free wifi and 3 stars . do you have anything like 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 O O O O O O N/A +bos i have 5 results that match your criteria , do you have a certain area of town you 'd like to stay in or a 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 O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos are any of them a hotel ? i do n't want 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 there are two hotels . one in the centre and one in the south . any preference ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O O O N/A +bos no preference , i need it for 2 nights starting from monday for 3 people , and i need a reference number please . 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 Hotel-Request+Ref +bos ok , you are booked into the gonville hotel , located in the center of town on gonville place . the reference number is g6fao56j . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+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 O O O O B-Booking-Book+Ref O O O O N/A +bos that is great , i 'm so excited . thanks for you help . bye . eos O O O O O O O O O O O O O O O O O general-bye +bos thank you for contacting the help desk , and 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 museum to visit . eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos i have 23 to choose from . do you have a preference on location to help narrow the search ? 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 Attraction-Request+Area +bos 23 ? i had no idea ! i was looking for postcodes , areas and addresses . 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,Attraction-Request+Addr +bos well , museum of archaelogy and anthropology is located at university of cambridge , downing street , cb23dz , centre . would you like another musuem ? 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 O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Area O O O O O O O O O O O N/A +bos no , that sounds great ! i also need to travel by train from cambridge to peterborough . 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 N/A +bos to clarify , you need to leave cambridge by train to peterborough ? i can help you with that . what day and time ? eos 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 O O O O O O Train-Request+Depart,Train-Request+Dest,Train-Request+Leave,Train-Request+Day +bos i need to leave on friday sometime after 18:00. eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos i have a few options , the earliest leaves at cambridge at 18:06 and arrives in peterborough at 18:56. tickets are available , would you like to book ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 O Train-OfferBook +bos no , that 's ok. i just wanted to know the arrival time . thanks . eos O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos thank you and enjoy your stay ! eos O O O O O O O O general-welcome,general-bye +bos can you tell me if warkworth house hotel has wifi . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos yes i can confirm that warkworth house has internet , can i help with anything else ? eos 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-Inform+Internet,general-reqmore +bos do they have free parking , and what is their phone number ? eos O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Parking +bos yes , and their phone number is 01223363682. is there anything else i can help you with ? eos O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O Hotel-Inform+Parking,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 sure . glad to help . eos O O O O O O O general-bye +bos i am looking for a place to stay . the hotel should be in the expensive price range and should have a star of 4. 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 B-Hotel-Inform+Stars O N/A +bos how about huntingdon marriott hotel ? i hear it 's lovely . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O N/A +bos is that a guesthouse ? eos O O O O B-Hotel-Inform+Type O N/A +bos no it is a hotel , would you like a reservation ? eos O O O O O B-Hotel-Inform+Type O O O O O O O Booking-Inform +bos no , i really need a guesthouse . how about if we search for a cheap one instead ? eos 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 O N/A +bos nothing is available , should i try a search for less than 4 stars ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Stars +bos look for a cheap one . eos O O O O O O O N/A +bos there are 7 in that price range is there an area you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area +bos no can you recommend one and book for wednesday ? eos O O O O O O O O O B-Hotel-Inform+Day O N/A +bos i 've booked rosa 's bed and breakfast for 1 night , it 's cheap located at 53 roseford road , 4 stars with internet and parking . reference number hjp6p9ik . will you need anything else today ? 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+Day O B-Hotel-Inform+Price O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Stars 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-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos yes please , i need the address and phone number for sidney sussex college please . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O Attraction-Request+Phone,Attraction-Request+Addr +bos yes their address is saint johns street and their telephone number is 01223338800. 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+Phone N/A +bos that is all i need to know . thank you so much . eos 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 as mentioned before i am all set , have a great day and goodbye . eos O O O O 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 O general-bye +bos i 'm looking for somewhere to stay with free parking and free wifi . eos O O O O O O O O O O O O O O O N/A +bos there are 29 places that meet your needs . do you have additional preferences such as lodging type , 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 Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Type +bos something cheap would be more within my budget . what do you have available ? eos O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A +bos there are 9 guesthouses and 1 hotel that fall in that price range . is there a particular part of town that you 'd like to stay in ? 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 Hotel-Request+Area +bos i do n't care about the area . just pick one for monday . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A +bos how long do you intend to stay ? eos O O O O O O O O O Booking-Request+Stay +bos we will be staying for five nights . eos O O O O O O O O O N/A +bos is it just you staying ? eos O O O O O O O Booking-Request+People +bos no , it will be me and a friend . we will be staying for 5 nights and arriving on 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 O O N/A +bos sorry i tried alexander bed and breakfast but it seems that they have all booked out at for these days . do you want to change to 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 O O O O Booking-NoBook,Booking-Request+Day +bos well , can you maybe try it for 3 nights ? eos O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos okay it went through . so you will be staying at the alexander bed and breakfast and your reference is yflkm9uu . 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 B-Booking-Book+Ref O O O O O O O O O O O N/A +bos no that 's all i need . thank you so much and bye ! eos O O O O O O O O O O O O O O O general-bye +bos have a beautiful day ! eos O O O O O O general-greet +bos i need a hotel in the south of the city , it is ok if the hotel does n't has free parking . eos 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 N/A +bos i have one hotel that meets your needs . it 's the lensfield hotel that offers free wifi and parking . they have a 3 star rating . would you like more info on it ? 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 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-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos what is the price of the lensfield ? eos O O O O O O O O O N/A +bos the lensfield hotel is expensive . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price O N/A +bos is there a moderate place in the in the south that has free parking ? eos 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 no , no hotels meet your criteria . eos O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O N/A +bos are there any moderately priced hotels that do n't have free parking , but have wifi ? eos O O O O B-Hotel-Inform+Price O O O O O O O O O O O O O N/A +bos we have 2 locations that are in the south , moderately priced , and have free wifi . they are both guesthouses , would one of those meet your needs ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area B-Hotel-Inform+Price I-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 Hotel-Inform+Internet +bos yes , can you give me the address of your favorite one ? eos O O O O O O O O O O O O O O Hotel-Request+Addr +bos the address to aylesbray lodge guest house is 5 mowbray road ! is there anything else i can help you with ? 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 general-thank +bos have a great day ! eos O O O O O O general-bye +bos i sure hope so . i 'd like to find a place to stay , with four stars , in the north . 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 N/A +bos i have about 8 options for you . they are all guesthouses . 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 B-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Price +bos price is not of any concern , just so it 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 O N/A +bos what dates would you like to stay ? eos O O O O O O O O O Booking-Request+Day +bos oh , i think i forgot to mention that it needs to be a 4 star guesthouse . i want to book saturday for 7 people 2 nights . 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 B-Hotel-Inform+Stay O O O N/A +bos all the 8 hotels are 4 star hotels . i recommend the avalon or the archway house . should i book one of those for you and 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 O O O N/A +bos yes , please book a reservation . eos O O O O O O O O N/A +bos i have successfully booked you for avalon . reference number is ri8wlx7e . do you need anything else ? eos O O O O O O O B-Booking-Book+Name O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos can i find a place to eat in the centre which is expensive ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O N/A +bos sure , i have 33 options for you eos O O O O O B-Restaurant-Inform+Choice O O O N/A +bos are there any mediterranean restaurants ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos yes , la mimosa , and shiraz restaurant . would you like to dine at one of those places ? eos 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 O O Booking-Inform +bos i think i 'd like to visit shiraz restaurant . would you be able to book a table for 2 at 12:00 wednesday ? 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 B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O N/A +bos you are all set , your reference number is vedx7tar , 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 yes , i am looking for a nightclub in the same area as the restaurant . eos 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 five nightclubs in the same area . your choices are ballare , club salsa , kambar , soul tree nightclub , and the fez club . is there anything else i can help with ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-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+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 general-reqmore +bos i would love club salsa , thanks ! can i please have the address 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 O O Attraction-Request+Fee,Attraction-Request+Addr +bos sure , the address is 1 station road post code cb12jb . and there is an entrance fee of 5 pounds . would you like a reservation ? 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 O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O Booking-Inform +bos yes please , make one for me . eos O O O O O O O O O N/A +bos my apologies , but club salsa does not accept reservations . 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 Booking-NoBook,general-reqmore +bos that is everything i need . eos O O O O O O O N/A +bos have a wonderful time . eos O O O O O O general-bye +bos i 've heard that the only trains out of cambridge leave before 8:00. that 's not really true , is it ? 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 O O N/A +bos no , it certainly is n't . eos O O O O O O O O Train-NoOffer,general-greet +bos is there a train that departs from cambridge after 08:00 on wednesday that goes to birmingham new street ? eos O O O O O O O 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 I-Train-Inform+Dest O N/A +bos there is . there is actually an 08:01 but that might be too close . how about a 09:01 ? 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 N/A +bos the 08:01 is fine actually . can you book it for 6 people ? eos O O O O O O O O O O O O B-Train-Inform+People O O N/A +bos sure thing , the reference number is d6ujrbdf eos O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you . i also need information about finches 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 O N/A +bos finches bed and breakfastis a guesthousein the west area.it is cheap and in the 4 star range.their number is 01223276653 and cb30nd . it is located in 144 thornton road . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Phone O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos i need a train that leaves on monday from cambridge eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart N/A +bos ok and what is your destination ? eos O O O O O O O O Train-Request+Dest +bos norwich . i 'd like to leave after 17:30 eos O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O N/A +bos okay , the tr6675 leaves at 17:36 and arrives by 18:55. would you like me to book tickets ? 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 Train-OfferBook +bos yes please book that for 5 people . eos O O O O O O O B-Train-Inform+People O N/A +bos your train tickets are booked , please retain reference number : yvhr5szj and the fee for the tickets is 88gbp , which you will be required to pay at the station . anything else today ? 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 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 need a restaurant that serves catalan food and it should be in the west . eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O N/A +bos unfortunately , i 'm not finding any catalan restaurants in the west . would you like me to look in other areas ? 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 O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos is there another high-end restaurant in the west area that you can recommend ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos are you looking for expensive food ? eos O O O O O O O O Restaurant-Request+Price +bos yes , please . eos O O O O O N/A +bos cocum is an expensive restaurant on the west part of town serving indian food . would you like more information or reserve a table ? 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O Booking-Inform +bos i do n't really like indian food . are there any expensive british restaurants in the west ? eos 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 , i have 2. the graffiti and traveller 's rest . do you know which you would prefer ? eos O O O O O O B-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 Restaurant-Select +bos i do n't really have a preference . which one would you recommend ? eos O O O O O O O O O O O O O O O N/A +bos i would recommend the travellers rest . 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 Booking-Inform +bos yes , i would like a table . eos O O O O O O O O O N/A +bos what day and time will you want a table ? eos O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos the same group of people at 11:45 on the same day and i need the reference number eos O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O O O O O O O N/A +bos your table is booked , ref # qmai5kuq . can i help you with anything else 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 's all thanks eos 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 hello i 'm looking for a cheap hotel that includes wifi . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O N/A +bos i actually have just one located in the west that is cheap . it is the cambridge belfry . they are 4-star rated and offer free parking and wifi . can i book you ? eos O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos 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 . eos O O O O O O O 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 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 hold on , let me go ahead and book the hotel for 7 people starting on tuesday for 5 nights . please send me the reference number once reservation is made . eos 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 O O O O O O O O O O Hotel-Request+Ref +bos i have reserved the cambridge belfry for 7 people for 5 nights beginning tuesday . your reference number is g29zsc5d . can i help with anything else ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People 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 O O O general-reqmore +bos i would also like to see if i could catch a train from leicester to cambridge . 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 N/A +bos i show 133 possible trains . what day were you looking for ? eos O O O O B-Train-Inform+Choice O O O O O O O O O N/A +bos i want to arrive tuesday by 19:00 , is that possible . eos O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O N/A +bos train tr5297 looks like a good fit . would you like me to book it for you ? eos O O B-Train-Inform+Id O O O O O O O O O O O O O O O O Train-OfferBook +bos no thank you . could you give me it 's departure time ? eos O O O O O O O O O O O O O O Train-Request+Leave +bos 05:09 is its departure time . could i help you with anything else ? eos O B-Train-Inform+Leave O O 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 just in case you want to arrive closer to 19:00 , tr3370 leaves leicester at 17:09 and arrives in cambridge by 18:54. please let me know if you need anything else . eos O O O O O 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 O O general-reqmore +bos i sure will , thanks again ! eos O O O O O O O O general-thank +bos no problem . have a great day ! eos O O O O O O O O O general-bye +bos i am looking for an expensive hotel with free parking . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O N/A +bos we have 5 places that offer all of that . any preference on star rating 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 Hotel-Request+Stars,Hotel-Request+Area +bos no , that 's not important to me . but , i would prefer to stay in a guesthouse with 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 N/A +bos sorry , there are no guesthouse type expensive places with free parking . perhaps you 'd prefer a different type or price range ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type 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+Type +bos cheap would be fine as well . eos O B-Hotel-Inform+Price O O O O O O N/A +bos sure , the allenbell is a 4 star guesthouse . does that sound good ? eos O 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 O O N/A +bos yes . can you make a reservation for 4 nights starting wednesday ? there are 5 people in my party . 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 O O O N/A +bos i 've made your reservation . the reference number is e8npwa4b . 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 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 you 're welcome , enjoy your stay ! eos O O O O O O O O O general-bye +bos can you find me a guesthouse with free parking ? eos O O O O O O B-Hotel-Inform+Type O O O O N/A +bos i certainly can look for that for you . it looks like i have several . do you prefer a certain price range ? eos O O 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 Hotel-Request+Price +bos no , but i 'm looking for something with at least two stars . eos O O O O O O O O O O O O O O O N/A +bos sorry , we do n't have anything that matches the options that you 've selected . would you like to search for a different 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 Hotel-NoOffer,general-reqmore +bos do you have a hotel that is four stars then ? eos O O O O O O O O O O O O N/A +bos we have several ! do you wish to stay in a certain part 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 the location does n't matter , but i would prefer a guesthouse if possible . eos O O O O O O O O O O O O O O O O N/A +bos i would recommend the acorn guest house then . it has 4 stars , free wifi , free parking and is moderately priced . would you like to book a room ? 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 B-Hotel-Recommend+Stars O O O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos yes please . there are 8 of us and we 'll be arriving on saturday . eos O O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O O N/A +bos can you please give me how many days you will be staying ? eos O O O O 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 i have you book for that time , the reference code is ua3n0q3r . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i 'm happy and relieved . that 's everything . 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 general-thank +bos i am glad , have a great day . good bye . eos 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 in the north side . can you recommend anything with at least 2 stars ? 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 B-Hotel-Inform+Stars O O O O N/A +bos the ashley and the lovell lodge are both 2-star hotels on the north side . both are in the moderate price range . would you like more information on one of those ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Choice B-Hotel-Inform+Stars 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 N/A +bos do either of them have free parking . are they a type of hotel ? eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos yes , both are hotels with free parking . would you like me to book one of them ? eos 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,Hotel-Inform+Parking +bos no thank you but can you give me the address and phone number for lovell lodge . eos 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 their address is 365 milton road and their phone number is 01223425478. 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 B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos no , i think that covers everything . thanks ! eos O O O O O O O O O O O general-thank +bos thanks for contacting cambridge towninfo centre . have a great day ! eos O O O O O O O O O O O O O general-bye +bos could you give me some details for 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 carolina bed & breakfast is a moderately priced , 4 star guesthouse on the east side of town . do you need additional details ? 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 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 N/A +bos no , that sounds wonderful . can you book a room for me for 4 nights starting on friday ? it will just be myself . 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 your booking was successful . your reference number is 8ifkqgd8 . 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 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 have a good day , goodbye . eos O O O O O O O O general-bye +bos hello , i need to find a hotel with free wifi and 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 O N/A +bos there are 29 places with free internet and parking . do you have an area , price , star , or hotel type 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 O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Type,Hotel-Inform+Internet,Hotel-Inform+Parking +bos can you find me a guesthouse that is expensive ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O N/A +bos unfortunately , i do n't happen to have any guesthouses that are in the expensive range . can i look in another price range perhaps ? eos O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O O O O Hotel-Request+Price +bos how about in the moderate price range ? eos O O O O O B-Hotel-Inform+Price O O O N/A +bos i have 12 guesthouses that match your needs . do you have additional requirements 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 Hotel-Request+Area,Hotel-Request+Internet,Hotel-Request+Stars,Hotel-Request+Parking +bos could you recommend one with free wifi and free parking in the moderate price range , and give me the star rating 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 Hotel-Request+Phone +bos acorn guest house is a 4 star place that meets your requirements . the phone number is 01223353888. eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars O O O O O O O O O B-Hotel-Recommend+Phone O N/A +bos thank you , that will be all . goodbye . eos O O O O O O O O O O O general-bye +bos enjoy ! goodbye ! eos O O O O O general-bye +bos hi , i am looking for a r star 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 N/A +bos how many stars would you like ? eos O O O O O O O O Hotel-Request+Stars +bos four stars please . eos O O O O O N/A +bos i have 21 that have 4 stars , 18 are guest houses and 3 are hotels . do you have a preference to area or type of place ? eos O O O O O O O B-Hotel-Inform+Stars 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 Hotel-Request+Area,Hotel-Request+Type +bos i would like something in the north and has free wifi and free parking if possible . eos 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 the acorn guesthouse , arbury lodge guesthouse , and archway house in that area all with free wifi and parking . can i book one of these for you ? 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 O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos can you book the acorn guesthouse for thursday ? eos O O O O O O O O O O N/A +bos i 'll be happy to . how many people in your party ? 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 O O O O O O Booking-Request+People,Booking-Request+Stay +bos great , i need it for 5 people for 3 nights , and let me know the reference number . eos 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 Hotel-Request+Ref +bos you 've been booked and your reference number is v69yhh10 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos excellent ! 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 actually that is all . have a lovely day . eos O O O O O O O O O O O N/A +bos here is the address and telephone number of the hotel , so can arrive without any problem . eos O O O O O O O O O O O O O O O O O O O N/A +bos thanks . bye now . eos 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-bye +bos i am looking for a hotel called finches 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 finches bed and breakfast is a guesthouse on the west side of town and falls in the cheap price range . are you interested in booking a room there ? 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 O O O O B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform +bos yes i am , i need a reservation for 6 people for 3 nights starting on wednesday . 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 unfortunately , i was unable to make the reservation . would you like to try for another arrival date 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,Booking-Request+Day,Booking-Request+Stay +bos is there anything open for just 1 night ? eos O O O O O O O O B-Hotel-Inform+Stay O N/A +bos sure . your reference number is zellmaly . eos O O O O O O O B-Booking-Book+Ref O N/A +bos great , 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 we 're always happy to help , 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 general-bye +bos hello . i am coming into town and would like help finding a play to stay . eos O O O O O O O O O O O O O O O O O O general-greet +bos i can definitely help with that . let me find out some more information so i can find you the perfect fit . 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 O O O O O O O O O O O O O Hotel-Request+Area,general-greet +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 we have 21 guesthouses with free parking . do you need a certain area of town ? 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-Inform+Parking +bos no , but i would like for it to be moderately priced . could you recommend a place ? 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 quite a number of them . if you 'd like a 4-star rated guesthouse at the south end of town , i could recommend the aylesbray lodge guest house . 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 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 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 will work fine . could you make a reservation for 3 ? i 'd like it for 5 nights starting saturday . eos O O O O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O N/A +bos sure . your reference number is pfgjjsbo . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O general-greet,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 for calling us today . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos can you locate me a hotel on the east side with free parking . please provide me with the reference number . 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 Hotel-Request+Ref +bos we have listings for 5 hotels and 1 guesthouse on the east side with free parking . do you have a price range in mind so we can narrow it down ? eos O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 Hotel-Request+Price,Hotel-Inform+Parking +bos i would like one with four star . i do n't care about the price . eos O O O O O O O O O O O O O O O O O N/A +bos i have 5 guesthouses that meet that star requirement . the allenbell , autumn house , and leverton house are all cheap . carolina b & b and warkworth house are moderate . 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 B-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 Hotel-Select +bos let 's try the allenbell . could you make a reservation for 1 person , for 5 nights starting wednesday ? eos O O O O B-Hotel-Inform+Name 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 N/A +bos no problem . your reference number is gwqnwqxd . anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos no , that 's all i needed today . thank you for your assistance ! eos O O O O O O O O O O O O O O O O general-thank +bos enjoy your stay ! goodbye ! eos O O O O O O O general-bye +bos hello there ! can you tell me if there are any 4-star hotels or guesthouses in cambridge that are cheap ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O N/A +bos there are 21 locations , do you have any other requirements ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O N/A +bos i am hoping it is a guesthouse eos O O O O O O O B-Hotel-Inform+Type N/A +bos there are 7 guesthouses meeting your requirements . is there a particular area you wish to stay 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 Hotel-Request+Area +bos no , as long as it 's cheap and have 4 stars . can you recommend me one and book it for 8 people and 3 nights starting thursday ? 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 B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O N/A +bos sure the autumn house is a personal favorite . your booking was successful . 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 Booking-Book +bos great . what was the reference number for the booking ? eos O O O O O O O O O O O O Hotel-Request+Ref +bos yes , it 's 1gfitcau . eos O O O B-Booking-Book+Ref O O O N/A +bos ok. thanks for your help . i look forward to the stay . eos O O O O O O O O O O O O O O general-thank +bos wonderful . have a nice time . can i reserve a taxi for you ? eos O O O O O O O O O O O O O O O O Booking-Inform +bos no , that is all thanks . eos O O O O O O O O general-thank +bos then , thank you for calling the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O general-bye +bos hi there ! i 'm looking for an expensive place to stay that has free wifi . i bet cambridge has a ton of those . 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 5 hotels that fit that description . what area of town do you prefer ? 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 the area does n't matter much , but i would like it to be a guesthouse if possible . eos 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 'm sorry , but all of the places that have free wifi and who have an expensive price range are hotels rather than guesthouses . would you be interested in a hotel instead ? 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-Inform+Price O O O B-Hotel-Inform+Type O O B-Hotel-NoOffer+Type O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Internet,general-reqmore +bos i 'd really rather stay at a guesthouse . do you have anything in the cheap price range ? 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 N/A +bos there are 9 locations that meet your requirements . is there a particular star rating 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 Hotel-Request+Stars +bos no not in particular . eos O O O O O O N/A +bos i could recommend the el shaddai . it has free internet and parking and is in the centre . 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 O O O 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 O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos what is the phone number of the el shaddai ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name Hotel-Request+Phone +bos their phone number is 01223327978 , would you like help booking a room ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O Booking-Inform +bos that 's not needed . thank you ! eos O O 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-bye +bos good day to you also bye . eos O O O O O O O O general-bye +bos do n't hesitate to contact me if you decide to reserve . bye . eos O O O O O O O O O O O O O O O general-bye +bos could you help me find the cambridge belfry ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos the cambridge belfry is a cheap hotel . the address is back lane , cambourne and the phone number is cb236bw . 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 O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O O N/A +bos thank you . can you book it for me ? eos O O O O O O O O O O O general-thank +bos of course . when would you like to stay ? eos 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 saturday for 2 nights . there will be 4 of us . eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+People O O N/A +bos your reservation was successfully made . the reference number is pj9d98by . 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 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 , if you need anything else let me know.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 dine on crossover food . it should be in the centre eos 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 no restaurants that serve crossover food . is there a different tyoe of food we can search for ? 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 what about african food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there is one called bedouin . would you like a reservation ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Name O O O O O O O Booking-Inform +bos i would , thanks . i need a table for 6 on sunday , 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 O O O N/A +bos alright , i 've got your booking taken care of and your reference number is 75cds1up . 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 O general-reqmore +bos ok , could you also give me some information about the aylesbray lodge 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 I-Hotel-Inform+Name O O N/A +bos yes , they are a moderately priced guesthouse in the south . they are rated 4stars and include both internet and parking . 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+Area O O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos would you be able to book one of those for me please ? eos O O O O O 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 the six of us will be arriving on thursday . eos O O O O O O O O O B-Hotel-Inform+Day O N/A +bos okay and how long is your stay so i can book the room for you eos O O O O O O O O O O O O O O O O Booking-Request+Stay +bos i will need to stay 4 nights please . eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos booking was successful.reference number is : zf9u0u48 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a taxi that arrives at he restaurant by the booked time . eos O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos how many people will be traveling ? eos O O O O O O O O N/A +bos it 's just me . is that necessary though ? eos O O O O O O O O O O O N/A +bos i was able to book your taxi for you . it will get you to bedouin by 15:30. be expecting a blue honda . their number is 07893602795. eos 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 B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O N/A +bos you have been a great help . thank you so much . have a wonderful day and keep up the great work . 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 you are very welcome . it has been a pleasure to assist you today . have a wonderful day and enjoy your 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 general-welcome,general-bye +bos i 'm looking for a moderately priced , 1-star place to stay . eos O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos i have many options . do you have a preference for the 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 Hotel-Request+Area +bos the area does n't matter . i would like free wifi though , if possible . eos O O O O O O O O O O O O O O O O O N/A +bos unfortunately we do not have any moderately priced 1 star hotels in cambridge . i 'm sorry ! cityroomz has 0 stars in the centre , does that 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 N/A +bos not really , how about 4 star ? eos O O O O O O B-Hotel-Inform+Stars O O N/A +bos there are several moderate 4-star places to stay throughout town , but they are all guesthouses . would a guesthouse work for you ? eos O O O B-Hotel-Inform+Choice 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 Hotel-Request+Type +bos do they also have free parking ? eos O O O O O O O O Hotel-Request+Parking +bos acorn guest house does have free parking , would you like that one ? 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 Hotel-Select,Hotel-Inform+Parking +bos yes . i also need to find a place to dine that is in the center and the same 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 O O O O O Hotel-Inform +bos would you like me to reserve the acorn guest house for you ? eos O O O O O O O O O O O O O O Booking-Inform +bos no , i do n't need a hotel booking at this time . i 'd like to find a place to dine 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 Hotel-Inform +bos dojo noodle bar is a nice cn i book you a table ? eos 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 i am looking for museums to visit when i am in cambridge . something on the west side . eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos the cafe jello gallery is a great museum on the west side , and it 's free to get in . eos 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 B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O N/A +bos that sounds like fun . can you tell me the address and postcode of this place . as well as how much 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 O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos cafe jello gallery , 13 magdalene street is the address . cb30af is the postcode and the entrance fee is free 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 O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O B-Attraction-Inform+Fee O O N/A +bos i am also looking for a train leaving after 11:00 for kings lynn . eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos there are several that fit that criteria . what day would you like that on ? 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 'm looking for a train from cambridge on monday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos the first train leaving cambridge is the tr3566 at 11:11. would you like me to book this train for you ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook +bos no , thank you . goodbye . eos 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-welcome,general-bye,general-greet +bos i am looking for information on the kings college attraction eos O O O O O O O O O O O Attraction-Inform +bos kings college is located in the centre of town at kings parade . phone number 01223331100. is there any other information you need ? 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+Phone O 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 cb21st eos O O O O O B-Attraction-Inform+Post N/A +bos that is all i needed today , thanks ! eos O O O O O O O O O O general-thank +bos glad to be of help . have a great day . eos O O O O O O O O O O O O general-welcome,general-bye +bos i need to book a train for 8:45 to go to london kings crossing . eos O 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 what day are you planning 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 i 'm sorry i dont ' have any trains for that day . would you like to leave at 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 Train-OfferBooked,Train-Request+Leave +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 the earliest train i have is at 09:00. is that ok ? eos O O O O O O O O B-Train-Inform+Leave O O O O general-reqmore +bos that 's fine . can you give me the arrival time , 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 O O O Train-Request+Duration,Train-Request+Arrive,Train-Request+TrainID +bos tr2000 takes 51 minutes to arrive at by 9:51. would you like me to reserve this for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos nope , that 's all i needed . thanks ! eos O O O O O O O O O O O general-thank +bos thank you 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 general-bye +bos i need information on the scott polar museum eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos ok. what kind of information are you looking for ? eos O O O O O O O O O O O general-reqmore +bos i need the type , the phone number and the postcode for it 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+Type +bos it is a museum , the phone number is 01223336540 and the postcode is cb21er eos O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O N/A +bos great ! thanks for all 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 nope , that 's all i needed today . thanks ! 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 O general-bye +bos i 'm looking for a moderately priced hotel in town . please give me the contact information for one . 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 N/A +bos there are 18 hotels in the moderate price range . 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 O O O Hotel-Request+Area +bos it does n't really matter but it should have a 4 star rating . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos we have 11 hotels with 4 stars . i 've heard good things about avalon . would you like more information ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O O B-Hotel-Recommend+Name O O O O O O O O O N/A +bos yes please . do they offer internet access and what kind of parking accommodations do they have ? also a number to reach them 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 avalon does have internet available but does not have parking . would you prefer a different hotel ? eos O B-Hotel-Inform+Name 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 is the avalon a hotel type and moderately priced with a 4 star rating ? eos O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O N/A +bos yes it is , would you like to book that ? eos O O O O O O O O O O O O Booking-Inform +bos no thank you but may i please have the address ? eos O O O O O O O O O O O O general-thank +bos the avalon is located at 62 gilbert road . if you 'd like me to book that , message us back . thank you . eos 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 O O O O O O O O O O O O O O O Booking-Inform +bos i 'm going to think about it . i 'd really prefer a hotel with parking . 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 sorry , i 'm not finding any 4 star moderate hotels with free parking . perhaps you 'd like a different option ? eos O O O O O O O B-Hotel-NoOffer+Stars 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 Hotel-NoOffer+Parking +bos i can also check to see if we have guesthouses for that area . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos there are 9 different guest houses available , any preferences ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O N/A +bos i 'd like it to be rated 4 stars . eos O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos are you looking for an establishment in a certain area ? eos O O O O O O O O O O O O Hotel-Request+Area +bos 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 ? eos O O O O O O O O O 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 acorn guest house is located at 154 chesterton road . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr N/A +bos i 'll also be needing to find boating options and their information and i 'll need to arrange a taxi to and from the locations . 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 O N/A +bos there are four boating option in town . is there a specific area you prefer ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Request+Area +bos as long as i can get a taxi to the boat and back that leaves the boat by 8:45 any location is fine . eos O 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 sure i can get you a taxi for any of them . eos O O O O O O O O O O O O O general-reqmore +bos okay i need to leave the attraction by 08:45 and i would like a contact number and a description of the car picking me up please . 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 N/A +bos i 'd be happy to help you with a taxi , where will you be departing from/arriving at ? and for 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 Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Dest,Taxi-Request+Leave +bos i 'll need the taxi when we finish with the boats , at 8:45 , and i need it to take me 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 O O O Taxi-Inform,Hotel-Inform +bos 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 camboats in the east ? eos O O 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-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area O O O N/A +bos yes . that would be fine . do you need to book it ? eos O O O O O O O O O O O O O O O N/A +bos no , but here is the address and phone number : the plough , green end , fen ditton . 01223902112. eos O O O O O O O O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Phone O O O O O N/A +bos actually , can you please book a taxi from the boats to my hotel . eos O O O O O O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos i was able to book a tax from camboats to acorn guest house , departing at 8:45. it will be a white skoda and the phone number for contact is 07726151603. eos O O 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 O O B-Taxi-Inform+Leave 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 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 . eos O O O O O O O O O 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 im sorry , the entrance fees arent listed . is there anything else i can assist you with today ? 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 yes , could i get the postcode for camboats ? eos O O O O O O O O O O O Attraction-Request+Post +bos no problem at all . the postcode is cb58sx . can i help you any further ? eos O O O O O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos will you tell me the car type ? eos O O O O O O O O O Taxi-Request+Car +bos you have a white skoda . that is the car type . it will take you from camboats to acorn guest house , ref . # 07726151603. eos 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+Depart O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Phone O O O N/A +bos thank you so much ! eos O O O O O O general-thank +bos it has been my pleasure . thank you for calling ! eos O O O O O O O O O O O O general-bye +bos need restaurant in the east , expensive is what i 'm looking for eos O O O O O B-Restaurant-Inform+Area B-Restaurant-Inform+Price O O O O O O O N/A +bos i have five , what type of food ? eos O O O B-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Food +bos could you recommend one with the food type ? eos O O O O O O O O O O Restaurant-Request+Food +bos royal standard is a great gastropub place . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food O O N/A +bos excellent . let 's go with that . eos 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 no thanks , i need a train from cambridge to stevenage that arrives by 08:00 on saturday . is there anything like that ? 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 O O O O O O N/A +bos there is a train id tr3259 leaving at 6.10. do you want it . eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O N/A +bos yes that sounds good , albeit a bit early . can you book tickets for 4 people on that one , please ? 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 sure ! it will be 40.96 total for 4 people . 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 general-greet,general-reqmore +bos yes , i just need a reference number . eos O O O O O O O O O O Train-Request+Ref +bos your reference number is 5txw2b1k . eos O O O O O B-Train-Inform+Ref O N/A +bos great , that is all . thanks for your help . eos 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 that is all i need . thank you so much and 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 have a great day ! eos O O O O O O general-bye +bos i 'm looking for places to go see good architecture in the centre of the city . 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 N/A +bos there are 4 churches and a school with excellent architecture . any preference ? eos O O O O O O O O O O O O O O O N/A +bos can you recommend one ? i 'd like the entrance fee 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 Attraction-Request+Phone,Attraction-Request+Fee +bos old schools is nice . the phone number is 01223332320 and it 's free to get it . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Phone I-Attraction-Recommend+Phone O B-Attraction-Recommend+Fee O O O O O O N/A +bos i am also looking for a place to stay in the north ? can you tell me some hotels in the north ? eos 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 O N/A +bos there are two hotels in the north end . ashley hotel and lovell lodge . eos O O O O O O O B-Hotel-Select+Area 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 N/A +bos what is the cost per night ? eos O O O O O O O O N/A +bos they are both in the moderate price range . eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos if there are not any cheap hotels in that location then one of the moderately priced hotels will be fine . 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 N/A +bos there are two cheap guesthouses in the north , if you would prefer a guesthouse to a hotel . otherwise , which of the two hotels would you like to reserve ? eos O O O O B-Hotel-Inform+Choice 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-Select+Type O O O O O O O O O Booking-Inform +bos i need a hotel , so i will go with ashley hotel if it is in the moderate price range . i need to book for 5 nights . eos O O O O B-Hotel-Inform+Type O 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+Stay O O O N/A +bos okay , how many people will be in your group , and which day would you like to begin 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 Booking-Request+People,Booking-Request+Day +bos i will have 4 people . i want 5 nights starting from sunday please . eos O O O O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Day O O O N/A +bos i 'm sorry , those days are unavailable . can you perhaps shorten your stay or change the 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+Stay,Booking-Request+Day +bos how about 2 nights instead ? eos O O O O B-Hotel-Inform+Stay O O N/A +bos i 've made a successful reservation for two nights at the ashley hotel . the reference number is ggm7tflp . eos O O O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Ref O O O N/A +bos okay , i think 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 general-thank +bos we are happy to help . 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 O O O O O O general-reqmore +bos yes indeed . bye now . eos O O O O O O O general-bye +bos okay thank you for using our service . eos O O O O O O O O O general-bye +bos i 'm going to be traveling to cambridge and i 'd really like to find information about what restaurants there are on the north end of the city . 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 B-Restaurant-Inform+Area O O O O O O O O O O O O N/A +bos if you enjoy european cuisine , city stop restaurant is a good choice . the address is cambridge city football club , milton road , chesterton . would you like more options ? eos O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food 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 B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O O O O O general-reqmore +bos actually , i would like something expensive that serves gastropub food . eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O N/A +bos sorry , i do n't have any places like that . perhaps you 'd like to try something different ? eos O O O O O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos aww , too bad . well , how about something in a good chinese restaurant . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos you have two very good choices . hakka and the hotpot . would you like to make a reservation ? eos O 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 O O O O O O Booking-Inform +bos how about hakka for 4 people at 17:00 on tuesday ? 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 unfortunately they are booked . 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 yes , how about 16:00 on tuesday ? eos O O O O B-Restaurant-Inform+Time O O O O N/A +bos i was able to book that successfully , the table will be reserved for 15 minutes . reference number is 07s9k8fu , is there anything else that i can help 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 actually . i need to find a train departing ely on tuesday as well . eos O O O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O O N/A +bos ok , we have plenty of options , where to and what is the preferred 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+Dest,Train-Request+Leave +bos i want to go to cambridge and i want to arrive by 13:45. eos O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive N/A +bos the tr3412 departs ely at 11:35 and arrives in cambridge by 11:52. would that suit you ? i can try to book a ticket for you if you like . eos O O B-Train-Inform+Id O 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 O O O O O O O O O O O O Train-OfferBook +bos yes please book it for 4 people on tuesday and once booked , please send 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 O O O O N/A +bos thank you , the booking was successful , total cost of 17.6 gbp payable at the station . the reference number is 9u62zk58 . 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 N/A +bos thank you for your help . eos O O O O O O O general-thank +bos it was my pleasure . 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 O O O O general-welcome,general-bye +bos i 'm looking for information on 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 O N/A +bos yes st john 's college is located at saint john 's street and their telephone number is 01223338600. it costs 2.50 pounds to enter . anything else ? eos 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 O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O general-reqmore +bos can you tell me what area it is located in ? eos O O O O O O O O O O O O Attraction-Request+Area +bos yes st john 's is located in the city center . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos i need the address and entrance fee as well . also can you help me find a hotel with free parking 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 O O O O B-Hotel-Inform+Price O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos the address for st.johns is st.john 's st. , postcode cb21tp . there is an entrance fee of 2.50p . you have 14 choices of hotels , is there a specific area you prefer ? eos O O O O B-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Fee 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 Hotel-Request+Area +bos i 'm not concerned about the area , but i 'd like it to include free parking and wifi and have a 3 star rating 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+Stars O O O O O O Attraction-Request+Area +bos bridge guest house meets those criteria . it is located in the south . would you like for 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 B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform +bos that wo n't be necessary . i just need the address . eos O O O O O O O O O O O O O Hotel-Request+Addr +bos the address is 151 hills road . anything else i can do for you ? 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 general-reqmore +bos i 'd like to book a taxi between saint john 's college and the hotel , leaving the hotel at 4:15. eos 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 N/A +bos okay , i 've booked a taxi for you at 4:15pm at the bridge guest house . it will be a black volkswagen . the number is 07240037071. anything else i can help with ? eos O O O O O O O O O B-Taxi-Inform+Leave 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 O O O O O O O O N/A +bos that 's literally every thing i needed today . you 've been amazing , 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 have a safe trip ! eos O O O O O O general-bye +bos hello , i 'm looking for a restaurant that serves north american food . eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos gourmet burger kitchen serve north american food do you want me to book a table ? eos 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 O O Booking-Inform +bos i also need it in the expensive price range . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , the gourmet burger kitchen is rated as expensive . would you like to book ? eos O O 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 O O Booking-Inform +bos i need the post code actually . eos O O O O O O O O Restaurant-Request+Post +bos the post code for gourmet burger kitchen is cb21ab . can i help you with anything else today ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos yes i am looking for a train leaving cambridge , arriving by 12:30 on wednesday to bishops stortford . eos 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 B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos if you take the tr8224 , you 'll get to bishop 's stortford at 12:07. eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A +bos and what 's the travel time on that ? eos O O O O O O O O O O Train-Request+Duration +bos the travel time on tr8224 is 38 minutes . eos O O O O O B-Train-Inform+Id O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos great ! thanks for the information . that will be all 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 general-thank +bos you 're very welcome . 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 good afternoon ! i 'd like to visit an expensive european restaurant . will you help me find one ? eos 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 O O N/A +bos yes there are 5 restaurants that meet your requirements . do you have a part of town or type of food you prefer ? 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,Restaurant-Request+Food +bos no , surprise me . i will need the address and the area , though . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr +bos eraina is a very nice restaurant in the centre . how many in your party ? and what day and time should i make your reservation for ? eos O B-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 O O O O O O O O Booking-Request+Day,Booking-Request+Time,Booking-Request+People,Booking-Inform +bos i do n't need a reservation , i just need the address and the area . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr +bos it is the centre area and its address is free school lane city centre eos O 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 I-Restaurant-Inform+Addr N/A +bos great , i also need information on getting a train . eos O O O O O O O O O O O O Train-Inform +bos where would you like to depart and arrive ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'll need one from leicester to cambridge on saturday , leaving after 16:30 eos 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 N/A +bos i have a train for you that leaves at 17:09. would you like me to book it ? eos 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 what time does it arrive and the price ? eos O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos the train arrives at 18:54 and costs 30.24 pounds . eos O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos okay . thank you . eos 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 thanks , that will be all . eos O O O O O O O O O general-thank +bos alright . thanks for using our service and have a nice day . 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 place to stay that is moderate prices , and has free wifi please . 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 there are many places that meet your criteria , what part of town would you 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 would like to stay somewhere that has free parking eos O O O O O O O O O O O N/A +bos there are 14 hotels in the area that match your criteria , would you be interested in the arbury lodge guesthouse ? 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+Name I-Hotel-Select+Name I-Hotel-Select+Name O O N/A +bos i 'm looking for a hotel that has a star rating of 2 as well , do any of those 14 hotels have a 2 star rating ? 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 O N/A +bos there are 2 hotels and both are located in the north . the ashley hotel and the lovell hotel . would you like more information on one of these ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area 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 general-reqmore +bos can you give me the address , hotel type , and phone number for either of the hotels ? 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+Type,Hotel-Request+Addr +bos sure . the lovell is indeed a hotel , not a guesthouse . you can find it at 365 milton road . their phone number is 01223425478. eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O 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 general-greet +bos and that is a 2 star hotel , correct ? are there any attractions i could visit in the centre ? eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos yes , the lovell is indeed a 2 star location . might i suggest the cambridge arts theatre for your entertainment during your stay ? it 's a highly recommended experience . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars 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 O O O O general-greet +bos that sounds perfect . can i get the postcode of the cambridge arts theatre please ? 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 Attraction-Request+Post +bos the postcode to the theatre is cb23pj . can i help you with anything else ? eos O O O O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos no , thank you . i 'm all set . eos O O O O O O O O O O O general-thank +bos have a good day and thank you for contacting the cambridge towninfo centre . eos O O O O O O O O O O O O O O O general-bye +bos i am looking for the price range of the hotel 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 Hotel-Request+Price +bos it is listed in the cheap price range . eos O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos thank you . that 's all i needed . eos O O O O O O O O O O general-thank +bos would you like me to book you in ? eos O O O O O O O O O O Booking-Inform +bos no thanks , that 'll be it for today . eos O O O O O O O O O O O general-thank +bos have a wonderful day , goodbye . eos O O O O O O O O general-bye +bos i am looking for a hotel called 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 is a cheap , 4-star guesthouse on the east side . it 's located at 710 newmarket road , cb58rs . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O N/A +bos thank you i need to book a room for 3 people , for 3 nights starting friday and can i get the reference number ? eos 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 booking was successful.reference number is : 4tn7l0yd . 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 yes , actually there is . i need to book a train from cambridge to peterborough . eos 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 we need to narrow the search . what day do you need the train ? eos O O O O O O O O O O O O O O O O Train-Request+Day +bos i need the train to leave after 13:45 on a monday . eos O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Day O N/A +bos sure , there 's one leaving at 14:06. i booked it for 3 people . 49.5 gbp is the total and your reference number is 0puj33ic . the train arrives at 15:24. eos O O O O B-Train-Inform+Choice O B-Train-Inform+Leave O O O O O B-Train-OfferBooked+People 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+Arrive O O O O 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 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-welcome,general-bye +bos i am looking for a restaurant in the west that serves italian 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 are two restaurants that meet your requirements . prezzo is in the moderate price range and la margherita is in the cheap range . 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 I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +bos can i get the address for prezzo please ? eos O O O O O O O O O O N/A +bos the address for prezzo is 21 - 24 northampton road . is there anything else i can help you with ? 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 I-Restaurant-Inform+Addr O O O O O O O O O O general-reqmore +bos yes , i 'd like to reserve a table for 5 at 12:45 on monday 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 N/A +bos of course . i successfully booked you your reservation . your reference number is a5fgtjtz . 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 today ! 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 needing to find a train that goes to cambridge . i want to arrive by 13:15. eos O O O 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 i can certainly help you with that . what day are you traveling , and what is 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 Train-Request+Depart,Train-Request+Day +bos i need to leave from leicester on saturday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos the latest train to get you there in time would be train tr6210 . it departs at 11:09 and arrives at 12:54. would that work for you ? eos O O B-Train-Inform+Choice 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 Train-OfferBook +bos i think so , how much does that one cost per ticket ? eos O O O O O O O O O O O O O O N/A +bos the price is 30.24 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thanks . i am also looking for a place to stay . are there any guesthouses in the east side of the city ? 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 yes , there are 6 guesthouses on the east side . do you have a price range ? 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 Hotel-Request+Price +bos yes i am looking for a moderately priced guesthouse that includes free parking . eos O O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos sure the carolina bed and breakfast meets that criteria . should we book 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 O O O O O O O O O Booking-Inform +bos can you give me a price first ? eos O O O O O O O O O N/A +bos i am sorry , i ca n't view that information at the time . but you can call them at 01223247015. eos O 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 O O B-Hotel-Inform+Phone O O O N/A +bos i will also need the postcode and the star rating of that guesthouse please . eos O O O O O O O O O O O O O O O O Hotel-Request+Post +bos the carolina b & b is located in post code cb13nx , and has a 4 star rating . is there anything else i can help with ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O general-reqmore +bos that 's everything , i think . thank you for all the help ! eos 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 'm looking for a place to stay when i visit cambridge . i want to stay at a 4 star guesthouse . eos 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 N/A +bos we have 18 available guesthouses . which area would you prefer ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O Hotel-Request+Area +bos i 'd like some place on the north end , please . eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos there are 8 4-star guesthouses in north . do you have a price preference ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O Hotel-Request+Price +bos i do not . i would like to book the cheapest one for 2 people staying 4 nights starting on 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 great ! you 're booked at worth house with reference number 3hcupl7s . would you like more information ? eos 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 thank you ! can you also help me with a train please ? i need a train departing cambridge on thursday . 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 B-Train-Inform+Day O N/A +bos there are 5 trains going to london kings cross on thursday . what time do you need to arrive by ? eos O O O O B-Train-Inform+Choice 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 O O O O Train-Request+Arrive +bos i need to arrive 17:45. eos O O O O O B-Train-Inform+Arrive N/A +bos tr5266 arrives by 15:51 if you 'd like that one eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O N/A +bos what would be the price on that one ? eos O O O O O O O O O O Train-Request+Price +bos the price is 23.60 pounds per ticket . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos i actually need to arrive in leicester on monday by 17:45 out of cambridge . sorry for the confusion . eos 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 N/A +bos i have train tr4564 departing cambridge at 15:21 and arriving in leicester at 17:06. would that be a good option for you , or would you prefer something earlier ? 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 O B-Train-Inform+Arrive O O O O O O O O O O O O O O O O N/A +bos yes , could you please tell me the price for this train ? eos O O O O O O O O O O O O O O Train-Request+Price +bos it is 37.80 pounds . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos wonderful . that 's all i needed . thank you ! eos O O O O O O O O O O O O general-thank +bos sure , 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 i do n't need to book that today . thanks for your help . eos O O O O O O O O O O O O O O O general-thank +bos anything else i can do for you ? eos O O O O O O O O O general-reqmore +bos not today . thanks . bye . eos O O O O O O O O general-bye +bos thank you very much . eos O O O O O O general-bye +bos i 'd like an expensive restuarant in the south part of town . eos 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 5 results matching your request , are you looking for a particular type of food 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 Restaurant-Request+Food +bos i want indian , please . eos O O O O O O O N/A +bos sure i have the taj tandoori in that price range . would you like a telephone number or a booking ? 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 Booking-Inform +bos that would be great ! could i also receive the address and post code with that ? 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 taj tandoori is located at 64 cherry hinton road cherry hinton , postcode cb17aa . the phone number is 01223412299. did you want to make 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 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 Booking-Inform +bos no thanks , i 'll take care of that . i 'm all set today - 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 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 on my trip to cambridge . it needs to have 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 O O O O O O O N/A +bos i have 3 places that match your request . is there a particular area you are looking to stay in ? 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 O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O Hotel-Request+Area +bos i dont mind either but i am looking for something cheap and located in the south part of town . 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 O O N/A +bos rosa 's bed and breakfast is the guesthouse for you . cheap , but 4 stars , with free internet and parking . 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+Price O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i do n't really need parking , is rosa 's in the south of town ? eos O O O O O O O O O O O O O O O O O N/A +bos yes it is in the south part of town and has a 4 star rating . can i book a room for you ? 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 O O O O O O Booking-Inform +bos yes , please book this for 4 people for 3 nights starting on thursday . 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 am unable to book the room under these parameters for the requested time . is a shorter stay a possibility ? 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 what about for 2 nights ? i will also need the reference number when it is booked . eos 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 rosa 's now has a room reserved for your party for two nights . your reference number is uxr0pyqd . eos O O 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 N/A +bos thank you i also need a train departing from cambridge on saturday . eos 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 over 200 trains that leave cambridge saturday , where are you headed ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Depart B-Train-Inform+Day O O O O O O Train-Request+Dest +bos i am going to bishops stortford . i would like to arrive by 11:00. eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O N/A +bos tr3396 will depart cambridge at 9:29 on saturday , arriving in bishops stortford at 10:07. will that work ? eos O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O general-reqmore +bos yes . i need the price please . eos O O O O O O O O O Train-Request+Price +bos the price of your train is 8.08 pounds . do you need any more information ? eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 nice day ! eos O O O O O O general-bye +bos i want to find an expensive restaurant that has north american 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 the gourmet burger kitchen has exactly what you are looking for . it is located at regent street city centre . 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A +bos great ! can you tell me the area of town that 's located in , and give me 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 Restaurant-Request+Area,Restaurant-Request+Phone +bos it is in the center of town . phone number is 01223312598. eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Phone O N/A +bos excellent . i also need a train booking . it should leave after 18:45 and depart from kings lynn . eos 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 what day would you like to make this travel ? also is there a specific time 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 Train-Request+Arrive,Train-Request+Day +bos i do n't have a specific time i need to arrive , but i do need to leave on sunday . 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 N/A +bos how about sunday at 19:11. can i book that for you ? eos O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos that would be great , can you book that for 1 person please and provide a 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 Train-Request+Ref +bos i 've booked that for you . the reference number is v15xaovw . is there anything else i can assist 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 O general-reqmore +bos you have been very helpful . thank you , that is all i needed for today . eos O O O O O O O O O O O O O O O O O O general-thank +bos glad i could be of service . have a wonderful day ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos hi , have you heard of the j restaurant ? i 'd like some information about 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 O O N/A +bos it 's a cheap asian oriental restaurant located in the centre area of town . would you like to book a table ? eos O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Booking-Inform +bos no thanks . that 's all i needed to know . eos O O O O O O O O O O O O general-thank +bos sure . is there anything else i can do for you before we go ? eos O O O O O O O O O O O O O O O O general-reqmore +bos no , that should do it . later . eos 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 tell me a good nightclub . eos O O O O O B-Attraction-Inform+Type O N/A +bos sure , there are 6 fantastic nightclubs in cambridge . they 're located in the centre or south . would you like more information ? eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 general-reqmore +bos yes , please may i have the postcode for the first one listed ? eos O O O O O O O O O O O O O O O Attraction-Request+Post +bos sure . ballare is in the centre , postcode cb23na . anything else i can do ? eos O O B-Attraction-Inform+Name O O O B-Attraction-Inform+Area O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos yes . i would like an expensive restaurant in the same area . eos O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos there are 33 expensive restaurants in the centre of cambridge - are you looking for a particular type of cuisine ? 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 Restaurant-Request+Food +bos yes . i would like a french restaurant please . eos O O O O O O O O O O O Restaurant-Inform +bos there is a delicious french restaurant called cote . would you like a reservation ? eos O O O O O B-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Name O O O O O O O Booking-Inform +bos i actually need a place serving modern european food , please . eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos there is one expensive restaurant in the centre of town that serves modern european food . would you like me to book you a table at darrys cookhouse and wine shop ? 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 I-Restaurant-Inform+Food 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 , please book at table for 4 at 19:15 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 i have your reservation all set . your reference number is x0tx9lwm . your table will be reserved for 15 minutes . 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 O O O O O O O general-reqmore +bos that 's everything i needed . thanks ! eos O O O O O O O O O general-thank +bos glad i could help ! thanks for using cambridge towninfo centre today . eos O O O O O O O O O O O O O O general-bye +bos i need a train to cambridge that leaves after 9:15 , please . eos O O O O O O B-Train-Inform+Dest O O O O O O O N/A +bos tr5686 going to cambridge leaves london kings cross on friday at 9:17 , will this work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest 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 O O O O Train-OfferBook +bos no , i need a train departing from stansted airport on wednesday . 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 tr3828 will be departing stansted airport at 9:24 wednesday and arriving in cambridge at 9:52. would you like to book a seat ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave B-Train-Inform+Day 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 i need to book 3 seats . can you do that ? eos 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 30.29 gbp payable at the station . reference number is : 24tgg9ix . 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 O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos yes , i am looking for a restaurant in the centre that serves polynesian food , can you help me ? 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 O N/A +bos there are no restaurants in the centre that serve polynesian food . are there any other types of food or locations you would like ? eos O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O B-Restaurant-NoOffer+Food 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 indian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have 9 indian restaurants . would you like cheap or expensive ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O N/A +bos cheap is fine . whatever you think is the best . can i get the number and address for that place 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 Restaurant-Request+Addr +bos the kohinoor matches your search . the phone number is 01223323639 , and the address is 74 mill road city centre . would you like me to book that for you ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 O O O O O O O O O O O O Booking-Inform +bos yes . i 'd like to make a reservation for thursday . eos O O O O O O O O O O O O O N/A +bos ok , would that be for 3 seats as well ? what time would you like ? eos O O O O O O O B-Booking-Inform+People O O O O O O O O O O Booking-Request+People,Booking-Request+Time +bos actually i will call them , could you give me their phone and address once again , and confirm the 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 Restaurant-Request+Phone,Restaurant-Request+Price,Restaurant-Request+Addr +bos the phone number is 01223302330 and the address is 106 regent street city centre . it 's an expensive restaurant . 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 B-Restaurant-Inform+Price O O O O N/A +bos yes . thanks for all your help ! eos O O O O O O O O O general-thank +bos it 's my pleasure ! thanks for using cambridge towninfo . goodbye ! eos 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 with some information on a restaurant called luca cucina and bar ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos sure , what information would you like ? eos O O O O O O O O O Restaurant-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 yes , de luca cucina serves modern european food . would you like me to book it for you ? 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 O O O O O O O O Booking-Inform +bos no thanks . can you tell me the address and postcode for de luca cucina ? 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 it is located at 83 regent street with a postcode of cb21aw . is there anything else i could help you with ? eos 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 O O general-reqmore +bos can you also give me a phone number to a cinema ? eos O O O O O O O O O O O B-Attraction-Inform+Type O Attraction-Request+Phone +bos yes i can . the phone number for cineworld cinema is 00872208000. can i help you with anything else ? eos O O O 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 general-reqmore +bos yes , can you tell me if cineworld cinema has an entrance fee ? if so how much is that 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 N/A +bos unfortunately i do n't have any entrance fee information for cineworld . can i help you with anything else ? 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 I-Attraction-Inform+Fee B-Attraction-Inform+Name O O O O O O O O O O general-reqmore +bos no i just needed the phone number . thank you . eos O O O O O O O O O O O O Attraction-Request+Phone +bos you 're welcome . have a great time in cambridge ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i am traveling to cambridge and would like to find a local restaurant . i want to arrive by train at noon . 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 O O N/A +bos hi there , let 's start with the train arrival , where would you be travelling 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 looking for a train that will depart from norwich on sunday eos O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos there are trains every hour on the :16 that will get you there by noon , beginning at 5:16. which would you prefer ? 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 O O O O O O O O O B-Train-Inform+Arrive O O O O O O Train-Select +bos how about 7:16 ? what is the price ? eos O O O O O O O O O O Train-Request+Price +bos tr4202 is the one that leaves at 7:16 and it costs 14.08 pounds per ticket . 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+Leave 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 that would be great . i am also looking for a place to dine for the night . 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 O O O O O O O N/A +bos my recommendation would be the ugly duckling , a chinese restaurant in the centre of town . it is located at 12 st. johns street city centre . eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area 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 I-Restaurant-Recommend+Addr O O N/A +bos is the restaurant moderately priced ? if so , please book a table for 5 at 18:00 and send me the reference number . eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O Restaurant-Request+Ref,Train-Request+Price +bos no , i 'm sorry the ugly duckling is in the expensive price range . the copper kettle serves british food and is moderately priced . would you like a reservation for 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 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 O O O O O O O Booking-Inform +bos the copper kettle will be fine . yes please book a reservation . eos O O O O O O O O O O O O O O N/A +bos sure thing ! your table is reserved . your reference number is oy2lnxfw . is there anything else i can assist 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 O general-reqmore +bos no , that will be all . thanks ! eos O O O O O O O O O O general-thank +bos goodbye and have a good day . eos O O O O O O O O general-bye +bos can you find me a restaurant in the centre with moderate prices ? eos O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O N/A +bos yes there are 21 different places that match your description . eos O O O O O B-Restaurant-Inform+Choice O O O O O O N/A +bos surprise me . eos O O O O N/A +bos how about cotto ? it 's a moderately priced british restaurant . eos O O O B-Restaurant-Recommend+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos yes please book a table for 7 people at 15:45 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 N/A +bos ok , you have a table for 7 at cotto on monday at 15:45. your reference number is bnh1dkpw . can i help with anything else today ? eos O O O O O O O O B-Booking-Book+People O 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 general-reqmore +bos i am looking for a train to pick me up at birmingham new street and arrive in cambridge before 12:00 on the day of my reservation . 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 B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O N/A +bos i can book train tr6309 for you , leaving 8:40 and arriving at 11:23 in cambridge . how many tickets do you need ? eos O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive O B-Train-OfferBook+Dest O O O O O O O O O Train-Request+People +bos i will need 7 tickets . and can you please provide me with the 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 N/A +bos i have booked you 7 tickets and the reference number is cgilqn2g . is there anything i can help you with ? eos 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 general-reqmore +bos thank you . that is all for now . eos 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-welcome,general-bye +bos hi , i 'm looking for an italian restaurant near the centre . 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 9 restaurants that meet your needs . would you like to narrow it down 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 Restaurant-Request+Price +bos yes , i would like an expensive restaurant , please . eos O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos how about clowns cafe ? they are located at 54 king street city centre . eos O 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 N/A +bos i also need a table for 7 at 14:15 on friday eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos sorry there is nothing available in that time slot . another day or time , perhaps ? 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 what about for 13:15 instead ? can i also get the reference number please ? eos O O O O B-Restaurant-Inform+Time 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 : 1d9ds240 . 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 looking to book a train leaving on saturday , that will arrive to my destination by 18:15. eos O 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 O N/A +bos where are you going to and from ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i will be departing cambridge for stevenage . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos i 'm showing a train that will arrive at 18:10 or one at 16:10. there are also 6 earlier options . which would you like to book ? eos O O O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Arrive O O O O O O O O O O O O O O Train-Select +bos i want to arrive by 18:15 so 18:10 would be perfect for me . eos O O O O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos ok great , how many tickets would you like me to book for you ? the price for them will be 10.24 pounds . 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+Ticket I-Train-Inform+Ticket O O Train-Request+People +bos i do n't need to book now . i just need the departure time , train id , and travel time for that train , 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+TrainID,Train-Request+Leave +bos train id : tr4216 . it leaves 17:21 and the duration is 49 minutes . eos O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O B-Train-Inform+Time I-Train-Inform+Time O O N/A +bos thank you that should be all eos 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 want to find a restaurant serving gastropub 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 N/A +bos i have 3 results for gastropubs in the centre of town . would you prefer expensive or moderately priced ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O N/A +bos moderately priced , please . eos O B-Restaurant-Inform+Price O O O O N/A +bos okay , i have the cow pizza kitchen and bar listed , would you like to try that one ? 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 N/A +bos that sounds great ! could you book me a table for 8 people at 14:45 on tuesday , please ? 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 O N/A +bos unfortunately , that day and time are unavailable . would you like to try a different day or time , or perhaps 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 O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day,general-reqmore +bos how about at 13:45 for 8 people on tuesday ? eos O O O O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O N/A +bos i was able to book for 13:45. the table will be reserved for 15 minutes . your reference number is hkmrsi6f . is there anything else i can help with ? eos O O O O 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 O O O O O O O O general-reqmore +bos i 'm also looking for a train to birmingham new street leaving after 13:15. 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+Leave O N/A +bos i have 70 trains going to birmingham new street . could you be more specific on where you 're departing from and what day you 'd like to leave ? eos O O O O B-Train-Inform+Choice 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 O O O O O O Train-Request+Day,Train-Request+Depart +bos oh yes , of course , i 'm leaving from cambridge on wednesday . eos 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 have 10 trains leaving hourly on the :01 from 14:01 to 23:01 , with a duration of 163 minutes . would you like to book one ? eos O O O O B-Train-Inform+Choice 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-OfferBook +bos yes , book the 14:01 for the same group of people . i 'll need 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 O N/A +bos booking was successful for tr8860 , the total fee is 600.79 gbp payable at the station . reference number is : h9y9x5hy . 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 N/A +bos thank you very much for you help . have a great day . eos O 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 with anything else . eos O O O O O O O O O O O O O O O general-bye +bos i am looking for a particular attraction , the man on the moon . 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 N/A +bos sure . the man on the moon is located at 2 norfolk street and their telephone number is 01223474144. 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O 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 assist 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 are there any vegetarian restaurants with moderate cost nearby there ? eos O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos i apologize but there are n't any vegetarian restaurants with a moderate price range in the centre area . eos O O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Price O O O O B-Restaurant-NoOffer+Area O O O N/A +bos how about chinese ? is there any moderate priced chinese places in the centre area ? eos O 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 N/A +bos there are three restaurants matching that search . would you like me to book you a reservation for jinling noodle bar ? eos O O O B-Restaurant-Inform+Choice 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 N/A +bos what about a restaurant called frankie and bennys ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos frankie and bennys is an expensive italian restaurant in the south . would you like to book a reservation ? 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 O O O O O O O O O Booking-Inform +bos yes , please . i need a table for 1 on friday at 18:30 , if that 's available . 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 N/A +bos i 'm sorry , but they 're all full up at that time . would you like to try a different day or 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 O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos yes can you see if 17:30 is available for that day ? eos O O O O O O B-Restaurant-Inform+Time O O O O O O N/A +bos your table has been booked for friday at 17:30. the table will be reserved for 15 minutes . your reference number is 23gyhjg6 . is there anything else i can help with ? eos O 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 general-reqmore +bos i 'd also like a taxi to go from the man on the moon to frankie and benny 's , arriving by 17:30. i will need the contact number and car type , please . 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 B-Taxi-Inform+Arrive O O O O O O O O O O O O O O O Taxi-Request+Car +bos your car will be a blue bmw and the contact number is 07344209609. is there anything else i can help you with today ? 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 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 , and have a nice day ! eos O O O O O O O O O O general-bye +bos hi , i am trying to find a restaurant serving italian cuisine , something expensive please . what would you suggest ? eos O 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 O N/A +bos i suggest stazione restaurant and coffee bar italian centre expensive 01223352607 cb23nj market hill city centre eos O O O O O O O O O O O O O O O O O N/A +bos what area is that in please ? the format you sent that in is very confusing . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos that is in the centre of the city . 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 okay thank you for the help . eos O O O O O O O O general-thank +bos thanks for using our services . can i help with anything else ? eos O O O O O O O O O O O O O O general-reqmore +bos no that was all , 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 i am looking for a restaurant serving spanish food , please . eos O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos la tasca is a moderately priced spanish restaurant in centre . 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 B-Restaurant-Inform+Area O N/A +bos please provide address and postcode . eos O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 14 -16 bridge street and the postcode is c.b 2 , 1 u.f 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 I-Hotel-Inform+Addr O O O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post I-Hotel-Inform+Post 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 you 're welcome . good bye . eos O O O O O O O O general-welcome,general-bye +bos please give me a moderately priced restaurant serving brazilian food eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A +bos i 'm sorry , but there are no moderately priced brazilian restaurants . eos O O O O O O O O O O O O O O Restaurant-NoOffer +bos could you recommend an indian restaurant in the same price range ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos sure , there are 4 indian restaurants in the moderate price range . do you prefer a certain part of town ? 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 O O O O O O O O O O O Restaurant-Request+Area +bos no , i do n't care . eos O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A +bos how about curry prince , which is in the east part of town and serves indian food ? eos O O 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 B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O N/A +bos that sounds good . what is the address and phone number ? 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 the curry prince is 01223 566388 and they are located at 451 newmarket road fen ditton . 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+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 N/A +bos is there any other indian restaurants in the same price range ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos meghna serves moderately priced indian food in the west part of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price I-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 N/A +bos thank you for all your help , and have a nice evening . eos O O O O O O O O O O O O O O general-thank +bos no problem , you enjoy your meal ! eos O O O O O O O O O general-welcome,general-bye +bos i want to find a cheap restaurant serving hungarian 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 would you like to look in ? eos O O O O O O O O O O Restaurant-Request+Area +bos i do not care about the area as long as it is hungarian food and cheap . eos O O O O O O O O O O O O O O O O O O N/A +bos there are no hungarian restaurants i can direct you to . would you like 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 Restaurant-Request+Food,Restaurant-NoOffer +bos yes , how about a restaurant that serves modern european food ? eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos the the river bar steakhouse and grill is cheap and serves modern european food 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 I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos can i get the address and postcode ? eos O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos their address is quayside off bridge street and the postcode is c.b 5 , 8 a.q . may 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 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 general-reqmore +bos that 's it , thank you , goodbye eos O O O O O O O O O general-bye +bos you 're welcome and good bye . eos O O O O O O O O general-welcome,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 chiquito restaurant bar is a mexican restaurant located in the south part of town and the price range is expensive . would you like their address ? 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 O B-Restaurant-Inform+Price O O O O O O O general-reqmore +bos sounds great . what is their phone number ? eos O O O O O O O O O O Restaurant-Request+Phone +bos their number is 01223 400170. is there anything else i can do for you ? eos 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 thank you for using our system . good bye eos O O O O O O O O O O general-bye,general-greet +bos bye bye . eos O O O O general-bye +bos you hang up first , sir ! eos O O O O O O O O general-bye +bos i need a place to eat in the north area 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 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 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 in the moderate price range . eos O O O B-Restaurant-Inform+Price O O O N/A +bos golden wok serves chinese food , is located in the north part of the city and in the moderate price range . 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 O O B-Restaurant-Inform+Price O O O O N/A +bos what is the phone number and address ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the golden wok 's phone number is 01223 350688 and they are 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 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 O O O O O O general-reqmore +bos no thank you . goodbye . eos 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 french restaurant . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there is one in the centre of town and one in the north area of town . 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 N/A +bos north part of town eos O B-Restaurant-Inform+Area O O O N/A +bos restaurant two two is a french restaurant located in the north part of town , but it is pricey . would you like more information ? 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 I-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O O O O general-reqmore +bos yes , what is the address of restaurant two two ? eos O O O O O O O O O O O O Restaurant-Request+Addr +bos the address is 22 chesterton road . 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 O general-bye +bos good bye . eos O O O O general-bye +bos i 'm looking for something serving christmas food . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are no restaurants serving christmas food . eos O O O O O O B-Restaurant-Inform+Food O O Restaurant-NoOffer +bos how about a moderately priced chinese restaurant ? eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos yes , there is one called golden wok in the north part of town . do you want this one ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Select +bos ok , what 's the phone number ? eos O O O O O O O O O Restaurant-Request+Phone +bos golden wok 's number is 01223 350688 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos is there anything else ? eos O O O O O O N/A +bos that 's all , enjoy your meal . eos O O O O O O O O O general-bye +bos thanks ! you too ! eos O O O O O O general-thank +bos goodbye . eos O O O general-bye +bos what is good in the south part of town eos O O O O O O B-Restaurant-Inform+Area 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 do n't care what type of food it is . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O N/A +bos there are nine restaurants in the south area . is there a price range you would like in particular ? 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+Price +bos yes , under $ 25.00 per entree . eos O O O O O O O O O N/A +bos would you like the cheap , moderate , or expensive price range ? eos O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O N/A +bos cheap , please eos O B-Restaurant-Inform+Price O O N/A +bos there are two available in the south : nandos , which serves portuguese , and the lucky star , which serves chinese . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice 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+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O N/A +bos i am looking for a cheap restaurant that serves polish 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 are no cheap restaurants that serve polish food . eos O O O O O O O O O O O Restaurant-NoOffer +bos how about a portuguese one ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos so you would like recommendations for a cheap restaurant that serves portuguese food ? eos O O O O O O O O B-Restaurant-Select+Price O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O general-reqmore +bos yes , please . eos O O O O O N/A +bos there are two restaurants that serve portuguese food and in the cheap price range . would you like the center or south area ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O N/A +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 i would suggest you try the chiquito restaurant bar . eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos what type of food do they serve and may i have their address ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Addr +bos chiquito restaurant bar serves mexican food and located at 2g cambridge leisure park cherry hinton road cherry hinton . would you like anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 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 that is all thank you . eos O O O O O O O general-thank +bos you 're welcome . eos O O O O O general-welcome +bos i 'm looking for a place to stay , please . eos O O O O 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 i prefer the east part of town . and a 4 star rating if possible . eos 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 i have 6 in that area . 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 O Hotel-Request+Price +bos no , price range does n't really matter . it do n't really care if they offer internet though . 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 might i suggest the leverton house ? it 's located in the east . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O O O N/A +bos is it a safe place to stay ? eos O O O O O O O O O N/A +bos i do not have that info . eos 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 leverton house is in the cheap price range . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O N/A +bos ok. that will be fine . i am also looking for a restaurant called nandos city centre . what type of food do they serve ? 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 O O O O O O O Restaurant-Request+Food +bos nandos city centre serves portuguese food . they 're in the cheap price range and they 're at 33-34 saint andrews street . eos 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+Price 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 N/A +bos i need a taxi to pick me up at the hotel and drop me at nandos city center by 09:00 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 i booked a black bmw and the contact number is 07017169232. is there anything else i can help you with ? 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 general-reqmore +bos perfect , thank you . eos O O O O O O general-thank +bos thank you for calling . eos O O O O O O general-bye +bos hi , i 'm looking to book the hamilton lodge in cambridge eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos when would you like to book a room at hamilton lodge ? how many guests will there be ? 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 O Booking-Request+People,Booking-Request+Day +bos i want a room on sunday for 2 people . eos O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O N/A +bos for how many days ? eos O O O O O O Booking-Request+Stay +bos five days . does the room have internet ? also , what is the hotel type ? 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 guesthouse , is that okay ? eos O O O O B-Hotel-Inform+Type O O O O O Booking-Inform +bos yes , that 's okay . please get me their phone number . also , find out if they have internet 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 Hotel-Request+Phone,Hotel-Request+Internet +bos phone number is 01223365664 and yes it has internet . eos O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O O Hotel-Inform+Internet +bos great ! i also need a college to go see in the centre . i need the phone number and entrance fee to one you recommend . eos 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 O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos gonville and caius college is great to visit . they are free to visit and their number is 01223332400. is there anything else i can help with ? eos 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+Fee I-Attraction-Recommend+Fee O O O O O B-Attraction-Recommend+Phone O O O O O O O O O O general-reqmore +bos oh great . can i also get you to book me a taxi from the college to my hotel ? i want to leave 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 N/A +bos booked car type is black lexus . contact number is 07352412792. anything else ? eos O 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 that 's all i needed . thanks . bye . eos O O O O O O O O O O O general-bye +bos thanks for using our service today have a great day . eos O O O O O O O O O O O O general-bye +bos i need to find a train out of king 's lynn that will arrive by 17:45. eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos can you please provide me with destination of the train so i can better assist you ? eos O O O O O O O O O O O O O O O O O O Train-Request+Dest +bos cambridge , and it will be on sunday . eos O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O N/A +bos i have train tr6003 leaving cambridge at 5:11 and arriving at 5:58 on sunday . 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+Arrive O B-Train-Inform+Day O N/A +bos that sounds great . can you book me 4 tickets on that train 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 31.36 gbp payable at the station .reference number is : 8k88du7k . 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 awesome ! i also need help finding a place to stay in the south . not driving so do n't need parking . 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 O N/A +bos i have 4 options available . do you have a preference of guesthouse or hotel and price range ? 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 O O Hotel-Request+Price +bos i would like a hotel and my only preference , besides being in the south , is i would like it to have a 3 star rating please . eos 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 O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos the lensfield hotel meets your criteria . would you like 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 O O O O O Booking-Inform +bos yes i 'll need it for sunday for 2 nights and 4 people . eos 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 you are booked for 2 night for 4 people starting sunday at the lensfield hotel . your reference # is icm07ywc . can i help you with anything else today ? eos O O O O O O B-Booking-Book+Stay O O B-Booking-Book+People 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 that takes care of everything 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 very welcome ! have a wonderful day , goodbye ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos where are some places to visit in the centre ? eos O O O O O O O O O O O N/A +bos there are several museums would you like their info ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O O N/A +bos yes that would be great all the info thanks . eos O O O O O O O O O O O general-thank +bos i think you 'd enjoy byard art . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos 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 ? eos O O O O O O O O O O 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 entrance is free . is there anything else you would like to know ? eos O O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos yes , i 'm also looking for 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 O N/A +bos you asked for the byard art phone number which is 01223464646. regarding lodgings , there are 29 meeting your requirements . what is your price range and preferred area , please ? eos O 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos i would like it to be in the centre , or near the attraction . also want it to be cheap . eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos i have two options in the centre of town . one has 0 stars and the other has 4 stars . would you be interested in booking either ? eos 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 B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O Booking-Inform,Hotel-Select +bos no i do n't have a preference . would you recommend one or the other for 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 would recommend alexander bed and breakfast which if four stars . 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 B-Hotel-Recommend+Stars I-Hotel-Recommend+Stars O O O O O O O O O O O Booking-Inform +bos yes please start a booking there . 6 people will be staying . eos O O O O O O O O O O O O O O N/A +bos what day would you like to start the reservation ? eos O O O O O O O O O O O Booking-Request+Day +bos i will get there thursday . eos O O O O O B-Hotel-Inform+Day O N/A +bos okay , i have started your booking and now i just need to know how many days you plan 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 +bos it will be 5 nights eos O O O O O B-Hotel-Inform+Stay N/A +bos you 're all set . the reference number for this stay is ggt8f3n0 . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thanks so much ! that was the last thing i needed taken care of . i feel ready for my trip now . 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-bye +bos thanks for contacting cambridge towninfo centre . have a great day . eos O O O O O O O O O O O O O general-welcome,general-bye +bos looking for a place to stay , can you help me pick ? eos O O O O O O O O O O O O O O N/A +bos i can we have 33 locations , do you have anything to narrow it down ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O general-reqmore +bos i want a guesthouse that has free parking . eos O O O O B-Hotel-Inform+Type O O O O O N/A +bos i could recommend the acorn guest house . it is in the north area and has a moderate price range . 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 I-Hotel-Recommend+Area O O O B-Hotel-Recommend+Price O O O N/A +bos could you please book it for 6 people staying 5 nights from 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 i have made that reservation and your reference number is 1pcqyq0p eos O O O O O O O O O O O B-Booking-Book+Ref N/A +bos excellent . i 'm also looking for a place to visit . can you tell me if there are any colleges 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 B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos i 'd recommend christ 's college on saint andrews street , cb23bu . their phone number is 01223334900. will that be all ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Phone O O O O O O O O O general-reqmore +bos thanks that was all i needed . eos O O O O O O O O general-thank +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 'm looking to visit a museum 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 three free museums , are these the ones you would like ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Fee B-Attraction-Inform+Type O O O O O O O O O general-reqmore +bos sounds great . could you recommend one , and 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 O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos cambridge artworks 5 greens road cb13eg 012202168. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Phone N/A +bos thank you , also can you help me find a place to eat ? eos O O O O O O O O O O O O O O O general-thank +bos of course ! are you craving anything in particular ? eos O O O O O O O O O O O Restaurant-Request+Food +bos actually , i 'm looking for a place to stay . eos O O O O O O O O O O O O N/A +bos i found 33 locations so i may better serve you what is your price range and area ? 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 a guesthouse in the northern part of town , please . eos O O O O O O O O O O O O N/A +bos it will be possible and i will find you one thanks a lot eos O O O O O O O O O O O O O O N/A +bos yes , i am planning my trip to cambridge . there are so many things to do it seems . exciting . can you help me with some 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 O O O N/A +bos i certainly can . we have nearly 80 different attractions around town . first of all , do you have any preference as to the area of town you want to visit ? eos 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 +bos i would like the centre area please . eos O O O O O B-Attraction-Inform+Area O O O N/A +bos what types of attractions are you interested in , buildings , museums , nightclubs ? eos O O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O Attraction-Request+Type +bos i am most interested in museums . eos O O O O O O B-Attraction-Inform+Type O N/A +bos there are several museums , do you prefer an art or history themed museum ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type O O N/A +bos just any type of museum will do . eos O O O O O O O O O N/A +bos cambridge contemporary art is available , are you interested in that ? eos 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 yes , that sounds good . 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 O Attraction-Request+Post,Attraction-Request+Phone +bos sure ! their phone number is 01223324222 and postcode is cb21su . eos O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O N/A +bos thank you , can you also help me with finding a hotel in the est ? eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos would the express by holiday inn cambridge be good ? 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 N/A +bos yes that would be great ! thank you for helping me with this . 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 me to book a room ? eos O O O O O O O O O O O O O O general-welcome,Booking-Inform +bos oops look like i made a typo . is that hotel a guesthouse and in the cheap price range ? eos O O O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O N/A +bos certainly . i see three guest houses , the allenbell , autumn house and leverton house , all with internet and parking . would you like to book one of these ? eos O O O O B-Hotel-Inform+Choice 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 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 as long as these are cheap guesthouses in the east then any one will do . i need 4 people 2 nights from monday please . eos 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 B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos you have a room at the allenbell at 517a coldham lane . the reference number is qf67o63y . can i help you with anything else ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name 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 O O O O general-reqmore +bos i also need a taxi from the hotel to the museum , please . i 'd like to leave the hotel by 01:00. 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 N/A +bos it 's ready ! look for a blue tesla around that time . if you want to contact them call 07618255220. would that be all for you 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 general-reqmore +bos yes that would be all thank you . eos O O O O O O O O O general-thank +bos excellent . enjoy your day ! eos O O O O O O O general-welcome,general-bye +bos hello , can you help with my planning ? 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 general-greet +bos sure ! there are several good options . 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 Hotel-Request+Area,general-greet +bos i 'll be staying in northern cambridge . eos O O O O O B-Hotel-Inform+Area O O O N/A +bos what price range are you looking for and any star preference ? eos O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars +bos it should be in the moderate price range , please . eos O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos sure , there are plenty of options . were you looking for anything specific as far as 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 Hotel-Request+Stars +bos the star rating does n't matter but i do need free parking . eos O O O O O O O O O O O O O O N/A +bos i suggest acorn guest house . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos okay , please book that for 2 people and 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 O N/A +bos your booking was successful . here is your reference number : p17iw7bh . 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 'm also looking for a museum located in the east . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos i show 4 museums , 3 of which have free admission . eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos okay , may i have the phone number of one of the free museums . whichever one you recommend will be fine . eos 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 for gallery at twelve a high street is 01223295264 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 B-Attraction-Inform+Phone N/A +bos thank you . you 've been a lot of help . i need to take off now . 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 have a nice day ! eos O O O O O O general-bye +bos i 'm looking for a specific hotel in cambridge . eos O O O O O O O O O O O Hotel-Inform +bos there are 33 hotels in cambridge . do you know the name ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Name +bos yes it is the carolina bed and breakfast . eos 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 , i have located it . it is as 138 perne road . the phone number is 01223247015. can i further assist you ? 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 B-Hotel-Inform+Phone O O O O O O O general-reqmore +bos i am also looking to go to a concerthall . eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos there 's one called the man on the moon in the centre . i 'm not sure if they charge an entrance fee or not but i can get you their phone number 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 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 O O O O O O O O O O O O N/A +bos 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 ? eos O O O O O O O O O O O O O O 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 the carolina b & b is 4 star , and the man on the moon is at 2 norfolk street , 01223474144. is there anything else you need ? 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos yes , can we book a taxi to get between those ? i 'll want to leave the hotel by 09:45. 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 N/A +bos okay , i have red skoda booked to pick you up from the hotel and take you to the concert hall . the contact number is 07462131215. 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 O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Phone O O N/A +bos thanks , i think that is all i need . eos O O O O O O O O O O O general-thank +bos awesome , glad to help 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 certainly will . thank you , again . goodbye . eos O O O O O O O O O O O O general-bye +bos have a great trip . please contact us again if you need additional assistance . 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 hi , i will be traveling to cambridge and am excited about seeing local tourist attractions . eos O O O O O O O O O O O O O O O O O O Attraction-Inform +bos oh i 'm super excited for you ! anything in particular you 'd like to check out ? how about some architecture ? eos O O O O O O O O O O O O O O O O O O B-Attraction-Select+Type O O O O O Attraction-Request+Type +bos actually , i would prefer a nightclub . eos O O O O O O B-Attraction-Inform+Type O O N/A +bos there are 5 different nightclubs here in cambridge . do you have a specific type in mind ? 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 Attraction-Request+Type +bos no specific type , i just need the area that it 's in , please . eos O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos all nightclubs are located in the centre . eos O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O N/A +bos thank you . i 'm also looking for a hotel in the north with a star of 4. eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O N/A +bos i 'm sorry but there are no hotels that meet your criteria . would you like to try another 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 Hotel-Request+Area +bos let 's try 3 star hotels , instead . eos O O O O B-Hotel-Inform+Stars O O O O O N/A +bos still no hotels match your criteria eos O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O N/A +bos can you check to see if there is a guesthouse available instead of hotel ? something in the north with a star of 4 and 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 B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O N/A +bos there are 8 guesthouses in the north with 4 stars and free internet . are you looking for parking as well ? eos O O O O B-Hotel-Inform+Choice 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-Request+Parking,Hotel-Inform+Internet +bos no , can you recommend me a good one ? eos O O O O O O O O O O O N/A +bos the archway house would be a great choice . it 's located at 52 gilbert road , cb43pe . would you like me to try and book a stay 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 B-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 Booking-Inform +bos no thanks . could you just tell me their phone umber and price range ? eos O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price +bos the archway house 's phone number is 01223575314 , it 's a moderately priced guesthouse . can i get you any more information ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Phone 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 general-reqmore +bos i would also like to book a taxi from the archway house to one of the nightclubs you mentioned . i would like to leave the hotel by 09: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 O O O O O B-Taxi-Inform+Leave O N/A +bos certainly . what is your destination ? eos O O O O O O O O Taxi-Request+Dest +bos could you recommend a nightclub from the previous search ? eos O O O O O O O O O O O N/A +bos yeah , the ballare is great . it 's in the centre of town . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O N/A +bos no , i did mean 09:45 , thank you . eos O O O O O O O O O O O general-thank +bos okay great , the car will be a black honda and the contact number is 07537395912. is that all you need today ? 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 N/A +bos no , i wanted to check things out during the day time . but thanks for making sure . 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 am looking for the cityroomz hotel eos O O O O O O B-Hotel-Inform+Name O N/A +bos cityroomz is a moderate priced accommodation location on station road in the city centre . may i assist with a booking ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O O B-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 Booking-Inform +bos yes book it please . 6 people , 5 nights starting monday . thanks ! eos 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 N/A +bos great , the booking was successful . your reference number is b4famsjv . eos 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 to find and expensive seafood 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 loch fine serves seafood in the center of town in the expensive price range . do you want me to make a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 Booking-Inform +bos no , that 's but could i get the phone number for it ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number for loch fyne is 01223362433. is there anything else i can assist you with ? 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 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 book a taxi for you , no problem . i will just need to know when and where you would 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 O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave +bos can you pick me up at cityroomz and take me to loch fyne . eos O O O O O O O B-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos do you have a departure or arrival time ? eos O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i would like to be picked up from cityroomz by 12:00. eos O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos okay ! your taxi is a white white audi . contact number : 07666503323 eos 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 for your help . eos O O O O O O O general-thank +bos thank you enjoy your stay in our beautiful city ! eos O O O O O O O O O O O general-bye +bos i 'm looking for a hotel called a and b quest house . eos O O O O O O O O O O O O O O Hotel-Inform +bos a and b guesthouse is a moderately-priced , 4-star guesthouse at 124 tenison road , on the east side of town . would you like a room there ? eos 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform +bos i need a room for 1 person , for 5 nights , beginning on saturday . i will also 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 O O O O O N/A +bos booking was successful . your reference number is : obk1ykxc . 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 i 'm also looking for a place to eat . eos O O O O O O O O O O O N/A +bos there are lots of fine eateries in the city - what type of food are you interested in ? and are you looking for a particular 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 O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos i 'd like to try crossover food at a moderately priced restaurant . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A +bos i do n't have anything meeting that criteria . can i look for something else ? eos O O O O O O O O O O O O O O O O O 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 the curry prince is in the east part of town . would you like me to book a table for you ? 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 O O O O O O O O Booking-Inform +bos yes , please book it at 14:00 on saturday for 1. eos O O O O O 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 : h2df3481 . 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 general-reqmore +bos no . i do n't need anything else . thank you and bye . eos O O O O O O O O O O O O O O O general-bye +bos you are welcome , enjoy the stay at cambridge . eos O O O O O O O O O O O general-welcome,general-bye +bos please tell me where the restaurant hk fusion is located . thanks . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos hk fusion is at 21 burleigh street , city centre . would you like a reservation ? eos 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 O O O O O O O Booking-Inform +bos please reserve for me table for two for today luch . thank you eos O O O O O O O O O O O O O O general-thank +bos what time would you like lunch ? eos O O O O O O O O Booking-Request+Time +bos i just need the phone number for that place . eos O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223355909. eos O O O O O B-Restaurant-Inform+Phone N/A +bos i also need a moderate priced place to stay in the north . eos O O O O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Area O N/A +bos great ! i have eleven options for you ! eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O general-greet +bos great , i would like it to be a guesthouse and have 4 stars . eos O O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars 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 N/A +bos can i have the postcode , address , and phone number ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr +bos yes , the phone is 01223353888. post code is cb41da and the address is 154 chesterton road . is there anything else i can help you with ? eos O O O O O B-Hotel-Inform+Phone 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 O O O O O O O O O O general-reqmore +bos no , that would be all for today . have a great evening . eos O O O O 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 can you tell me about architectural attractions on the west side ? eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos yes , we have so many interesting architectural attractions . do you have any particular area in mind ? eos 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 O O O Attraction-Request+Area +bos yes , i 'm looking for something in the west . eos O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos unfortunately , i do not have anything architectural in the west . would you like me to try a different area or attraction type ? 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 O O Attraction-Request+Type,Attraction-Request+Area +bos alright could you tell me about the museums in the west ? eos O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos there are 7 museums in the west , do you have a preference of what you 'd like 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 O N/A +bos can you recommend one ? i need the address , entrance fee , and phone number too . 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,Attraction-Request+Addr +bos the cambridge book and print gallery is at 49 newnham road . it is a nice , free museum . the phone number is 01223694264. 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Fee B-Attraction-Inform+Type O O O O B-Attraction-Inform+Phone O O O O O O general-reqmore +bos yes , i 'm also interested in a hotel called alpha-milton guest house . i need to book it for 7 people for 3 nights starting on friday . 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 B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O N/A +bos i 've got you booked at the alpha-milton guest house , and your reference number is t1jsfddi . 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 B-Booking-Book+Ref O O O N/A +bos i also want to book a taxi to leave the hotel by 03:45. get contact number and car type eos 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 you are all set , look for a black audi , they can be reached by phone at 07657880984. is there 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 O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos no that is everything i need . thank you . eos O O O O O O O O O O O general-thank +bos thank you , hope you have a fun trip ! eos O O O O O O O O O O O general-bye +bos hi , can you help me locate a restaurant named travellers rest ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos it is located at huntingdon road city centre . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos what kind of food do they serve ? eos O O O O O O O O O Restaurant-Request+Food +bos they serve british food and the restaurant is in the expensive price range . would you like to make a booking ? eos O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos no . i need a place to stay , guesthouse . do not need free parking . 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 sure , there are plenty of choices . do you have a price point ? 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 do want it in the south and to have wifi though . 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 like ? eos O O O O O O O O Hotel-Request+Price +bos it does n't matter . eos O O O O O O N/A +bos we have 3 guesthouses that meet your criteria . would you like a moderate or cheap guesthouse during your stay ? 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 B-Hotel-Select+Type I-Hotel-Select+Type O O O O N/A +bos moderate please . can you give me the address ? eos O B-Hotel-Inform+Price O O O O O O O O O Hotel-Request+Addr +bos aylesbray lodge guest house is a 4 star guesthouse in the south part of town in the moderate price range and includes both 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+Parking,Hotel-Inform+Internet +bos can i get the address ? eos O O O O O O O Hotel-Request+Addr +bos sure . they are located at 5 mowbray road . eos O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos thank you so much . that 's all i need today . eos O O O O O O O O O O O O O general-thank +bos i 'm 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 'm looking for an expensive chinese restaurant in cambridge . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos any particular area you have in mind ? eos O O O O O O O O O Restaurant-Request+Area +bos i 'd like to be where all the action is 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 i have 4 options that meet the choice of your request though i done have the phone number of one . do you wish i help you choose one ? 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 O O O O O O Restaurant-Select +bos yes , please pick one for me . i need the address with postcode . i 'd also like the phone number too . 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 O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos how about sesame restaurant and bar ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos i would love to try that restaurant . what is 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos 17 hills road city centre , cb21nw and the phone is 01223358899. would you like me to book that for you ? eos 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+Post O O O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos no , not yet . can you help with a hotel room ? eos O O O O O O O O O O O O O O Hotel-Inform +bos yes , of course . please give me some details on the lodgings you desire . eos O O O O O O O O O O O O O O O O O general-greet +bos i 'm looking for the alexander bed and breakfast . do you know it ? 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 N/A +bos yes , i get requests for them all the time . they are located at 56 saint barnabas road in the center of town . do you need more information ? eos 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 I-Hotel-Inform+Addr O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O general-greet,general-reqmore +bos no thanks , just a booking for 5 people , 2 nights starting on sunday please . 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 your booking is all set ! your reference number is d4oqokpl . 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 thanks ! i will also need a taxi . eos O O O O O O O O O O Taxi-Inform +bos where are you going , and when do you need to leave by ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest +bos commuting between the two places discussed leaving by 15:15. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos i have a yellow audi booked for you . the contact number is 07267474545. 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 O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos no thank you . eos O O O O O general-thank +bos ok have a great day good bye . eos O O O O O O O O O general-welcome,general-bye +bos i was hoping that you could find a restaurant for me . eos O O O O O O O O O O O O O Restaurant-Inform +bos what type of food do you want ? eos O O O O O O O O O Restaurant-Request+Food +bos i need the address and phone number of a restaurant in the center of town that serves turkish food . thanks . 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 O Restaurant-Request+Phone +bos there are 3 choices , 2 moderately priced and 1 expensive . 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 O O O O O O Restaurant-Select +bos the moderately priced one sounds good can you give me the address and phone number ? can you also find me a hotel with free wifi and 3 stars . eos 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 O B-Hotel-Inform+Stars O Restaurant-Request+Phone,Restaurant-Request+Addr +bos anatolia , 30 bridge street cb21uj , phone number 01223362372. gonville hotel is 3 stars and has free wifii . would you like a reservation ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Phone 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 Hotel-Recommend+Internet,Booking-Inform +bos yes and i need the reference number thank you eos O O O O O O O O O O N/A +bos i need a day that you will be arriving for the hotel reservation . eos O O O O O O O O O O O O O O O Booking-Request+Day +bos nevermind , i wo n't be needing that reservation after all . thank you ! eos O O O O O O O O O O O O O O O O general-thank +bos no worries . 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-greet,general-reqmore +bos may i please have the postcode , address , and hotel type ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Type,Hotel-Request+Addr +bos sure ! it is a hotel and is located on gonville place with the postcode cb11ly . eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Post O O general-greet +bos thank you so much . eos O O O O O O general-thank +bos you are very 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 O O general-welcome,general-reqmore +bos thank you , i 'll let you know if i need anything else . 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 i 'm looking for a place to dine in the centre that serves jamaican 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 i 'm sorry , i 'm not finding any place that serves jamaican food in the centre of town . would you like to try another area ? eos 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 Restaurant-Request+Area +bos that is fine , how about a place that serves indian food ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are several of those . do you have a price range 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 Restaurant-Request+Price +bos i have no preference in price range . eos O O O O O O O O O N/A +bos i have 9 different indian restaurants in the centre of town . if you are looking for a truly authentic experience , might i suggest the golden curry . they are expensive . eos O O O O B-Restaurant-Inform+Choice 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 O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Inform+Price O O O O N/A +bos that sounds perfect . can you book a table for me for tuesday ? eos O O O O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos sure . how many people will be dining on tuesday ? eos O O O O O O O O O O O O Booking-Request+People +bos i need the reservation for 2 people for 14:30 for tuesday . 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 okay , your table is booked for the golden curry and your reference number is syl7b9mn . 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 N/A +bos perfect . also need to book a hotel , the autumn house for 2 people , 2 nights from tuesday . if that day fails , then wednesday and provide the reference number . eos 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 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 all right , your room has been reserved . your reference number is vqqn0120 . 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 O O general-reqmore +bos no , that 's all i need , thanks . eos O O O O O O O O O O O general-thank +bos ok , enjoy your stay in cambridge . bye . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a 3-star lodging with free wifi . eos O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos we have 5 locations with a 3 star rating that offer free wifi , do you prefer a particular area or price range ? eos 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 Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet +bos i would like it to be in the west eos O O O O O O O O O B-Hotel-Inform+Area N/A +bos the hobsons house is available in that area . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O N/A +bos that sounds like it will work . can i book that for 3 nights starting wednesday ? eos O 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 i 've booked you a one person stay for 3 nights starting on wednesday . your reference number is : q81kt0vn . 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 O B-Booking-Book+Ref O O O N/A +bos i also am looking for somewhere to get afternoon tea . eos O O O O O O O O O O O O N/A +bos would you be interested in a british restaurant then ? eos O O O O O O O B-Restaurant-Select+Food O O O N/A +bos let 's try a chinese restaurant instead . eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are quite a few chinese restaurants . are you you looking for one in the west , like your hotel ? any price range in mind ? eos 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 Restaurant-Request+Area,Restaurant-Request+Price +bos no i 'm not too picky . you can just select one for me and then please book a table for 8 people on wednesday at 15: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+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos your booking at the yu garden on wednesday at 15:45 for a party of 8 is confirmed . your reference number is : fpl31kwn . can i help you wroth anything further ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O B-Booking-Book+Time O 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 O O O general-reqmore +bos that 's all for today ! thanks a ton . bye ! eos O O O O O O O O O O O O O general-bye +bos i hope you have a wonderful meal . eos O O O O O O O O O general-bye +bos i am looking for a restaurant 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 Restaurant-Inform +bos i would love to help ! any kinds of foods you 'd prefer ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food +bos i would prefer something in the centre area , that has a moderate price range , and serves afghan food . 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 N/A +bos i 'm sorry , but there are no afghan restaurants in all of 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 O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Food +bos are there any restaurants in the cenre that serve turkish food ? eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes we have 2 moderate priced options . anatolia or efes restaurant . do you have a preference ? i can book a table for you if you want . eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 Booking-Inform,Restaurant-Select +bos i 'm not ready for a reservation , but can i get the address for anatolia ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O O Restaurant-Request+Addr +bos sure ! it 's 30 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 I-Restaurant-Inform+Addr O N/A +bos i 'm sorry i also need the post code . eos O O O O O O O O O O O Restaurant-Request+Post +bos the postcode is cb21uj . what else can i help you with today ? eos O O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos i 'm also looking for somwehere to stay , is there anything with a star of 0 ? 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 not found anything with a star of zero . eos O O O O O O O O O O B-Hotel-NoOffer+Stars O N/A +bos i need a place to stay . i would like a 4 star place in the east area . eos O O 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 sure we have 6 places , do you have any other preferences ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O N/A +bos yes , i 'd like a place that includes free wifi and it should be a hotel . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos i 'm afraid all of our 4-star accommodations in the east are guesthouses . would one of those suit you ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Type O O O O O O O O O general-reqmore +bos no , it would not . what do you have in the west area ? eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos in the west i have two 4-star hotels - the cheap cambridge belfry and the expensive huntingdon marriott . eos O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos hmm , i think we are getting confused on what i need . i really need to find a hotel with 4 stars in the east . or a guesthouse will do also . 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+Stars O O B-Hotel-Inform+Area O O B-Hotel-Inform+Type O O O O O O O N/A +bos i think allenbell would suit you well . would you like more information ? eos O O O B-Hotel-Recommend+Name O O O O O O O O O O O general-reqmore +bos could i get the postcode , phone number and whether they have free parking ? 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+Parking +bos the allenbell 's postcode is cb13js . their phone number is 01223210353 and yes they do have free parking . would you like to book this one ? eos O O B-Hotel-Inform+Name 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 O O O O O Booking-Inform,Hotel-Inform+Parking +bos thanks . i also need an attraction to visit in the college category . any suggestions ? 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 are no colleges in the east , can i look somewhere else ? 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 Attraction-Request+Area +bos yes i would like to go to a college regardless of the area . eos O O O O O O O O O O O O O O O N/A +bos i 'm sorry , we do not have any college listings . eos O O O O O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O N/A +bos okay , what about museums in the east ? eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are 4 museums in the east . any preferences ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos please check again for a college in any area . eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos a majority of our colleges are in the centre , but not all of them have free admission , are you looking for one with no entrance fee ? eos O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-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 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 Attraction-Request+Price +bos the centre is fine and free would be great ! eos O O B-Attraction-Inform+Area O O O O O O O O N/A +bos there 's christ 's college on saint andrew 's street . it 's in the centre and free . are you interested ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-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 B-Attraction-Inform+Fee 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 Attraction-Request+Post +bos gonville and caius college is quite interesting . their post code is cb21ta . their address is trinity street . 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 B-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos thanks , i will need a taxi from the guesthouse to the attraction . i 'd like to leave the guesthouse by 24: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 O O N/A +bos alright , got you a grey toyota taxi to pick you up from the allenbell at 24:30. contact number is 07330473463. anything else i can do for you ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O B-Taxi-Inform+Phone 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 okay great , have a good night ! eos O O O O O O O O O general-bye +bos i 'm looking for a train going to cambridge and arriving by 2:45 pm . can you help 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 N/A +bos i can help with that ! what day would you like to depart ? eos O O O O O O O O O O O O O O O Train-Request+Day +bos i am leaving from london liverpool street on wednesday please . 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 trains leave london liverpool street every 2 hours beginning at 5:39. the latest leaves at 11:39 and arrives in cambridge at 13:07. eos O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart 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 O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive N/A +bos give me information on the latest one . eos O O O O O O O O O N/A +bos the latest train leaves at 23:39. eos O O B-Train-Inform+Choice O O O B-Train-Inform+Leave N/A +bos what is the id for the train leaving at 11:39 ? eos O O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr4161 . anything else ? eos O O O O O B-Train-Inform+Id O O O O general-reqmore +bos yes , i am looking for places to go to in town . can you help me ? 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 certain area or attraction you would like to see ? eos O O O O O O O O O O O O O O O Attraction-Request+Name,Attraction-Request+Area,Attraction-Request+Type +bos i have no preference . just find something 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 would like to recommend all saints church , it is beautiful architecture in the centre of town and no entrance fee . eos O O O O 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 I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A +bos could i have their phone number please ? eos O O O O O O O O O Attraction-Request+Phone +bos sure , their phone number is 01223452587. is there any other way i can assist you ? 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 no that is all for today . eos O 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 i want to visit the cambridge artworks . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos okay i found cambridge artworks on 5 greens road in the east . would you like anymore information ? 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 O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos yes i need to know if there is an entrance fee or not and the postcode for 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-Request+Area,Attraction-Request+Post,Attraction-Request+Fee +bos no entrance fee and the post code is cb13ef . eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O N/A +bos i am also looking for a restaurant in the centre . i am interested in a moderate price range . what can you recommend ? eos 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 N/A +bos the oak bistro is an amazing british restaurant in the centre . 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 N/A +bos great ! can i get their phone number , address and postcode ? eos 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+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number is 01223323361. the address and post code are 6 lensfield road cb21eg . would you like me to book a reservation for your party ? eos O O O O O B-Restaurant-Inform+Phone 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 O Booking-Inform +bos yes please . i would also like to book a restaurant . eos O O O O O O O O O O O O O Restaurant-Inform +bos great , , can you let me know what day , time and how many people will be there ? 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 do n't worry about booking me . i need to get a ride to the restaurant though . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos okay , i will need to know your departure location and a time to leave at or arrive by before i can book 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 Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Leave,Taxi-Request+Dest +bos i want to leave the restaurant at 04:30. my destination is cambridge artworks . please give me car type and contact info . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O O Taxi-Request+Car +bos you are all set with a white tesla , contact : 07205500019 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 thanks , i wo n't need anything else today 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 would like a cheap restaurant . eos O O O O O B-Restaurant-Inform+Price O O N/A +bos there are ten cheap restaurants in the city ; do you have a preference of area or type of cuisine ? 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-Request+Area,Restaurant-Request+Food +bos i do n't care . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos ask is a nice place , that is in the cheap price range . 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 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 actually , i 'd like one in south part of town . is ask in the south ? eos 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 i 'm sorry , but ask is not in the south part of town . there are 2 restaurants in the south part of town and in the cheap price range . would you like portuguese or chinese 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 O O O O O O O O O N/A +bos i have no preference , please make a suggestion . eos O O O O O O O O O O O N/A +bos nandos is a nice restaurant in the south part of town and in the cheap price range . their phone number is 01223 327908 and they are located at cambridge leisure park clifton way . eos 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 I-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone 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 N/A +bos okay , that sounds good . thank you for your help . eos O O O O O O O O O O O O O general-thank +bos your welcome . thank you for calling eos O O O O O O O O general-welcome,general-bye +bos how much does it cost to take the bus in cambridge ? eos O O O O O O O O O O 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 traveling to london . eos O O O O O O O O N/A +bos the rate for a trip from cambridge to london kings cross ranges from 18.88 pounds to 23.60 pounds depending on the day of travel . eos O 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 B-Train-Inform+Ticket I-Train-Inform+Ticket I-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 N/A +bos i am also looking for a hotel in the west side of cambridge . can you help me ? 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 there are a few to choose from . do you prefer a hotel or a guesthouse ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos i want a hotel on the west side that does n't have to include internet . if no internet , what about 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+Internet O O O O O O O O N/A +bos unfortunately there are no hotels meeting your criteria . would you like me to look in another part of town ? 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 Hotel-Request+Area +bos are you sure that there are no hotels on the west side of town ? with or without internet ? 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 N/A +bos there are four . do 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 Hotel-Request+Price +bos can you find a place to eat 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 there are 22 cheap restaurants in town . do you have a food preference or an area of town you want to eat 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 O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos i 'm craving some international food . can you point me in the right direction ? i 'm looking to eat somewhere in the east area of town . 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 B-Restaurant-Inform+Area O O O O O O N/A +bos i have found 1 restaurant matching your criteria , the missing sock . would you like to try it ? 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 O O O O O O Booking-Inform +bos yes . please book me a table for friday at 13:00 for 6 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 i have booked your table . the reference number is : rqs2gvaq . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you ! could you also find an architectural attraction near the restaurant ? eos O O O O O O O O O O O O O O O Restaurant-Inform,Attraction-Inform +bos unfortunately , i do n't happen to see any architecture attractions in that area of town . can i find something else for you ? eos O O O O O O O O B-Attraction-NoOffer+Type O O O O O O O O O O O O O O O O O general-reqmore +bos are there any multiple sports attractions in the same area ? eos O O O O O O O O O O O O Attraction-Inform +bos yes , there is the cherry hinton village centre . would you like more information about 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 general-reqmore +bos give me the address , please . eos O O O O O O O O Attraction-Request+Addr +bos the address is colville road , cherry hinton . can i help with 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 O O O O general-reqmore +bos can you book me a taxi to get from cherry hinton 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 i can take care of that . do you have a time you would like to leave ? i imagine you would like to arrive on time for your 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 Taxi-Request+Leave,general-greet +bos could you book a taxi at 12:30 ? eos O O O O O O O B-Taxi-Inform+Leave O N/A +bos ok , a yellow skoda will pick you up at the cherry hinton at 12:30 to get you to the restaurant in time for that 13:00 reservation . contact number 07137765445. eos 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 O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Arrive O O O B-Taxi-Inform+Phone O O N/A +bos thank you very much ! that will be all ! 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 hi there . can you help me find a restaurant in the centre ? eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos yes , there are some great choices . do you like a particular cuisine ? 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+Food +bos yes i would like it to serve asian oriental eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food N/A +bos there are four options available that meet your criteria . i 'd recommend the yippee noodle bar . would you like to book a table ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O 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 O Booking-Inform +bos no , but i would like the postcode for that restaurant please . i also need to find 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 O O O O O O Restaurant-Request+Post +bos the postcode of the restaurant is cb11lh . i can help you find a place to stay . did you have a certain area in mind ? eos O O O O O O O B-Restaurant-Inform+Post 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 how about some place cheap , with 4 stars ? eos O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O N/A +bos did you want the hotel to be in the centre area , also ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos centre area will work . but it has to be a guest house . i also need the adress and post code . eos 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 Hotel-Request+Area,Hotel-Request+Post +bos the alexander bed and breakfast seems to be a good fit . they are located at 56 saint barnabas road , postcode cb12de . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O N/A +bos that was all i needed thank you . 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 general-bye +bos i am looking for information in cambridge . looking for a place to dine . eos O O O O O O O O O O O O O O O O N/A +bos do you have a particular area and food type or price range in mind ? eos 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 want somewhere expensive in the north eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area N/A +bos we have five restaurants to choose from . would you prefer chinese , french , european or asian oriental 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 +bos i would prefer french . eos O O O O B-Restaurant-Inform+Food O N/A +bos restaurant two two is an expensive french restaurant in the north part of town . can i help you with anything else ? 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 O O O O O O O O O general-reqmore +bos could you please book a reservation for me ? we need a table for 8 at 12:00 on wednesday . 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 yes your reservation number is 1yr1nthk . eos O O O O O O B-Booking-Book+Ref O N/A +bos great , thanks . i also need to find a train to stevenage . eos O O O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos i can help what day would you like to depart ? eos O O O O O O O O O O O O Train-Request+Day +bos i would like to leave on thursday . eos O O O O O O O O O N/A +bos no but would you like to try another location ? eos O O O O O O O O O O O N/A +bos i need a train , going to stevenage on thursday and it needs to leave after 12:45. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O N/A +bos there are five trains that leave after 12:45. do you have a time in mind that you would like to leave at ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Leave O O O O O O O O O O O O O O O Train-Request+Leave +bos please book 8 tickets on the first train leaving after 12:45 on thursday . eos O O O O B-Train-Inform+People O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos alright , i booked it and your reference is bil1s6pi . anything else i can do ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos thanks for your help , that will be all . eos O O O O O O O O O O O general-thank +bos you are very welcome ! goodbye now ! eos O O O O O O O O O general-welcome +bos actually yes you can help me find a hotel on the north end that offers free parking eos O O O B-Hotel-Inform+Parking O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos there are 11 to chose from do you have a price range you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Price +bos oh , wait . i think maybe a guesthouse would better suit our needs . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos how about the arbury lodge guesthouse ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos that sounds to be a good one . may i please have their address and description of the location ? 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 the arbury lodge is located in the north part of town , at 82 arbury road . do you want to make a reservation ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area 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 Booking-Inform +bos actually , right now , i just need to have the address . also , i need to find a restaurant . expensive with northern european food . 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 I-Restaurant-Inform+Food O O O O O Hotel-Request+Addr +bos the address for arbury lodge guesthouse is 82 arbury road . there are no expensive north european restaurants in cambridge . do you want to change the food type ? eos 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 I-Hotel-Inform+Addr 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 O O O O Restaurant-Request+Food +bos how about an expensive korean restaurant ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos little seoul has great food , when would you like the reservation for and for how many ? eos 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-Request+Day,Booking-Request+People +bos six people at 17:45 on wednesday would work great . can i get a reference number please ? eos 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 the reference number is r20i7fp5 do you need help 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 to get a taxi from the guesthouse to the hotel . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos do you mean from the guesthouse to the restaurant ? eos O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos yes , excuse me . can you please book a taxi that will arrive 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 N/A +bos ok , i 've booked you a taxi . it will be a white toyota , with the contact number : 07693044050 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 N/A +bos great , thank you so much ! that 's everything i needed . 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 great day and thanks for inquiring from us eos O O O O O O O O O general-bye +bos it was my pleasure . thanks a gain . eos 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 i 've really got to go . i am late for work . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos i 'm so sorry about that , it looks like someone left the phone off the hook , i 'll hang up 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 general-bye +bos i saw a places with a weird name , cafe jello gallery . can you tell me more about it ? eos 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 N/A +bos cafe jello is a museum in the west part of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O Restaurant-Inform +bos can you give me the address , please ? eos O O O O O O O O O O Attraction-Request+Addr +bos yes , the address is cafe jello gallery , 13 magdalene street . would you like more 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 O O O O O O O general-reqmore +bos no thanks . but i could use some help with finding a train 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 'd be happy to help with that . where are you leaving from , and what day and 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+Depart,Train-Request+Day +bos i am leaving from norwich on thursday . i need to arrive by 9. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O N/A +bos tr3948 arrives at 08:35 , shall i book a ticket for you ? 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 book it . eos O O O O O O O N/A +bos certainly ! can you tell me how many tickets you will be needing ? eos O O O O O O O O O O O O O O O Train-Request+People +bos i have booked you one train ticket for cafe jello in cambridge . train number tr3948 departs from norwich and arrives to cambridge on thursday at 8:35. 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+Depart O O O O O B-Train-Inform+Day O O O N/A +bos that 's interesting , considering you 're the customer ! can you tell me how many tickets you 'll need 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 O O Train-Request+People +bos i need the train id instead , please . eos O O O O O O O O O O Train-Request+TrainID +bos looks like it 's tr3948 . eos O O O O B-Train-Inform+Id O O N/A +bos okay , great ! that 's all i 'll be needing , thanks so much ! 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 +bos i need a place to stay eos O O O O O O O N/A +bos luckily there is something for everyone here . could you tell me a little more about 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 general-greet,general-reqmore +bos 2 stars , free parking and wifi , located in the south , please . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos there are no hotels with a 2 star rating that meet your criteria . however , we have several 3 and 4 star options . would you be interested in one of those ? eos O O O O O O O O B-Hotel-NoOffer+Stars O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A +bos do you have a 2 star in the east ? eos O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O N/A +bos we do . express by holiday inn cambridge . would you like their number , or a reservation ? 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 O O Booking-Inform,general-greet,general-reqmore +bos can you reserve me a room for friday for 4 people , 2 nights please ? eos 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 N/A +bos i was able to book you per your request . your reference number is : f91tkj02 . eos O O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos okay , great . thank you ! eos O O 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-welcome,general-reqmore +bos i am also looking for a theatre 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 N/A +bos we have five choice , any preferences ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O Attraction-Select +bos no , just one you think is the best . eos O O O O O O O O O O O N/A +bos i highly suggest the junction on clifton way . eos 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 sounds great . can i get the address and phone number please ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos they are on clifton way . their phone number is 01223511511 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 to know what area that is in ? eos O O O O O O O O O O O O Attraction-Request+Area +bos it is in the south part of town . 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 O O O O O O O O general-reqmore +bos yes , one more thing . i need a taxi from the theatre 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 what are the times you would like to leave and/or arrive ? eos O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i need to leave junction on clifton way by 7:45 and go to express by holiday inn cambridge . 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 completed ! booked car type : blue skodacontact number : 07267403400 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 today . eos O O O O O O O O O O O general-thank +bos you are welcome , call me in case you need anything else . eos O O 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 need a train leaving peterborough after 21:45. eos O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos the first train leaves at 21:48. eos O O O O O O B-Train-Inform+Leave N/A +bos that wo n't work for me . when does the next one leave on tuesday ? eos O O O O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos i have one leaving at 22:19. would you like to book it ? eos O O O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos yes that time works . please book it . what is the train id ? eos O O O O O O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr8054 . may i have your details ( name , phone number , id , email ) so i can go ahead and make the booking 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 O O O O O O O O O O O general-reqmore +bos i do n't feel comfortable giving that to you . i 'll book on my own . can you just give me info 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 O O O O O O O O O O O N/A +bos certainly . 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 i need a room . do not need wifi or parking . eos O O O O O O O B-Hotel-Inform+Internet O O O O O N/A +bos okay , i have the alpha-milton guest house in the north area . will that work for you ? eos O O 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 O O O O O O general-reqmore +bos yes and 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 O O N/A +bos on what day will you be checking in , for how long , 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 where 's a good place to eat crossover food in cambridge ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are no crossover locations in cambridge . eos O O O O B-Restaurant-NoOffer+Food O O O O N/A +bos how about british restaurants in the centre instead ? eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos i have 7 in the centre that serve british food . i have 4 in the moderate price range and 3 in the expensive . did you have a preference ? eos 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-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O Restaurant-Select +bos i would prefer the british food . eos O O O O O O O O N/A +bos i have cotto that serves moderate priced food . would you like to book a table ? eos O O O B-Restaurant-Inform+Name 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 a booking for 8 people at 12:30 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 your booking here is the information : booking was successful . the table will be reserved for 15 minutes.reference number is : vvsoh0tq . 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 N/A +bos what 's a good college to visit near the restaurant ? eos O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are 13 colleges in the centre . is there a particular one you are interested in ? 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 Attraction-Request+Name +bos any college will be fine what do you recommend ? i need the phone number for whichever you pick . 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 christi 's college is in that area and has free entrance . there phone number is 01223334900. is there anything else i can assist 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 B-Attraction-Inform+Phone 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 thank you for choosing us and enjoy your stay . eos O O O O O O O O O O O general-bye +bos i 'd like to find 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 there is only one korean restaurant in town called little seoul . eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 little seoul 's address 108 regent street city centre , phone number 01223 308681 , and postcode c.b 2 , 1 d.p . 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+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 O O O O O O O O O general-reqmore +bos thank you , this is great . 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 will you help me find a portuguese 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 i 'm sorry , i could n't find any portuguese restaurants in the east . shall we look in a different part of the city instead ? 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 O O O O O O O O O Restaurant-Request+Area +bos are there any that are in the expensive price range ? eos O O O O O O O O B-Restaurant-Inform+Price O O O Train-Request+Price +bos i 'm sorry . there are no expensive portuguese restaurants in the city . there is , however , a cheap portuguese restaurant in the south and another in the centre . do either of those interest you ? eos O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 how about a restaurant that serves british food then ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos graffiti is an expensive british restaurant on the west side . it 's a fantastic place . would you like to book a table there ? eos 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 O O O O O O O O O O O O O O O O Booking-Inform +bos yeah . that sounds good . can you book it for 4 people at 19: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 O N/A +bos booked ! your table will be reserved for 15 minutes . reference number : nmc7vcak . eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos great ! i am also looking for information about a train . 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 Train-Inform +bos yes i can what time will you be departing and from what location ? eos O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i would like to go from cambridge to ely on thursday . eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest B-Train-Inform+Day O N/A +bos ok , the first train leaves at 05:50 and every two hours after from there , the irde takes 17 minutes and the cost is 4.40 pounds . 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 B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Ticket O O O O N/A +bos that 's all i need . eos O O O O O O O N/A +bos would you like me to reserve your train tickets ? eos O O O O O O O O O O O Train-OfferBook +bos yes please . i 'll need a departure time , travel time , and price . thank you . 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+Leave +bos the tr1923 departs form cambridge at 09:50 and arrives in ely at 10:07. the travel time is 17 minutes , and the cost is 4.40 pounds . how does that sound ? eos 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 O B-Train-Inform+Dest I-Train-Inform+Dest 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 N/A +bos that sounds perfect , thank you . eos O O O O O O O O general-thank +bos great ! can i assist you with anything else today ? eos O O O O O O O O O O O O general-reqmore +bos no , 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 let me know if you need more help , bye . eos O O O O O O O O O O O O general-bye +bos i am looking for places to go , is there a college i could see ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are actually 18 colleges in town , did you have an area you wanted to stick to ? eos O 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 no , just the first one on the list is fine . could you provide me with an address 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+Fee,Attraction-Request+Addr +bos the first on my list is christ 's college on saint andrew 's street , there is no entrance fee . is this good . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 N/A +bos thank you ! i am also looking for a place to eat . i am looking for a restaurant in the east that is 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 B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O N/A +bos can i recommend the rajmahal , at 7 barnwell road fen ditton ? 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 N/A +bos that 's fine , book me a table for 3 for sunday at 19:30 and give me a reference number . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O O O O O O O O Restaurant-Request+Ref +bos i was unable to book under this criteria , is there another time of day that you would consider ? 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 try a different restaurant ? eos O O O O O O O O Restaurant-Inform +bos how about curry prince ? it is also located in the east . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Area O O N/A +bos that should work try that for 3 people at 19:30 on sunday . eos O O O O O O O O O O B-Restaurant-Inform+Time O O O N/A +bos you 're all set , your reference number is c262tx42 . 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 O general-reqmore +bos i would also like to book a taxi to commute between the two places , please . eos O O O O O O O O O O O O O O O O O O Taxi-Inform +bos i have booked you with a red lexus . the contact number is 07986413859. can i assist 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 general-reqmore +bos that is all i need , thank you for the help . eos O O O O O O O O O O O O O general-thank +bos happy to assist ! take care ! eos O O O O O O O O general-bye +bos hi , i need help finding out about places to go in east cambridge . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos i 'd be happy to help you with that . we have 10 attractions in that area . is there a specific type of attraction you would like to visit ? eos 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 O O O O O O O Attraction-Request+Type +bos i do n't have a specific attraction , can you suggest one ? eos O O O O O O O O O O O O O O Attraction-Inform +bos you should definitely check out cambridge artworks . it 's a museum with free entrance at 5 greens road . would that work for you ? eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type O B-Attraction-Recommend+Fee 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 yes , i need a train to kings lynn and it should arrive by 14:45 eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O N/A +bos i 'd 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 yes , i will be leaving cambridge on saturday . eos O O O O O O B-Train-Inform+Depart O O O O N/A +bos how about the tr8241 train . it would leave cambridge at 13:11 and get you to kings lynn at 13:58. eos 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 B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos thats perfect information , thank ytoiuy eos O O O O O O O general-thank +bos would you like me to book it ? eos O O O O O O O O O Train-OfferBook +bos before you do , can you tell me how much it will cost ? eos O O O O O O O O O O O O O O O N/A +bos a ticket costs 7.84 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos do you know how long the train ride will take ? eos O O O O O O O O O O O O Train-Inform +bos the train ride should last about 47 minutes . anything else i can help you with ? eos 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 O O general-reqmore +bos nope , that should do it , thanks ! eos O O O O O O O O O O general-thank +bos you are very welcome ! i hope you enjoy your trip and 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 i will be visiting cambridge and i need to arrive by 9:15 on saturday . eos 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 okay , 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 Train-Request+Depart +bos i 'll be departing from peterborough . eos O O O O O B-Train-Inform+Depart O O N/A +bos there is a train leaving at 8:19 and will arrive at 9:09. 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 B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos can i get the price and train id please ? eos O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos yes . the train id is tr6763 and the price per seat is 13.20 pounds . eos O O O O O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i 'm also looking for swimming pools in the area . 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 there are four swimmingpools in the area . what area of town would you prefer ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O Attraction-Request+Area +bos is there a swimming pool in the east ? eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos there is ! abbey pool and astroturf pitch is located in the east . would you like their phone ? 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+Area O O O O O O O O N/A +bos yes please . and can i also get the entrance fee ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos i am sorry , there is no listing for an entrance fee available . eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A +bos can i please get the address for the swimming pool . eos O O O O O O O O O O O O N/A +bos sure thing . they are located on pool way , whitehill road off newmarket road . is there anything else i can help 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O general-reqmore +bos can you give me the phone number for the pool ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos the number is 01223902088 , is that all you need ? eos O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos what 's the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos there is no information for that . i 'm sure if you call , they would be happy to provide it for you . eos 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 O O O O O N/A +bos okay , i will do that , 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 . would you like for me to book train tr6763 for you ? eos O O O O O O O O O O O O B-Train-OfferBook+Id O O O O general-welcome +bos no thank you . 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 hi , i 'd like to book a taxi . could you help me find a reasonable price ? 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 you with your request , could you be more specific on where you 're departing from 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 O O O Taxi-Request+Depart +bos i 'm sorry , i would actually like a restaurant in the centre that serves afghan food . 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 N/A +bos unfortunately there are no restaurants in the centre that serve afghan food . would you like to look for one in other areas ? eos O O O O O O O O B-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 Restaurant-Request+Area +bos how about a chinese restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos there 's ten chinese restaurants in the centre . do you have a particular price range you 'd like to stay 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 O Restaurant-Request+Price +bos a cheap price range . eos O O B-Restaurant-Inform+Price O O O N/A +bos there are three restaurants that meet your requirements : charlie chan , rice house , and golden house . does any of those sound interesting ? eos O 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 O O O O O O O O O Restaurant-Select +bos may i have the address for the charlie chan restaurant ? eos O O O O O O O O O O O O Restaurant-Request+Addr +bos yes , it 's regent street city centre , would you like to book it ? eos 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 yes , can you please book a table for four at 4pm . 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 for you . what day will the reservation be 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 can you book me for tuesday please ? eos O O O O O O O O O N/A +bos charlie chan is booked for tuesday at 4pm eos O B-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time N/A +bos great , i am also looking for a train from stevenage into 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 tr8306 leaves at 05:54 eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos do you have a train that leaves after 09:00 by chance ? eos O O O O O O O O O B-Train-Inform+Leave O O O N/A +bos tr2860 leaves at 09:54. would you like to book your seats ? 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 not at this moment . can you tell me the travel and arrival time ? 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 10:43 and the duration would be 49 minutes . eos 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 ! that 's all i needed today . bye ! eos O O O O O O O O O O O O O general-bye +bos you are most 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 restaurant called saffron brasserie . what can you tell me 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 O N/A +bos it is a indian restaurant in the centre area . it is expensive and the phone number is 01223354679. do you need reservations ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Phone O O O O O Booking-Inform +bos yes please make a reservation for two . also provide me with a postcode and phone 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 please specify the day and time you want your booking to be made . eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos i think i will book it myself instead , can i get the phone number and post code so i can 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos yes the postcode is cb21la and the phone number is 01223354679. is there anything else i can help with today ? eos 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 general-reqmore +bos i am also looking for info an places to go , more specifically colleges in the centre area . 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 N/A +bos there are five in the area . did you have any specific requirements you were looking for ? eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos no could you recommend one please ? eos O O O O O O O O N/A +bos how about downing college on regent street ? it 's free and located in the centre area . eos 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+Fee O O O O B-Attraction-Recommend+Area O O O Attraction-Inform +bos that sounds great . can you 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 i am getting the info in , i need a time of day though to get a taxi . eos O O O O O O O O O O O O O O O O O O O O Taxi-Request+Leave,general-reqmore +bos i would like to leave downing college by 06:45. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos the taxi has been booked . the taxi taking you to your destination will be a red toyota . the number to contact them is 07987423433. 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-Taxi-Inform+Car I-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 's all i needed . thanks a bunch ! eos O O O O O O O O O O O O O general-thank +bos i 'm glad i was able to help today ! eos O O O O O O O O O O O general-greet +bos i need a train . the train should depart from cambridge and should go to bishops stortford . eos 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 O O N/A +bos there are 70 trains leaving cambridge and going to bishops stortford . do you have a specific day you wish to travel on ? eos O O O O B-Train-Inform+Choice 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 O Train-Request+Day +bos i 'd like to leave on wednesday , please . eos O O O O O O B-Train-Inform+Day O O O O N/A +bos tr4404 leaves at 05:29 eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos that will do . can you book it for me ? eos O O O O O O O O O O O O N/A +bos but of course , how many tickets ? eos O O O O O O O O O Train-OfferBook +bos before i book , i 'd also like to know about boat attractions in the centre area . eos 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 N/A +bos there are two options . scudamores punting co and the cambridge punter . would you like more information on either attraction ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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-Select +bos can i get the phone number and address for cambridge punter ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos yes . the cambridge punter is at 251a chesterton road , and their phone number is 07807718591. is there anything else you 'd like to know ? or 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 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 O O O O O O O general-reqmore +bos that is all . thanks for your help . good bye . eos O O O O O O O O O O O O O general-bye +bos you 're welcome . when you decide you are ready to book that train , do give us a call back with the number of tickets needed . bye for 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 O O O O O O general-welcome,general-bye +bos i am currently in cambridge and i am looking for train departure times . eos O O O O O B-Train-Inform+Depart O O O O O O O O O N/A +bos i have over 1,400 trains available . where is your destination and what 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 O O O O O O Train-Request+Dest,Train-Request+Day +bos i would like to go to leicester this friday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are currently 202 departures . may i have a destination and what time you would like to arrive ? 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+Dest,Train-Request+Arrive +bos i am departing cambridge on friday going to leicester and want to arrive by 13:30. 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 tr8080 departs cambridge at 11:21 and arrives in leicester at 13:06 for 37.80 pounds . will 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 O B-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O general-reqmore +bos yes . i also need a place to stay on the south side of the town . i would prefer something 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 O O O B-Hotel-Inform+Price O O O O O N/A +bos i have the lensfield hotel that is in the southern part of town and in the expensive price range . would you like a booking ? eos O O O O B-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 O O B-Hotel-Inform+Price O O O O O O O O O Booking-Inform +bos yes please . two adults and one child . eos O O O O O O O O O O N/A +bos what day would you like your stay at the lensfield hotel to start and for how many days ? 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 Booking-Request+Day,Booking-Request+Stay +bos i need more information before booking . how many stars does the lensfield hotel have ? does it 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 O O Hotel-Inform +bos the lensfield has a 3 star rating and does include free wifi . is there anything else you need to know ? 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 Hotel-Inform+Internet,general-reqmore +bos thank you . out of curiosity , is that a guesthouse or hotel ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos it is a hotel . eos O O O O B-Hotel-Inform+Type O N/A +bos fantastic . please provide me with the address and phone number . eos O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos the address for the lensfield hotel is 53-57 lensfield road . their phone number is 01223355017. can i assist you with booking a room at the lensfield ? 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 B-Hotel-Inform+Phone O O O O O O O O O O O O O Booking-Inform +bos no , thank you . i can take care of that on my own . 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 O O O O O O O O O general-thank +bos wonderful . please feel free to contact 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 general-bye +bos i need a restaurant in the cheap price range that serves portuguese food . eos 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 in cambridge . one in the south and one in the centre . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Restaurant-Request+Area +bos it does not make a difference as long as they have reservations for 4 on sunday at 12:00. could i get a reference number ? 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 O O O Restaurant-Request+Ref +bos sure , i have booked nandos sunday 12:00 for 4. may i help with anything else ? eos O O O O O O B-Booking-Book+Day B-Booking-Book+Time O O B-Booking-Book+People O O O O O O O general-reqmore +bos i still need the reference number . eos O O O O O O O O Restaurant-Request+Ref +bos yes of course ! i do apologize . the reference number is : 29d8wr58 . the table will be reserved for 15 minutes . can i assist with anything else ? eos O O O O O 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 O O O O O general-reqmore +bos yes . do you know anything about a place called sheep 's green and lammas land park fen causeway ? 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos it 's a free park in the south . would you like more details ? eos O O O B-Attraction-Inform+Fee B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos what is the full address for that park ? eos O O O O O O O O O O Attraction-Request+Addr +bos the address is fen causeway , newnham road . what else can i do for you ? eos 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 what is their entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos there is no entrance 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 taxi from the park to nandos . want to get there by 12:00. thanks eos O O O O O O O O O O B-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Arrive N/A +bos i have booked a taxi for you . it will be a red ford and the contact number is 07413433001. is there anything else i can do for you ? 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 I-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos no , that should be everything . thanks ! eos O O O O O O O O O O general-thank +bos no , thank you for being a great customer ! good bye . eos O O O O O O O O O O O O O O general-bye +bos can you find specific attractions for people ? eos O O O O O O O O O Attraction-Inform +bos i can try . what are you trying to find ? eos O O O O O O O O O O O O Attraction-Request+Type +bos i am looking for people 's portraits exhibition . eos O O O O O O O O O O N/A +bos yes , it 's a lovely museum in the west at girton college , huntingdon road . their phone number is 01223338901 and they offer free entrance . may i help with anything else ? eos O O O O O B-Attraction-Inform+Type 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 I-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore +bos can you give me the post code for it ? eos O O O O O O O O O O O Attraction-Request+Post +bos the post code is cb3ojg . may i help with anything else ? eos O O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos yes , i would also like to find a restaurant called golden house 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 they 're located in the centre . would you like a reservation ? eos O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Booking-Inform +bos yes , how about a table for 8 on saturday . try 19:30 , if that does n't work then try 18:30. eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O O O O O B-Restaurant-Inform+Time O O O O N/A +bos i was able to book you at 18:30 on saturday . reference number 3c5h16n9 . is there anything else i can help you with ? eos O O O O O O O O B-Booking-Book+Time O B-Booking-Book+Day 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 . eos O O O O O O O O general-thank +bos thank you very much ! have a great day eos O O O O O O O O O O general-bye +bos i 'm looking for some kind of entertainment in the centre of cambridge . can you help ? 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 unfortunately there are no entertainment venues in centre area . i could recommend the man on the moon concert hall , would that interest you ? 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 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 Booking-Inform +bos no , maybe a museum instead . are there any of those ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos i have 11 different museums in the city centre . might i suggest the scott polar museum . they have several new exhibits to see . would you like more info ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-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 O O O O O O O O O general-reqmore +bos sure can i have their address and postcode please ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the museum address is lensfield road with a post code of cb21er . may i look up something else ? eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 general-reqmore +bos i also need a place to eat someplace close to scott polar museum . i 'm splurging so i want something expensive . 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+Price O O N/A +bos there are lots of restaurants that fit your criteria . is there a specific food you 'd 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 would like it to be indian food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos my recommendation is curry garden . it fits all of your criteria . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O N/A +bos okay , can you give me the address for curry garden ? eos O O O O O O O O O O O O O Restaurant-Request+Addr +bos they are located at 106 regent 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 N/A +bos i also need a taxi between the scott polar museum and the curry garden eos 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 N/A +bos sure , when will you need the cab ? eos O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i 'd like to leave the restaurant by 20:00. eos O O O O O O O O O O N/A +bos all set . a grey lexus , with contact number 07033688153 , will pick you up at curry garden by 20:00. can i help you with anything else today ? eos 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 B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave 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 being a customer . have a good day ! eos O O O O O O O O O O O O O general-greet +bos i 'm starving ! can you find me somewhere to eat on the south side of the city ? money is no object so please find me something expensive . eos 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 O O O B-Restaurant-Inform+Price O O O O N/A +bos we have several options available to you . what type of cuisine would you prefer ? we have chinese , indian , italian , and mexican as options . 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-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Restaurant-Request+Food +bos whichever one you recommend , as long as its expensive . i 'll need a reservation for 4 at 15:45 on saturday . eos 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 O N/A +bos i was able to book you at the peking restaurant , the reference number is 3tfbgbp8 , the table will be held for 15 minutes , is there anything else , that i can assist with ? 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 O O O O O O O O O O O O general-reqmore +bos yes , could you please recommend some places to go after we get done eating that are near the restaurant 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 Restaurant-Inform +bos the `` place '' is a popular nightclub in the area . there are also a couple of other entertainment options . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O O O B-Attraction-Recommend+Choice I-Attraction-Recommend+Choice I-Attraction-Recommend+Choice B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O N/A +bos the `` place '' sounds good , can i get its postcode , please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode for that attraction is cb23hg . is there anything more i can help with today ? eos 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 no , that 's all 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 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 find a train departing peterborough arriving by 14:30 ? eos O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive O N/A +bos i am getting the information up now , what day this week will you need that ? eos O O O O O O O O O O O O O O O O O O Train-Request+Day +bos on sunday please eos O O B-Train-Inform+Day O N/A +bos train tr3782 fits your needs . for how many people ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O Train-Request+People +bos 7 people , please . eos O O B-Train-Inform+People O O O N/A +bos yes your booking was successful and your reference number is 5ws52ano . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos perfect . can you also help me find a hotel while we 're there ? it should also 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 wow , there are 29 hotels that meet your criteria . do you know which area of town you 'd prefer to stay , or if a guesthouse is preferred over a hotel , or even how many stars or a price range of a possible location ? there are so many to choose from ! 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 O O O O O O O O O O O O O O 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+Stars,Hotel-Request+Price,Hotel-Request+Area +bos i would like to find a hotel on the east side . i need parking but wifi is not necessary . eos 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 express by holiday in cambridge is the only hotel in the east it is expensively priced , do you want to go with that or include guestouses in a search ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O B-Hotel-Select+Choice O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O N/A +bos no , i want to keep it in the type of hotel . does this hotel have free wifi ? 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 yes , they do ! 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 , go ahead and book this . i will need accommodations for 7 people . we need to book for 2 nights , starting 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 N/A +bos your booking was successful . your reference number is mulv4yip . 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 needed . have a nice day . eos O 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 i am looking for 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 O N/A +bos i see several options , all leaving on friday . is there a time you prefer to leave at ? 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 +bos i need to leave after 17:45 on tuesday eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day N/A +bos there are 3 trains that match your request . they leave at 19:00 , 21:00 , and 23:00 respectively . would you like to buy a ticket for one of these ? 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 I-Train-Inform+Leave O O O O O O O O O O O O O O O Train-OfferBook +bos i 'll take the earliest train . i need two tickets and 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 booking was successful , the total fee is 47.2 gbp payable at the station . reference number is : 0kar945k . 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos i 'm also 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 i have several restaurants located in the centre , what type of food are you looking for ? 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 Restaurant-Request+Food +bos i 'm open to restaurant suggestions . what sounds interesting ? eos O O O O O O O O O O O O Restaurant-Inform +bos i have 5 restaurant , choices of food are african , asian oriental and british . which of the restaurant you ? eos O O O O B-Restaurant-Inform+Choice 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 Restaurant-Select +bos african sounds good . can you make a reservation for two for the last seating ? eos O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O N/A +bos 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 eos O O O O O O 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 actually ... can you just shoot me the address ? eos O O O O O O O O O O O Restaurant-Request+Addr +bos sure , the address is 100 mill road city centre . 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 O O O O O O O O O O O general-reqmore +bos no . thank you that will be all . 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 +bos i need help finding a chinese restaurant in the centre of cambridge any suggestions ? 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 there are 10 choices . is there a particular area you would like to stay in ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Area +bos i would like it in the centre . eos O O O O O O O O O N/A +bos there 's fives places that fit that bill.. do you have a price range in mind ? eos 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+Price +bos the closest is fine , can you give me the phone number and postcode of the restaurant ? i am also looking for a college to visit 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 B-Attraction-Inform+Type O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the closest is charlie chan on regent street city centre . their phone number is 01223361763. postcode is cb21db . as for the college , do you have a preference on area ? 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 B-Restaurant-Inform+Phone O O B-Restaurant-Inform+Post O O O B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Select +bos what is the entrance fee for regent street city centre ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos there is n't an entrance fee to enter the street or the restaurant . eos O O O O O O O O O O O O O O O N/A +bos ok i would like to book a taxi from the restaurant to the regent street city centre ? eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos 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 ? eos O O O O O O 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 will be leaving the restaurant by 1:30 and the arrival time does not matter . 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 book that taxi for you . it is a white honda and the contact number is 07734608677. 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 great , thanks . i think that 's all i needed . 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 general-bye +bos have a lovely stay in cambridge ! goodbye ! eos O O O O O O O O O O general-bye,general-greet +bos i 'm looking for places to go in town . can you search in the area of 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 we have several great options . the byard art museum is popular and has free admission . eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A +bos that sounds lovely . what 's their phone number ? eos O O O O O O O O O O O Attraction-Request+Phone +bos oh they really are lovely . and the number is 01223464646. eos O O O O O O O O O O O B-Attraction-Inform+Phone general-greet +bos thank you . i am also looking for an expensive italian 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 sure , there are 5 expensive italian restaurants for you to choose from . is that a specific area you would like the restaurant to be in ? eos 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 O O O O Restaurant-Request+Area +bos i 'd like one near the museum in the south . eos O O O O O O B-Attraction-Inform+Type O O B-Restaurant-Inform+Area O O N/A +bos we only have one listing for an italian restaurant in the south . it 's located at cambridge leisure park clifton way cherry hinton . does this interest you ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O Booking-Inform +bos yes . i need a table for 8 at 11: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 N/A +bos i was able to book the table for eight on tuesday 11:00. the reference number is r8o6b9df . the table will be reserved for 15 minutes . eos O O O O O O O O O B-Booking-Book+People I-Booking-Book+People B-Booking-Book+Day I-Booking-Book+Day O O O O O O B-Booking-Book+Ref O O O O O O O O N/A +bos thank you , can i also get 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 absolutely ! when would you like to arrive at or leave by ? eos O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave,general-greet +bos i 'd like to get to the restaurant by my reservation time . eos O O O O O O O O O O O O O O N/A +bos i was able to book a black honda contact number is 07790378961 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 thank you so much . you took care of everything . thanks . bye . 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 service . have a great 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 i 'm interested in find a place to see in the centre of the 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 we have lots to see ! anything specific you had in mind ? eos O O O O O O O O O O O O O O Attraction-Request+Type +bos not really . what 's the address and phone number for your favorite attraction ? eos 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 castle galleries located at unit su43 , grande arcade , saint andrews street . their phone number is 01223307402. is there anything else ? eos O O O B-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 I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Phone O O O O O O O O general-reqmore +bos i also need a train that departs from london liverpool street 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 what day and time would you like to depart ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'd like to leave on saturday after 17:15. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos you can depart from london liverpool street to cambridge on saturday at 17:39 for 13.28 pounds . the trip will take 88 minutes . did you have any further questions ? eos 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 B-Train-Inform+Leave 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 general-reqmore +bos yes , could i have that train id please ? eos O O O O O O O O O O O Train-Request+TrainID +bos certainly . the train id is tr8530 . would you like to book at ticket ? eos O O O O O O B-Train-Inform+Id O O O O O O O O O O Train-OfferBook +bos no thank you . i have everything i need for now . eos O O O O O O O O O O O O O general-thank +bos is there anything further i can help you with ? eos O 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 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 are there any expensive places to dine in the west ? eos O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O N/A +bos sure , i have 9 options for you eos O O O O O B-Restaurant-Inform+Choice O O O N/A +bos thank you ! what kinds of restaurants are available ? eos O O O O O O O O O O O Restaurant-Inform +bos i see british , european , and indian available . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos can you tell me about one of the restaurants that serves british cuisine ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos sure . the graffiti is a restaurant that serves british food . the phone number is 01223277977. would you like to make a booking ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform,general-greet +bos yes , please . for friday . 3 people at 16:30. eos O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People 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 : 86g11zvp . 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 oh thank you so much . i also need a train from bishops stortford , can you help with that ? 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 O O O N/A +bos sure , what will your arrival station be ? eos O O O O O O O O O O Train-Request+Dest +bos i will be heading into cambridge . i will need it for friday arriving by 12:00. eos O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O N/A +bos tr2083 will arrive at 10:07. want to book ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O Train-OfferBook +bos no that 's ok. i just need the travel time . eos O O O O O O O O O O O O Train-Request+Duration +bos it is a total time of 38 minutes for the trip . anything else that i can assist with ? 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 general-reqmore +bos yeah , can you confirm the time i need to be at the station ? eos O O O O O O O O O O O O O O O O N/A +bos the departure time is 09:29. is there anything else that i can help you with today ? eos O O O O O B-Train-Inform+Leave O O O O O O O O O O O O general-reqmore +bos nothing else today . thanks so much for your help . bye . eos O O O O O O O O O O O O O O general-bye +bos your welcome , have a nice day . eos O O O O O O O O O general-welcome,general-bye +bos i want to know if there are any places serving belgian 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 there are not . would you like to look in another part of town , or for 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+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos let 's try a place serving indian food . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos we have many indian restaurants . i recommend saffron brasserie , but it 's expensive . eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price O O O O N/A +bos that works for me . can you reserve a table for 3 people on sunday at 4 pm ? eos O O O O O O O O O O O O B-Restaurant-Inform+People 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 : o3j11wkj . 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 for taking care of the restaurant . i now need help with a specific hotel called autumn house . 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 O N/A +bos that is on the east side and is 4 stars . when are you wanting this booked for ? eos O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Request+Day +bos please book that for the same day and same group of people for 4 nights eos O O O O O O O O O O O O O O O O N/A +bos your reservation for 3 people at the autumn house for 5 days 4 nights was successful . your eference number is : 0c45zudn . can i assist you any further ? eos O O O O O B-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 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 i 'd like to book a taxi also , to commute between those two locations , please . eos O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos how many people will be in the taxi ? eos O O O O O O O O O O general-reqmore +bos it will be for 3 people as well . eos O O O O O O O O O O N/A +bos a red lexus will pick you ap at 3:30 the contact number is 07739253298 , is there anything else today ? eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Depart O O O O B-Taxi-Inform+Phone O O O O O O O N/A +bos nope that 's all i needed tonight . eos O O O O O O O O O N/A +bos good bye and enjoy ! eos O O O O O O general-bye +bos i am planning a trip and am looking for some places to go while i 'm there . 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 many different kinds of attractions to visit while in town . is there a specific area of type of attraction you 'd like to visit ? 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 O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos i 'm interested in architecture , and would like to find architectural attractions . could you provide the areas too ? 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 Attraction-Request+Area +bos there are 5 architecture attractions in the centre . can i make a recommendation ? eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O O N/A +bos yes please , that could be nice . eos O O O O O O O O O N/A +bos old schools is an architecture attraction in the centre of town with free entrance free . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type I-Attraction-Recommend+Type 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 great ! i 'm also looking for a hotel , preferably on the east side of town . i wo n't need parking , but i do need free wifi . do you have anything like that ? eos O O O 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 O O O O O O N/A +bos i do have one that should meet your needs . it is the express by holiday inn cambridge . it 's a hotel in the east that is expensive with free parking and wifi . eos O 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 I-Hotel-Inform+Name O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , this sounds wonderful . thank you very much . eos O O O O O O O O O O O O general-thank +bos can i book it for you ? eos O O O O O O O O Booking-Inform +bos book it for 8 people and 3 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 N/A +bos booked ! reference number : 1c8aup81 . eos O O O O B-Booking-Book+Ref O O O N/A +bos awesome . thanks . goodbye . 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 can you help me find a train leaving on wednesday ? eos O O O O O O O O O O B-Train-Inform+Day 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 i want to leave from cambridge and arrive at 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 tr5285 leaves at 13:59 amd costs 16.60 pounds . how many seats do i book ? 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 O O O O Train-Request+People +bos i just need the travel time on that one eos O O O O O O O O O O Train-Request+Duration +bos the travel time is 88 minutes . can i help 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 general-reqmore +bos yes , i 'm looking for colleges in the centre . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos i 'd suggest christ '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 O general-reqmore +bos yes . is there an entrance fee ? eos O O O O O O O O O Attraction-Request+Fee +bos no . it is free . eos O O O O O B-Attraction-Inform+Fee O N/A +bos can i have the address and postcode ? thanks for your help ! eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos yes the postcode is cb23bu and the address is saint andrew 's street . eos O O O O 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 N/A +bos you have been very helpful . that is all i need , thanks . bye . eos O O O O O O O O O O O O O O O O O general-bye +bos your welcome . i am glad i could help . eos O O O O O O O O O O O general-welcome,general-bye +bos hi , can you help me find a college to visit ? eos O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are 18 colleges in town you could visit . to narrow down the results , is there a certain part of town you 're 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 O O O O O O O Attraction-Request+Area +bos i 'm fine going anywhere in town . which one would you recommend ? eos O O O O O O O O O O O O O O O N/A +bos id recommend sidney sussex college in the centre of town 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 N/A +bos okay , great . can i have the 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 of course . the phone number is 01223338800 and the postcode is cb23hu . can i help you with anything else ? 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 general-reqmore +bos i also want to eat at an expensive indian place . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are 14 entries that match what you are looking for . what area of town would you like to eat at ? 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+Area +bos which restaurant do you recommend ? eos O O O O O O O Restaurant-Inform +bos again , there are quite a few . did you have a part of town 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 +bos it can be in any part of town . i am just looking for a restaurant that serves indian food in an expensive price range . perhaps you can suggest one ? 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+Price O O O O O O O O O O N/A +bos sure thing , i would suggest this one curry garden . eos O O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos great . can you reserve a table for six ? eos O O O O O O O O O O O N/A +bos sure thing , i will work on getting this booked and be right back with you . eos O O O O O O O O O O O O O O O O O O Booking-Inform +bos in addition , 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 Taxi-Inform +bos no problem . what time do you need to arrive by ? eos O O O O O O O O O O O O O Taxi-Request+Arrive +bos make sure it arrives the restaurant by the booked time of the reservation . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos before we book your taxi , let 's get your reservation for the restaurant . what day and time would you like your reservation for six ? eos O O O O 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-Inform +bos wednesday at 11:45 for the restaurant . eos O 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 : 5ys8wrtd . 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 are you capable of emailing or faxing me the information for my own personal reference ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos i am sorry we are unable to do that at this time eos O O O O O O O O O O O O O N/A +bos i am ready for the taxi now . eos O O O O O O O O O Taxi-Inform +bos your taxi is booked to have you at the restaurant by 11:45. the car is a red volkswagen and their contact number is 07540260588. anything else i can help with ? eos O O O O O O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive 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 general-reqmore +bos that is all , thank you eos O O O O O O O general-thank +bos thank you for calling our service . have a great day . goodbye . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos please help me find a guesthouse or hotel that has free parking . i prefer a guesthouse though . eos 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 many . is there a particular area you prefer ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos no , but i 'd like it to be moderately priced . eos O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos they are many here . we can narrow them down by stating how many stars you want . eos O O O O O O O O O O O O O O O O O O O N/A +bos that could be anywhere . book for me for 3 people and 4 nightsstarting from sunday . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos the acorn guest house is a good option for you . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O N/A +bos okay sounds good can you make a booking for 3 people and 4 nights starting from 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 N/A +bos great ! i booked that room for you . here is your reference number rkbqj4lx . 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 've got another request i need assistance with please . i am looking to stansted airport via train and need help booking it . eos 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 O O O O O O O N/A +bos sure , do you know what day you 're traveling ? eos O O O O O O O O O O O O Train-Request+Day +bos i will travel on thursday . eos O O O O O B-Train-Inform+Day O N/A +bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart +bos i 'm looking for some info on a hotel called the cambrdige belfry . eos O O O O O O O O O O O O O O O Hotel-Inform +bos this is a cheap 4 star hotel in the west . it has internet and parking . are you looking to book a stay ? eos O O 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes can i get a booking for 6 people and 2 nights starting from wednesday . 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 the booking was successful . your reference number is 9gszpi6r . 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 general-reqmore +bos i think i 'm all set . thanks ! eos O O O O O O O O O O general-thank +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 Booking-Inform +bos i need a taxi to pick me up after 04:15 eos O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos sure ! where are you going ? eos O O O O O O O O Taxi-Request+Dest +bos i 'm going to the hotel du vin and bistro 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 alright . and where would you like to be picked up from ? eos O O O O O O O O O O O O O O Taxi-Request+Depart +bos please pick me up at the scott polar museum eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos okay , i 've booked a taxi for you . eos O O O O O O O O O O O Taxi-Inform +bos could you give me the car type and contact number ? eos O O O O O O O O O O O O Taxi-Request+Car +bos certainly , the car is a white honda , and the contact number is 07135860962. 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 N/A +bos got it . thanks for helping me . eos O O O O O O O O O general-thank +bos your welcome.. have a great time . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a pool somewhere in the south of cambridge . eos O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos i 'm sorry , but it does n't look like we have a pool that matches your criteria . eos O O O O O O O O O O O B-Attraction-NoOffer+Type O O O O O O O O N/A +bos how about some type of theater ? eos O O O O O O O O N/A +bos the junction theatre is in the south area . would you like the address ? 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 general-reqmore +bos yes , please provide the address and postcode as well . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the junction theatre is located on clifton way at postcode cb17gx . is there anything else i can assist you with ? 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 B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos thanks . yes , i also need to find a guesthouse for my stay there . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos are you needing the guesthouse in the south , also ? do you have a preference in price range ? 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 Hotel-Request+Price,Hotel-Request+Area +bos the area should be the centre . i need it to be cheap and have free parking . 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 N/A +bos i have 2 guesthouses that fit your criteria . one is the alexander bed and breakfast and the other is el shaddai . 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos what is the star ratings for them ? eos O O O O O O O O O N/A +bos the alexander bed and breakfast has a 4 star rating while the el shaddai has 0 stars . would you like to book a room with either of these ? 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+Stars I-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform +bos ok great , thank you . i also need to book a taxi to get back and forth . eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos where did you wan to leave from and go to ? eos O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i 'll be leaving the theatre at 14:45 and going to the guesthouse . 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 let 's back up a moment . which lodgings did you prefer , so we know where the taxi will be taking 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 Hotel-Select +bos let 's go with the alexander bed and breakfast . eos 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 your booking is complete , a grey volkswagen will be picking you up , contact number 07753429052. 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 O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos 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 ! eos O O O O O O 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 it was no trouble at all ! i hope you have a fantastic trip and 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 +bos yes i am looking for a hotel on the north side of town . i am not needing parking . eos O O 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 there are two guesthouses meeting your requirements . would you prefer the 3 or 4 star one ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Select+Stars I-Hotel-Select+Stars O O N/A +bos i need it to be moderately priced with a 2 star rating . are either one of them fit this description ? 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 N/A +bos both hotels are moderately priced , but there are no 2 star ratings . do you want to try a different rating ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O B-Hotel-NoOffer+Stars O O O O O O O O O O O O Hotel-Request+Stars +bos are there any with 2 stars that offer free parking ? eos O O O O O O O O O O O O N/A +bos yes , there are two guesthouses available with free parking , one with internet and one without . do you have a preference ? 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-Select,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i would like one without the internet . eos O O O O O O O O O N/A +bos i 'm sorry , there has been a mix up . there are two 2 star hotels available , the ashley and the lovell lodge . they are both hotels and have internet 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 O O O O O O O O O O O O O O O N/A +bos let 's go with ashley . book that for 8 people for 3 nights starting from saturday . 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 ok , i have booked your reservation at the ashley hotel for 8 people 3 nights starting saturday , your confirmation number is p94etsl1 . eos O O 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 O O O B-Booking-Book+Ref O O O N/A +bos i 'm looking to go someplace in town . maybe for entertainment . do you have any recommendations ? 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 we have serveal entertainment attractions . would you like to try the funky fun house ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos that sounds funky . sure . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos the number there is 01223304705 and it 's on 8 mercer 's row . anything else ? eos 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 O O O O general-reqmore +bos what 's the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos i have no information in my system about their entrance fee . you are welcome to call them and see if they can provide you with that detail . eos 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 O O O O O O O O O O N/A +bos i will need a taxi to take me from the funky fun house to my hotel . 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 N/A +bos i would be happy to help you get a taxi , what time would you like to leave funky fun 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 Taxi-Request+Leave +bos i want to leave by 01:30. eos O O O O O O B-Taxi-Inform+Leave N/A +bos i was able to book a taxi for you from funky fun house to ashley hotel . it is a white bmw and the contact number is 07616230310. 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Phone O N/A +bos okay , that should be all ! thank you so much for your assistance ! 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 assist you . call us again anytime . 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-bye +bos i need to get out of the city on friday , can you find me a train ? eos O O O O O O O O O O B-Train-Inform+Day O O O O O O O O N/A +bos there are many options available to you on friday . where would you be leaving from ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Day O O O O O O O O Train-Request+Depart +bos i would like to depart from cambridge . eos O O O O O O O B-Train-Inform+Depart O N/A +bos would train tr5767 work ? it leavees at 05:00. eos O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O B-Train-Inform+Leave O N/A +bos no , we are going to norwich and need to leave after 14:15. eos O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O N/A +bos tr2420 leaves at 15:00. would you like me to 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 O O O Train-OfferBook +bos yes , please . i need 1 ticket . eos O O O O O O B-Train-Inform+People O O O N/A +bos i have made that reservation for you on train tr2420 and your reference number is 2a3lmyl1 . eos O O O O 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 i also need to find a restaurant in the west with a moderate price range . eos O O 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 three options with a moderate price range in the west . would you prefer british , indian , or italian ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos do you have any options in the west with greek food ? eos O O O O O O O O O O O O O N/A +bos i 'm sorry , we do n't have any greek restaurants anywhere in town . is there anything else that would work ? 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 N/A +bos how about one that serves british food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos saint johns chop house serves british food and is located in the west . would you like me to make a reservation ? eos 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 B-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos yes , please make a reservation for 6 people at 10:00. eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O N/A +bos what day will you be dining there ? eos O O O O O O O O O Booking-Request+Day +bos i will be dining there on friday . eos O O O O O O O B-Restaurant-Inform+Day O N/A +bos i have you booked on friday at 10:00. the reference number is 5alatf6d . is there anything else i can help you with ? eos O O O O O O B-Booking-NoBook+Day I-Booking-NoBook+Day B-Booking-NoBook+Time O O O O B-Booking-NoBook+Ref O O O O O O O O O O O general-reqmore +bos that is all i will need , thank you . bye . eos 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 enjoy your train ride and dinner . 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 am looking for a place to stay . i needs to have moderately priced rooms and reside somewhere in the east part of town . 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 B-Hotel-Inform+Area O O O O O N/A +bos there are 3 places that fit your needs . a and b guest house , carolina bed and breakfast and warkworth house . would you like to book with any of 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+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 any of those places have free wifi ? eos O O O O O O O O O O N/A +bos all three have wifi . can i book one for you ? eos O O B-Hotel-Inform+Choice O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos do all of them have free parking as well ? eos O O O O O O O O O O O Hotel-Request+Parking +bos both warkworth house and carolina bed and breakfast have parking available . shall i make a booking ? 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 Booking-Inform +bos can you please book a one bedroom at warkwoth house and i also am looking for a restaurant that serves indian food in the same area . 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 N/A +bos what date , number of days , and number of people would you like to book at warkworth house ? 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 Booking-Request+People,Booking-Request+Stay,Booking-Request+Day +bos one person on sunday at 17:00 please . eos O O O O O O O O O N/A +bos 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 ? eos O O O O O O O O O O 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 's just me . i am arriving sunday and staying one night . can you provide the phone number 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 Restaurant-Request+Phone +bos the number for rajmahal is 01223244955. eos O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Phone N/A +bos i apologize . i seem to be a bit ahead of myself today . what kind of hotel was the warkworth 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 Hotel-Inform +bos that was a guesthouse , all 3 options are guesthouses . eos O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type I-Hotel-Inform+Type O N/A +bos is there one with free parking ? eos O O O O O O O O Hotel-Request+Parking +bos yes , warkworth , has free parking ! eos O O B-Hotel-Inform+Name O O O O O O Hotel-Inform+Parking +bos are there any indian restaurants around that hotel ? eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos yes , there are 4 different indian restaurants in that area . eos O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O N/A +bos ok , of those 4 is there one that is moderate priced ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos curry prince and rajmahal are both moderately priced . which one could you like ? eos O O O 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 Restaurant-Select +bos the rajmahal is fine . you said the phone number is 01223244955 ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos yes , that 's the correct number for the restaurant . 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 general-reqmore +bos no , thank you , you 've been a great help . eos O O O O O O 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 thanks , you too . eos 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 a north indian food restaurant in the town centre . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry , there are no north indian restaurants in the centre area . would you like to check a different area ? eos 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 Restaurant-Request+Area +bos what about expensive restaurants ? eos O O O B-Restaurant-Inform+Price O O N/A +bos unfortunately there are no expensive north indian restaurants . eos O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O N/A +bos what about a restaurant that serves just indian food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos how does the curry garden sound ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos that sounds good . please book for 2 people at 11:45 on saturday . eos O O O O O O O O O O O O O O O N/A +bos thanks , booking has been completed . eos O O O O O O O O Booking-Book +bos thank you . can you give me a reference number ? also , i need to book a 4 star guesthouse . 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 Restaurant-Request+Ref +bos your reference number is fneq6e1a . and alright , any other preferences regarding the guesthouse ? eos O O O O O B-Booking-Book+Ref O O O O O O O B-Hotel-Inform+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 there are 18 guesthouses matching your criteria . what area and price range would 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,Restaurant-Request+Area +bos i trust your opinion , just please let me know the price range and postcode . 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 finches bed and breakfast is a cheap 4-star guesthouse on the west side . its postcode is cb30nd . can i help you with anything else today ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Post O O O O O O O O O O O N/A +bos no thank you . you have been very helpful . eos O O O O O O O O O O O general-thank +bos have we fulfilled all of your requests today ? eos O O O O O O O O O O general-reqmore +bos what is the price range for the hotel ? eos O O O O O O O O O O Hotel-Request+Price +bos finches bed and breakfast is a cheap guesthouse . do you need anything more ? 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 O O general-reqmore +bos no , that is it . 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,general-bye +bos yes , please help me book a train on saturday . eos O O O O O O O O O O B-Train-Inform+Day O N/A +bos we have a large amount of trains that day , is there a specific location ? 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 Train-Request+Depart +bos i want to go from london liverpool street 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 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 08:45 please eos O O O O O O O O N/A +bos the first train to london liverpool street is at 09:39 and arrives at 11:07 in cambridge . does this time work for you ? or would you like later ? eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O O O O O O general-reqmore +bos oh sorry , i wanted a train on friday , not saturday . anything after 08:45 from london liverpool street . to cambridge . eos O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O N/A +bos i 'm sorry . there is no train leaving from london live to cambridge on friday by 8:45. would you like to try a different day or time ? eos O O O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart O B-Train-NoOffer+Dest I-Train-NoOffer+Dest B-Train-NoOffer+Day O B-Train-NoOffer+Leave O O O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos what are the available options eos O O O O O O N/A +bos i apologize for the earlier confusion , we do have trains leaving every two hours starting at 09:39 until 01:07am . which time works for you ? 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 O O O O O O O general-reqmore +bos tell me the arrival time of the 09:39 train please eos O O O O O O O O O O O Train-Request+Arrive +bos sure . the 9:30 train leaves london liverpool street on friday and arrives in cambridge by 11:07. would you like me to book that ? eos O O O B-Train-Inform+Leave 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 O O O O O O O O Train-OfferBook +bos yes , i will book that eos O O O O O O O N/A +bos of course , how many tickets will you need ? eos O O O O O O O O O O O Train-Request+People +bos i just need one ticket please . eos O O O O O O O O N/A +bos i have you booked on the tr0637 train . the total cost is 16.60 gbp , and the reference number is kqmhcznl . is there anything else that i can help you with ? eos O 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore +bos no that is everything 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 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-bye +bos do you have a monday train that i can take to cambridge ? i want to try some local restaurants . eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest O O O O O O O O O N/A +bos we have thousands of options , i will need to narrow this down . where will you be coming from and do you have a date and time preference ? 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 O O O O O O O Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos yes , i would like to arrive by 12:15 on monday . thanks . eos O O O O O O O O O O B-Train-Inform+Day O O O O N/A +bos their is a departure at london kings cross on monday at 7:17am . 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 B-Train-Inform+Leave O N/A +bos book that for me please . i need 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 's booked and will cost 118 gbp which is payable at the station . your reference number is sukss2j6 . 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 O B-Train-OfferBooked+Ref O O O N/A +bos thank you . i 'm also looking for more information on a restaurant called golden house . is there anything you can tell me about it ? 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 O O O O O O O O O O N/A +bos golden house is an inexpensive chinese restaurant located in the centre of town . do you need more information ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-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 O O general-reqmore +bos yes , may i have their phone number ? and the price range ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price +bos sure , their number is 01842753771 and they are located 12 lensfield road city centre and they are cheap . eos 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 O O B-Restaurant-Inform+Price O O N/A +bos that 's all i need . eos 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 , that 's all . goodbye ! eos O O O O O O O O O general-bye +bos have a good day ! glad i could help . eos O O O O O O O O O O O general-welcome,general-bye +bos you want to book a taxi . the taxi should arrive by 17:30 and should go to la mimosa . eos O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos ok. and where will the taxi be picking you up from ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos i will be departing from nusha . eos O O O O O O B-Taxi-Inform+Depart O N/A +bos a black audi is booked for you , with contact number 07400946146 eos 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 so much ! that 's it for today . have a good one ! eos O O O O O O O O O O O O O O O O general-thank +bos thanks you and have a great day ! eos O O O 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 i can help with that ! what time would you need the taxi , and where are you headed ? 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,general-greet +bos to clare college around 15:00 , please eos O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave O O N/A +bos where would you like to leave from ? eos O O O O O O O O O Taxi-Request+Depart +bos from hamilton lodge . can i get the car and contact number for that ? eos O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O O O N/A +bos you taxi booking is a complete . a black honda will pick you up at hamilton lodge by 15:00. their contact number is 07421449332. is there anything else today ? 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+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 that will be all , thank you . eos O O O O O O O O O general-thank +bos thank you for choosing us eos O O O O O O general-bye +bos thanks again for the help . have a great day . eos O O O O O O O O O O O O general-thank +bos thank you , you too . eos O O O O O O O general-bye +bos i want turkish food . eos O O O B-Restaurant-Inform+Food O O N/A +bos i find 3 restaurants matching your request . eos O O O O B-Restaurant-Inform+Choice O O O O N/A +bos is there anything else ? eos O O O O O O N/A +bos you 're looking for turkish food , correct ? eos O O O O O O O O O O Restaurant-Request+Food,general-reqmore +bos yes . are any of those restaurants in the centre of town ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos yes , there are three restaurants serving turkish food in the center of town . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 N/A +bos what is the price range ? eos O O O O O O O Restaurant-Request+Price +bos anatolia and efes restaurant are moderately priced , while meze bar restaurant is expensive . 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+Price I-Restaurant-Inform+Price O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos the address for which restaurant ? eos O O O O O O O general-reqmore +bos address for anatolia please eos O O O O O Restaurant-Request+Addr +bos anatolia is located at 30 bridge street city centre . 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 I-Restaurant-Inform+Addr O O O O O O 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 you 're welcome and 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 i want to find a cheap restaurant serving swedish food eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O N/A +bos i 'm sorry , i ca n't find any cheap swedish restaurants . would you like to look for a different style of food , or increase your price range ? 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 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 indian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are three cheap indian restaurants in the centre part of town , or royal spice is a cheap indian restaurant in the north . do any of these interest you ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 yes , what is the address for royal spice please ? eos O O O O O O O O O O O O Restaurant-Request+Addr +bos royal spice is located at victoria avenue chesterton . do you need any other information ? 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 O O O general-reqmore +bos thank you . goodbye . eos O O O O O O general-bye +bos thank you for calling us and please use our system again . 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 north part of town and serves austrian food . eos 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 i 'm sorry but there are no austrian restaurants in the north 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 Restaurant-NoOffer +bos indian , please . eos O B-Restaurant-Inform+Food O O O N/A +bos the nirala is an indian restaurant in the moderate price range on the north side . 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 I-Restaurant-Inform+Area 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 would like a moderately priced restaurant that serves brazilian food eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O N/A +bos unfortunately , there are no brazilian restaurants available . is there a second food option you would like to try ? 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 Restaurant-Request+Food,Restaurant-NoOffer +bos is there any restaurants that have gastropub type of food ? eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos backstreet bistro is a gastropub located in the centre part of town and in the expensive 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 N/A +bos may i have their address and phone number please ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos backstreet bistro is located at 2 sturton street city centre and their phone number is 01223 306306. 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 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 is there a cheap restaurant serving belgian food ? eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos what area are you interested in ? eos O 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 cheap belgian restaurants . would you like to change your query ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O general-reqmore +bos how about a cheap restaurant serving italian food ? eos O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos da vinci pizzeria serves italian food in the cheap price range and in the centre of town , is there anything else i can help you with ? 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 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 looking for a restaurant in the moderate price range eos O O O O O O O B-Restaurant-Inform+Price O O N/A +bos do you have a preference on area ? eos O O O O O O O O O Restaurant-Request+Area +bos it should be in the west part of town . eos O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos do you have a preference on food type ? there are three restaurants with the following food types : indian , italian , and british . eos O O O O O O O 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 O Restaurant-Select +bos british sounds good . what 's it called ? eos O B-Restaurant-Inform+Food O O O O O O O O N/A +bos saint johns chop house serves british food in the west part of town and is in the moderate price range . would you like their location ? 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 B-Restaurant-Inform+Price O O O O O O O O O general-reqmore +bos yes , i would like 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 saint johns chop house phone number is 01223 353110 and is located at 21 - 24 northampton street eos 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos perfect . thank you very much . eos 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 O general-bye +bos i am looking for a moderately priced restaurant in the south part of town , please . 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 located in the south part of town and is in the moderate price range . would you like more information for them ? 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 O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O general-reqmore +bos yes , may i have th phone number and address please ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos it 's phone number is 01223 323737 and its address is g4 cambridge leisure park clifton way cherry hinton . eos 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos thank you ! have a nice day ! 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 hello , i am looking for a restaurant that serves portuguese food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos nandos city centre serves portuguese food . they are in the centre of town and are in the cheap price range . 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 O B-Restaurant-Inform+Price O O O N/A +bos what is their address ? eos O O O O O O Restaurant-Request+Addr +bos nandos city centre is at 33-34 saint andrews street . 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 O N/A +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-welcome,general-bye +bos i want to find a moderately priced restaurant that serves british food . what is the address and phone number ? eos 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos there are 5 moderately price restaurants that serve british food . is there an area of town that would work best for you ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O 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 do not care . please suggest one . eos O O O O O O O O O O N/A +bos saint johns chop house serves british food , is in the west area of town and 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 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 their address and phone number ? eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number is 01223353110 and the address is 21-24 northampton street , is there anything else 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 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 thank you . eos O O O O general-bye +bos i want an expensive restaurant in the south part of town . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos there are several expensive restaurants in the south part of town . do you prefer mexican , indian , italian , or chinese ? 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 O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos ok , then . i 'll take mexican . can i get an address and phone number for the restaurant ? 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos ciquito restaurant bar is at 2g cambridge leisure park cherry hinton road cherry hinton . the 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 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 thank you , goodbye ! eos O O O O O O general-bye +bos could you give me some places to go in cambridge ? eos O O O O O O O O O O O O N/A +bos we have some great museums in cambridge as well as great restaurants , nightclub 's , multiple sports and cinema 's . do you have anything particular in mind ? eos O O O O O O O O O O O O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O O O O O O O O O Attraction-Request+Type +bos i am looking for an attraction in the centre . eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos are you more interested by architecture , boats , cinemas , colleges , concerthalls , museums , nightclubs , parks , swimmingpools , or theatres ? eos 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 O O N/A +bos i 'm not really sure , you can surprise me with something you think would be fun . i just would need the 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 Attraction-Request+Post +bos how about all saints church ? the postcode is cb58bs . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Post O O N/A +bos that 'll work just fine . 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 Train-Inform +bos there are over 2,800 trains - i will need some more information to narrow down your search . let 's start with your destination please . 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 Train-Request+Dest +bos of course , i would like to travel to cambridge on sunday . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos departure location ? and do you have a preferred departure or arrival time ? eos O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Depart +bos leaving from ely , sometime after 08:30 please . eos O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O N/A +bos there are 8 trains available . 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 i do not have one in mind , no . eos O O O O O O O O O O O N/A +bos there is a train leaving from ely at 09:35 and arriving in cambridge at 09:52. how does that sound ? eos O O O O O 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 O O O N/A +bos that would be great . can you get me 8 tickets on that train , and give 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 O O Train-Request+Ref +bos i have booked your order , your total is 28.16 eos O O O O O O O O O B-Train-OfferBooked+Ticket O N/A +bos may i have the reference number please ? eos O O O O O O O O O Train-Request+Ref +bos my fault ! it 's t3aww926 . can i help you with anything else ? eos O O O O B-Train-Inform+Ref O O O O O O O O O O O general-reqmore +bos no , that seems to be everything 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 . have a wonderful day ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i am interested in boat attractions . eos O O O O O B-Attraction-Inform+Type O O N/A +bos there are 4 boat attractions . do you want to specify an area ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O Attraction-Select +bos are there any boat attractions in the west ? eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are no boat attractions in the west . the boat attractions are located in the east , north and centre areas . will either of these areas work for you ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-NoOffer+Area 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 N/A +bos i see , can you tell me about museums in the west then . and what is the postcode ? 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 O Attraction-Request+Post +bos there are 7 museums in the west , a few are cafe jello gallery , cambridge and county folk museum , kettle 's yard , and lynne strover gallery . which 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 O O N/A +bos what is the postcode of the county folk museum ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb30aq . eos O O O O B-Attraction-Inform+Area O N/A +bos thanks i also need a train leaving monday arriving by 1900 eos O O O O O O O O B-Train-Inform+Day O O O N/A +bos can you tell me where you are going to and from please ? 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 from stevenage to cambridge . i need the price , travel , and depart times please . eos 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 Train-Request+Price +bos there is a train leaving from stevenage at 17:54 and arriving in cambridge at 18:43. the price is 12.80 pounds . the trip is 49 minutes . eos O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O B-Train-Inform+Ticket O O O O O B-Train-Inform+Time I-Train-Inform+Time O Train-Request+Dest,Train-Request+Depart,Train-Request+Arrive +bos thank you so much ! i think that covers all the information i need today . eos O O O O O O O O O O O O O O O O O general-thank +bos sure ! would you like to book the train , or 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 general-reqmore,Train-OfferBook +bos that is all . thank you ! eos 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 am looking for a train from london kings cross and leaves on wednesday 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+Day N/A +bos there are 10 train departures that may match your needs . the earliest train departs at 5:17. does this work for you or would you like a different time in particular ? eos O O O O B-Train-Inform+Choice 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 O Train-Request+Leave +bos i am looking to book a train that arrives by 13:30. are there any that fit that description ? eos 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 yes , tr2417 arrives at 12:08. would you like me to book it ? eos O 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 just need to know how much it is . eos O O O O O O O O O O O O O N/A +bos tr2417 is 23.60 pounds , would you like to book a seat ? eos O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook +bos sounds great . is tr2417 the train id ? eos O O O O O O O O O O Train-Request+TrainID +bos yes it is . eos O O O O O Train-Inform +bos i will also need the departure time please . eos O O O O O O O O O O Train-Request+Leave +bos tr2417 departs at 11:17. do you need any further assistance ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O general-reqmore +bos no , i think we have covered everything . 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 O O O O general-thank +bos thanks ! have a nice day ! eos O O O O O O O O general-bye +bos while in cambridge i need a hotel that 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 there are 29 hotels that meet your needs . would you like to narrow your search by area and/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 yes , please . i need a cheap hotel in the city centre . eos O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O N/A +bos the alexander bed and breakfast and the el shaddai both fit your specifications . would you like me to book either of those ? 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 Booking-Inform +bos alexander bed and breakfast sounds nice . what kind of hotel is it ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos alexander bed and breakfast is a guesthouse , it has a 4 star rating . would you like me to book you 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 O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Booking-Inform +bos no , but i would like the address , please . eos O O O O O O O O O O O O Hotel-Request+Addr +bos the alexander bed & breakfast is located at 56 saint barnabas road . can i help you with something else today ? 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+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 also need an international restaurant in the same price range as the hotel . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos i have an african restaurant and some european restaurants located in the city centre . any preferences ? 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 restaurant that serves international food , that 's in the cheap range ? eos O O O O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O N/A +bos alright , i have one location for that : the missing sock . would you like me to make you reservations here ? 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 O O O O O O O O O O O O Booking-Inform +bos can you book a table for 6 people at 19:45 this 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 sorry , they can not accommodate six in that time slot . would you like to try a different time ? eos 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+Time +bos could we try 18:45 on the same day ? eos O O O O B-Restaurant-Inform+Time O O O O O N/A +bos booking was successful for 18:45. the table will be reserved for 15 minutes . reference number is : 5d209rmx . eos O O 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 N/A +bos great , that 's all need for now , you 've been very helpful ! eos O O O O O O O O O O O O O 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 general-reqmore +bos no , that 's it . goodbye ! eos O O O O O O O O O general-bye +bos thank you for contacting the cambridge towninfo centre today ! eos O O O O O O O O O O O general-bye +bos i 'm curious about the 3-star lodging options available in cambridge . eos O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O N/A +bos there are no 3-star lodgings available in cambridge . shall we check 4-star locations instead ? eos O O O O B-Hotel-NoOffer+Stars O O O B-Hotel-NoOffer+Area O O O O O O O O N/A +bos sure . check only for hotels which include free parking also . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos there are no 4-star lodgings available in cambridge that meet your criteria . shall we check 5-star locations instead ? eos O O O O B-Hotel-NoOffer+Stars O O O B-Hotel-NoOffer+Area O O O O O O O O O O O O N/A +bos yes , please try 5-star hotels with free parking . eos O B-Hotel-Inform+Parking O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A +bos unfortunately , i could n't find anything with 5 stars . eos O O O O O O O O B-Hotel-NoOffer+Stars O O O N/A +bos try out 1 night then eos O O O O B-Hotel-Inform+Stay O N/A +bos i do not have 4 or 5 star hotels in that area . can i try something else ? 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 O O O O O N/A +bos i want to stay at a 3 star hotel with free parking . eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A +bos i 'm sorry for the confusion . there are two expensive hotels with 3 stars and parking . do you prefer the centre or the south ? eos O O O O 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 B-Hotel-Select+Area I-Hotel-Select+Area O O O Hotel-Inform+Parking +bos the centre will be fine . thank you . eos O O O O O O O O O O general-thank +bos all right , sir , that would be the gonville hotel on gonville place . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O N/A +bos ok , could you book it for 8 people starting wednesday for 2 nights please . eos 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 N/A +bos i 'm sorry , booking was unsuccessful . 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-Request+Stay +bos yes , could you try for one night ? eos O O O O O O O O O O N/A +bos very good , sir . that worked and i have a reference number for you : pu74excq . eos 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 that 's all i need . thanks ever so much ! eos O O O O O O O O O O O O general-thank +bos you 're very welcome . i 'm terribly sorry about the confusion earlier . have a lovely 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-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 contact for parkside police is , 01223358966. they are located in postcode cb11jg . eos O O O O O O O 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 thank you , please contact us if we can assist you further . 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 which department should i contact for a sprained ankle ? eos O O O O O O O O O O O N/A +bos probably the emergency department , the phone number is 01223217118. eos O O O O O O O O O O O N/A +bos thank you , could you provide me with the email address ? eos O O O O O O O O O O O O O Hospital-Request+Addr +bos unfortunately there is n't an email address listed here . eos O O O O O O O O O O O N/A +bos can i have the address please . eos O O O O O O O O Hospital-Request+Addr +bos the address is hills road , cambridge . eos 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 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 nope that is it . thank you eos 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-bye +bos i am looking for a train going to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos sure , where are you departing 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 would like to leave broxbourne on tuesday . eos O O O O O O O O O O N/A +bos do you have a time you 'd like to leave by ? eos O O O O O O O O O O O O O Train-Request+Leave +bos i 'd just like to arrive by 16:45 please . eos O O O O O O O B-Train-Inform+Arrive O O O N/A +bos tr8361 will arrive in cambridge by 16:32 on tuesday , does this suit your needs ? eos O B-Train-Inform+Id 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 yes , please . i need the price and travel time . eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos the price is 17.90 pounds . the train leaves at 15:32 making the travel time one hour exactly . is there anything else ? 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O general-reqmore +bos that is for tr8361 ? eos O O O O O O N/A +bos yes . tr8361 is 17.90 pounds . would you like to buy a ticket ? eos 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 Train-OfferBook +bos yes i would like a ticket for one . eos O O O O O O O O O O N/A +bos your confirmation number is bamjw6m2 . may 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 i think you 've answered all of my questions ! thank you so much ! eos O O O O O O O O O O O O O O O O general-thank +bos you 're welcome . call us again when you need to . we 're always here ! eos 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 not a problem . have a good time ! eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant serving modern american food in the moderate price range . eos 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 N/A +bos i 'm sorry i find no modern american food listed in any price category . may i try another cuisine for you , perhaps italian ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O B-Restaurant-NoOffer+Price O O O O O O O O O B-Restaurant-Select+Food O O O O N/A +bos yes how about turkish then ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos either anatolia or efes restaurant would fit that criteria . can i reserve one 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 i reserve to anatolia restaurant . eos O O O O O O O O Restaurant-Inform +bos i 'd be happy to make your reservation . first i will need to know the day/time you 're looking for 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 O O Booking-Request+Time,Booking-Request+Day,Booking-Request+People,Booking-Inform +bos 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 . eos O O O O O O 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 sure . anatolia is located at 30 bridge street city centre and the phone number is 01223362372. can i help you with anything else today ? eos 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 I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos no . that would be it . thanks a lot . goodbye . eos O O O O O O O O O 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 hi there , can you help me with some upcoming plans ? i am looking for 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 general-greet +bos yes , there are many attractions what kind of places are you 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 i 'm looking for a nightclub . eos O O O O O B-Attraction-Inform+Type O O N/A +bos there 6 nightclubs in town . there are 5 in the centre and one in the south . do you have a preference in area ? eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 O Attraction-Request+Area +bos not really . let me have the postcode for the one in the south then . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O O O Attraction-Request+Post +bos the postcode for the place is cb23hg . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post O N/A +bos is there an entrance fee ? eos O O O O O O O N/A +bos theres is a 10lb entra=nce fee , do you want me to book it for you ? eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O Booking-Inform +bos hi . i am hoping you can help me find a cheap indian restaurant . eos 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 sure i have 4 cheap indian restaurants . kohinoor , royal spice , the gandhi and mahal of cambridge . would you like to book one of these ? eos O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food 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 Booking-Inform +bos the mahal sounds expensive and the gandhi probably has only small portions . let 's book a table for two at the royal spice . 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+Name I-Restaurant-Inform+Name O O O N/A +bos of course . when would you like to dine ? eos O O O O O O O O O O O Booking-Request+Time +bos actually , i do n't need a reservation right now , but could you give me the address and phone number for the royal spice ? eos O O O 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 the royal spice is at victoria avenue chesterton , their phone number is 01733553355. can i help you with anything else ? eos 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 O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos that 's all , thank you for your help 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 O general-welcome +bos thanks again . goodbye . eos O O O O O O general-bye +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 need a train on wednesday , arriving close to 14:45. eos O O O O O O B-Train-Inform+Day O 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 will be leaving from cambridge and arriving in leicester . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos there are several trains that would get you leicester by 14:45. did you have a departure time in mind ? eos O O O B-Train-Inform+Choice O O 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 have no preference for departure time as long as i arrive by 14:45. eos O O O O O O O O O O O O O O B-Train-Inform+Arrive Train-Request+Leave +bos ok there is one that leaves cambridge at 12:21 and arrives in leicester at 14:06. would you like to book that one ? eos 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+Arrive O O O O O O O O Train-OfferBook +bos yes that sounds good , can you please give me 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 Train-Request+Duration,Train-Request+TrainID +bos yes that train 's id is tr2854 and the travel time of the journey is 105 minutes . is there anything else i can help you with ? eos O O O 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 general-reqmore +bos yes i am looking for a guesthouse on the north side of town . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos there is the acorn guest house , out of 33 results , did you need internet , parking , or a certain star ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Stars,Hotel-Request+Internet +bos no , i do n't need internet or free parking . could you tell me the star ratings for those ? 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 has a 4 start rating . would you like to hear other options ? 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 O O O O O O O general-reqmore +bos no thanks , but can i have the postcode and price range for the acorn , please ? 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+Price +bos sure , the postcode for acorn guest house is cb41da and the price range is in the moderate range . eos 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 B-Hotel-Inform+Price O O O N/A +bos great thank you that 's all the info i need today . eos O O O O O O O O O O O O O general-thank +bos wonderful . please do n't hesitate to contact me again for more help . 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 information about rosa 's bed and breakfast in cambridge . 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 N/A +bos rosa 's bed and breakfast is in the southern part of town . its address is 53 roseford road , would you like me to book 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+Area I-Hotel-Inform+Area I-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 O O Booking-Inform +bos yes , can you book me a reservation for 8 for 5 nights on thursday please . eos 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 okay , booking was successful . your reference number is : hyppozmf . 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 i am also looking for a train . eos O O O O O O O O O Train-Inform +bos there are 2,828 trains scheduled . may i have some more information about your travel plans to help you select an appropriate train ? 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 N/A +bos oh yeah sorry , i want to travel out of cambridge and head to peterborough and get there by 10:45 on tuesday . eos 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 B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A +bos i have 10 trains available . the nearest to 10:45 is the tr1430 leaving at 09:34 , arriving at 10:24 , with a duration of 50 minutes for 16.50 pounds . would that 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 O N/A +bos yes , that should work eos O O O O O O N/A +bos i am working on your reservation , how many tickets do you need for 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 that 's all the information 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 alright , if you need a booking in the future , we will be here . 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-bye +bos hello , i am looking for a place to stay in cambridge . eos O O O O O O O O O O O O O O general-greet +bos i can help with that . do you have an area of town , or 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 Hotel-Request+Area,Hotel-Request+Price +bos i 'm not picky about the area of town or the price , but i absolutely 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 N/A +bos ok , almost all of the hotels have free wifi , do you have a star rating you would like ? 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 Hotel-Request+Stars,Hotel-Inform+Internet +bos i do n't care . eos O O O O O O N/A +bos there are 32 hotels that have free wifi . do you have any preference of price range or area , or should i choose one 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 Hotel-Request+Price,Hotel-Request+Area,Hotel-Inform+Internet +bos i would like a guesthouse type but the price range is not as important . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos how about the moderately priced rosa 's bed and breakfast ? i also have 22 other entries , if you would prefer something else . eos O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Inform+Choice O O O O O O O O O O O N/A +bos rosa 's bed and breakfast sounds fine . can you book it for 3 people arriving on thursday for 5 nights ? eos 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 N/A +bos yes i most certainly can ! i have booked you into the rosa and your reference number is 06d0fc6l . eos O 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 N/A +bos yes i also need to book a train for 3 people on thursday between bishops stortford and cambridge arriving by 09:00. eos O O O O O O O O O O O B-Train-Inform+People O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Arrive N/A +bos i have a 7:29 that gets into cambridge at 8:07. i booked three people on this train per your instructions . the total cost is 30.29 pounds and your reference is 9ar1cbjm . eos 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 B-Train-OfferBooked+People I-Train-OfferBooked+People 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 thank you very much for your help today . eos O O O O O O O O O O general-thank +bos it was my pleasure . safe travels ! eos O O O O O O O O O general-bye +bos i need a three star hotel with internet . can you help ? eos O O O O O O O O O O O O O O Hotel-Inform +bos i 'm sorry , i can not help you with hotels . are you sure that 's 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 Hotel-NoOffer +bos i 'm sorry . i meant to ask for information on a restaurant . it 's called the stazione restaurant and coffee 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 O O O N/A +bos the stazione restaurant is an expensive , italian restaurant located in the centre area . would you like me to make you a booking today ? eos O O B-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 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 yes , sounds wonderful . can you book a table for 7 at 12:00 on saturday ? 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 the booking was successful . your table will be reserved for 15 minutes and your reference number is ta6xs4cy . 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 . i also need to find an attraction in the center and would like to know what type , address and entrance fee 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 Attraction-Request+Fee,Attraction-Request+Type,Attraction-Request+Addr +bos okay what kind of attraction are you looking for ? eos O O O O O O O O O O O Attraction-Request+Type +bos anything you 'd recommend , as long as it 's in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos i recommend the vue cinema , it 's got a lot of great features to watch ! eos 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 sounds good ! could i have the address and entrance fee , please ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos address is the grafton centre , east road , i do not know the entrance fee . eos 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 N/A +bos thanks ! do you have a phone number so i can find 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 the phone number is 08712240240. eos O O O O O B-Attraction-Inform+Phone N/A +bos thank you ! and this is a cinema attraction ? eos O O O O O O O O O O O Attraction-Inform +bos yes it is . 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 i do n't need anything else . eos O O O O O O O O N/A +bos i hope you have a good trip . 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 need directions to a good swimming pool in the south of cambridge , can you give them 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 N/A +bos abbey pool and astroturf pitch is located in east area . pool way , white hill road off newmarket road . would you like any other information ? 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 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 general-reqmore +bos i really need it to be in the south . if there is no swimming pool in the south , how about an entertainment venue ? eos 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 B-Attraction-Inform+Type O O O O N/A +bos unfortunately there are no swimming attractions in the south . entertainment wise there are 2 options , nusha and tenpin . would you like more info on one of them ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O general-reqmore,Attraction-NoOffer +bos yes please send me the info . eos O O O O O O O O N/A +bos no problem . for nusha , the phone number is 01223902158 with a post code of cb17dy . for tenpin , the phone number is 08715501010 with a post code of cb17dy . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post 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 O O O O N/A +bos i also need some help finding a place to eat while there . 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 N/A +bos yes i can . what type of cuisine are you interested in ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos i would like a spanish restaurant , preferrably cheap . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O N/A +bos i 'm sorry there 's nothing that matches that in the south . do you want me to search 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 O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos is there anything matching that anywhere in the city ? eos O O O O O O O O O O O N/A +bos none , would you like to try a different area ? eos O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos try a different area other than the south . please make sure it is cheap spanish food . 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 one ! la raza is a cheap spanish restaurant in city centre . it 's a lovely place - would you like to make a reservation ? eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O O O O Booking-Inform +bos yes , please book 4 people on tuesday at 14:30 and send me the reference number 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 Restaurant-Request+Ref +bos i am sorry , i am unable to book that for you 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 O O O O O Booking-NoBook,general-reqmore +bos can you try a booking for 13:30 ? eos O O O O O O O B-Restaurant-Inform+Time O N/A +bos i 'm sorry , i am unable to book it for that time either . is there another time , or day i could 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 O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos is there another restaurant in that area ? eos O O O O O O O O O N/A +bos there are no matches for spanish restaurants in that area another perhaps ? eos O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos look in another area . i want a spanish restaurant eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i found la raza . shall book it for you ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O Booking-Inform +bos yes i would love that one . eos O O O O O O O O N/A +bos i booked your table . the reference number is mn2vxhkr eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos i will also need a taxi booked to get me to the restaurant from the hotel please . eos 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 do you mean from the entertainment attraction to the restaurant at 13:30 ? or do you need help with 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 Taxi-Request+Leave,Taxi-Request+Depart,Taxi-Request+Dest,general-reqmore +bos yes i want to be picked up at the attraction and arrive at 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 O O N/A +bos i booked you with a white honda taxi service . their phone number is 07540747460. 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 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 happy to help , please let us know if we can be of service 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 'd like to find out more about taking a tour of trinity college . eos O O O O O O O O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O N/A +bos i do not have information about tours , would you like the phone number for trinity college ? eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos actually , can you tell me what type of attraction it is ? my friend suggested it and mentioned the name , but not much 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 Attraction-Request+Type +bos it is a college located on trinity street . the entrance fee is 1 pound . may i help you with anything else today ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Post I-Attraction-Inform+Post 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 yes , i 'd like to find a restaurant in the centre of town . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos of course . there are many restaurants in the area . is there a food type you 're interested in ? 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 Restaurant-Request+Food +bos i would chinese please . eos O O O B-Restaurant-Inform+Food O O N/A +bos is there a price range you 'd like to stay in ? eos O O O O O O O O O O O O O Restaurant-Request+Price +bos yeah , i 'd like a moderately priced restaurant . and type of food does n't actually matter . just somewhere moderately priced in the centre of town . 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+Area O O O O O O O O Attraction-Request+Type +bos may i suggest jingling noodle bar , they have excellent food moderately priced . would you like a reservation ? eos O O O O B-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 Booking-Inform +bos that would be great . 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 their phone number is 01223566188. eos O O O O O B-Restaurant-Inform+Phone N/A +bos great ! thanks . i also need a taxi to take me between the two . i want to leave the restaurant by 08: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 N/A +bos i would be happy to do get a taxi for you . i need the departure location , destination location and the time of 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 Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Leave +bos i would like to leave the restaurant by 8:30. eos O O O O O O O O O O N/A +bos your cab will pick you up at 08:30 at jingling noodle bar to take you to trinity college . expect a yellow ford . the contact number is 07741212724. eos O O O O O O O O B-Taxi-Inform+Leave O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O N/A +bos perfect , thank you for all your help . eos O O O O O O O O O O general-thank +bos do you need help arranging transportation or lodging at this time ? eos O O O O O O O O O O O O O general-reqmore +bos no , thank you . i 've got everything i need right now . eos O O 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 +bos could you book me a taxi to curry garden ? eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos i have you booked with a white honda . your contact number is 07027500870. 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 O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos oh , sorry , i forgot to say , i need it to arrive by 10:45 , and it 'll be leaving the lan hong house . eos O O O O O 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 I-Taxi-Inform+Depart O O O O O N/A +bos okay , i 'm now sending you a yello volvo which will arrive at lan hong house at 10:45. contact number is 07980240916 eos O O 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 B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O N/A +bos great . you have been very helpful . have a great day . eos O O O O O O O O O O O O O O N/A +bos thank you for calling cambridge towninfo centre we are always glad to help , have a pleasant 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 please help me find people 's portraits exhibition at girton college . 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 N/A +bos people 's portraits exhibition at girton college is located at girton college on huntingdon road in the west side of town . would you like their phone number ? 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 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 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 please send me their address . eos O O O O O O O Attraction-Request+Addr +bos sure , the address is girton college , huntingdon road cb3ojg . 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 B-Attraction-Inform+Post 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 great ! by the way , there is no entrance fee as well . let us know if we can help with anything else . eos 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 O O general-reqmore +bos i am wanting to find an attraction called the place . can you help me ? eos O 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 the place is a nightclub in the south part of town located at 22 sidney street . is there anything else you need ? eos O O B-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 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 general-reqmore +bos can you give me the postcode please ? eos O O O O O O O O O Attraction-Request+Post +bos the postcode is cb23hg , can i assist with anything else ? eos O O O O B-Attraction-Inform+Post 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 what sort of food would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos i 'm in the mood for some modern european food eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i would suggest the river bar steakhouse and grill 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 N/A +bos great , is it moderately priced ? eos O O O O O O O O N/A +bos it is in the cheap price range . would you prefer moderate price ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O O O Restaurant-Request+Price +bos i would prefer moderate price range please . eos O O O O B-Restaurant-Inform+Price O O O O N/A +bos there is no restaurant fitting your description . can we change the cuisine . eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos can you double check for modern european food , centre area , and in the moderate price range ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O N/A +bos riverside brasserie would suit those needs . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A +bos sounds tasty . can you get me a reservation for saturday ? eos O O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos your reservation for 1 on saturday was successful . reference number : lxqww69y eos O O O O O B-Booking-Book+People B-Booking-Book+Day I-Booking-Book+Day O O O B-Booking-Book+Ref O O N/A +bos thank you . i will also need a taxi to get form the attraction to the restaurant by 13: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 N/A +bos please look for a yellow tesla . your contact number is : 07159979222. what else can i assist you with 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 N/A +bos that is all i need . eos O O O O O O O N/A +bos have a nice day . eos O O O O O O general-greet +bos i would like to find a place to eat dinner . eos O O O O O O O O O O O O N/A +bos great where would you like to visit ? eos O O O O O O O O O Restaurant-Request+Area +bos i am looking for a restaurant in the south part of town that is moderately priced . 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 N/A +bos i have two restaurants matching your request . would you like italian or modern european food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i 'm craving some modern european food ! eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos would you like me to make a reservation for you then ? eos O O O O O O O O O O O O O Booking-Inform +bos yes please , 1 person on sunday at 14:15. eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos i have booked a reservation for one person at 14:15 on sunday at restaurant alimentum successfully . your reference number is gnrkq4it . would you like me to do anything else for you ? 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-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 could you recommend a museum ? eos O O O O O B-Attraction-Inform+Type O N/A +bos sure thing , i reccomend byard art it has free admission . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A +bos thank you . could i get the area , post code , and address ? eos 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 sure ! it 's located in the south , at 14 king 's parade cb2 1sj . can i help you with anything else ? eos O O O O 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 I-Attraction-Inform+Post 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 enjoy your stay in cambridge ! eos O O O O O O O general-bye +bos yes , i am looking forward to trying some local restaurants when i am there . can you help me find a place to dine ? eos O O O 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 type of cuisine do you enjoy ? eos O O O O O O O O O Restaurant-Request+Food +bos i enjoy chinese food . eos O O O B-Restaurant-Inform+Food O O N/A +bos you have many choices for chinese in cambridge , any preference on price or area ? eos 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,Restaurant-Request+Area +bos i would like that to be in a expensive price range and should be in the centre . eos 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 N/A +bos i have three places fitting that . shall i book one ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Booking-Inform +bos yes . wednesday . 6 people at 15:30. eos O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O N/A +bos booking was successful at hk fusion . the table will be reserved for 15 minutes . reference number is : 1zf8e0iv . anything else i can help with ? eos 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 general-reqmore +bos i 'm also looking for a particular attraction . it 's called scudamores punting co. could you give me their information ? 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 N/A +bos scudamores is a fun boat attraction in the center of town . they 're located at granta place , mill lane , cb21rs . can i help with anything else today ? eos 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 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 yes . can i also have their phone number . eos O O O O O O O O O O O Attraction-Request+Phone +bos sure . you can phone at 01223359750. what else can i help with ? eos O O O O O O O B-Attraction-Inform+Phone 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 i am glad i could help you , thank you . eos O O O O O O O O O O O O general-welcome,general-bye +bos hello , i am looking to book a train departing from cambridge going to bishops stortford . eos O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-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 'll be leaving saturday after 19:45. eos O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos i have train tr1159 that departs at 21:29 and will arrive by 22:07. 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 O B-Train-Inform+Arrive O O O O O O O O O O general-reqmore +bos book it for 8 please and i need the reference number . eos O O O O O O O O O O O O O Train-Request+Ref +bos i have booked that and your reference number is 69tdoddn . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i am also looking for swimming pools i can visit . eos O O O O O O O O O O O O N/A +bos abbey pool and astroturf pitch looks good , would you like to get some information about that ? 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 O O O O O O O O O O general-reqmore +bos yes , what area is it located in ? eos O O O O O O O O O O Attraction-Request+Area +bos it is located in the east , would you like any more information on this or more help with something else ? 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 general-reqmore +bos that 's all i need for now . 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 sounds good ! have a wonderful day ! eos O O O O O O O O O general-bye +bos i need a train . the train should depart from ely and should leave on thursday . eos O O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O O N/A +bos i would be happy to assist you in finding a train ! can you please advise where you will be 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 Train-Request+Dest +bos cambridge . i need to get there by 11:15. eos O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O N/A +bos i have 3 options to choose from : arrival times of 5:52 , 7:52 and 9:52. which do you prefer ? 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 Train-Select +bos i will take 9:52 eos O O O O O N/A +bos price is 4.40 pounds should i book it for you ? eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O Train-OfferBook +bos yes , please book it for 8 tickets for me and pleases 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 O O Train-Request+Ref +bos i was able to book 8 train tickets for you at the cost of 35.2 gbp , which is payable at the station . the reference number is 27of6eo3 . eos O O O O O O O B-Train-OfferBooked+People 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 i 'm also looking for information on the whipple museum of the history of science . 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos okay , it 's a museum in the city centre . would you like more information on it ? 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 N/A +bos yes , is there an entrance fee ? eos O O O O O O O O O Attraction-Request+Fee +bos the entrance fee is free . is there anything else i could 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 that takes care of my needs today . take care . goodbye . eos O O O O O O O O O O O O O O general-bye +bos enjoy your trip ! eos O O O O O general-bye +bos hello , i am looking for a train that goes to stansted airport and arrives by 10:45. eos 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+Arrive O N/A +bos i 've found quite a few . can you help me narrow it down by telling me where you 'll be departing from ? 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+Depart +bos sure , i 'll be departing from cambridge . eos O O O O O O B-Train-Inform+Depart O O O N/A +bos thank you for confirming that . also , on what day did you plan to travel ? eos 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 saturday . i have a birthday party to get to . eos O O O O O O O B-Train-Inform+Day O O O O O O O O O O N/A +bos what fun ! there is a train , the tr2755 , that leaves cambridge at 9:40 and arrives at the airport at 10:08. would you like to book a seat ? eos 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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos no , i just needed the information for the train . i 'm also looking for an attraction called the vue cinema . 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 B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O N/A +bos sure , its a cinema of course and their phone is 08712240240 address is the grafton centre , east road . i do n't know however if they charge a fee . eos O O O O B-Attraction-Inform+Type 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+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 N/A +bos okay fantastic , that 's all i needed today , thank you ! eos O O O O O O O O O O O O O O general-thank +bos enjoy your visit to cambridge and have a good day . eos O O O O O O O O O O O O general-bye +bos i 'm looking for a train in cambridge that will arrive by 18:30 eos O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive O N/A +bos are you leaving cambridge or going to cambridge ? better yet , what is your departure city and 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 'm departing from cambridge and would like to go to norwich on a monday . eos O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O O N/A +bos yes i have the 17:55. may i help you with anything else ? eos O O O O O B-Train-Inform+Arrive O O O O O O O O general-reqmore +bos if it arrives by 17:55 , then yes , please book 1 seat for me . eos O O O O O B-Train-Inform+People O O O O O O O O O O O N/A +bos i was able to book tr8504 leaving cambridge at 16:36 arriving norwich at 17:55. the total fee is 17.6 gbp and your reference is p5jnvzha . eos O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave 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 O B-Train-OfferBooked+Ref O N/A +bos fantastic , thanks . i 'd also like to find an architecture attraction in the centre of town , please . eos 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 O O N/A +bos i have about 5 different options for you . most have free admission , except one . might i suggest the all saints church on jesus lane . it has free admission . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O B-Attraction-Recommend+Fee O O O 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 O O O O O O O O N/A +bos can i get the postcode for that please ? eos O O O O O O O O O O Attraction-Request+Post +bos all saints church 's postcode is cb58bs . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O N/A +bos thank you ! that is all the help i need today . eos O O O O O O O O O O O O O general-thank +bos you 're very welcome . i do hope that you enjoy your 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 i am looking for a train on friday to cambridge eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest N/A +bos i would be happy to help you find a train . can you confirm 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 Train-Request+Depart +bos yes , i 'll be departing from peterborough and it needs to arrive by 20:45. eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O N/A +bos tr9805 will arrive at 20:38 , would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O N/A +bos yes please book me tickets for 5 people eos O O O O O O O O B-Train-Inform+People N/A +bos the booking was successful the price is 82.5 pounds your reference number is 7hqd6471 . 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 B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos i could use some help finding a museum to visit . eos 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 . would you prefer a certain type of museum , or a particular neighbourhood ? 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 O O O O Attraction-Request+Area,Attraction-Request+Type +bos i 'm open to just about anything . what 's your favorite ? eos O O O O O O O O O O O O O O N/A +bos i quite enjoy byard art museum located at 14 king 's parade . it is free also . can i give you any more information ? eos 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 B-Attraction-Recommend+Fee O O O O O O O O O O O N/A +bos which area is it in ? and can you also give me the post code ? 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 byard art is south and the postcode is cb21sj . would you like information on another attraction ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos no , that one sounds perfect , thank you . eos O O O O O O O O O O O general-thank +bos may i help you with anything else , such as a restaurant ? eos O O O O O O O O O O O O O O general-reqmore +bos no , you have been a great help . thank you . good bye . eos O O O O O O O O O O O O O O O O general-bye +bos it 's been my pleasure . thanks for using our service . good day . eos 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 somewhere in town to go to for entertainment ? eos O O O O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos which area would you like to go ? eos O O O O O O O O O Attraction-Request+Area +bos preferably the town centre . eos O O O O B-Attraction-Inform+Area O N/A +bos i 'm sorry but i 'm not finding any entertainment attractions in the city centre , would you like me to try another area ? eos O O O O O O O O B-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O Attraction-Request+Area +bos no , that 's ok. how about colleges ? can you recommend a good 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 B-Attraction-Inform+Area O O O O O O N/A +bos i always like to visit christ 's college when i am in the area . the address is saint andrew 's street . is there anything else i can do for you today ? eos 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+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O O O O O O general-reqmore +bos yes , please . i ; m also looking for an expensive place to dine in the same area as the college . can you help me with that ? 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 O O O O O N/A +bos there are 33 results . is there a certain type of food you 'd like to have ? 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 if there is a restaurant which serves indian food , that would be perfect . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos curry garden is an expensive restaurant serving indian food , would you like that ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O general-reqmore +bos before i book the restaurant , i wanted to finish getting information on christ 's college . i have the address . i just need the postcode and phone number , please ? 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 O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos phone is 01223334900 and postcode is cb23bu is there anything else ? eos O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O general-reqmore +bos i am looking for king 's college . do you happen to have information on it ? eos O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O O O O O O O N/A +bos sure . kings college is located in the centre area . their phone number is 01223331100. is there any other information i can look up for you ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area 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 thank you , you 've been very helpful . eos O O O O O O O O O O O general-thank +bos 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 ? eos O O O O O O O O O O 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 actually yes , can you help me find a train to 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 N/A +bos sure trains leave today , friday starting at 05:59 and the last train leaves at 13:59 and every 2 hours in between eos O O O O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O N/A +bos can you book me one from cambridge to london liverpool street on tuesday ? 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 B-Train-Inform+Day O N/A +bos sure , trains on tuesday run from 05:59 to 23:59 , what time would you like to book ? eos O O O 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 O Train-OfferBook +bos i 'm not sure . which one will arrive by 9:45 ? eos O O O O O O O O O O O O O N/A +bos tr3892 will arrive by that time . eos O B-Train-Inform+Id O O O O O O N/A +bos book that for 3 people . eos O O O O O O O N/A +bos i apologize for the confusion , it is tr4259 that will arrive at london liverpoll street by 09:27 on tuesday , does this suit you to book ? eos O O O O 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+Arrive O B-Train-Inform+Day O O O O O O O O O Train-OfferBook +bos yes that 's fine a booking for 3 please . eos O O O O O O O O B-Train-Inform+People O O N/A +bos i have 3 seats booked on tr4259 departing cambridge for london liverpool street on tuesday at 05:59 , reference is 4b1vize1 . is there anything more today ? eos O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Ref 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 very welcome . i am happy i could assist . eos O O O O O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for places to visit . mainly in the western part . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos i would be happy to help you with that ! we have colleges , museums , and entertainment attractions in that area . which would you like to visit ? 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 I-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Select +bos i think i 'd like to visit an entertainment attraction . do they have entrance fees ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Fee +bos whale of a time is the only attraction i see for that area . there is no entrance fee listed , but the phone is 01954781018. 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 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+Phone O N/A +bos i 'm also looking for a train that departs from cambridge and leave on monday . eos O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O O N/A +bos there are a number of trains leaving from cambridge on monday , is there a specific destination and time you 'd like to leave ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O 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 Train-Request+Dest +bos i 'd like to arrive at leicester by 17:45. and what was that postcode for whale of a time again ? eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive 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 +bos tr5465 arrives leicester at 17:06. would that work for you ? and the postcode for whale of a time is cb238el . eos O B-Train-Inform+Id I-Train-Inform+Id 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 B-Attraction-Inform+Post O O N/A +bos yes , i would like to make a booking for 8 people . eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos okay your booking was a success and your reference number is l1zy1oje , is there anything else you need 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 general-reqmore +bos just want to make sure , that reference number is for the train , tr5465 ? eos O O O O O O O O O O O O O O O O O Train-Request+Ref +bos that is correct . it departs cambridge at 15:21 and arrices in leicester at 17:06 on monday . eos O 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 I-Train-Inform+Arrive B-Train-Inform+Day O O N/A +bos postcode , phone number , and area eos O O O O O O O O Attraction-Request+Post +bos i do not have the postcode , phone number , and area for the train station . 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 O O O O O O O O general-reqmore +bos thank you for all your help . you have a great day . eos O O O O O O O O O O O O O O general-thank +bos you have a wonderful day yourself ! eos O O O O O O O O general-greet +bos i need to take a train on saturday eos O O O O O O O O B-Train-Inform+Day N/A +bos i can help you with that . where are you headed , and at 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,general-greet +bos i 'm headed to cambridge and the train needs to leave after 9:45. eos O O O O B-Train-Inform+Dest O O O O O O O O O N/A +bos i have found 149 trains available . where are you departing from ? eos O O O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Depart +bos i would like to depart from stansted airport . can you book me a train for 3 people and provide a reference number ? 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 B-Train-Inform+People O O O O O O Train-Request+Ref +bos sure , the train leaves at 10:24 , reference number is mefvdbwf . what else can i help with today ? eos O O O O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos i am looking for the cambridge book and print gallery eos O O O O O O B-Train-Inform+Dest I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos the cambridge book and print gallery is a museum in the west area , located at 49 newnham road . 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+Type O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos that 'll be everything . thank you ! eos 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 a train that is going to cambridge . eos O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos there are 1,414 trains to cambridge . where would you like to depart from ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Dest O O O O O O O O O Train-Request+Depart +bos i would like to depart from birmingham new street on tuesday . 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 there are 19 trains leaving birmingham new street and arriving at cambridge on tuesday . did you have a specific departure or arrival time ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest 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 by 19:30 eos O O O O O O O B-Train-Inform+Arrive N/A +bos train tr4373 arrives in cambridge at 12:23. would you like me to book that 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 O O O Train-OfferBook +bos no , no ticket needed right now . i do need the price and travel 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+Duration,Train-Request+Price +bos it is 75.10 pounds and takes 163 minutes . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos also , can you please provide me with attractions in the centre ? eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos would you be interested in one of the 4 theatres located in the centre ? eos O O O O O O O O O O B-Attraction-Recommend+Choice O O O B-Attraction-Recommend+Area O N/A +bos yes that would be fine . eos O O O O O O O N/A +bos great , the theatres are adc theatre , cambridge arts theatre , mumford theatre , and the cambridge corn exchange . does any one of those in particular interest you ? eos O O O B-Attraction-Inform+Type 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 N/A +bos i think that will be everything i needed . thanks 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 our system ! eos O O O O O O O general-bye +bos hello , do you have any information regarding interesting theatres to visit in the centre of town ? eos O O 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 sure thing , there are four theatres in the centre of town . adc theatre , cambridge arts theatre , mumford theatre , and the cambridge corn exchange . eos O 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 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 N/A +bos i 'm interested in one of the theatres ! can i get the entrance fee information for those ? 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 i 'm sorry , but none of the theaters list the entrance fee . would you like the phone number for any of them ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O N/A +bos that 's okay , could you provide me with the postcode and address , please ? also , i am looking for a train leaving after 16:00 this monday . 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 O B-Train-Inform+Day O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the adc theatre is located on park street and its postcode is cb23pj . before i find your train , could you tell me where you would like to go ? 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 B-Attraction-Inform+Post O O O O O O O O O O O O O O O O O O Train-Request+Dest +bos of course , silly me : p i am looking for a train from cambridge to stevenage 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 the tr0254 leaves cambridge at 17:21. eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos 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 ! eos O O O O O O O O O O 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 thank you for using our system . eos O O O O O O O O O general-bye +bos what are some places i could visit that are in cambridge ? eos O O O O O O O O O O O O O N/A +bos there are several great places to visit in cambridge . what type of attraction do you prefer ? 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 would like to visit a park on the north side . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos sure , we have milton country park located in the north in milton . there phone number is 01223420060 & postcode is cb46az . eos O O O O B-Attraction-Inform+Addr 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 B-Attraction-Inform+Post O O O N/A +bos ok , great thanks . i also need to find a train going 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 i have 1,414 possible options for you to take . is there any way for you to narrow down which one you need ? 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 N/A +bos i need a train to leave on tuesday after 18:00 from london liverpool street going to cambridge . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos tr6833 is a train that matches your requirements , would you like that ? eos O B-Train-Inform+Id O O O O O O O O O O O O O Train-OfferBook +bos i would like the travel time , arrival time and price , please . eos 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 your arrival time for tr6833 is 21:07 , with a travel time of 88 minutes . price is 16.60 pounds per ticket . eos O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive 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 N/A +bos thank you . i would like to book that train . eos O O O O O O O O O O O O Train-Inform +bos sure thing ! how many tickets will you be needing ? eos O O O O O O O O O O O O Train-Request+People +bos that was 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 tr6833 leaves at 19:39 and arrives in cambridge at 21:07 for 88 minutes of travel . it costs 16.60. eos O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O O O O O O O O B-Train-OfferBooked+Ticket 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 no problem , glad to be of help ! eos O O O O O O O O O O general-bye +bos i need a theatre 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 i found four theaters . would you like to try the adc theatre ? eos O O O B-Attraction-Inform+Choice O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos that sounds good , i need the postcode and the entrance fee as well 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 +bos the postcode is cb58as . unfortunately , the entrance fee is unknown . would you like the phone number so you can call them to ask ? eos O O O 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 O O O O O O general-reqmore +bos sure , i also need a train that leaves from cambridge and arrives by 16:45. 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 adc theatre 's phone is 01223300085. there are 819 trains departing cambridge . could you be more specific on your destination and what day you 'd like to leave on ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone 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 O Train-Request+Dest,Train-Request+Day +bos i would like to travel to leicester on sunday . can you arrange this trip ? eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O N/A +bos i found one that leaves at 05:21 would that work for you ? eos O O O O O O O B-Train-Inform+Leave O O O O O O Train-Select +bos well , i need to arrive by 16:45 , and want to depart from cambridge . does that one match my request ? eos O O O 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 does , it 's train tr2025 if you 'd like to book . eos O O O O O O B-Train-OfferBook+Id O O O O O O O O O Train-Inform +bos yes please book that for 2 people . eos O O O O O O O B-Train-Inform+People O N/A +bos sure , your reference number is lgm5agur . is there anything else i can do for you ? 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 no , i think that covers it all , thanks for your help . eos O O O O O O O O O O O O O O O general-thank +bos of course , have a great day . eos O O O O O O O O O general-bye +bos i am looking for a train that leaves for cambridge on monday . eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos where are you departing from ? eos O O O O O O O Train-Request+Depart +bos hello , i am departing from ely . eos O O O O O O B-Train-Inform+Depart O O N/A +bos there are several trains available , starting at 5:35 am and ending at 11:35 pm . what time would you prefer ? eos 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 Train-Request+Leave +bos i need to arrive in cambridge by 10:00 please eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos train tr2987 will arrive in cambridge by 9:52. would you like to book it ? eos 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 yes , please . i need 6 tickets and a reference number . eos O O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos your tickets are all set , reference number is vkwmnp74 eos O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thanks ! i 'm also looking for a good museum in the center of town . eos 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 11 museums , i would recommend castle galleries because it 's free . eos O O O O B-Attraction-Inform+Choice O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O N/A +bos fantastic . can you provide me with the address and phone number for the castle galleries , 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 they are located at unit su43 , grande arcade , saint andrews street and their phone number is 01223307402 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 B-Attraction-Inform+Phone O O N/A +bos what is their entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos they do not have a fee . it is free to enter . eos O O O O O O O O O B-Attraction-Inform+Fee O O O O N/A +bos i have everything i need . thanks ! eos O O O O O O O O O general-thank +bos is there anything else i can look up for you today ? eos O O 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 no problem ! 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-welcome,general-bye +bos hi , what are some places to visit in cambridge ? eos O O O O O O O O O O O O N/A +bos we have many different attractions in cambridge . what sort of place are you looking for , and in what part of town ? 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 O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos i am looking for a swimming pool , 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 O N/A +bos sure , there is abbey pool and astroturf pitch in the east , address is pool way , whitehill road , off newmarket road . what else can i help with today ? 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 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 O general-reqmore +bos please give me their phone number and entrance fee . eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos i do n't have information on their entrance fee , but their phone number is 01223902088. 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 B-Attraction-Inform+Phone O O N/A +bos i am also looking for a train leaving on tuesday from broxbourne after 17:15 headed to cambridge . eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Leave O O B-Train-Inform+Dest O N/A +bos you have 7 trains , starting with tr6368 at 17:32. would you like to book that one ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O O O O O O O O O N/A +bos what is the arrival time ? eos O O O O O O O Train-Request+Arrive +bos train tr6368 arrives in cambridge by 18:32. do you need anything else ? i can help book a trip for you if you like . 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 O O O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos that 'd be great , thank you . eos O O O O O O O O O general-thank +bos i 'd be happy to book that for you . how many tickets will you need , just one ? 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 just one please . eos O O O O O N/A +bos i booked you on tr6368 at 17:32. 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+Leave 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 thank you for choosing cambridge towninfo centre . have a nice trip ! eos 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 for friday ? eos O O O O O O O O O B-Train-Inform+Day O N/A +bos there are 404 entries for trains departing on friday . where will you be headed ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Day O O O O O O O Train-Request+Dest +bos i 'm headed to cambridge eos O O O O B-Train-Inform+Dest O N/A +bos ok , we 've narrowed it down to 202 trains , where are you leaving from ? eos O O O O O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Depart +bos i 'll be leaving from the stansted airport , and any time after 8:00 is fine . can you tell me how much that will cost ? 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 O O O O O O O O O N/A +bos the cost will be 10.10 pounds . the tr1756 train leaves stansted airport for cambridge at 8:24. would you like me to book it for you ? eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O B-Train-Inform+Id O O B-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook +bos yes , that would be great . i am also looking for any parks in the north side of the city , do you know any ? 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 O O O O O O O O O O N/A +bos yes indeed , there is milton country park . what would you like to know about it ? 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 O general-reqmore +bos can you provide me with the phone number , 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+Phone,Attraction-Request+Addr +bos milton country park 's phone number is 01223420060 , its post code is cb46az and its address is milton country park , milton . anything else i can help you with ? eos O B-Attraction-Inform+Name I-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 O O O O O O O O O general-reqmore +bos great that is all the information i need , thank you . eos O O O O O O O O O O O O O general-thank +bos i 'm glad i could be of assistance , have a good day ! eos 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 to hughes hall please . eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 the river bar . eos 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 like to leave by ? eos O O O O O O O O O O Taxi-Request+Leave +bos i would like to arrive by 19:00 if possible . eos O O O O O O O B-Taxi-Inform+Arrive O O O N/A +bos great , i have booked you a white honda the contact number is 07767407244. 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 B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos nope thats all thanks eos O O O O O general-thank +bos it was my pleasure to assist you with that . hoping 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 O O general-bye +bos i would like to book a train leaving on monday going to london liverpool street , can you help me with that please ? eos O 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 O O O O O O N/A +bos i found ten , trains , what time would you like to leave or arrive by ? eos 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 the train should depart from cambridge and should arrive by 18:30. eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A +bos there are 7 trains meeting those criteria . they call cost the same amount . when would you like to leave by ? eos O O O O B-Train-Inform+Choice 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 Train-Request+Leave +bos any train just arriving by 18:30 , can i just get the train id and price of one of those ? 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 Train-Request+Price,Train-Request+TrainID +bos i have one that leaves at 11:59 and arrives at london liverpool street at 13:27. train id tr7276 and it is 16.60 pounds eos O O O O B-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 B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos thanks . i 'd also like someplace to go in the west . maybe some sort of 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 N/A +bos there are 13 different attractions in that area , mostly colleges and museums , do either of those options interest you ? eos O O O O B-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 Attraction-Select +bos anything in the west that seems interesting , i just need the postcode and entrance fee . eos 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+Fee +bos i believe you might enjoy queens ' college . it is very rich with history . it is 2.50 pounds to get in and it 's postcode is cb39et . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Post O O O O O general-greet +bos thank you so much ! eos O O O O O O general-thank +bos you are very welcome ! have a pleasant day ! eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a train that leaves for leicester after 19:00. eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave N/A +bos there are 35 trains that arrive in leicester . what day were you looking to travel and from where ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos this would be on monday departing from cambridge . eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O N/A +bos the first train that fits your requirements leaves at 19:21. would you like to book that train ? eos 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 i am looking for the travel time , price , and train id of that one . 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 sure the trainid for the 19:21 train is tr5816 , the travel time is 105 minutes , and tickets are 37.80 gbp each . would you like to book a trip ? eos O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Id 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 O O O Train-OfferBook +bos not right now but i am looking for some places to go in town eos O O O O O O O O O O O O O O O N/A +bos what part of town would you like to visit ? eos O O O O O O O O O O O Attraction-Request+Area +bos a museum would be nice . eos O O B-Attraction-Inform+Type O O O O N/A +bos there are 23 different museums , the whipple museum of the history of science might be worth a try , and it has no entrance fee . eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos okay . may i have their address please ? eos O O O O O O O O O O Attraction-Request+Addr +bos yes , it 's address is free school lane . 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 O O O general-reqmore +bos the address for the whipple museum is free school lane . eos O O O O O O O O O O O O Attraction-Request+Addr +bos do you need any other information about whipple museum of the history of science ? or any other information about 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 N/A +bos what area is the whipple museum in ? eos O O O O O O O O O Attraction-Request+Area +bos the whipple museum of the history of science is located in the centre 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 I-Attraction-Inform+Name O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +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 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 'm looking for a mexican restaurant in the south . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos there is only one . it is an expensive restaurant called the chiquito restaurant bar . can i reserve a table for you ? eos O O O O O O O O O B-Restaurant-Inform+Price 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 , that sounds perfect . eos O O O O O O O N/A +bos when would you like to dine and how many people will there be ? eos O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos i would like to dine for 1 person at 14:45 on thursday 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : h2i6dr4i . 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 need a train leaving london kings cross and arriving by 08:15 please . 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+Arrive 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 also on thursday . eos O O O B-Train-Inform+Day O N/A +bos the tr2775 train leaves london at 05:17 and arrives at 06:08. would you like me to make a reservation ? eos 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 Booking-Inform +bos that wo n't be necessary . what is the price ? eos O O O O O O O O O O O O Train-Request+Price +bos the cost for tr2775 is 23.60 pounds . eos O O O O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 very 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 all . goodbye eos O O O O O O O O general-bye +bos great ! have a good day . eos O O O O O O O O general-bye +bos hi , i need a train out of cambridge , thanks ! eos O O O O O O O O B-Train-Inform+Depart O O O O N/A +bos sure , where will you be traveling to ? eos O O O O O O O O O O Train-Request+Dest +bos i will be going to london liverpool street . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos there are 70 trains available . is there a specific day and 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 O O Train-Request+Day,Train-Request+Leave,Train-Request+Arrive +bos i would like the train to leave on friday after 15:30. eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos tr9956 i believe would be my choice . thank you . eos O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O O O O O N/A +bos ok , can you book that for 8 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 132.8 gbp payable at the station .reference number is : sejbn5kv . 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 , ca n't wait ! are you able to help us find a cheap chinese restaurant somewhere near the city centre , also ? 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+Area O O O O O O N/A +bos certainly ! there are 3 : charlie chan , rice house , and golden house . do any of these sound like they 'd be to your liking ? eos 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 O O O O O O O O O O O O O O O O O Restaurant-Select,general-greet +bos yes , all of them are . can you get a table for all 8 of us at charlie chan at 12:15 for the day we travel ? 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+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Time O O O O O O O N/A +bos unfortunately i was n't able to make that reservation . is there another date or 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 O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos could you try 11:15 , please ? eos O O O O B-Restaurant-Inform+Time O O O N/A +bos i was able to get you at table at charlie chan at 11:15 for all 8 guests . your reference number is yzerkjxh . anything else i can help with ? eos O O O O O O O O O O O O O B-Booking-Book+Time O O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos nope , that 'll be everything i need ! eos O O O O O O O O O O N/A +bos have a nice visit eos O O O O O general-bye +bos i need to travel to bishops stortford on thursday for work - can you help me find a train ? eos 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 O O O O N/A +bos we have 5 options available to you . is there a specific time you would 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 O O O Train-Request+Leave +bos yes , we would like to depart cambridge on thursday and arrive by 16:00. thank you for your help . eos O O 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 N/A +bos do you have a certain time you would like 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 16:00. eos O O O O O O O O N/A +bos train tr0927 leaves around 13:29 and arrives at 14:07. can i 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 Train-OfferBook +bos yes i need it booked for 8 people . eos O O O O O O O O B-Train-Inform+People O N/A +bos i was able to get you 8 tickets . your reference number is v8tpck8y . the total is 80.8 gbp , and you can pay at the station . anything else ? 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 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 'd like a moderately priced indian place to eat . preferably on the eastside . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos either rajmahal or curry prince would be good choices . shall i try to book you a table at one of them ? eos O B-Restaurant-Recommend+Choice 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 Booking-Inform +bos yes , please try the rajmahal . i need a table for a party of 8 at 13:00 on thursday . eos O O O O O B-Restaurant-Inform+Name 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 got that table at the rajmahal for you for thursday at 13:00 for 8 people . anything else for you ? eos O O O 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 general-reqmore +bos could you give me the reference number for the restaurant reservation ? eos O O O O O O O O O O O O O Restaurant-Request+Ref +bos certainly . your reference number is 1nnvzzqi . can i help with something else ? eos O O O O O O B-Restaurant-Inform+Ref O O O O O O O O O general-reqmore +bos no , i do n't think so . thanks for your help ! eos O O O O O O O O O O O O O O general-thank +bos the pleasure was all mine . thanks for using the cambridge towninfo centre ! 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 train that arrives by 20:00 that is going to ely eos O O O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Dest N/A +bos i have one that will arrive by 18:07. do you have the day you would like to travel ? eos O 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 Train-Request+Day +bos yes , i 'd like to travel on tuesday , departing from cambridge please . eos 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 okay , how about tr7733 , leaving at 17:50 and arriving by 18:07 ? 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 O O O N/A +bos yes , that 's exactly the sort of thing i 'm looking for . thank you . eos O O O O O O O O O O O O O O O O O O general-thank +bos perfect ! i hope you have a great time ! eos O O O O O O O O O O O general-welcome,general-bye +bos can you also help me find a chinese restaurant on the north side ? 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 golden wok is a chinese place in the north part of town , would that work for you ? 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 O O O O N/A +bos great , is it considered to be expensive it 's my anniversary and i want it to be high quality 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 happy anniversary ! golden wok is a moderately priced restaurant . would you like me to find an expensive restaurant ? eos O O 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 O O O Restaurant-Request+Price,general-greet +bos yes , i would prefer an expensive one . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos in expensive restaurants , i have two options in the north . there is hakka and there is the hotspot . in my opinion , hakka is a great chinese restaurant . eos O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O B-Restaurant-Recommend+Name O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Recommend+Food O O O O O O N/A +bos postcode , phone number , and area eos O O O O O O O O N/A +bos they are in the north , postcode is cb41ep . expensive and their phone number is 01223568988. that was for hakka . eos O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Post B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Name O O O N/A +bos can you go ahead and make that reservation for me please . for 6 people at 14:30 eos O O O O O O O O O O O O O O O O O O N/A +bos thank you for all your help . we should have a nice anniversary . eos O O O O O O O O O O O O O O O N/A +bos what ? could you please make the reservation ? eos O O O O O O O O O O N/A +bos which day would you like this reservation ? eos O O O O O O O O O Booking-Request+Day +bos i 'd like that reservation for tuesday , as well . eos O O O O O O B-Restaurant-Inform+Day O O O O O N/A +bos i have that table reserved for you . the reference number is hfsfxr46 . may i help you with anything further ? 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 no , that 's all for me . thanks ! bye ! eos O O O O O O O O O O O O O general-bye +bos it was a pleasure to assist you . i hope you have a happy anniversary ! eos O O O O O O O O O O O O O O O O O general-welcome,general-bye +bos are there restaurants in the city centre which serve north american cuisine ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there is one expensive restaurant called gourmet burger kitchen would you like me to book that for you ? eos O O O O B-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 Booking-Inform +bos yes , thanks ! eos O O O O O N/A +bos what day and time would you like me to book it ? eos O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos i need it booked for 8 people on sunday at 15:45. i 'd also like to have the reference number . 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 O O O O N/A +bos your booking was successful . the table will be reserved for 15 minutes only . your reference number is hjcyirg6 . 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 O O general-reqmore +bos yes . i am looking for a train that departs from cambridge on monday . 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 going ? eos O O O O O O O Train-Request+Dest +bos i need to get to stevenage by 16:45. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos train id tr1898 will have you arriving at stevenage at 14:10. it leaves cambridge at 13:21. eos O O O B-Train-Inform+Id O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos that 's just perfect . can you buy our tickets ? same group of people as the gourmet burger kitchen . 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 purchased 8 tickets for you . the reference number is pwmd3siu . 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 that is all i needed today . eos O O O O O O O O O O general-thank +bos have a good day . thank you for using our service . eos O O O O O O O O O O O O O general-welcome +bos thank you , i hope you have a good day as well ! eos O O O O O O O O O O O O O O general-thank +bos it 's been a pleasure . good day and 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 that leaves sunday and heading to london liverpool street . eos 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 wonderful , i can help you . what time on sunday would you like 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 depart time does not matter but i need it to arrive at 18:00. eos O O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos the tr2141 arrives by 15:27. would you like me to reserve some seats for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos yes , for one please . eos O O O O O O O N/A +bos okay , you 're all set . the fee is 13.28 gbp and your reference number is nn0ddvk4 . eos 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 excellent . i also am looking for a restaurant as well . it 's called the sitar tandoori . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O O O N/A +bos i found 4 restaurants with the name tandoori that serve indian food on the south , west , and east . do you have a location preference ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Name O 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 Restaurant-Select +bos no , any location is fine . eos O O O O O O O O N/A +bos okay , one moment while i make your reservation at tandoori on the east side . eos O O O O O O O O O O B-Booking-Inform+Name O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos please make sure you reserve my table for 13:30 on the same day and i 'll need a 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 N/A +bos i apologize , there are no openings available for sunday at 1:30. eos O O O O O O O O O B-Booking-NoBook+Day O B-Booking-NoBook+Time O N/A +bos no problem , can you please try 12:30 ? eos O O O O O O O B-Restaurant-Inform+Time O O N/A +bos your table has been reserved . 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 Booking-Book,general-reqmore +bos can i have the reference number . eos O O O O O O O O Restaurant-Request+Ref +bos of course . your reference number is wx660x0m . can i help you with anything else today ? eos O O O O O O O B-Restaurant-Inform+Ref 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 general-thank +bos have a lovely day today . eos O O O O O O O general-bye +bos i need a train on wednesday to try some of the local restaurants in cambridge . eos O O O O O O B-Train-Inform+Day O O O O O O O O B-Train-Inform+Dest O N/A +bos i can assist , where will you be coming from and do you have a time preference ? 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+Leave +bos i am departing from london kings cross and need to arrive by 16:30. 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+Arrive N/A +bos the earliest that i can get would be an arrival time at 14:08. how many tickets please ? eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O Train-Request+People +bos how much are the tickets ? eos O O O O O O O N/A +bos each ticket is 23.60 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos please book it for 1 person please . eos O O O O O O B-Train-Inform+People O O N/A +bos the reference number is f2odhqym . eos O O O O O B-Train-OfferBooked+Ref O N/A +bos great ! can you also find me a moderately-priced restaurant on the north 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 Train-Request+Price +bos i have listings for 2 both in the north of town . eos O O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O N/A +bos can you give me a phone number and post code for whichever one you like the best ? 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 recommend the golden wok located at 181 histon road chesterton , post code cb43hl , and their phone number is 01223350688. 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 O B-Restaurant-Recommend+Post O O O O O B-Restaurant-Recommend+Phone O O N/A +bos thank you , that will do it . i appreciate the help . eos O O O O O O O O O O O O O O general-thank +bos you 're so welcome . have a nice day ! goodbye ! eos O O O O O O O O O O O O O general-bye +bos i need a train for cambridge , i would like to arrive by 14:15. 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 have found several 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 'll be leaving norwich on friday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos tr8151 will arrive in cambridge at 13:35. will that work ? eos O B-Train-Inform+Id O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O Train-OfferBook +bos yes . i need two tickets , please . eos O O O O O O O O O O N/A +bos i 've booked that for you , and your reference number is u6fy6wad . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos can you find me an expensive indian restaurant ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos curry garden is in the expensive price range and serves indian food . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A +bos great , can you book me a table for the same group of people at 19: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 N/A +bos success ! your reference number is dbun9luj . they 'll hold your table for 15 minutes , in case you 're running a little late . need any other help ? 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 nope . i think thats it . have a good one . bye for now . eos O O O O O O O O O O O O O O O O O general-bye +bos thanks , you too . goodbye . eos O O O O O O O O general-bye +bos hi ! i 'm looking for a cheap place with free wifi . what are my options ? 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 are 10 cheap places that include free wifi . is there a specific 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 O O O Hotel-Request+Area,Hotel-Inform+Internet +bos no particular area , but i 'd like it to be a guesthouse . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos i have 9 potential guesthouses for you to chose from . how about the allenbell on the east side ? eos O 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 O B-Hotel-Recommend+Area O O O N/A +bos i need to book for 3 people for 5 nights starting wednesday . can you give me a reference number ? 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 i have booked allenbell for yourself and two additional guests for five days . the reference number is n625qw6q . can i assist you with anything else ? eos O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+People I-Booking-Book+People I-Booking-Book+People I-Booking-Book+People I-Booking-Book+People 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 O general-reqmore +bos thanks , i also need to find a train for monday . eos O 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 where will you be arriving ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i need to go to london kings cross from cambridge . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos i have 10 trains leaving on that day . do you have a time of arrival or departure 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+Arrive,Train-Request+Leave +bos i would like to leave after 19:00 , other than that , i have no other preference . please provide me with the train id of one of these trains . 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 O O O O O O O Train-Request+TrainID +bos tr2634 leaves at 21:00 and arrives by 21:51. 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 , that will work . thank you for your help ! eos O O O O O O O O O O O O O general-thank +bos how many people will be in your party on the train ? eos O O O O O O O O O O O O O Train-Request+People +bos sorry , i 'm actually not interested in a booking today , i just needed a train id . i think that will be all ! eos O O O 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 glad to help ! please enjoy your stay in cambridge ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'm planning a trip to cambridge and i 'm looking for a train that leaves sunday and arrives at 5:30. 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 there are three trains that meet this criteria , two from birmingham new street at 22:40 and 23:40 , and one from london liverpool street at 23:39. which do you prefer ? eos 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+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O Train-Select +bos i would like the 22:40 eos O O O O O O N/A +bos sure , that is train tr1873 . would you like me to book some seats 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 Train-OfferBook +bos no thanks . i will book later . but can i get 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 sure , tr1873 is 60.08 gbp per ticket and is a 163 minute journey . is there anything else i can do for you today ? eos O O B-Train-Inform+Id I-Train-Inform+Id 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 O general-reqmore +bos yes , i need to find a restaurant that serves indian 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 i have several options . what price range would you like ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Price +bos could you give me a recommendation ? eos O O O O O O O O N/A +bos how about the ghandhi located at 72 regent street ? 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 N/A +bos that sounds fine . can you book me a table at 10:45 on sunday ? 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 ok , how many people will you be dining with ? eos O O O O O O O O O O O O Booking-Request+People +bos i only need a booking for a party of 1. eos O O O O O O O O O O B-Restaurant-Inform+People N/A +bos i am sorry that time is unavailable . would you like to book 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos how about 09:45 instead ? eos O O O B-Restaurant-Inform+Time O O N/A +bos i am sorry that time is unavailable as well . would you like to book 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 O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about 9:45 ? eos O O O B-Restaurant-Inform+Time O N/A +bos your booking was successful ! your reference number is 9f8yfu1o . 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 nope that 's all thanks ! eos 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 general-bye +bos need a train leaving monday to bishops stortford . eos O O O O O B-Train-Inform+Day O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos i can help with that . i have 10 different trains that can get you there . did you have a time you need to leave or arrive by ? eos O O O 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 Train-Request+Arrive,Train-Request+Leave +bos yes , i 'd like to arrive by 15:15. i 'm leaving from cambridge as well . eos O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O O O O O O N/A +bos there is one leaves at 13:29 , arriving at 14:07. would you like a reservation on that ? eos 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 Train-OfferBook +bos yes , i need the train id , please . eos O O O O O O O O O O O Train-Request+TrainID +bos the id is tr4861 . how many people would you like tickets for ? eos O O O O B-Train-Inform+Id O O O O O O O O O O Train-Request+People +bos i only need one ticket , please . eos O O O O O O O O O N/A +bos the total will be 10.10 gbp which is payable at the station . your reference number is 1ejqjws2 . is there any other help you need ? 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 O O O O O O O O O O general-reqmore +bos yes i am also looking for somewhere cheap to eat in the centre that serves italian food please . eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O N/A +bos there are three possibilities . pizza hut city centre , ask or zizzi cambridge . would one of those work ? 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 O O O O O Restaurant-Select +bos pizza hut city centre sounds fine . could you book a table for 7 people there 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 sure , what time are you looking for a reservation at ? eos O O O O O O O O O O O O O Booking-Request+Time +bos it 'll be for 10:45. eos O O O O O O N/A +bos ok great and what day would you like the booking to be made for ? eos O O O O O O O O O O O O O O O O Booking-Request+Day +bos the same day as the train which is monday . eos O O O O O O O O O B-Restaurant-Inform+Day O N/A +bos yes i was able to book that for you and your reference number is ytanicp1 . eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos awesome ! that will be it for tonight . have a good day . bye . eos 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 . good day to you too . eos O O O O O O O O O O O O O general-bye +bos i 'm looking for a train . the train should go to birmingham new street and should depart from cambridge . 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 O O B-Train-Inform+Depart O O O N/A +bos is this for a specific day ? eos O O O O O O O O Train-Request+Day +bos yes , the train should arrive by 21:30 and should depart on sunday . eos O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O O N/A +bos there are 14 trains that meet your criteria , beginning at 05:01. is there a preference on when you would like to depart cambridge ? eos O O O O O B-Train-Inform+Choice 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+Leave +bos the one that arrives the closest to 21:30 , please . i will need the price and the train id . 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 Train-Request+TrainID +bos tr2631 leaves cambridge at 17:01 and arrives in birmingham at 19:44. the price is 60.08 pounds . 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 thank you . i am also looking for a place to stay that is in the north 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 N/A +bos i can certainly help you with that . there are many accommodations on the north side of town . do you have any preferences ? eos O O O O O O O O O O B-Hotel-Inform+Choice I-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 general-reqmore +bos i would prefer a place with a star of 4 that includes free parking and free wifi . 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 there are 7 different hotels that fit that , 6 are moderately priced and one falls into the cheap price range . would you like more information ? 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O general-reqmore +bos yes , please . i need a price range and phone number . eos O O O O O O O O O O O O O O Hotel-Request+Phone +bos the price range is moderate for 6 of the hotels , and cheap for one hotel . do you know which hotel you would like the number 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 O O O N/A +bos i would like a moderate hotel with free wifi and parking . eos O O O O O O O O O O O O O N/A +bos there are 7 hotels meeting those criteria . do you want me to choose for you ? 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 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 ! eos O O O O O O O O O O O O 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,Hotel-Request+Type +bos would you like to stay at the arbury lodge guesthouse ? if so , would you like me to book it for you ? the address is 82 arbury road , it is a moderate priced hotel and the phone number is 01223364319. 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 O 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 O O O B-Hotel-Inform+Phone O O O O Booking-Inform +bos 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 ? eos O O O O O O 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 yes , it is a guesthouse . anything else i can do for you ? eos O O O O O B-Hotel-Inform+Type 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 ok , enjoy your time in cambridge ! eos O O O O O O O O O general-bye +bos i 'm looking for someplace to stay . i 'd like something expensive , and i do n't need 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 O O N/A +bos i 'm not showing anything in the expensive range without parking . there are five expensive hotels with parking . what area would you like to stay in ? eos O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price 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 Hotel-NoOffer+Parking,Hotel-Request+Area,Hotel-Inform+Parking +bos the area does n't really matter . but i would want a hotel that includes wifi for free . 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 the huntingdon marriott hotel , it is in the west in the expensive price range . it also has internet . would you like to book ? eos 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 B-Hotel-Recommend+Price O 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 for you to book me a room at the huntingdon marriott hotel . eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos which dates will you need the room ? eos O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos i will need it for four nights for 5 people starting wednesday . eos O O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O N/A +bos booking was successful at huntingdon marriott hotel starting wednesday . your feference number is : 5nvygfm1 . is there any further assistance needed ? 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 am also looking for a train departing cambridge and arrives by 10:45. 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 where are you traveling to ? eos O O O O O O O Train-Request+Dest +bos no where in particular eos O O O O O N/A +bos ok , and what day would you want to leave ? eos O O O O O O O O O O O O Train-Request+Day +bos actually , i want to go to birmingham new street on sunday , please . 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 O O O N/A +bos i have two trains to birmingham new street . would you like to arrive at 9:44 or 10:44 ? 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 like the one that arrives at 10:44 please . i will need 5 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 successfully created a booking for 5 tickets ! your reference number is 080d4w62 . the fee is 300.39 gbp . is there anything else i can assist you with today ? eos O O O O O O O O O B-Train-OfferBooked+People 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 general-reqmore +bos that 's it ! thank you so much for your help ! eos O O O O O O O O O O O O O general-thank +bos you are all set . thank you ! eos O O O O O O O O O general-bye +bos hello , is there any 4 star places to stay in the north ? eos O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O N/A +bos sorry , i did not found a 4 star hotel in the north . can i look in the south ? there are several nice 4 stars hotel in the south . 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 O O O O O B-Hotel-Select+Area O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O N/A +bos any of them a type of guesthouse ? eos O O O O O O O B-Hotel-Inform+Type O N/A +bos for guesthouses , i do happen to have 8 listings . i have one cheaper , and the others are all moderately priced . do you need any free wifi or parking ? eos O O B-Hotel-Inform+Type O O O O O O B-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 O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos no i do n't need those things , could you give me the address of 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 Hotel-Request+Addr +bos i 'd recommend the acorn guest house which is on 154 chesterton road . do you need any other information ? 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+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O general-reqmore +bos thanks for that information . that 's all i need for now . 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 you are very welcome ! enjoy your day ! goodbye ! eos O O O O O O O O O O O O general-welcome,general-bye +bos hello , i am looking for a guesthouse that has free parking , can you help me with that ? 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 is there a specific area you are looking at and 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 Restaurant-Request+Area,Restaurant-Request+Price +bos i just need it to be in the west and it should include free wifi . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos i found two locations finches bed and breakfast and hobsons house , which one would you prefer ? eos O O O O B-Hotel-Select+Choice O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O O O O N/A +bos i think i would prefer the hobsons house . can i get 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 Hotel-Request+Post,Hotel-Request+Phone +bos the address for hobsons house is 96 barton road and the postcode is cb39lh , would you like me to book a reservation ? 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+Post O O O O O O O O O O Booking-Inform +bos not at this time . i am also looking for a train leaving from cambridge on wednesday . eos 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 N/A +bos there are 202 trains departing from cambridge that day . what time would you like to leave ? 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 Train-Request+Leave +bos the train should leave after 13:45. eos O O O O O O B-Train-Inform+Leave N/A +bos there are 107 trains leaving after 13:45. if you give me your destination i can narrow down the choices . 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 Train-Request+Dest +bos i 'm heading to leicester . eos O O O O B-Train-Inform+Dest O O N/A +bos yes i have a wednesday train from leicester to cambridge that departs at 14:21 and arrives at 16:06. would you like me to book that for you ? eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O B-Train-Inform+Dest 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 , i 'd like to make the booking for 8 people . eos O O O O O O O O O O B-Train-Inform+People O O O N/A +bos just to clarify , that train is from cambridge to leicester . i 've made reservations for 8 , reference no . hg6y42hx . you can pay at the station . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Ref 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 thank you for contacting cambridge infocentre today ! enjoy your stay . eos O O O O O O O O O O O O O general-bye +bos hello , im looking to book a train from broxbourne 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 what day will you be travelling ? eos O O O O O O O O Train-Request+Day +bos i am leaving on sunday . i would like to arrive before 20: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 the latest train that will arrive before 20:30 would be train tr1428 . it departs at 18:32 and arrives at 19:32. would that work for you ? eos 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 B-Train-Inform+Arrive O O O O O O O N/A +bos not right now but can you tell me the travel time for this train ? eos O O O O O O O O O O O O O O O O Train-Request+Duration +bos 60 minutes is the travel time eos O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A +bos thank you ! i am also looking for a place to stay . i would like a guesthouse that includes 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 O O O O N/A +bos i 've found 23 guesthouses with wifi . would you like to further specify your request , for example by price , star rating , 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 O O O O O Hotel-Request+Stars,Hotel-Request+Price,Hotel-Request+Area,Hotel-Inform+Internet +bos how much is the cheapest place ? eos O O O O O O O O N/A +bos i ca n't tell you specifically how much each place will cost per night , but we have places in cheap , moderate , to expensive 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O N/A +bos 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 . eos O O O O O O O O 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 day will you be staying there ? eos O O O O O O O O O Booking-Request+Day +bos we will be staying there starting sunday . eos O O O O O O O B-Hotel-Inform+Day O N/A +bos i 'll be happy to help you book for that day . can you give me an area of town you prefer so i can book appropriately ? eos O O O O O 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 +bos 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 . eos O O O O O O O O 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 , how many people will be staying ? eos O O O O O O O O O O Booking-Request+People +bos i need it for 3 people ! eos O O O O O O B-Hotel-Inform+People O N/A +bos i 'm sorry , but there are none available on those days . would you like to try a different day or 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 O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos ok , how about 1 night ? eos O O O O O B-Hotel-Inform+Stay O O N/A +bos you 're booked at the acorn guesthouse for one night on sunday . the reference number is i6ghmh1k . can i help with anything else ? eos O O O O O B-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 general-reqmore +bos no thanks , that 's all for today . thanks again ! bye . eos O O 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 O general-bye +bos i 'd like to find a guesthouse to stay . eos O O O O O O B-Hotel-Inform+Type O O O O N/A +bos no problem . we have 24 to choose from . any specifics ? eos O O O O O O B-Hotel-Inform+Choice O O O O O O O general-reqmore +bos i 'm looking for one with free parking and wifi and which has a 3-star rating . 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 okay , there are three : bridge guest house in the south , hamilton lodge in the north , and hobsons house in the west . would one of these work for you ? eos 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 O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O O O general-reqmore +bos can i have the address for hamilton lodge ? eos O O O O O O O O O O Hotel-Request+Addr +bos certainly . it 's located at 156 chesterton road . anything else you 'd like to know ? 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 yes , i 'm not familiar with that address . 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 O Hotel-Request+Addr +bos it is in the north part of town . eos O O O O O B-Hotel-Inform+Area O O O O N/A +bos great , thanks for the information . that 's all i need right now . 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-greet +bos i am looking for a hotel to stay at located in the centre . eos O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Area O N/A +bos ok. there are 3 hotels located in the centre of town . they are in the moderate and expensive price ranges . do you have a preference ? eos O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Select +bos i would like expensive , please . eos O O O O B-Hotel-Inform+Price O O O N/A +bos the gonville hotel has 3 stars , and the university arms hotel has 4. both meet your other criteria . would you like to book a room at one of these ? eos 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+Stars O O O O O O O O O O O O O O O O O O Booking-Inform +bos yes , you can . i 'll try the gonville . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos i 'll be happy to do that for you . 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 Booking-Request+People +bos please book for 4 people . eos O O O O O O O N/A +bos what is your arrival day and number of days you wish to stay ? eos O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos i will be arriving on sunday and staying for 3 nights . and there will be 2 people , not 4. eos 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 N/A +bos okay , your room is reserved . the reference number is swvv72fs . is there anything else i can help 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 N/A +bos no that 's all . 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-greet +bos i need a train departing from cambridge and arriving by 20:45. eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos what day are you traveling , and to which station ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i 'll be traveling on wednesday , and i will be go to peterborough . eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest O O O N/A +bos we have 30 such entries . do you have a time you 'd 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 Train-Request+Leave +bos any time is fine as long as i can book for four people . i also 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 Train-Request+Ref +bos alright . i booked your train leaving cambridge at 19:34 and arriving in peterborough at 20:24. the reference number is a8t38ejz . eos O O O O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Dest O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O N/A +bos thanks . i 'm also looking for a hotel ( not a guesthouse ) with 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 N/A +bos there are 9 different hotels that have free wifi that are n't guesthouses , do 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 O O Hotel-Request+Price,Hotel-Inform+Internet +bos no particular price range 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 B-Hotel-Inform+Area O N/A +bos cityroomz is a moderately priced hotel with internet . would that work for you ? eos O B-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 Hotel-Inform+Internet,general-reqmore +bos yes that will work . can i get the hotel 's phone number ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O Hotel-Request+Phone +bos sure thing , their number is 01223304050. 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 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 okay . call us back if you need me to book anything for you . eos O O O O O O O O O O O O O O O O general-bye +bos thanks , have a good day . eos O O O O O O O O general-thank +bos you , too . goodbye . eos O O O O O O O general-bye +bos i am looking on information regarding train tickets . can you help ? eos O O O O O O O O O O O O O O Train-Inform +bos absolutely ! where will the departure and destination points be ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i will be departing from cambridge and my destination is the stansted airport . eos O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos there are many trains that fit your criteria . could you please tell me what day and time you would like to depart ? 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 O Train-Request+Day,Train-Request+Leave +bos i would like to leave cambridge on monday after 13:15 eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos these trains leave from cambridge 40 minutes after the hour every hour , starting at 13:40 and running to 23:40. would you like me to book a ticket ? eos 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+Leave I-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos no thank you . i will just need the train id and travel time of the first one leaving after 13:15 going to the airport . eos 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 O O O O Train-Request+Duration,Train-Request+TrainID +bos tr3769 departs at 13:40 with a total travel time of 28 minutes . do you need further assistance with anything else ? eos O B-Train-Inform+Id 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 O O O O general-reqmore +bos i also need a place to stay in the expensive range that includes free parking , in the south with a star of 3. eos 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 O O O B-Hotel-Inform+Stars O N/A +bos sure , we have the lensfield hotel , it 's a 3 star expensive hotel in the south with free parking . would you like to book it ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars 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+Parking +bos 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 ? eos O O O O O O 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+Internet,Hotel-Request+Type +bos the phone number is 01223355017. it is a hotel type , and yes there is free internet . anything else ? eos O O O O O B-Hotel-Inform+Phone 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 no , i seem to have all the information i need today . eos O O O O O O O O O O O O O O N/A +bos great . if you need tickets , do n't hesitate to contact me again . 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 O O O O O O general-bye +bos i 'm looking for a hotel in cambridge in the higher prices ranges and would like for it to 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 i can offer you 5 options , ranging from 2-4 stars , all with free internet and free parking . where in the city would you like to be ? eos O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars I-Hotel-Inform+Stars I-Hotel-Inform+Stars 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+Area,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like to be in the north part of the city please . eos O O O O O O O O O O O O O O O N/A +bos i 'm sorry , i have no expensive accommodations with your requirements in the northern part of the city . will any other area do ? eos O O O O O O B-Hotel-NoOffer+Price O O O O O O B-Hotel-NoOffer+Area O O O O O O O O O O O O O Hotel-Request+Area +bos do you have anything in the south ? eos O O O O O O O O O N/A +bos yes , the lensfield hotel is in the south at 53-57 lensfield road cb21en , phone 01223355017. if you 'd like to book there , let me know what day , and i 'll set it up . eos 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 B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr B-Hotel-Recommend+Post O B-Hotel-Recommend+Phone 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-Inform +bos is this a hotel or a guesthouse ? eos O O O O O O O O O Hotel-Inform +bos the lensfield is a hotel , not a guesthouse . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O O O N/A +bos sounds great . could i have the address ? eos O O O O O O O O O O Hotel-Request+Addr +bos it is located at 53-57 lensfield road eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos thank you . i am also looking for a train departing on saturday from bishops stortford 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 I-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A +bos okay , there are several trains to choose from . what time would you like to depart ? 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 Train-Request+Leave +bos i would like to arrive by 10:30. eos O O O O O O O B-Train-Inform+Arrive N/A +bos i have one that gets there at 10:07. will this work for you ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos that would be perfect . please reserve 8 seats for me . eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos the booking for 8 tickets was successful . your reference number is 4mkjkvtr . can i help you with anything else ? eos 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 general-reqmore +bos no , that 'll do it . thanks ! eos O 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 can you help me find a place to stay ? i would like to stay in a hotel that includes 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 O O O O N/A +bos yes , we have 9 hotels that have free wifi . do you have a preference for area of town 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 O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet +bos i 'd like south and expensive please . eos O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O O N/A +bos how about the lensfield hotel ? would you also like to make a booking ? 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 Booking-Inform +bos could you please tell me the star rating ? i also need the address and phone number please . 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 Hotel-Request+Phone,Hotel-Request+Addr +bos sure . it 's a 3 star hotel . the address is 53-57 lensfield road and the phone number is 01223355017. anything else ? eos O O O O O O B-Hotel-Inform+Stars 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+Phone O O O O general-reqmore +bos no that 's all . thanks . eos O O O O O O O O general-thank +bos have a great day eos O O O O O general-greet +bos hello , i am looking for a hotel in the north part of town . the hotel needs to include 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 how about arbury lodge guesthouse ? it 's moderately priced . eos O O O B-Hotel-Select+Name I-Hotel-Select+Name B-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O N/A +bos that sounds great ! can you tell me more about it ? eos O O O O O O O O O O O O O N/A +bos the arbury lodge has 4 stars and is located at 82 arbury road , in the north . they offer both free wifi and parking . 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+Stars O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Area 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 , please book for 4 nights starting wednesday . there will be 8 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 O N/A +bos you are booked and your reference number is ny842atu . 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 N/A +bos that should do 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 hi there , i 'd like to find a hotel to stay in tonight that has free wifi . eos 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 how abou the ashley ? they have a 2 star rating and are moderately priced . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O N/A +bos i would like four stars and quite expensive . eos O O O O O O O O B-Hotel-Inform+Price O N/A +bos how about the university arms hotel ? they have free wifi as well as free parking . 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes i would like the phone number and postcode eos O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos the phone number is 01223351241 and the postcode is cb21ad . is there anything else i can help with ? eos O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore +bos yes , i am also looking for an indian place to eat 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 O N/A +bos there are 9 indian restaurants available in the centre area . are you interested in a particular price range ? 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 Restaurant-Request+Price +bos i would like it to be the same price range as the hotel if you can . 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 unfortunately , there are no indian restaurants in that price range . eos O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O N/A +bos okay , then try a different price range . eos O O O O O O O O O O N/A +bos i apologize . we in fact have six expensive indian restaurants in the center . the curry garden is a fave , would you like me to see if they have a table available ? eos O O O O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area 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 Booking-Inform +bos excellent . book it for 3 people at 18: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 'm sorry , there are no open reservations for that day and time . would you like to choose 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+Time,Booking-Request+Day +bos then how about 17:15 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos your booking was successful . the table will be reserved at 17:15 , for fifteen minutes . your reference number is k0syyygr . can i assist you with anything else ? eos O O O O O O O O O O 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 'm also going to need to book a taxi to take me between the hotel and restaurant , please . 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 N/A +bos can you tell me what 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 O Taxi-Request+Leave,Taxi-Request+Arrive +bos i would like to arrive at the restaurant at the booked time , please . eos O O O O O O O O O O O O O O O O N/A +bos okay . your car will be a blue tesla and the contact number is 07334187373 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 for the infoemation 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 'm trying to plan a trip there but need a cheap place to stay . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos alexander bed and breakfast is located in the centre . they are located at 56 saint barnabas road . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos hmm , i 'm looking for a place in the west . it does n't need to include internet . 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 finches bed and breakfast is cheap . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price O N/A +bos okay do they have free wifi ? eos O O O O O O O O N/A +bos yes , they have free wifi and free parking ! eos O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos okay . sounds good . can you tell me the type of hotel and provide me with the hotel 's 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 Hotel-Request+Phone,Hotel-Request+Type +bos finches is a guesthouse , and their number is 01223276653. can i help with anything else today ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos you sure can . i 'm also quite hungry . do you have any info on a restaurant called wagamama ? 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 O N/A +bos yes , wagamama is a japanese restaurant on the pricey side . would you like their phone number or address ? eos O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O general-reqmore +bos that 's fine . i would just like to book a reservation for 1 at 18:45 on sunday . & may i have 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 B-Restaurant-Inform+Day O O O O O O O O O O O Restaurant-Request+Ref +bos yes your reference number is afpbis6f . eos O O O O O O B-Booking-Book+Ref O N/A +bos i 'll need a taxi to get me from the hotel to the 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 i need to know when you would like to be picked up 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 +bos i need the tax to get me to the restaurant by 18:45 so that i can make our booked time . eos 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 booking complete . your taxi will be a white ford , contact number 07317880048. 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos i think that is all , bye . eos O O O O O O O O O general-bye +bos you 're welcome , let me know if you need anything else . eos 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 . i have 566 trains leaving cambridge . can we narrow it down a little ? eos O O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O O O O O O O O O O general-reqmore +bos i need it to leave after 12:15 on saturday . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos we have over 100 results . where is your destination ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O Train-Request+Dest +bos my destination is leicester . eos O O O O B-Train-Inform+Dest O N/A +bos i would recommend tr2129 which leaves cambridge at 12:21 and arrives in leicester at 14:06. 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 N/A +bos awesome , book me one ticket please eos O O O O O O O O N/A +bos your reference number is v34k85r7 . 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 i also need to find an attraction while i 'm there . eos O O O O O O O O O O O O O Attraction-Inform +bos certainly , there are many great attractions here . do you have a preference for the 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 O O O Attraction-Request+Area,Attraction-Request+Type +bos it should be in the centre of town . what type of attractions are available ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Type +bos in the centre there is architecture , boats , cinemas , colleges , museums , nightclubs , theatres , parks , and pools . eos 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 N/A +bos you choose . can you tell me the attraction type and phone number ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Type +bos how about club salsa ? it 's a nightclub and their phone number is 07782218745. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Phone O O N/A +bos ok , sounds like a blast , thank you ! eos O O O O O O O O O O O general-thank +bos anything else you need today ? eos O O O O O O O general-reqmore +bos no . that was all . thanks . bye . eos O O O O O O O O O O O general-bye +bos thanks for using our services and have a good day eos O O O O O O O O O O O general-bye +bos can you help me find a train coming from kings lynn leaving on sunday ? eos O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Day O N/A +bos the tr6003 leaves on sunday . would that work ? eos O O B-Train-Inform+Id O O B-Train-Inform+Day O O O O O Train-Select +bos does it arrive by 20:15 ? eos O O O O O O O N/A +bos i will first need your destination city to determine that . eos O O O O 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 time would you like to leave by ? eos O O O O O O O O O O Train-Request+Leave +bos i would like to arrive as close to 20:15 as possible . eos O O O O O O O O O O O O O N/A +bos train tr6697 arrives at 19:58 , would you like to book this train ? eos O O B-Train-OfferBook+Id O O B-Train-OfferBook+Arrive O O O O O O O O O N/A +bos no thank you . i am also looking for places to go in town though eos O O O O O O O O O O O O O O O O general-thank +bos sure , what are you looking for in general ? eos O O O O O O O O O O O Attraction-Request+Type +bos i would like a museum . eos O O O O O B-Attraction-Inform+Type O N/A +bos we have lots of great museums here in town ! is there a certain part of town you will be exploring ? 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 Attraction-Request+Area +bos i think i 'd like to explore the western part of town . eos O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos we have seven museums in the west . a lot of our visitors start at kettles yard which has free admission . 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 B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee O O O N/A +bos okay great thanks for the info . eos 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 again thanks for the resources . have a great day . eos O O O O O O O O O O O O general-thank +bos i am happy i have been of help to you . good day eos O O O O O O O O O O O O O O general-bye +bos i 'm looking for a place called gonville hotel . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos the gonville is an elegant 3 star hotel in the centre of town , offering free wifi and free parking . would you like a reservation or the number ? eos O O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars B-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 O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos reservation , please . 1 person for 2 nights starting on tuesday . 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 all set . your reference number is p10cujq2 . eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i also need a place to eat in the city centre . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos ok. what type of restaurant are you interested in ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i 'm looking for a cheap indian restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos can i recommend the kohinoor . shall i book it ? eos O O O O O B-Restaurant-Recommend+Name O O O O O O Booking-Inform +bos what is the phone number , address , 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 kohinoor restaurant address is 74 mill road city centre , postcode is cb12as and the phone number is 01223323639 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 N/A +bos can you please help me get a taxi ? eos O O O O O O O O O O Taxi-Inform +bos i need to know when you want to leave and arrival time in order for me to order you 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-Request+Arrive,Taxi-Request+Leave +bos i want to leave the hotel by 08:15 going to the restaurant . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos blue skodacontact number : 07053589039 is there anything else i can assist you with ? eos 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 's 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 great . have a good day . eos 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 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 there are 5 colleges in the west . would you like more information on any of them ? 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 O O general-reqmore +bos no , can you recommend a popular one for me ? eos O O O O O O O O O O O O N/A +bos sure , churchill college is popular . it 's free admission and is located on storey 's way . the post code is cb30ds . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 N/A +bos great ! i 'm also looking for an expensive restaurant near the college . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos how about some high end indian food ? there 's a place called nice boat , their phone number is 01223302800 and they 're on 37 newnham road newnham . eos O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O 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 O O O N/A +bos i really love bistro food eos O O O O O O N/A +bos unfortunately , there does not seem to be any bistros in the west side of town , i can look in other areas if you 'd like ? 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 O O O O O O Restaurant-Request+Area +bos can you look again for me in the same area ? eos O O O O O O O O O O O O N/A +bos we have british , european and indian food all in the west eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos ok , how about a restaurant that serves british food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos graffiti is a lovely british restaurant . can i make a reservation for you ? eos 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 Booking-Inform +bos sure , i need it for 2 people at 18:15 on wednesday . can i get a reference number 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 O O O O O O O Restaurant-Request+Ref +bos okay , i have you all set ! the reference number is gomw9rvx . have a great time ! eos O O O O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-greet +bos thank you . take care . goodbye eos O O O O O O O O general-bye +bos you 're welcome ! it 's been a pleasure ! eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for something to do in the center of town . eos O O O O O O O O O O O O O O N/A +bos there are more than 40 things to do in the centre of town . is there anything in particular you are looking for ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 i 'm not sure what i want to do . what 's something interesting ? eos O O O O O O O O O O O O O O O O N/A +bos the old schools would be a good place . would you like the address ? eos 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 yes . also i need the phone number and the amount of entrance fee . i also will be needing 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 Attraction-Request+Phone,Attraction-Request+Fee +bos it is free to enter . the phone is 01223332320. where will you travel to ? eos O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O O O O O Train-Request+Dest +bos the train should go to birmingham new street and should leave on wednesday eos 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 N/A +bos okay , what time would you like to arrive ? i have 19 trains on wednesday . eos O O O O O O O O O O O O B-Train-Inform+Choice O B-Train-Inform+Day O O O Train-Request+Arrive +bos i 'd like to leave after 09:45 , please . eos O O O O O O B-Train-Inform+Leave O O O O N/A +bos it looks loike tr3836 will fit your needs would you like me to book this for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O O O O O O Train-OfferBook +bos yes please i need a booking for 8 people and i 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 Train-Request+Ref +bos your booking was a success . your reference number is : k0nf4v7i and the total is 600.79 gbp payable at the station . eos 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 I-Train-OfferBooked+Ticket O O O O O O O N/A +bos i need help finding places to go in town . i want to go to nightclub type attractions in the centre of cambridge . eos 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 O N/A +bos okay , how about club salsa ? or the soul tree nightclub ? there are 3 more options if you 'd like me to list them . 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 B-Attraction-Inform+Choice O O O O O O O O O O O O O N/A +bos do any of them have an entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos soul tree nightclub has an entrance fee of 4 pounds . the other 4 have a fee of 5 pounds . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O 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 N/A +bos okay , thank you . i 'm also looking for a train that arrives in kings lynn by 20:00. eos 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 O O N/A +bos i also need to know you departure location please . eos O O O O O O O O O O O Train-Request+Depart +bos the departure location is cambridge and the day is thursday . thanks ! eos O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O O O N/A +bos would you like me to book the tr0481 . it arrives at 19:58. eos O O O O O O O O B-Train-OfferBook+Id O O O B-Train-Inform+Arrive O N/A +bos can i book that for 4 people please ? eos O O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 39.2 gbp payable at the station . reference number is : yy5ojfyh . 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 . that is all i need today . eos O O O O O O O O O O O general-thank +bos okay , great . i hope you have a wonderful time ! please call back 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 O O general-welcome,general-bye +bos thanks for all your help eos 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,general-bye +bos i am looking for information in cambridge . eos O O O O O O O O O N/A +bos sure i can help you . what kind of information were you looking for ? eos O O O O O O O O O O O O O O O O general-greet,general-reqmore +bos i am wondering if you have any restaurants in town that serve eriterean food . eos O O O O O O O O O O O O O O O O N/A +bos yes , there are three restaurants that serves mediterranean food . 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 N/A +bos umm , actually i had asked about eriterean food , not mediterranean . eos O O O O O O O O O O O O O O N/A +bos we got none that serves that kind of food . will you change the kind 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 no , i really want mediterranean food . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos okay i have three restaurants serving this . would you like me to choose one for you ? 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 general-reqmore +bos yes please do . eos O O O O O N/A +bos i like the gardenia . need me to make a reservation ? eos O O O O B-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos yes for 2 people on monday at 12:15 please . eos 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 : k8yac7sk . 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 i also need help finding a train going to cambridge eos O O O O O O O O O O B-Train-Inform+Dest N/A +bos okay ! from where ? eos O O O O O O Train-Request+Depart,general-greet +bos i need to leave from 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 great , what day and time do you prefer ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos monday and i 'll need to arrive by 08:30 in cambridge . eos O O O O O O O O O O O O O N/A +bos the first train leaves at 5:40. eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave N/A +bos what time does it arrive ? eos O O O O O O O N/A +bos it will arrive by 08:23. is that fine with you ? eos O O O O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes that will work . i need 2 tickets for monday please . eos O O O O O O O O B-Train-Inform+People O O O O O N/A +bos what day will you be travavelling eos O O O O O O O Train-Request+Day +bos monday . as i said before , 2 tickets for monday . eos O B-Train-Inform+Day O O O O O B-Train-Inform+People O O O O O N/A +bos i have booked two seats on tr3888 arriving in cambridge at 08:23. reference number is : 5dpbkiy1 . can i be of further assistance ? eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 O O O O general-reqmore +bos no , that will be all for today . eos O O O O O O O O O O N/A +bos excellent , have a great day ! eos O O O O O O O O general-bye +bos yes , i was wondering if you could help me find a train leaving from cambridge . 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 no problem ! where will you be going to and on what 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 'd like to go to london liverpool street on sunday . i need to get there by 21:00. 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 O O O O O B-Train-Inform+Arrive O O N/A +bos i have train tr7713 that departs at 17:59 and arrives at 19:27. would that work for you or would you like something earlier ? 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 O O N/A +bos that one would be great . can i get 2 tickets on that train , and the reference number once it 's booked ? 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 N/A +bos certainly . i have now reserved two tickets for you , which you can pay for at the station . your reference number is 13gq9s3a . eos O O O O O O O B-Train-OfferBooked+People 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 i 'm also looking for a place to stay in the centre of town that includes free parking . 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 what is your price range ? eos O O O O O O O Hotel-Request+Price +bos i am looking for a cheap place to stay . eos O O O O O O O O O O O N/A +bos can i recommend el shaddia guesthouse ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos does this location include free wifi ? eos O O O O O O O O N/A +bos yes , el shaddai includes free parking . would you like to book a stay , or perhaps you would like directions ? 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 Booking-Inform,Hotel-Inform+Parking +bos does the el shaddai include free wifi ? eos O O O O O O O O O N/A +bos yes it does , would you like me to make a booking for you ? eos O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes . could you make it for 2 nights/ 2 people starting on friday . 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 i 'm sorry , that reservation was n't available . perhaps you could book another day , or a different 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos that 's okay , see if you can make the booking for one night instead . eos O O O O O O O O O O O O O O O O O N/A +bos the booking was successful ! your reference number is 7v39sm46 . eos O O O O O O O O O B-Booking-Book+Ref O O 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 need any other help ? eos 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 great ! enjoy your stay ! eos O O O O O O O general-welcome,general-bye +bos i 'm hoping you can help me find a guesthouse . parking is optional . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos a and b guest house is a nice one . do you want to book ? 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 Booking-Inform +bos does it have a 3 star rating ? i 'm also needing free wifi on this trip . thanks for helping me . 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 O O O O O O O N/A +bos it has a 4 star rating and does provide internet . would you like a reservation ? eos 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 +bos does it have free parking ? eos O O O O O O O N/A +bos parking is not included but internet is , do you want to book or 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 Booking-Inform,Hotel-Inform+Parking,general-reqmore +bos i need a hotel that has free parking eos O O O O O O O O O N/A +bos which type hotel do you want ? eos O O O O O O O O Hotel-Request+Type +bos any type that you have available . eos O O O O O O O O N/A +bos in that case i would recommend the bridge guest house , it has a 3 star rating and offers both free wifi and free parking . would you like to book it ? 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+Stars 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-Inform +bos can i have the price range and phone number ? eos O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Price +bos the price range is moderate and the phone number is 01223247942. eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Phone N/A +bos also i need to find an expensive chinese restaurant book the table for 3 at 16:45 on tuesday eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos is there a particular part of town you would like to go to ? eos O O O O O O O O O O O O O O O Restaurant-Request+Area +bos i need that in the north please . eos O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have 2 chinese restaurants in the north , the hakka and the hotpot , both expensive . phone number is 0122568988 and 01223366552 respectively . would you like me to book reservations for you ? eos 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 I-Restaurant-Inform+Name B-Restaurant-Inform+Price 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 O Booking-Inform +bos yes could you please make those reservations ? eos O 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 are 3 people in the group . eos O O O O O O O O O N/A +bos what day and time would you like the booking for ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos it will be for 16:45 on tuesday . eos O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos your booking for hakka was completed successfully , reference number pm03z53s . can i help you with anything else ? 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 general-reqmore +bos yes , please . i need a taxi . eos O O O O O O O O O O Taxi-Inform +bos okay , i can help with that . what is your departure site and destination ? also , when 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 O O O O O O O O Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Dest,Taxi-Request+Leave +bos i need to go between the hotel and the restaurant . arriving 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 N/A +bos booking completed ! booked car type : grey skodacontact number : 07990098942 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 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 very welcome ! have a great day ! eos O O O O O O O O O O O general-welcome,general-bye +bos thank you , same to you . eos O O O O O O O O general-thank +bos thank you , it has been a pleasure assisting you today . enjoy your trip . goodbye eos O O O O O O O O O O O O O O O O O O general-bye,general-greet +bos hi , i am planning a trip and need some help with a particular attraction . eos O O O O O O O O O O O O O O O O O Attraction-Inform +bos ok. what type of attraction are you interested in ? eos O O O O O O O O O O O Attraction-Request+Type +bos i believe the name is clare hall , do you have the address and phone number ? 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 Attraction-Request+Phone,Attraction-Request+Addr +bos clare hall is located on herschel road and their phone number is 01223332360 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 B-Attraction-Inform+Phone N/A +bos that 's it , thank you . i 'm also looking for info on trains that leave bishops stortford on thursday . eos 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+Day O O O O O N/A +bos i have ten trains that match that description . where will you be travelling to ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Dest +bos i 'll be traveling to cambridge and would prefer to leave after 08:45 eos O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O N/A +bos train tr0798 leaves bishop stortford at 9:29 and arrives in cambridge at 10:07. would you like me to make a reservation ? eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Depart I-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 O Train-OfferBook +bos no , i can do that after i discuss it with my boss . thanks for your help with everything today . 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 glad i could help ! eos O O O O O O general-bye +bos i need a four star room , free parking too . eos O O O O O O O O O O O O N/A +bos are you looking for a hotel ? there are 19 4 star hotels that offer free parking . do you have a price range or area of town you want to stay ? eos O O O O O O 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 O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Type,Hotel-Inform+Parking +bos the hotel should be in the west side of town . eos O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos there are 3 four star locations to choose from : finches bed and breakfast , the huntingdon marriot , and the cambridge belfry . the huntingdon is listed as expensive while the others are cheap . eos O O O O B-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 O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O N/A +bos could i book the marriot for 4 people starting on wednesday ? it would be for 5 nights . eos 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 yes , i will book 5 nights at the marriot for 4 people starting wednesday . anything else i can do for you ? eos O O O O O O B-Booking-Inform+Stay O O B-Booking-Inform+Name I-Booking-Inform+Name O B-Booking-Inform+People O B-Booking-Inform+Day O O O O O O O O O O general-reqmore +bos may i have the reference number for the booking please ? eos O O O O O O O O O O O O Hotel-Request+Ref +bos i apologize but the booking was unsuccessful , the hotel is booked . do you want me to check one of the other hotels ? eos O O 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 a hotel that is near that one . eos O O O O O O O O O O Hotel-Inform +bos the cambridge bellfry has availability . will that do ? eos O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O N/A +bos i 'd prefer something in the same price range as the marriott . it 's all going on an expense report anyway , no reason to be stingy . eos O O O O O O O O O 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 sorry . the huntington marriott is not available for those days . would you like to try another hotel ? eos 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 general-reqmore +bos is there anything in the same price range you could try ? eos O O O O O O O O O O O O O N/A +bos i reserved a room at the expensive 4 star university arms hotel . it is in the city centre though . reference number is a3slp7hg . is there anything else today ? 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-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos thank you , that 's all i need ! eos O O O O O O O O O O general-thank +bos great . i was happy to help . good-bye ! eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a hotel to stay at in the north part of town . eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O O O O N/A +bos there are two . the ashley hotel and the lovell lodge . both have internet and parking . both are 2 stars . 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 I-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Stars O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos are there any four star hotels ? eos O O O O O O O O N/A +bos not on the north side of town . there are two on the west side and one in the town centre . 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 O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O Hotel-NoOffer +bos could i have one in the centre of town eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos absolutely ! it 's called the university arms hotel , great reviews ! would you like me to schedule that for you ? 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 O O O Booking-Inform +bos please do , lets make it for this coming monday , than k you . eos O O O O O O O O B-Hotel-Inform+Day O O O O O O O N/A +bos for how many people please 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+People,Booking-Request+Stay +bos two people , two nights , starting thursday . eos O O O O O O O O O O N/A +bos yes the university arms hotel . 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 I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform +bos actually , how about a guesthouse type place in the north with four stars ? eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O O N/A +bos i regret to inform you that i could not book a room at the requested location . 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 O O O O O Booking-NoBook,general-reqmore +bos another hotel in the same pricerange then ? eos O O O O O O O O O N/A +bos i got you a room at the gonville hotel . your reference number is : 0yb5m0ht . is there anything else i can help you with today ? 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 O O general-reqmore +bos no that will be all . 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 you are welcome . enjoy your stay . eos O O O O O O O O O general-welcome +bos i need to find a moderately priced guesthouse , please . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O N/A +bos a and b guest house is moderately priced in the east part of town . 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 B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos i need a place in the north , sorry . eos O O O O O O O O O O O N/A +bos i have a few in the east part of town , would you need free parking ? eos 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 I-Hotel-Inform+Area O O O O O O O Hotel-Request+Parking +bos not worried about parking . i am looking for a hotel that would be available starting monday for 4 nights for 6 people . eos 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 O B-Hotel-Inform+People O O N/A +bos in the north part of town , i have 9 moderately priced options . i recommend arbury lodge which can accommodate your booking and has 4 stars . eos 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+Choice I-Hotel-Inform+Price O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O B-Hotel-Recommend+Stars O O O N/A +bos sounds great . i want to book the hotel for 6 people . we will be there for 4 nights and arrive on monday . may i also get the reference number ? 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 B-Hotel-Inform+Day O O O O O O O O O O O Hotel-Request+Ref +bos the booking was successful . your reference number is se28hknk . is there anything else that 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 O general-reqmore +bos no , thank you , that 's all that 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 hi i am looking to get some information on autumn 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 what would you like to know ? eos O O O O O O O O general-reqmore +bos i 'd like to know it 's address and phone number . i 'd also like to book it for 6 people , thursday , for 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 B-Hotel-Inform+Stay O O O O O O N/A +bos the address of the autumn house is 710 newmarket road and the phone number is 01223575122 and i will make that 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 B-Hotel-Inform+Phone O O O O O O O Booking-Inform +bos do you have the reference number for that reservation ? eos O O O O O O O O O O O Hotel-Request+Ref +bos booking was unsuccessful.would you like to find another hotel . eos O O O O O O O O O O O Booking-NoBook,general-reqmore +bos i am looking for alexeander b & b . eos O O O O O O O O O O N/A +bos alexander bed and breakfast is a guesthouse in the centre of town in the cheap price range . 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 I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A +bos that location is perfect . can you book it for me for 2 nights starting with thursday . it would be for 5 people . eos 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 B-Hotel-Inform+People O O O N/A +bos unfortunately , that hotel is n't available during that time . is there another hotel you would like to book ? 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-Inform +bos no , lets try for next friday ? eos O O O O B-Hotel-Inform+Day I-Hotel-Inform+Day O O O N/A +bos i 'm sorry , the hotel is not available next friday . would you like to try another date or another property ? 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 Booking-Request+Day +bos another hotel then , same price range . eos O O O O O O O O O N/A +bos i was able to book el shaddai , reference number is e79rsowr eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref O N/A +bos thank you so much ! eos O O O O O O general-thank +bos your 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 general-welcome +bos that was all , 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 . have a great day . eos O O O O O O O O O O general-welcome +bos hello , i 'm looking for a cheap place to stay . it does n't need 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 O N/A +bos alexander bed and breakfast is available in the cheap price range . 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+Price O O O N/A +bos i also need free wifi and a 0 star rating please . eos O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i do n't see any hotels with free internet in cheap price range . eos O O O O O O O O O O O O O O O Hotel-NoOffer +bos ok , then , is there one that is cheap and offers free parking instead ? eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos no there is not one that matches that criteria . eos O O O O O O O O O O O Hotel-NoOffer +bos ok , i will try again later . eos O O O O O O O O O N/A +bos hold on , i had mistakenly listed you as not wanting free parking ( rather than not caring if they did ) . i have two gueshouses that offer both parking and 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 B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i want which ever one is close to town . eos O O O O O O O O O O O N/A +bos how about the el shaddai ? i will need to know how long your stay is going to be and how many is in your party please 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 O O O O O O O Booking-Request+Stay,Booking-Request+People +bos sure . there will be 5 of us for 4 nights starting monday . 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 N/A +bos the el shaddai was full but i was able to book you at the city centre north b and b. reference number xlpm3fvl . eos O O O B-Booking-NoBook+Name I-Booking-NoBook+Name 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 O O B-Booking-Book+Ref O N/A +bos perfect thanks so much for your help that was all i needed today . eos O O O O O O O O O O O O O O O general-thank +bos you are welcome . enjoy your stay . bye . eos O O O O O O O O O O O general-welcome,general-bye +bos i need a place to stay that has free wifi please . eos O O O O O O O O O O O O O N/A +bos there are 32 available hotels with free wifi , do you have any other requirements ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos do you have a one in the centre that is a 3 star ? 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 the gonville hotel meets this criteria . 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 Booking-Inform +bos is it a guesthouse ? eos O O O O B-Hotel-Inform+Type O N/A +bos no it is not . there are n't any three star guesthouses in the centre of town . would you be open to a different star rating ? eos O O O O O O O O O B-Hotel-Inform+Stars O B-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 Hotel-NoOffer,Hotel-Request+Stars +bos are there any guesthouses in the west ? eos O O O O O O O B-Hotel-Inform+Area O N/A +bos hobsons house is in the west.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+Area O O O O O O O O O Booking-Inform,Hotel-Select +bos howdy ! is the city centre north b and b still in business ? 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 I-Hotel-Inform+Name O O O O N/A +bos i am sorry i have no listing for that hotel . can i help you with 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 Hotel-NoOffer,general-reqmore +bos i was hoping to book the city centre north b and b for a 4 night stay starting tuesday . could you please check again ? 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 I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Day O O O O O O O N/A +bos yes . i can find it . how many people will be staying ? eos O O O O O O O O O O O O O O O Booking-Request+People +bos it will be 5 people and 4 nights . eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O N/A +bos i 'm sorry , that was n't available . can i reserve a different 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 , same price range please . eos O O O O O O O O N/A +bos ok , i got you a booking at the worth house . it 's a 4 star guesthouse also in the northend . your reference number is : dvty60kz . can i do anything else for you ? eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Ref O O O O O O O O O O O O O O general-reqmore +bos okay thank you that is all i need . 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 i am looking for an upscale hotel . eos O O O O O O O O O Hotel-Inform +bos gonville hotel is in the expensive price range . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O N/A +bos i need the hotel to be in the west part of the city and have free parking please . eos 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 the huntington marriott hotel is the only expensive hotel in the west . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O N/A +bos if it has free parking , i would like to book it for wednesday please . eos O O O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A +bos how many days and how many people ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos can i get it for three nights . there will be two of us . eos O O O O O O O O O O O O O O O O N/A +bos i can not reserve a room at that time , perhaps another hotel ? eos O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes something else in the same price range please . eos O O O O O O O O O O O N/A +bos there is only 1 hotel in the area of west that is expensive . would you like me search a different area ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O O O O O O O O O Hotel-Request+Area +bos any area is fine , just in the same price range is what matters to me . eos O O O O O O O O O O O O O O O O O O N/A +bos okay . i booked you into the gonville hotel in the city center and your reference number is tsja02xz . 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 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 do for you today ? eos O O O O O O O O O O O O general-reqmore +bos no , thank you . that was all i needed . eos O O O O O O O O O O O O general-thank +bos thank you using the cambridge towninfo service , and enjoy your stay in our city ! eos O O O O O O O O O O O O O O O O O general-bye +bos i want to find some information about a hotel called alexander 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 alexander bed and breakfast is a guesthouse in the cheap price range in the centre of town . 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+Price O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos do they have reservations available for 6 people and 3 nights starting 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 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 i 'm looking for an indian restaurant in the expensive range . do you have anything available ? thanks 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 O N/A +bos we have 14 different expensive indian restaurants in town . do you prefer a specific part of the city ? 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 Restaurant-Request+Area +bos yes in the centre eos O O O O B-Restaurant-Inform+Area N/A +bos in the center of town , i recommend saffron brasserie , at hills road city centre . would you like to book a table ? eos O O O O O O O O B-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 O O O O O O Booking-Inform +bos that would be lovely , thank you . oh , can i get the postcode on 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 Restaurant-Request+Post +bos sure ! the post code is cb21la . what time should i reserve your table for ? eos O O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O N/A +bos no . i just need a monday train , going to kings lynn . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos sure where are you travelling from and at what time do you wish to travel ? eos 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 want to leave after 17:30 and depart out of cambridge . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Depart O N/A +bos tr7803 leaves cambridge at 18:11 on monday and arrives in kings lynn at 18:58. does that suit your needs ? eos O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O B-Train-Inform+Day 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 yes , but can you give me the price ? eos O O O O O O O O O O O Train-Request+Price +bos the price of the train is 9.80 pounds . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos great ! thanks for everything ! bye ! eos O O O O O O O O O general-bye +bos glad to help you . 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 hotel to stay at with a 4 star rating but also in the cheaper price range ? thanks . eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i have 8 options for you . what area 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+Area +bos what places are in the south ? eos O O O O O O B-Hotel-Inform+Area O N/A +bos there is rosa 's bed and breakfast in the south that has free parking and internet , 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 B-Hotel-Recommend+Area I-Hotel-Recommend+Area 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 for one person for 4 nights starting friday please . eos O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos i booked you a room at rosa 's bed and breakfast for 4 nights starting friday . your reference is v0huxeuz . 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 I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Stay O B-Booking-Book+Day 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 do . eos O O O O O O O O O O general-thank +bos well , 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-welcome,general-bye +bos i 'm looking for a place to stay . a 0-star hotel is fine with me as long as it fits my moderate budget 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 B-Hotel-Inform+Price O O O N/A +bos i have 2 0-star guesthouses as well as cityroomz , a 0-star hotel . cityroomz is in the moderate price range . would you like a room 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 N/A +bos yes , could you book me a room there please ? eos O O O O O O O O O O O O N/A +bos i certainly can . when do you want to stay ? eos O O O O O O O O O O O O Booking-Request+Day +bos actually , can i have the hotel type , phone number , and address instead ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Type,Hotel-Request+Addr +bos sure , it 's a hotel located on sleeperz hotel , station road . phone number is 01223304050 eos 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 B-Hotel-Inform+Phone O O O O N/A +bos thanks ! i 've also heard great things about a restaurant called anatolia . what can you tell me about them ? eos 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 N/A +bos anatolia is a moderately priced turkish restaurant in the centre of town . they are located at 30 bridge street city centre . 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 I-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 N/A +bos that sounds perfect . can you book me a table there for 3 at 14:45 on friday ? 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 N/A +bos i have made your reservation for 3 at 14:45 on friday . your table will be held for 15 minutes . your reference number is yk1upi4j . is there anything 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos thank you so much ! eos 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 i need a train out of cambridge after 17:30 eos O O O O O O O B-Train-Inform+Depart O O N/A +bos i 'd be happy to help . what is your destination ? eos O O O O O O O O O O O O O Train-Request+Dest,general-reqmore +bos i 'd like to get to london king 's cross on thursday . 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 O O N/A +bos the only option we have is the tr6595 which leaves at 19:00. does thatwork for you ? 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 O O general-reqmore +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 your reference number is stvhw0da . eos O O O O O B-Train-OfferBooked+Ref O N/A +bos can you locate a starbucks coffee near the train station in london king 's cross ? eos O O O O O O O O O O O O O O O O O Train-Inform +bos there is one 3 blocks from the station , is there anything else ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O general-reqmore +bos i am also looking for a cheap place to stay that has wifi . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos ok. there are 10 cheap places with wifi . were you looking for a certain part of town ? eos O O 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+Internet +bos it does n't matter , but i want it to be zero stars . eos O O O O O O O O O O O O O O O N/A +bos el shaddai gets zero stars and so does the city centre north b and b. eos O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars 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 which one of those is the cheapest ? eos O O O O O O O O O N/A +bos it appears they about the same price . eos O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos ok please book el shaddai for 5 people and 4 nights starting sunday eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 : bv84e4xa . what else can i assist 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 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 have a wonderful day . if there is anything else just let me know . eos O O O O O O O O O O O O O O O O general-greet +bos i am looking for places to go in town . the attraction should be in the centre 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 O N/A +bos i am showing lots of attractions . what do you like to do ? 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 how about a museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos there are 11 options for museum in centre . i 'd recommend the castle galleries . would you like more information ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O general-reqmore +bos oh yes , please tell me how much is it to get in ? oh and what is the post 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 Attraction-Request+Post +bos the postcode is cb23bj . they offer free entrance . anything else i can help you with ? eos O O O O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos i would also like to find a place to stay . can you recommend a hotel with free wifi and free parking , 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 yes i have many . what area are you wanting to stay in and what 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 Hotel-Request+Price,Hotel-Request+Area +bos the hotel should be in the moderate price range eos O O O O O O O B-Hotel-Inform+Price O O N/A +bos and , in which area would you like to stay ? eos O O O O O O O O O O O O Hotel-Request+Area +bos i do n't have a preference . 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 N/A +bos okay , how about acorn guest house ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos that sounds fun ! can you make bookings , too ? eos O O O O O O O O O O O O N/A +bos i sure can ! 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,general-greet +bos of course , give me the reference number after you do . eos O O O O O O O O O O O O O Hotel-Request+Ref +bos let me get that for you . eos O O O O O O O O Booking-Inform +bos thank you , what is the reference number ? eos O O O O O O O O O O Hotel-Request+Ref +bos 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 . eos O O O O O O O O O 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 4 people 4 nights starting on friday . eos O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O N/A +bos thank you for waiting , your booking was successful . your reference number is 3yqq4mbt . 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 is all i need for now . eos 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 ca n't wait to come party at one of your nightclubs in town . eos O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are 5 nightclubs in the centre and one in the south . would you like more information on one of 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 N/A +bos pick a good one for me . i need the phone number and postcode for it too . 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 yes sir ! soul tree nightclub is a good one . they are at 8 market passage , postal is cb23hx and phone number is 01223519224 , is there anything else that i can assist with ? 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 can you give me information on a restaurant called sala thong ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos sala thong is an expensive thai place in the west . they 're located at 35 newnham road , cb39ey . 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O N/A +bos thanks , that is all for today . goodbye . eos 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 get me a list of expensive restaurants that serve danish food please eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos there are no restaurants that serve danish food . is there another food type you might be interested in ? 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 Restaurant-Request+Food +bos how about an indian restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos yes we have a variety eos O O O O O B-Restaurant-Inform+Choice N/A +bos how about an expensive one ? eos O O O O O O O N/A +bos we have 14 expensive indian restaurants . do you have an area you prefer ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Area +bos which one do you recommend ? eos O O O O O O O N/A +bos i 'd recommend tandoori palace in the west , would you like to make a reservation ? eos 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 Booking-Inform +bos yes , please . can you reserve me a table for tuesday for 1 person at 15:45 ? eos O 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 N/A +bos i was able to book it , your reference number is xk9yeiff . 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 train going to leicester on wednesday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos is there a certain time that you would like to arrive ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos i would like it to leave after 18:00. no arrival preference . eos O O O O O O O O B-Train-Inform+Leave O O O O N/A +bos i have the tr8304 train departing from cambridge to leicester on wednesday at 18:21 it will cost 37.80. would you like to book a ticket ? eos O O O O B-Train-Inform+Id 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+Ticket O O O O O O O O Train-OfferBook +bos yes , please book 1 train ticket . eos O O O O O B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 37.79 gbp payable at the station .reference number is : 0uakw9no . 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 actually , i 'll need the travel time and arrival time 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+Arrive +bos the total travel time 105 minutes . you depart at 18:21 and arrive at 20:06 on wednesday . is this acceptable ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O N/A +bos yes it is , thanks for your assistance . eos O O O O O O O O O O general-thank +bos my pleasure . how else can i help you ? eos O O O O O O O O O O O general-welcome,general-reqmore +bos that is all the information i need . thank you . eos O O O O O O O O O O O O general-thank +bos you are very welcome . thank you 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 general-welcome,general-bye +bos can you help me look for train leaving from stevenage ? eos O O O O O O O O O O B-Train-Inform+Depart O N/A +bos absolutely ! what day will you be traveling ? eos O O O O O O O O O O Train-Request+Day +bos i need to leave after 14:45 on thursday . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos tr1596 leaves at 15:54 and gets into cambridge at 16:43. will that work ? eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O general-reqmore +bos i am also looking for some entertainment in town . eos O O O O O O O O O O O N/A +bos there are a variety i will book for you the one you like it is a pleasure to serve you 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 Booking-Inform,general-greet +bos could you find me a cheap restaurant in the centre please eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos i have 15 in the centre . did you have a food type 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 is there one that serves chinese food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are three chinese restaurants . they are charlie chan , rice house , and golden house . does one appeal to you ? 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 O O O O O O O O O Restaurant-Select +bos rice house sounds interesting , and i need some cheap egg rolls . what postcode is that place in ? eos O B-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 O Restaurant-Request+Post +bos the post code is cb12bd . they have amazing egg rolls ! eos O O O O O B-Restaurant-Inform+Post O O O O O O O N/A +bos thanks - i am also wondering if there are any multiple sports attractions in the city centre . eos 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 there are not . the only multiple sports center is located in the east . would you like more info on it ? eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore +bos how about a college type attraction in the same area as the restaurant then ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O O O N/A +bos sure . we have 13 colleges in the city centre . while many are free , some do have an entrance fee . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 would you recommend one ? eos O O O O O O N/A +bos i would say downing college is the best . what info shall i provide you with concerning that place ? eos 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 general-reqmore +bos can i get their phone number , address 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 their phone number is 01223334860 , they are located at regent street , and their postcode is cb21dq . eos 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 B-Attraction-Inform+Post O O O N/A +bos i 'd like a taxi to commute back and forth please . eos O O O O O O O O O O O O O Taxi-Inform +bos what time would you like the taxi ? eos O O O O O O O O O Taxi-Request+Leave +bos i want to leave the restaurant by 17:00 please . eos O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos your booking is complete . it will be a white honda and its contact number is 07316123574. 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 thanks a bunch . have a great night . take care . bye . eos O O O O O O O O O O O O O O O general-bye +bos thank you ! hope you have a wonderful trip ! eos O O O O O O O O O O O general-bye +bos i am planing a trip to cambridge and i need ideas on a place i can go 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 N/A +bos there is much to choose from in the centre . there are several architecture attractions to explore , boats and swimming , colleges , museums , parks , theatres and even nightclubs . eos 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 I-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O N/A +bos what do you recommend ? eos O O O O O O N/A +bos i recommend whipple museum of the history of science . it 's educational and free ! eos 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 B-Attraction-Recommend+Fee O O O N/A +bos okay that sounds fun . eos O O O 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 general-reqmore +bos what can you tell me about the 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 sure it is located in the east and is in the expensive price range and their telephone number is 01223866800. eos 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 B-Hotel-Inform+Phone N/A +bos can you book it for me please ? i need it for 1 person and 5 nights starting on 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 O N/A +bos i was able to book your stay at the express by holiday inn cambridge . your reference number is ye0m6sg1 . 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 I-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A +bos great ! thanks . i was also hoping to book 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 O O Taxi-Inform +bos yes i can , what is the departure and destionation site , and when would you like 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 O O O O Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Leave,Taxi-Request+Dest +bos i would like to leave the hotel by 02:45 to go to the museum . eos O O O O O O O O O B-Taxi-Inform+Leave O O O O O O N/A +bos okay , i 've got that booked for you . you 're taxi is a yellow honda and the contact number is 07272096370. can i do 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 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 alot for helping eos O O O O O general-thank +bos what else may i do for you today ? eos O O O O O O O O O O general-reqmore +bos can you tell me the address to the police station ? i am in trouble and i need some help asap . 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-Inform +bos the police station is in parkside , cambridge . their 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 O O O O O O O O O N/A +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 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 ok , what type of information are you looking for ? eos O O O O O O O O O O O O general-greet +bos i need to find a train to arrive on saturday by 11:45 going to cambridge from bishops stortford . eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos train number tr6163 leaves bishops stotford at 05:29 and arrives in cambridge by 06:07. would you like a ticket for this one ? eos O 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 O O O O Train-OfferBook +bos yes , i would like a ticket for one please . eos O O O O O O O O O O O O N/A +bos your booking was successful . your reference number is cqb3ni5k . is there anything else ? eos O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos how much is the ticket going to cost me ? do i pay you ? eos O O O O O O O O O O O O O O O O N/A +bos the cost of the ticket is 8.08 gbp and it 's payable at the station . anything else i can help you with ? 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 O O O general-reqmore +bos yes , can you help me find places to go in town ? eos O O O O O O O O O O O O O O N/A +bos yes , is there a specific type of attraction you would like to see ? eos O O O O O O O O O O O O O O O O Attraction-Request+Type +bos yes , what do you recommend for entertainment ? eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos i suggest the funky fun house on the east side of town ! eos 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 I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A +bos ok great ! what type of entertainment is that ? eos O O O O O O O O O O O N/A +bos it 's listed as `` entertainment '' eos O O O O B-Attraction-Inform+Type O O O N/A +bos of course . can you tell me the address and entrance fee please ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos 8 mercers row , mercers row industrial estate is the address but there is no entrance fee in our data base 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 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 thank . that is all i need . eos O O O O O O O O O general-thank +bos happy to have been of assistance . please let us know if there is 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 O O O general-welcome,general-bye +bos hi , can you find me a train going to birmingham new street that leaves after 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 O O B-Train-Inform+Leave O O N/A +bos what day would you like to go and where will you be departing from ? 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 would like to leave cambridge on wednesday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos there a few trains that will get you there . tr1766 departs at 18:01 and arrives at 20:44. does that work for you ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 N/A +bos yes that works . please book it for 6 people . eos O O O O O O O O O O B-Train-Inform+People O N/A +bos i booked your seats for 6 people on tr1766 departing cambridge on wednesday at 19:01. the total comes to 450.6gbp and your reference number is 8wmybhc3 . eos O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O N/A +bos great ! now i am looking for 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 what information would you like on it ? eos O O O O O O O O O N/A +bos i 'd like to know if it has free parking . also , the hotel type and it 's 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,Hotel-Request+Parking,Hotel-Request+Type +bos finches bed and breakfast is a guesthouse . it does have free parking . it 's post code is cb30nd . is there anything else i can help you with tonight ? 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 O O B-Hotel-Inform+Post O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos no , that is all the information i need . 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 it 's been a pleasure . good day sir . goodbye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos hi . i need help finding a hotel . can you help me ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos yes , i can ! first , do you have a particular area of town 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 Hotel-Request+Area +bos no and it does n't need internet or free parking . i would prefer a moderate price though . eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O O O O O Train-Request+Price +bos in that price range , i have 3 different options for you . all are hotels . i have two in the north and one in the centre of town . which do you prefer ? 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 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 O Hotel-Select +bos does one of those options come with free wifi ? eos O O O O O O O O O O O N/A +bos the ashley hotel and the lovell lodge provides free wifi . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Inform+Internet +bos lets try booking the ashley hotel . i need it for 2 people starting monday for 3 nights please . 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 O N/A +bos i was able to book your party of two into the ashley hotel for 3 nights starting on monday . your reference is x21xyr7k . is there anything else i can help with ? eos O O O O O O O O O O B-Booking-Book+People O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O N/A +bos i also need to book a train . i need to depart from stevenage and go to cambridge . eos 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 N/A +bos what day and time will you be leaving ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i will be leaving on monday , anytime . the train will need to be booked for 2 people also . 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 O N/A +bos i have train tr9175 leaving at 5:54 and arriving at 6:43. would youlike 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 Train-OfferBook +bos yes please book it . eos O O O O O O N/A +bos i booked it for you . your reference number is v93oc1al . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos great , how much is that ticket please ? eos O O O O O O O O O O N/A +bos that will be 12.80 pounds . is there anything else that i can do for you ? 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 general-reqmore +bos no thank you . that was all i needed . good bye . eos 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 hello ! i am looking for train schedules from leicester . can you help me with that ? 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 sure ! there are several trains leaving from leicester . what destination , day and time would you like me to search ? eos O O O O B-Train-Inform+Choice I-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+Leave,Train-Request+Dest,Train-Request+Day,general-greet +bos i like a train going to cambridge on tuesday please . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos okay . it looks as if there are trains leaving leicester for cambridge every hour starting at 5:09 and ending at 23:09 on tuesday . eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O B-Train-Inform+Day O general-greet +bos pick one . i need the travel time and arrival time . any one after 20:15. eos O O O O O O O O O O O O O O B-Train-Inform+Leave O O Train-Request+Duration,Train-Request+Arrive +bos you have one leaving at 21:09 , what time do you want to arrive by ? eos O O O O O O B-Train-Inform+Leave O O O O O O O O O O Train-Request+Arrive +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 the booking was successful . your reference number is rwrkp9l6 eos O O O O O O O O O B-Train-OfferBooked+Id O N/A +bos i also need a hotel with free wifi and free parking . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos i have several excellent options . did you have an area of town 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 Hotel-Request+Area +bos no , i just would like a guesthouse . eos O O O O O O O B-Hotel-Inform+Type O O N/A +bos sure , i 'd suggest acorn guest house at 154 chesterton road cb41da . it 's moderately priced with 4 stars . would that work for you ? eos O 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 B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O O O O O O O Booking-Inform +bos can you please make a reservation for just me , for 4 nights starting tuesday ? eos 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 your reference number is hyedh9o5 , 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 general-reqmore +bos no thank you , you have been very helpful . 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 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,general-greet +bos hi , i would like to purchase a train ticket . eos O O O O O O O O O O O O Train-Inform +bos i can help you with that . where would you like to arrive and depart from 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 Train-Request+Depart,Train-Request+Dest,Train-Request+Day +bos i want to depart from london liverpool street on saturday leaving after 08:30 to go 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+Day O O B-Train-Inform+Leave O O O B-Train-Inform+Dest N/A +bos tr0357 will leave at 09:39 , would that work for you ? eos 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 that sounds like it will work . can you book 7 seats for us ? i 'll need 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 N/A +bos 7 seats have been booked and your reference number is : mn2wkawi eos 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 find a place to stay while there . preferably something expensive . eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos ok there are 5 different ones . which area of town are you wanting 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 Hotel-Request+Area +bos i 'm flexible on the area but i really want a hotel instead of a guesthouse . and i would like something with 4 stars . 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 O O O N/A +bos you have two choices that match your criteria : huntingdon marriott hotel in the west , and university arms hotel in centre . 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 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 O O O O O O O O O Booking-Inform,Hotel-Select +bos do either of them have free parking ? eos O O O O O O O O O N/A +bos yes , both of them . is there anything else about them you 'd like to know ? eos 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 to book one of those for 2 nights please . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos ok , how many people will be staying and what day will you be checking in ? eos 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 7 people on the same night . eos O O B-Hotel-Inform+People O O O O O N/A +bos booking was unsuccessful at both hotels . would you like to change the duration of your 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+Stay +bos sure , try just 1 night . eos O O O O O B-Hotel-Inform+Stay O O N/A +bos booking was successful at the university arms hotel located in the centre of town . they are 4-star rated and have free parking and wifi . reference number is : 5y7u9b9a . is that ok ? 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 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 N/A +bos yeah that works for me . it 's also all i needed for today . 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 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-bye +bos hello , we 're planning on staying in cambridge and need lodging . we 're looking for a guesthouse which has all amenities etc . price is no problem . 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 O O N/A +bos i can help you find a nice place to stay . first , did you have a particular area of town you were 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 Hotel-Request+Area +bos i would really like to stay in the east of town , and preferably an expensive guesthouse if one is available . 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 N/A +bos there are no expensively priced guesthouses in that area , but there are 2 moderately priced ones and 3 cheap ones . would one of those suit you ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O 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 N/A +bos can you suggest one of the cheap ones ? eos O O O O O O O B-Hotel-Inform+Price O O N/A +bos i can recommend autumn house at 710 newmarket rd . would you like me to book this for you ? 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 O O O O O O O O Booking-Inform +bos yes . for one person for 5 nights starting from thursday . eos O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A +bos booked ! reference number : wql1wg7f . eos O O O O B-Booking-Book+Ref O O O N/A +bos thank you ! i also need a train that arrives by 08:45 eos O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos sure ! where will you be departing from ? would you like to 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 Train-Request+Depart,Train-Request+Leave +bos i 'd like to leave from stevenage and go to cambridge , it should arrive by 8:45 on the same day as my hotel booking . 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 i have train tr1044 leaving stevenage at 7:54 and arriving in cambridge 8:43. would you like me to book that ? eos O 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 O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos no , i 'm not sure i need the train yet . thanks for the info ! eos O O O O O O O O O O O O O O O O O O Train-Inform +bos you 're welcome . 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 general-welcome,general-reqmore +bos no , that 's all i needed . thanks for your time ! eos 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 O general-bye +bos thanks . i will definitely use your service again . eos O O O O O O O O O O O general-thank +bos you 're welcome . thank you for calling . good bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos i 'd like a train leaving on monday and arriving by 11:45 , please . 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 i can help you with that ! first , can you tell me the desired 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 Train-Request+Depart,Train-Request+Dest +bos london kings cross to cambridge please . eos O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos how about a train that leaves at 05:17 ? eos O O O O O O O O B-Train-Inform+Leave O N/A +bos that works , will yhou book it for 5 people and i need the train number eos O O O O O O O O B-Train-Inform+People O O O O O O O O N/A +bos ok. you should be set . the booking was successful . the train number is tr0378 . would you like the reference number too ? eos O O O O O O O O O O O O O O O O O B-Train-OfferBooked+Id O O O O O O O O N/A +bos yes , i do need the reference number . eos O O O O O O O O O O N/A +bos it is fe03l94u . eos O O O B-Train-OfferBooked+Ref O N/A +bos i am also looking for a 2 star hotel that 's moderately priced . can you help with that ? eos 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 O N/A +bos i have two options for you , both in the north side . ashley hotel and lovell lodge , all moderately priced , with free wifi and parking . eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area O O 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 O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos are they both 2 star rated ? eos O O O O O B-Hotel-Inform+Stars O O N/A +bos yes , both are 2 star rated , moderately priced and located in the north . both of them also offer free parking and free internet . would you prefer one of them ? eos O O O O O B-Hotel-Inform+Stars 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 O O O O O O O O O O O Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes book the ashley hotel for the same group of people for 2 nights . 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 N/A +bos i just need one more detail . what day would you like to book the hotel ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Day +bos on monday please . eos O O B-Hotel-Inform+Day O O N/A +bos what day will you be wanting the room for ? eos O O O O O O O O O O O Booking-Request+Day +bos on monday , please . i want a place to stay when i get there . eos O O B-Hotel-Inform+Day O O O O O O O O O O O O O O N/A +bos i have those rooms reserved for you . the reference number is : m99y2t1r . can i be of further assistance ? 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 no , thank you very much for your help . eos O O O O O O O O O O O general-thank +bos it was my pleasure to help . 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 +bos hi there . i need help finding a train leaving cambridge on sunday . 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 okay , train tr8131 leaves at 7:17 on sunday and arrives by 8:08. would you like me to book that for you ? eos O O O B-Train-Inform+Id 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 O Train-OfferBook +bos yes please book it eos O O O O O N/A +bos excellent , how many are travelling ? eos O O O O O O O O Train-Request+People +bos the train should be arriving at london liverpool street and leave after 10:00. i would like 4 tickets for that specific train . i also need the reference number . eos O O O O O O O O O O O O O B-Train-Inform+Leave 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 would recommend tr5767 which leaves cambridge at 10:21 and arrives in leicester at 12:06. would you like this to be booked for you ? 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 O O O O O O O O O Train-OfferBook +bos let 's back up a bit here . i need to get to london liverpool street , not leicester . 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 O O O O O N/A +bos i have tr9025 that i can book for you that departs cambridge at 11:59 and arrives at liverpool street at 13:27. does that work for you ? eos O O O B-Train-OfferBook+Id O O O O O O O O B-Train-OfferBook+Depart O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Dest I-Train-OfferBook+Dest O B-Train-OfferBook+Arrive O O O O O O N/A +bos it does . please book for four people 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 i was able to book those 4 tickets for you . your reference number is g6ulckev . is there anything more i can help you with ? eos O O 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 i 'm also looking for information about a hotel called cityroomz . eos O O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos cityroomz is a moderately priced 0-star hotel in the centre area . anything more specific about it you 'd like to know ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars 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 general-reqmore +bos yes can you tell me the area it is located in and the postal code ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Post +bos yes , it 's in the centre area and the postcode is cb12tz . i can try to book you a room if you 'd like . or help you with something else ? eos O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 O O O O Booking-Inform,general-reqmore +bos that 's okay . thanks for all your help ! eos O O O O O O O O O O O general-thank +bos you 're welcome , enjoy . eos O O O O O O O general-welcome +bos i 'd like a train leaving on tuesday from kings lynn , please . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O O O O N/A +bos is there a particular time you 'd like 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 arrive in cambridge by 17:30. eos O O O O O O O O O B-Train-Inform+Arrive N/A +bos ok i can book you on tr8177 from kings lynn to cambridge on tuesday . how many seats do you need ? eos O O O O O O O B-Train-OfferBook+Id O B-Train-OfferBook+Depart I-Train-OfferBook+Depart O B-Train-OfferBook+Dest O B-Train-OfferBook+Day O O O O O O O O Train-Request+People +bos i just needed the info , no booking just yet . thanks ! 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 or system . 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 N/A +bos thank you and have a great day . eos O O O O O O O O O general-bye +bos i actually need a place to stay as well . something in the east please . eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos we have 6 guesthouses and one hotel on the eastside , you looking for any specific amenities or have a price range in mind ? eos 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 I-Hotel-Inform+Area O O O O O O O O O O O O O O Hotel-Request+Price,general-reqmore +bos i am looking for something that is moderately priced with free wifi . eos O O O O O O O O B-Hotel-Inform+Price O O O O O Train-Request+Price +bos i have the a and b guesthouse that has wifi and is moderately priced . 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O Hotel-Inform+Internet +bos sounds great , could you book it for 3 people for 2 nights starting on the same day as my train ? 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 O O O O O N/A +bos booking was unsuccessful . would you like to check in on 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos yes let 's go ahead and make it for just 1 night then . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos booking was successful . your reference number is aao2ua2s . 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 no , that should do it ! 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 you are 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 'd like a train leaving after 11:30 from cambridge , please . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O O O O N/A +bos of course . what day would you like to leave and what is your final destination ? 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,general-greet +bos i am traveling on tuesday and going to ely . eos O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A +bos the tr7458 departs at 11:50 , 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 good can you get me 5 tickets please ? eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos thank you good bye eos O O O O O general-bye +bos can you get me the reference number please ? eos O O O O O O O O O O N/A +bos yes , the reference number is 8mjzig5a . eos O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks ! i 'm also looking for a hotel named the 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 O N/A +bos the huntingdon marriott is an expensive , 4-star hotel in the west part of town . it 's very nice . would you like a room there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Inform +bos yes , 5 people for 5 nights starting thursday . please book it for me . 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 okay , i have those rooms booked for you . your reference number is 1cpjsxzj . 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 O general-reqmore +bos that is all for now . thanks eos O O O O O O O O general-thank +bos you are welcome , do n't hesitate to contact me if you need 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 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 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 O O O O O O O B-Hotel-Inform+Stars O O N/A +bos sure , do you have an area of town you prefer ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos any type is fine , i just would like it to have free parking as well . eos O O O O O O O O O O O O O O O O O O N/A +bos ok the alexander bed and breakfast is a four star guesthouse in the centre area 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 I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-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 Booking-Inform +bos yes , for 8 people . 2 nights starting from friday . include reference number . eos 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 N/A +bos i was able to successfully book that for you . your reference number is 7jy9ob7p . 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 general-reqmore +bos i am also looking for a train . i would like it to arrive by 14:30 eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos there are over a thousand trains arriving by 14:30 where are you departing from and going ? eos O 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 Train-Request+Dest,Train-Request+Depart +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 the train tr0601 will suit your needs . may i book that for you ? eos O O O B-Train-Inform+Id O O O O O O O O O O O O Train-OfferBook +bos i 'd like to book it for 8 people , yes . eos O O O O O O O O B-Train-Inform+People O O O O N/A +bos okay , you 're booked with reference number 1kxlnmfr . may i help with something else ? eos 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 's all for me . thanks ! goodbye ! eos O O O 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 you too . eos O O O O N/A +bos its been a pleasure serving you eos O O O O O O O general-welcome +bos hi , i 'm looking to book a train that will depart from london liverpool street . i need the ticket for monday . can you give me available times ? 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 B-Train-Inform+Day O O O O O O O O O O N/A +bos i have trains leaving every 2 hours starting at 05:39 a.m. and a ticket will cost you 16.60 pounds.would you to book a ticket ? eos 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O Train-OfferBook +bos i would like to leave london liverpool on monday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos i have quite a few trains leaving london liverpool st. what time would you like to leave ? that will help me find one . eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice 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 Train-Request+Leave +bos i 'm not sure when i need to leave , but i would like to arrive by 20:00. eos 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 i would recommend tr3183 which leaves london liverpool street at 17:39 and arrives in cambridge at 19:07. 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 that would work perfectly ! can you book me 6 tickets please ? eos O O O O O O O O O O B-Train-Inform+People O O O N/A +bos i will go ahead and book 6 tickets . eos O O O O O O O O B-Train-OfferBook+People O N/A +bos that you and whhat is the reference number ? eos O O O O O O O O O O Train-Request+Ref +bos your reference number is a70rk1w1 and 99.6 gbp is payable at the station . can i help with anything else ? eos O O 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 general-reqmore +bos yes please . i 'm looking for information on the hamilton lodge . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos hamilton lodge is a guesthouse in the north that is moderately priced , rated 3 stars and has free parking and internet . would you like me to book this for you ? eos O B-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 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 O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes for sunday please 4 nights for 4 people eos O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O N/A +bos i have made those reservations and your reference number is t7ck2mlj . eos O O O O O O O O O O O B-Booking-Book+Ref 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 enjoy your stay eos O O O O general-bye +bos i was wondering if you could help me with the train schedule . eos O O O O O O O O O O O O O O Train-Inform +bos of course . where would you like to travel ? eos O O O O O O O O O O O Train-Request+Dest +bos i need to travel from stansted airport to cambridge on monday . eos 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 N/A +bos i can help you with that . do you have a specific time frame in mind ? eos 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 no later than 5:15 i have to be there by 20:20. eos O O O O O O O O O O O O O N/A +bos the earliest i have is 05:24. will that work ? eos O O O O O O B-Train-Inform+Leave O O O O general-reqmore +bos i am sorry i meant to leave after 15:15 so that will be fine . eos O O O O O O O O O O O O O O O O N/A +bos i have tr1188 leaving at 5:24 and arriving at 5:52. would you like to book tickets ? 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 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 absolutely ! how many tickets do you need ? eos O O O O O O O O O O Train-Request+People +bos i 'm sorry , i do n't actually need the tickets right now . can you find me a moderately priced 4 star hotel , though ? eos O 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 O O N/A +bos we have 4 star hotels in the cheap and expensive price range , could i interest you in one of those ? eos O O O O B-Hotel-Inform+Stars O O 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 please book me a room for 4 the same day at a cheap one you recommend . thanks eos 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 is there a certain 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 no , as long as the hotel itself is a 4 star establishment i 'm not too concerned about where it 's located . 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 how many nights would you like to stay ? eos O O O O O O O O O O Booking-Request+Stay +bos 4 nights please starting on monday . eos O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O N/A +bos ok , i 've booked 4 people at the cambridge belfry for 4 nights starting monday , the reference number is wz83noii . is there anything else i can help you with ? eos O O O O O B-Booking-Book+Stay O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name 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 O general-reqmore +bos that is all thanks . eos 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 O general-greet +bos hi there . i have a business trip in cambridge coming up and i have no idea what the train schedule might be . would you be able to help with that ? 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 O O O O O O O O O O O O O N/A +bos yes i can . first i need more information on the day and the time please 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 will be traveling on monday and leaving from bishops stortford . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos okay , i have 10 trains that meet your criteria . do you have a departure or arrival 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 Train-Request+Leave,Train-Request+Arrive +bos it should leave after 09:15 eos O O O O O B-Train-Inform+Leave N/A +bos i also need to know where you are travelling to . eos O O O O O O O O O O O O Train-Request+Dest +bos i 'll be going to cambridge . eos O O O O O B-Train-Inform+Dest O O N/A +bos tr0757 leaves at 09:29. would that be of interest ? there area also trains every two hours on the :29 until 23:29 eos O B-Train-Inform+Id 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 Train-Select +bos i am looking for a nightlclub located in the centre of town , might you suggest one ? 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 i recommend soul tree nightclub . it is located on 1-6 corn exchange street and has a 4 pound entrance fee . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+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+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos what 's the phone number ? eos O O O O O O O Attraction-Request+Phone +bos the phone number for soul tree is 01223477900 eos O O O O O O O O B-Attraction-Inform+Phone N/A +bos what is the postcode to the soul tree nightclub ? this sounds like a fun place ! eos O O O O O O O O O O O O O O O O O O Attraction-Request+Post +bos cb23qf . what else would you like to know about the nightclub ? eos O B-Attraction-Inform+Post O O O O O O O O O B-Attraction-Inform+Type O O general-reqmore +bos what is its entrance fee , phone number and postcode ? eos 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 4 pounds , phone number is 01223477900. eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Phone O N/A +bos great , thanks ! that 's all the help i need for today . have a good night . 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 feel free to call back again for any further questions . 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 can you help me find an expensive european food local restaurant in cambridge where i can dine when i get to cambridge ? 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 O O O O O O N/A +bos how about michaelhouse cafe ? they are located in the centre ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O B-Restaurant-Inform+Area O O N/A +bos yes , that 's perfect . thank you ! eos O O O O O O O O O O general-thank +bos okay , would you like me to make a reservation ? eos O O O O O O O O O O O O Booking-Inform +bos yes i would . i need a sitting for 7 people on thursday at 13:45 , 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 4668b8bf.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 general-reqmore +bos i need to find a hotel in the same area as the restaurant . i would like to find one 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 O B-Hotel-Inform+Stars O O N/A +bos i have two options for you . would you prefer something cheap or expensive ? and guesthouse or hotel ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O B-Hotel-Select+Type I-Hotel-Select+Type O O N/A +bos i want it to be expensive , and type does n't matter eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos university arms hotel is a 4 star and also has wifi and parking . would you like reservations ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos yes , i do need reservations . eos O O O O O O O O N/A +bos how many people will the room be for ? eos O O O O O O O O O O Booking-Request+People +bos i actually do n't need a reservation , sorry . can you just tell me the address and if they have free parking and 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 Hotel-Request+Parking,Hotel-Request+Addr +bos the address of university arms hotel is regent street . it has both parking and internet . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos thanks for your help have a goodnight eos O O O O O O O O general-thank +bos thank you for contacting us . good night . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a moderate priced place to stay with free wifi . eos O O O O O B-Hotel-Inform+Price O O O O O O O O O Train-Request+Price +bos what day will you be arriving at the hotel and how long are you 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 am not sure what day , i am just researching now . i would like to have a 4 star hotel . are there any options ? 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 N/A +bos i have about 11 guesthouses that are available . do you have a preference as far as 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 O Hotel-Request+Area +bos i do not have a preference on area . eos O O O O O O O O O O N/A +bos i can suggest the avalon located in the north it is moderately priced with 4 stars . would you like to make reservations ? eos O O O O O B-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O O O O O N/A +bos does it have wifi ? eos O O O O O O N/A +bos it does have wifi ! will you need parking as well ? eos O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Inform+Internet +bos nope , that is n't important . can you book it for 1 person for 3 nights starting on thursday please ? 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 N/A +bos okay , i 've booked you at the avalon . your reference number is zg7g439m . can i further assist you ? eos 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 general-reqmore +bos yes , i need a train to peterbourough on sunday . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos there are several trains to peterborough on sunday . where are you departing from and do you have a time in mind ? eos 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 O O Train-Request+Leave,Train-Request+Depart +bos i am trying to find a hospital that has a transplant high dependency unit . 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 O N/A +bos addenbrookes hospital has a transplant high dependency unit . the phone number for the transplant high dependency unit is 01223216811. would you like the 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 O O O 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 okay . thanks and have a great day ! eos O O O O O O O O O O general-greet +bos can you please help me find a hospital in town ? eos O O O O O O O O O O O O Hospital-Inform +bos the closest hospital would be addenbrookes hospital located on hills road in cambridge . their phone number is 01223245151. did you need a phone number for 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 O O N/A +bos no thank you , but can you also give me their postcode ? eos O O O O O O O O O O O O O O Hospital-Request+Post +bos sure thing . their postcode 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 N/A +bos what is their address ? eos O O O O O O Hospital-Request+Addr +bos addenbrookes hospital is located at hills rd , cambridge cb20qq . may 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 N/A +bos that 's all i needed . thank you ! eos O O O O O O O O O O general-thank +bos glad to help . have a good day . eos O O O O O O O O O O general-bye +bos thanks for all your help . eos O O O O O O O general-thank +bos you 're quite welcome ! thank you for using the cambridge towninfo centre . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos i was wondering if you could tell me where the addenbrookes hospital is ? eos O O O O O O O O O O O O O O O Hospital-Inform +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 N/A +bos what is their phone number ? eos O O O O O O O Hospital-Request+Phone +bos the main phone number is 01223245151. eos O O O O O O O N/A +bos thank you for the information . have a nice day . eos O O O O O O O O O O O O general-thank +bos thank you for using the cambridge towninfo centre - 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-bye +bos i seem to have injured myself and need a nearby hospital . eos O O O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is located on hills rd . the phone number is 01223245151. eos O O O O O O O O O O O O O O N/A +bos 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 . eos O O O O O O O O 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+Addr +bos sure , their phone number is 01223245151 and their postcode is cb20qq . 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 N/A +bos that was everything . thank you ! eos O O O O O O O O general-thank +bos you 're welcome . it was a pleasure assisting you . have a good day . eos O O O O O O O O O O O O O O O O O general-greet +bos 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 ? eos O O O O O O O O O O O O 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 the closest - located on hills road . 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 O Hospital-Request+Post +bos their postcode is cb20qq eos O O O O O N/A +bos okay , i 'm going to try to get there pronto . thanks 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 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 am sure . thank you ! eos O O O O O O O O O general-thank +bos okay glad we could help . eos O O O O O O O general-bye +bos hey , i 've been injured . where 's the closest hospital ? eos O O O O O O O O O O O O O O Hospital-Inform +bos the closest hospital is addenbrookes hospital at hills rd. , cambridge . 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 N/A +bos yes , can i have their post code and phone number ? eos O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos the number is 01223245151 and postcode is cb20qq . do you need an officer or the 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 N/A +bos i need to find the addenbrookes hospital please eos O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is located at hills rd in cambridge . would you like the number to a specific department ? 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 would like its general phone number . eos O O O O O O O O O O O Hospital-Request+Phone +bos the general phone number is 01223245151. eos O O O O 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 . good-bye . eos O O O O O O O general-bye +bos i need to find the addenbrookes hospital please . eos O O O O O O O O O O Hospital-Inform +bos sure , the address is hills rd , cambridge and postcode cb20qq eos O O O O O O O O O O O O O N/A +bos thank you , may i have their phone number as well ? eos O O O O O O O O O O O O O Hospital-Request+Phone +bos what department are you looking to contact ? eos O O O O O O O O O general-reqmore +bos im actually not sure , is there a general number ? eos O O O O O O O O O O O O N/A +bos yes , there is . addenbrookes has a main number . it is 01223245151. is there any other information you might 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 's all i need . thanks for the 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 is n't the local hospital called addenbrookes hospital ? eos O O O O O O O O O O Hospital-Inform +bos yes it is , their phone number is 01223245151 eos O O O O O O O O O O N/A +bos thanks for the phone number . but what is the hospital 's street address ? eos O O O O O O O O O O O O O O O O Hospital-Request+Addr +bos the address is hills rd , cambridge . eos 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 can i be of any further assistance ? eos O O O O O O O O O general-reqmore +bos no that is all i needed , laters . 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-greet +bos i really need to find a hospital in town , can you help me ? eos O O O O O O O O O O O O O O O O Hospital-Inform +bos i can . there are 66 different listings for medical services in the area . did you need a specific 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 general-reqmore +bos no , i do n't need a specific department . just the address and postcode for the hospital , please . eos O 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+Addr +bos sure thing , the address for addenbrookes hospital is hills rd , cambridge . the postcode 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 O O O N/A +bos hi i am looking for a restaurant in the centre of town serving indian 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 that 's great ! there are several indian restaurants near the city centre . are you looking for a budget conscious option or are you comfortable with a more expensive place ? eos O O O O O B-Restaurant-Inform+Choice 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 O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O O general-greet +bos a cheap option please . eos O O B-Restaurant-Inform+Price O O O N/A +bos we have mahal of cambridge , the ghandi and kohinoor , do you want me to book you for one of those ? eos O O O O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O O O O O O O Booking-Inform +bos yes please for 5 people at 12:00 on wednesday . 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 are all set . they will hold the table for 15 minutes and your reference number is qlt7jb37 eos O 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 thank you , appreciate your service . eos 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 i am also looking for a hotel . eos O O O O O O O B-Hotel-Inform+Type O N/A +bos we have lots of great hotels . would you like to stay with the centre part of town or some other area ? eos 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 O O O O O O O Hotel-Select +bos yes , i would love to stay at a hotel in the centre of town . i need free parking , free wifi , and a star rating of 3. eos O B-Hotel-Inform+Internet 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 B-Hotel-Inform+Stars O N/A +bos the gonville hotel matches your criteria . would you like me to book it 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 Booking-Inform +bos yeah , that sounds good . eos O O O O O O O N/A +bos for how many people and how many days ? eos O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos is that a hotel ? and what is the price range ? eos O O O O O O O O O O O O O Hotel-Request+Price +bos this is a expensive hotel eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type N/A +bos that sounds great what is their postcode ? eos O O O O O O O O O Hotel-Request+Post +bos the postcode is cb11ly . are you still interested in booking a room ? if so , i 'll need to know how many people will be staying and for how many days . 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 O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+People,Booking-Inform +bos you 've been great . that 's all i need for tonight . thank you . goodbye . eos O O O O O O O O O O O O O O O O O O O general-bye +bos if you need reservations in the future , please let me know . thank you eos O O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos i 'd like to check out an attraction on the east side . eos O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are 10 attractions in the east . does a boat interest you ? eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O B-Attraction-Select+Type O O O O N/A +bos yeah , a boat sounds good . can you get me the phone number and postcode for one ? eos O O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O N/A +bos i would recommend camboats . they are located at the plough , green end , fen ditton . their phone number is 01223902112. their postcode is cb58sx . eos O O O O B-Attraction-Recommend+Name O O O 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+Post O O O O O Attraction-Inform +bos great . by any chance is that near a place called hamilton lodge ? someone recommended it to me but i do n't know much about it . 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 N/A +bos hamilton lodge is at 156 chesterton road eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos could you give me their phone number and postcode ? and is that a guesthouse ? 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 yes it is a guesthouse . the number is 01223365664 and the postcode is cb41da . can i help with anything else eos O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O O O O O general-reqmore +bos no , you 've been a great help ! 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 am looking for something to do in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos is there a specific type of attraction you would like to visit ? eos O O O O O O O O O O O O O O Attraction-Request+Type +bos i do n't know a name , but i know i want the attraction to be in entertainment . do you have any suggestions ? 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 N/A +bos unfortunately there is n't any entertainment in the centre . would you like to try another area 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 N/A +bos how about a college to visit in the centre of town instead ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos i hear christ 's college is nice , want more info ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O N/A +bos yes . can you give me the entrance fee , phone number , and address ? 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 it is free to enter . their phone number is 01223334900 and their address is saint andrew 's street . can i help with anything else ? eos O O O B-Attraction-Inform+Fee 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 O O O O O O O O O general-reqmore +bos i are also looking for a place to stay , a 4-star hotel , moderate price range eos O 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 what area of town are you particularly interested in ? eos O O O O O O O O O O O Hotel-Request+Area +bos i would like to stay in the centre please . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos unfortunately there are no moderately priced 4 star hotels in the centre area . would you like to try another area ? eos O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price 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 N/A +bos can you check to see if there is a moderately priced 4-star guesthouse in the centre with free parking ? i do n't care about the type of lodging . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Parking O O O O O O O O O O O O N/A +bos unfortunately there is n't , would you like me to try a 3 star guesthouse with those same requirements ? eos O O O O O O O O O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O O O O O Hotel-NoOffer +bos yes , any type will do as long as it includes free parking . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O N/A +bos unfortunately , i am not showing any availability in the town centre with free parking . would you like to try another part of town ? eos O O O O O O O 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 O O O Hotel-NoOffer+Parking +bos sure . i do n't care if it 's in the centre or not , just needs to have a star rating of 4 , be moderately priced , and 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 B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos how about carolina bed and breakfast ? it meets your criteria nicely . 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 N/A +bos that sounds good . can you give me their address and postcode ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos yes . their address is 138 perne road and their postcode is cb13nx . eos O 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 N/A +bos why , thank you for helping me you kind person ! eos 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 no , that is all . eos O O O O O O O N/A +bos great ! enjoy your trip ! eos O O O O O O O general-bye +bos hi , i 'm shopping for colleges . can you help me find one to visit in the city centre , please ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos i have five . is there one you would like to know about in particular ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O general-reqmore +bos can you name them off for me ? eos O O O O O O O O O N/A +bos sure . there are actually 13. the first five we 've got is christ 's college , corpus christi , downing college , emmanuel college and gonville and caius college . eos O O O O O 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 B-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 can i get the post code for christ 's college ? eos O O O O O O O O O O O O Attraction-Request+Post +bos sure , it 's cb23bu . is there anything else i can help you with today ? eos 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 am also looking for a place to stay that has 4 stars and in the centre of town . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O N/A +bos four star options in the centre of town are limited to the alexander b & b , and the university arms hotel . does price 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 N/A +bos yes , i would like to stay within the moderate price range , if possible . eos O O O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos no matches were found for your description , can we try something else perhaps ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos where is whipple museum of the history of science located ? 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 I-Attraction-Inform+Name O O N/A +bos the address is free school lane and the postcode is cb23rh . eos 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 N/A +bos what is the type of attraction and area for the whipple museum ? eos O O O O O O O O O O O O B-Attraction-Inform+Type O Attraction-Request+Area,Attraction-Request+Type +bos the whipple is a museum type attraction located in the centre area . can i do anything else for you ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O O O O O O O general-reqmore +bos i need a moderate place to stay , with free parking . eos O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos we have 14 options available to you . is there a certain area you are 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 O O Hotel-Request+Area +bos i 'm looking for a hotel type that is a guesthouse and 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 B-Hotel-Inform+Stars O Attraction-Request+Type +bos great , that narrows it down to 9 entries . how about the archway house ? it is in the north and is priced at moderate . eos O O O O O O O O B-Hotel-Inform+Choice O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O O N/A +bos sure . can you give me 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 yes . the phone number is 01223575314 and the postcode is cb43pe . eos O O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O general-greet +bos i would also like to book a taxi please . eos O O O O O O O O O O O Taxi-Inform +bos i can do that for you . please give me your departure place and time . eos 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 would like to go from the whipple museum to the archway house . i want to leave the museum by 02:45. 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Depart O O O O O O B-Taxi-Inform+Leave O N/A +bos i 've booked you red volvo . their number is 07683609856. anything else i can help with ? 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 . 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-welcome,general-bye +bos can you recommend some fun entertainment in the centre ? eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos i have many options available . what type of attraction do you prefer ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Type +bos i prefer something related to boats eos O O O O O O B-Attraction-Inform+Type N/A +bos i have two in the centre . would you like to know anything else about them ? 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 N/A +bos can you tell me the address and entrance fee for one of them ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos i would recommend the cambridge punter . unfortunately , i do n't have the entrance fee information . their address is 251a chesterton road . i can provide you the phone number if you like . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name 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+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 N/A +bos thanks so much . can you also help me find a guesthouse that is moderately priced to stay at ? 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 O N/A +bos a and b guest house is available would you like to try that ? 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 N/A +bos that sounds just fine , so long as it is rated 3 stars . 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+Stars O O N/A +bos it is rated 4 stars , is that okay ? eos O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos are there any 3 stars available ? eos O O O O O B-Hotel-Inform+Stars O O N/A +bos there are four of such . do you have an area preference ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area +bos i also want to book a taxi to leave the attraction by 08:00. get contact number and car type eos 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 where will the taxi be taking you ? and do you still need a hotel ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Dest +bos yes . surprise me with the hotel ! as long as it 's a 3 star guesthouse in the moderate price range . book for 2 people and 2 nights starting from saturday . eos 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 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 you a room at the bridge guest house , located at 151 hills road . your reference number number is zkr6w58z . 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-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Booking-Book+Ref O O O N/A +bos 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 . eos O O O O O O 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 sure thing . your taxi is booked for a grey lexus . the contact number is 07466656386. is there anything else i can help 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 nah , that sounds good . eos O O O O O O O N/A +bos well glad i could be of assistance . have a nice day . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos you too . thanks again . eos O O O O O O O general-thank +bos thanks for your service , goodbye eos O O O O O O O general-bye +bos i was wondering if you had any colleges i could visit during my stay ? eos 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 , what area would you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O Attraction-Request+Area +bos i have no preference besides colleges . please recommend one . eos O O O O O O O O O O O O N/A +bos my favorite is saint catharine 's college . it is in city centre , and they are free to enter . eos 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 B-Attraction-Inform+Fee O O O O O O N/A +bos that sounds great . can i get their phone number please ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos saint catharine 's college 's phone number is 01223338300. can i assist you with anything else ? eos 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 yes , i 'm looking for a place to stay with free parking and moderate prices . eos O B-Hotel-Inform+Parking O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos okay , there are several of those it looks like , are you also wanting to stay in the centre as well ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O O Hotel-Request+Area +bos no need , but i 'd like a hotel , not a guesthouse , that 's in the 4 star range . eos O O 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 i do not have any listings for 4-star hotels with free parking . perhaps you would like to try a different star rating ? 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 O O O O O O O O O O Hotel-NoOffer+Parking,Hotel-Request+Stars +bos how about a hotel that is the expensive price range ? eos O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O N/A +bos huntingdon marriott hotel is found in kingfisher way , hinchinbrook business park , huntingdon 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 N/A +bos book for 2 people 3 nights from tuesday . i also want to book a taxi to leave the hotel by 13:30. get contact number and car type eos O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O O O O O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave O O O O O O O Taxi-Request+Car +bos that booking was not successful . 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos how about for 2 nights eos O O O O O O N/A +bos i was able to book your reservation for 2 days . eos O O O O O O O O O O B-Booking-Book+Stay O N/A +bos okay , may i get a reference number please ? eos O O O O O O O O O O O Hotel-Request+Ref +bos i apologize it looks like there was a booking error . the huntingdon does not have availability . would you like to try another hotel or length of stay ? eos 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 O O O O O O Booking-NoBook,Booking-Request+Stay,general-reqmore +bos please try it for 2 nights . eos O O O O O O O O N/A +bos actually , there might have been an error int he system before . i booked the huntington marriott hotel for 2 people , 3 nights , starting on tuesday . reference number is j4z0cz41 . 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 I-Booking-Book+Name O O B-Booking-Book+People O B-Booking-Book+Stay I-Booking-Book+Stay O B-Booking-Book+Day O O O B-Booking-Book+Ref O O O O O N/A +bos excellent ! i also need a taxi to go between the places . i want to leave the hotel by 13:30. eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave O O N/A +bos i booked a grey skoda to pick you up . the contact number for the taxi is 07491898705. eos 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 N/A +bos awesome ! 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 contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye +bos good morning , i am planning a trip to 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 N/A +bos i sure can . are you looking for a hotel or guesthouse to stay in while you visit ? eos 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 N/A +bos actually , i am looking for the cambridge arts theatre . what area is that in ? 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 Attraction-Request+Area +bos the cambridge arts theatre is a great theatre in the center of town . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O O N/A +bos great ! can you help me find a place to stay with free parking and wifi ? eos 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 wifi and parking , is there a particular 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 O O O O O Hotel-Request+Area,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i do n't have a location preference , just so long as its a 4 star place . eos 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 i would recommend the acorn guest house . it is a 4-star facility . 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+Stars O O N/A +bos can you please book it for 5 people for 3 nights starting on friday ? also , i will need the reference number for that . 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 O O O O O O Hotel-Request+Ref +bos your booking was successful . your reference number is 1fnjflcy . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank a lot for your help . that is all . eos O O O O O O O O O O O O general-thank +bos you are welcome , glad to be of assistance . 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-welcome,general-bye +bos i am looking for a hotel by the name of 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 i have a listing for that hotel . it is on the south side and has three stars . can i book you a room ? eos O O O O O O O B-Hotel-Inform+Type 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 Booking-Inform +bos what type of hotel is this and could i get the address ? eos O O O O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Addr +bos it 's a hotel and the address is 53-57 lensfield road . is there anything else i can help you with ? eos 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 O O O O O O O general-reqmore +bos i 'm also looking for a museum located in centre . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A +bos i 'd like to suggest the broughton house gallery . do you need any information on it ? 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 O O O O O N/A +bos yes , can you tell me the entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos good news , it is free to enter ! is there anything else i can assist you with today ? eos O 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 also want to book a taxi . i want to leave the hotel by 18:30. get 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 Taxi-Request+Car,Hotel-Request+Type +bos booked it . it 's a yellow honda , contact 07649871562. anything else you need ? 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 N/A +bos no 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 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 hotel in the south that is moderately priced . eos 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 ca n't find any hotels , but i did find a guesthouse called aylesbray lodge guest house with that criteria . eos O O O O O B-Hotel-NoOffer+Type O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 i 'd prefer a hotel . it should have a 4 star rating . can you check again , please ? 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 N/A +bos unfortunately all we have is the aylesbray lodge guest house eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos okay , do you have any hotels with a 3 star rating instead ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos there 's one with 3 stars - bridge guest house . it 's in the south and is moderately priced , and they have free wifi and parking . would you like to book a room ? eos O O O O O B-Hotel-Recommend+Stars 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 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 Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos i guess that 's fine , book it for 6 people for 2 nights , we 'll be there on thursday . eos O 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 O N/A +bos i was able to book your party of 6 into bridge guest house for 2 nights starting thursday ! reference : gaaqjaqq . can i help more today ? eos O O O O O O 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+Stay O B-Booking-Book+Day O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos yes , i 'm also looking for info on wandlebury country park . eos 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 wandlebury country park is located at wandlebury ring , gog magog hills , babraham . is there any other information you need today ? 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 O O O O O O O O O O O general-reqmore +bos can you give me their phone number please ? eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number for wandlebury country park is 01223243830. do you any further assistance 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 general-reqmore +bos thanks . i want to leave the hotel by 24:45. eos O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos do you mean that you want to book a taxi ? if so , what will your destination be ? eos 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 i do . i want to leave the hotel by 24:45 to go to the park . eos O O 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 will be available and has been booked . eos O O O O O O O O O O O Taxi-Inform +bos wonderful . can you provide me with the contact number ? also , what kind of car is 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 of course , sorry about that . look for a red lexus . the contact number is 07951076280. can i be of further assistance 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 general-greet +bos nope , that 's it . thanks ! eos O O O O O O O O O general-thank +bos very please to have been of assistance today . eos O O O O O O O O O O general-welcome +bos can you tell me about some of the attractions in the center of town ? eos O O O O O O O O O O O O O O O O Attraction-Inform +bos we have dozens of activities in centre . is there a specific type 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 Attraction-Request+Type +bos what one would you recommend and the entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos the castle galleries museum is one most newcomers find interesting , admission is free . 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 O O O B-Attraction-Recommend+Fee O O N/A +bos that sounds great ! i 'm also looking for a place to stay in the same area . i want 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 O O O O O O N/A +bos how about the alexander bed and breakfast , which is a 4 star hotel ? 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 N/A +bos is it cheap and in the same area ? eos O O O B-Hotel-Inform+Price O O O O O O N/A +bos yes , the alexander bed and breakfast is a cheaply priced guesthouse in the centre . 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 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 O O O O O O O O O O O Booking-Inform +bos yes , that sounds good . please book it for 2 people and 3 nights starting from 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 i am so sorry , but the booking was unsuccessful . would you like to change the 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos why do n't we try booking only 1 night ? eos O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos booking was unsuccessful still . can we book another day ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos no , i 'd rather another hotel if possible . eos O O O O O O O O O O O Hotel-Inform +bos would you like me to try el shaddai , it is also in the cheap range . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O general-greet +bos that sounds good . please book for 2 pepole and 3 nights starting on sunday . please provide a 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 Hotel-Request+Ref +bos i am sorry the booking was unsuccessful , can i try a shorter stay ? eos 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 ? eos O O O O B-Hotel-Inform+Stay O N/A +bos booking was unsuccessful . eos O O O O O Booking-NoBook +bos can you get me information on a restaurant called yippee noodle bar ? eos 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 yippee is a moderately priced restaurant in the centre . would you like to book a table ? eos O B-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 O Booking-Inform +bos yes , please . a table for 1 at 11:00 on friday . eos 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 : z4vql3uf . 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 am also looking for an entertainment venue in the town centre . can you help me with that ? eos O O 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 there are no entertainment venues in the town centre . would you like something else ? 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 N/A +bos sure , let 's try nightclubs . eos O O O O O O O O N/A +bos there are no nightclubs in this area . eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O N/A +bos there are no nightclubs in town ? eos O O O O B-Attraction-Inform+Type O O O N/A +bos why yes there are ! 5 to be exact , how can i help you ? eos O O O O O O B-Attraction-Inform+Choice O O O O O O O O O O general-reqmore +bos which club to you recommend , can i get the entrance fee and phone number ? eos 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 recommend kambar . their phone number is 01223842725. and their entrance fee is 5 pounds . eos O O O B-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Phone O O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A +bos thanks for your help . that is all the info i need . eos O O O O O O O O O O O O O O general-thank +bos do you need any more help booking ? eos 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 have a great day . goodbye . eos O O O O O O O O general-bye +bos i need a train to stansted airport from cambridge please . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos ok , what day will you be traveling ? eos O O O O O O O O O O Train-Request+Day +bos thursday . i need to arrive by 12:45. eos O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A +bos the closest to thing i can find is a train leaving at 5:40 on thursday . it arrives at stansted airport at 6:08. is this okay ? eos O O O O O O O O O O O O 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 Train-Select +bos yes , that works . can i get the train id number 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+TrainID +bos the train number is tr7966 , it will cost you 10.10 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 need to find me a room as well . eos O O O O O O O O O O O N/A +bos what part of town would you prefer ? and , do you need internet ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Internet +bos looking for something in the north , cheap price range please . do n't care much about internet . eos O O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Price O O O O O O O O O O O O Train-Request+Price +bos there are two guesthouses that meet your criteria . the city centre north b and b , and the worth house . would you like me to book one of those for you ? eos O O O O B-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 O O O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos sure , saturday for 5 nights and 7 people . eos O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O N/A +bos i have booked the worth house for you . the reference number is g7tdbiju . is there anything else i can help you with ? 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 O O general-reqmore +bos does the worth house have a star rating of 4 ? eos O O O O O O O O O O O O N/A +bos yes , the worth house has a 4 star rating . is there anything else i can help you with ? eos 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 O O O O O O general-reqmore +bos can you book the worth house for 5 nights starting saturday for 7 people . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos your booking was successful . your reference number is g7tdbiju . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you that will be all i need . eos O O O O O O O O O O general-thank +bos okay , have a nice day ! bye ! eos O O O O O O O O O O general-bye +bos i am looking for a train to stansted airport . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos finding a train into the stansted airport will not be a problem . do you have a departure point 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+Depart +bos i will be leaving from cambridge and just need to arrive by 14: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 there are 63 trains that fit that criteria . is there a specific day you need 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 Train-Request+Day +bos right . tuesday . sorry . eos O O B-Train-Inform+Day O O O O N/A +bos no worries ! i have tr8714 departing cambridge at 13:40 and arriving at stansted airport at 14:08. will that work for you ? eos O O 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+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes . i am also looking for a place to stay on the north side of cambridge . the hotel can have a 0 star rating . 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 O N/A +bos city centre north b & b is a cheap guesthouse on the north side . it has free wifi and free parking . eos O B-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 O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds perfect ! i will take it . eos O O O O O O O O O O N/A +bos when would you like to make your reservation for , and for 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 oh , my mistake , i do n't want a booking , just the information . eos O O O O O O O O O O O O O O O O O N/A +bos absolutely ! the city centre north b and b is located at 328a histon road , postcode cb43ht . their number is 01223312843. can i help you with anything else today ? 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 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 general-reqmore +bos yes , i would like to book starting friday , for four nights and five people please . eos O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O N/A +bos i 'm sorry , i could not make that booking . would you be able to book another day or have 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 for only 3 nights ? eos O O O O O O B-Hotel-Inform+Stay O N/A +bos booking was successful for 3 nights at city centre north b and b starting on friday . your reference number is vjkbcf6e . can 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 I-Booking-Book+Name I-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 general-reqmore +bos no , that will do it . thanks for your help ! eos O O O O O O O O O O O O O general-thank +bos no , problem , i hope you have a great day ! eos O O O O O O O O O O O O O general-bye +bos hello , i am looking for a train to leave on monday after 12:45. 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 can we narrow it down by choosing where you want to depart and arrive ? eos 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 to leave after 12:45 on monday eos O O O O O O O O O N/A +bos how about tr6110 that leaves at 13:00 eos O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave N/A +bos that sounds great . thank you so much for your help . eos O O O O O O O O O O O O O general-thank +bos how many people should i book for ? eos O O O O O O O O O Train-Request+People +bos i do n't need anything to be booked but i do need 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 O O O O Train-Request+Duration,Train-Request+TrainID +bos tr6110 has a total travel time of 51 minutes . can i help you with anything else today ? eos 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 O O O O O O general-reqmore +bos yes , can you tell me about the hotpot restaurant ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos it is a chinese restaurant in the north part of town located at 66 chesterton road chesterton eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos can you please book me a table at the restaurant for 2 people ? eos O O O O O O O O O O O O O B-Restaurant-Inform+People O N/A +bos i 'd be happy to help with your request , first i will need to know what day/time 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 O O Booking-Request+Day,Booking-Request+Time +bos thanks ! for 17:45 on monday , please . eos O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O N/A +bos reference number is : vqfazju3 . what else may i help with ? eos O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos 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 you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome +bos i 'm planning a trip to cambridge and need a 4 star place with wifi to stay . it does n't matter if its a hotel or guesthouse , just 4 star please . 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 O O O O O O O O O O N/A +bos there are 21 guesthouses offering free wifi . do you have a price range ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet +bos it should be cheap and include free parking . eos O O O O B-Hotel-Inform+Price O O O O O N/A +bos i have 8 results . what area would you like ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area +bos no particular area . what do you recommend ? eos O O O O O O O O O O N/A +bos i recommend finches bed and breakfast , that 've got some good reviews . 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 N/A +bos oh thats great . please assist to book that for 5 nights starting from saturday and if it fails then tuesday . please send me the reference number when you are done . eos 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 O O O O O O O O O O O Hotel-Request+Ref +bos booking was successful for saturday.reference number is : 5lqhd9su . can i help with anything else ? eos O O O O O B-Booking-Book+Day O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos yes , i 'm looking for entertainment attractions located in the centre . eos O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O N/A +bos i 'm sorry there are no matches . eos O O O O O O O O O Attraction-NoOffer +bos okay , perhaps you can find a college that i can visit . eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are five colleges available in the centre area . how about downing college ? the entrance fee is free . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-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 B-Attraction-Recommend+Fee O O O N/A +bos sounds great . what is the address ? eos O O O O O O O O O Attraction-Request+Addr +bos it is on regent street eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos i also want a taxi to commute between the two places eos O O O O O O O O O O O O Taxi-Inform +bos okay , do you need the taxi to go to the restaurant or the attraction ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Dest +bos i want to leave the attraction at 09:45 and head to the restaurant . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O N/A +bos sure , you will be expecting a black lexus , their contact number is 07988632177 eos 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 thank you so much . eos O O O O O O general-thank +bos you are welcome , enjoy yourself . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a train leaving after 16:30 leaving on monday . eos O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Day 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 want to go birmingham new street from cambridge . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos i have the tr7728 that leaves at 17:01. would you like me to book that 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 O O O O O O Train-OfferBook +bos yes , please . i need a booking for 4 people and i want the reference number . thanks for being so helpful ! 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 N/A +bos i have booked you 4 tickets on tr7728 . your reference number is 3usy2kmx . i hope you have a great trip and can i assist you with anything else ? eos O O O O O O B-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 O O O O O O general-reqmore +bos yes , i 'm also looking for information on the lensfield hotel . 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 yes what would you like to know ? the lensfield is an expensive hotel with free wifi and parking on the city 's south side . eos 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 O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos okay , thanks ! can you please book it for the same group of 4 people for 2 nights , starting saturday ? 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 N/A +bos booking was successful , your reference number is : a4xtcdp7 . 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 , that 's all . good bye . eos O O O O O O O O O O general-bye +bos are you sure you do n't need a taxi or a restaurant recommendation ? eos O O O O O O O O O O O O O O O general-reqmore +bos i need to book a train that leaves after 08:45 on sunday eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day N/A +bos i can help ! where are you traveling to ? eos O O O O O O O O O O O Train-Request+Dest +bos i 'll be traveling to cambridge and want to depart from birmingham new street . what are my options ? 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 O O O O O O N/A +bos the tr9714 leaves at 09:40. eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos can you please provide me with the arrival and travel time ? thank you eos O O O O O O O O O O O O O O O Train-Request+Duration +bos the arrival time is 12:23 , and it 's a long trip - 163 minutes . can i help you with anything else today ? eos O O 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 general-reqmore +bos yes i am looking for colleges to visit in town . eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos okay , there are 18 in town ! what part of town would you like to go to ? eos O 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 whichever one wherever you like best please . eos O O O O O O O O O N/A +bos i personally like to visit christ 's college myself . and , it 's free to enter . would that work for you ? eos O O O 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 O N/A +bos that sounds great . can you give me 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 their address is saint andrew 's street , and their phone number 01223334900. 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 O O N/A +bos great , thanks so much , that 's all that i need ! eos O O O O O O O O O O O O O O general-thank +bos thank you so much for calling cambridge towninfo centre ! it was a pleasure to serve you , we hope you enjoy your 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 general-bye +bos i hear that cambridge has a lot of nice museums , can you tell me more about that ? 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 over 20 museums in cambridge . would you like to know more about museums in a certain 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 O Attraction-Request+Area +bos how about the centre eos O O O O B-Attraction-Inform+Area N/A +bos there are 11 museums in the centre of town , they all have free admission . 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos i 'm also looking for a train going to birmingham new street . eos 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 i can help you with that . where will you be departing from ? do you have a day when 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 Train-Request+Depart,Train-Request+Day +bos yes , i will be departing from cambridge on wednesday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i have quite a few . do you have a departure or arrival time 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 Train-Request+Leave,Train-Request+Arrive +bos i 'd like to leave after 20:00 eos O O O O O O B-Train-Inform+Leave O N/A +bos would you like to leave at 20:01 ? eos O O O O O O O B-Train-Select+Leave O N/A +bos yes that will be fine . eos O O O O O O O N/A +bos train tr8220 departs cambridge at 20:01 and arrives at birmingham new street by 22:44. would you like me to book at seat ? eos 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 I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos yes . please book three seats . eos O O O O O O O O N/A +bos you are all set , the reference number is sdfy690w , 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 thanks that is all eos O O O O O O general-thank +bos thank you very much eos 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 great day and welcome anytime eos O O O O O O general-bye +bos i 'm looking for a place , i think it 's called the arbury guesthouse and lodge . 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 you are correct . the arbury lodge is a great guesthouse located in the north part of town . they are moderately priced and rated 4 stars . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O N/A +bos what is their address ? eos O O O O O O Hotel-Request+Addr +bos their address is 82 arbury road . would you like me to book this hotel ? 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 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 i can book it but will need to know for what day , the time of the booking and for how many 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 O Booking-Request+Time,Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos can you find a train for me as well ? eos O O O O O O O O O O O Train-Inform +bos 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 . eos O O O O O O O O O O O O O O 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 also need a train . 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 departing from stevenage , going to cambridge . friday , want to leave after 12:45. i want the train id , price , and travel time , please . eos O O O B-Train-Inform+Depart O O B-Train-Inform+Dest B-Train-Inform+Day 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+Duration,Train-Request+Price,Train-Request+TrainID +bos tr7785 leaves at 13:54 , 49 minute travel time , for 12.80 pounds . would you like to book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook +bos nope , that 's 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 need a place to stay in cambridge . i 'm looking for a hotel with 0 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 is there a certain 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 i do n't really have an area in mind . i would just like for it to have free wifi and be a hotel instead of 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 B-Hotel-Inform+Type O O O O O O O N/A +bos cityroomz over in centre would work perfectly for you then ! they do have free wifi and are a moderately priced 0 star hotel . would you like a room ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O O O O O Hotel-Recommend+Internet,Booking-Inform +bos yes , i would like to book it for 5 nights for two people starting on monday . eos 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 i have booked the cityroomz for you for 5 nights starting on monday . the reference number is msz63rpw . is there anything else i can help you with today ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O 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 O O general-reqmore +bos yes , i would also like to find a train from cambridge . eos O O O O O O O O O O O B-Train-Inform+Depart O O N/A +bos okay where 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 Train-Request+Day,Train-Request+Dest +bos i am planning a trip in cambridge eos O O O O O O O B-Train-Inform+Dest N/A +bos you 're in the right place ! what can i help you with . eos O O O O O O O O O O O O O O O N/A +bos i want to find out a train schedule for trains leaving from broxbourne . eos O O O O O O O O O O O O O B-Train-Inform+Depart O N/A +bos and where will you be leaving from and what time and on what day please ? eos 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 to depart broxbourne to cambridge leaving after 20:00 on thursday eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O B-Train-Inform+Day N/A +bos there are four trains running from broxbourne to cambridge that night , every hour starting at 20:32. would you like to make a booking ? eos 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes , i need 5 tickets please . eos O O O O O B-Train-Inform+People O O O N/A +bos okay , your booking was successful . the total fee is 89.5 gbp which can be paid at the station . your reference number is stb4rj95 . 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 O B-Train-OfferBooked+Ref O O O O N/A +bos thanks ! i 'm also looking for moderately-priced 4-star accommodations in the north . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O N/A +bos acorn guest house would suits your needs . can i get you a booking ? 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 Booking-Inform +bos yes , i would like to book it . eos O O O O O O O O O O N/A +bos how many nights would you like to book it for ? and will this be for 5 people ? eos O O O O O O O O O O O O O O O O O B-Booking-Inform+People O O Booking-Request+Stay +bos yes , for 5 people and for 2 nights please . eos O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos starting on what day please ? eos O O O O O O O Booking-Request+Day +bos starting on thursday night please . eos O O O O O O O N/A +bos i will work on booking this and be right back with you . eos O O O O O O O O O O O O O O Booking-Inform +bos thank you i appreciate it . eos O O O O O O O general-thank +bos those days are booked would you like to try a different hotel ? eos O O O O O O O O O O O O O O Booking-NoBook +bos can you check one more time ? eos O O O O O O O O N/A +bos booking was successful.reference number is : gvd2tjse . eos O O O O O O O B-Booking-Book+Ref O N/A +bos it 's about time , thanks . that is everything i need . eos O O O O 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 nope , that will be all for now , thanks ! 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 one moment i need to located a hair salon near the hotel can you assist me ? eos O O O O O O O O O O O O O O O O O O Hotel-Inform +bos sorry i could not find a salon nearby . eos O O O O O O O O O O Booking-NoBook +bos that 's fine i did n't actually need one . i do n't need anything else . that 's it . thanks and 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 i 'm glad i could help you today . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i need to take a train , i want to leave on wednesday after 11:00. eos 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 sure , what is your destination ? eos O O O O O O O O Train-Request+Dest +bos from broxbourne to cambridge . eos O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos i have 13 trains that would work . they depart every hour , starting at 11:32. what time would you like to arrive in cambridge ? 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 O O O O O O O O B-Train-Inform+Dest O O Train-Request+Arrive +bos arrival time does n't matter as long as i leave after 11:00. eos O O O O O O O O O O O B-Train-Inform+Leave O Train-Request+Arrive +bos i can help you with that , how many tickets do you need ? eos O O O O O O O O O O O O O O O Train-Request+People +bos i just need information right now . would you choose a train leaving after 11:00 ? i need the train id , arrival time and price , please . eos 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 O O O O O O Train-Request+Price,Train-Request+Arrive,Train-Request+TrainID +bos tr5953 arrives by 12:32 and costs 17.90 pounds per ticket . the travel time is 60 minutes eos 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 B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you , can you help me find an indian restaurant in the centre ? eos 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 there are several indian restaurants to choose from , are you looking for a certain price range ? 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 O O Restaurant-Request+Price +bos i want the restaurant to be expensive . eos O O O O O O O B-Restaurant-Inform+Price O N/A +bos there are six options but my personal favorite is saffron brasserie , would you like a booking or just more information ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 i trust your opinion . please book a table at saffron brasserie for 5 people at 15:15 on wednesday . eos O O O O O 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 N/A +bos your reservation was made at the saffron brasserie . your reference number for your reservation is 0b8pedpb . 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 B-Booking-Book+Ref O N/A +bos thank you so much . that was everything i needed ! eos 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 i need a hotel to stay at that is 3 stars . i would preferably like one that has free wifi at it , and possibly close to the local restaurants . eos 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 O O O O O O O O O O O O O N/A +bos try gonville hotel located at gonville place . eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O N/A +bos ok , sounds good . what is the price ? eos O O O O O O O O O O O N/A +bos gonville hotel is in the expensive price range . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O O N/A +bos oh , that wo n't work . i need it to be cheap . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are n't any cheap 3 star hotels that have free wifi . do you have alternative preferences ? eos O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Stars B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O O O O O Hotel-NoOffer+Internet +bos how about one in the expensive price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are 2 , one in centre , and one in the south , which would you like more ? eos O O O B-Hotel-Select+Choice O O O O O B-Hotel-Select+Area O O O O O O O O O O O N/A +bos the one in the south . can you book it for me ? eos O O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos i can book the lensfield hotel , how many people will be staying ? eos O O O O O O O O O O O O O O O Booking-Request+People +bos i need it booked for 2 people for 5 nights starting thursday . 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 okay i have you booked at the lensfield hotel starting thursday for 5 nights for 2 people . 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 B-Booking-Book+Day O O B-Booking-Book+Stay O O B-Booking-Book+People O O O O O O O O O N/A +bos can i get the reference number on that ? also i would like to book a restaurant as well in the same 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 N/A +bos of course , the reference number is 41a4ls9o . we have 57 restaurants in the expensive price range . what type of food are you interested in eating ? eos O O O O O O O B-Booking-Book+Ref 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 O O Restaurant-Request+Food +bos i would like fusion food and please make sure the restaurant is located in centre . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos i apologize , i do not have any fusion options available in the town centre . would you like to try another type of food ? 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 Restaurant-Request+Food +bos could you try european ? i 'd like a booking for the same group of people at 17:45 on the same day . eos O O O O B-Restaurant-Inform+Food 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 i am unable to get a reservation for 2 at 17:45. should i try a different 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 yes i suppose , how about 16:45 instead ? eos O O O O O O B-Restaurant-Inform+Time O O O N/A +bos you have a reservation for 2 at eraina on thursday at 16:45. your reference number is 80v5lksu . eos O O O O O O O B-Booking-Book+People O O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O N/A +bos sounds great ! i 'd like to book a taxi to commute between the two . eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos alright , when would you like to leave and arrive by ? eos O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i want it to arrive at the restaurant at the booked time . eos O O O O O O O O O O O O O O N/A +bos ok i have a yellow ford able to pick you up ! is there anything else i can do for 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 O O O O O O general-reqmore +bos can i please have the contact number for the taxi ? eos O O O O O O O O O O O O Taxi-Inform +bos of course , my apologies for the oversight . their contact number is 07149496005. eos O O O O O O O O O O O O B-Taxi-Inform+Phone O O N/A +bos great . looks like i have all the information i need . thanks so much . bye . eos O O O O O O O O O O O O O O O O O O O general-bye +bos good night , enjoy your stay at cambridge . eos O O O O O O O O O O general-bye +bos yes , i am looking for a place to stay in the south that has free parking . eos O B-Hotel-Inform+Parking 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 price range ? eos O O O O O O O O Hotel-Request+Price +bos no , but i need free wifi , too . eos O O O O O O O O O O O N/A +bos we have 3 guesthouses and 1 hotel that fit your needs . would you like to stay in a hotel or a guesthouse ? eos O O O O B-Hotel-Select+Type I-Hotel-Select+Type 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 N/A +bos a hotel please . i would like to book it for 6 people for 5 nights starting friday . i will need a reference number too . eos O O B-Hotel-Inform+Type 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 Hotel-Request+Ref +bos all right , i 've booked you a room at the lensfield hotel . the reference number is ytmc5ll4 . what else can i do for you ? 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 B-Booking-Book+Ref O O O O O O O O O O O O N/A +bos that 's all i need , thanks . bye . eos O O O O O O O O O O O general-bye +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 i 'm looking for a restaurant called `` restaurant one seven '' . can you help me ? 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 O N/A +bos it is in the centre of town located at de vere university arms regent street city centre eos 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos that is the one . can you make a reservation for 6 on friday please ? 12:00 would be good . eos O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O O O O N/A +bos i booked that for your for a party of 6 at noon on friday . the reference number is : 6wsk0kxy . is there anything else you need ? eos O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time I-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 general-reqmore +bos what is the price range of this restaurant ? eos O O O O O O O O O O Restaurant-Inform +bos it 's a moderately priced restaurant . eos O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos i am also looking for a place to stay in the centre . it should be cheap . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O N/A +bos alexander bed and breakfast is a nice 4 star guesthouse . can i book a room for you ? eos 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 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 they do . shall i book it ? eos O O O O O O O O O Booking-Inform,general-greet +bos can you tell me if this a hotel or guesthouse and whether or not they have free parking 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+Parking +bos it is a guesthouse and they have parking . would you like to book that ? 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,Hotel-Inform+Parking +bos actually they will do but no need to book , i was just getting information . eos O O O O O O O O O O O O O O O O O N/A +bos ok great , 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 is the parking free ? ? eos O O O O O O O Hotel-Request+Parking +bos yes . parking at alexander bed and breakfast is free . 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 Hotel-Inform+Parking,general-greet +bos okay , thank you for all the help . eos O O O O O O O O O O general-thank +bos anything else today ? eos O O O O O general-reqmore +bos that is it for today thanks for askin eos O O O O O O O O O general-thank +bos have a good afternoon . bye . eos O O O O O O O O general-welcome,general-bye +bos need a moderately priced hotel with 4 stars . eos O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O Restaurant-Request+Price +bos i 'm sorry , there are no moderately priced 4 star hotels in town . would you like to try a different rating or price ? eos O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price I-Hotel-NoOffer+Price B-Hotel-NoOffer+Stars 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 could you find me something that includes free parking and wifi ? eos O O O O O O O O O O O O O N/A +bos the ashley hotel is located in the north and has a 2 star rating in the moderate price range 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 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 Booking-Inform +bos great can i book a room for 7 people for 2 nights starting thursday ? 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 N/A +bos i booked you rooms for 7 people staying 2 nights at ashley hotel . your reference number is zwcf98nw . can i help you with anything else today ? 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 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 restaurant in centre of town serving british food eos O O O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Food O N/A +bos there are several is there a certain price range you are looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Price +bos not really , but can you tell me the phone number and price range for your favorite one ? eos 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+Price +bos my favorite is fitzbillies restaurant . it 's in the expensive price range and you can reach them at 01223352500. eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+Phone O O N/A +bos i need a taxi to get between the two places . eos O O O O O O O O O O O O Taxi-Inform +bos 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 . eos O O O O O O O O O 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,Taxi-Request+Leave +bos i need it by 21:45 from the restaurant to the hotel . i also want to know the car type and the contact number . eos 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 O Taxi-Request+Car +bos ok great , i have you booked in a grey tesla and the contact number is 07579479936. 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 O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , that is all thank you so much . bye . eos 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 looking for information in cambridge . eos O O O O O O O O O N/A +bos are you looking for a certain type of attraction in cambridge ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos i need a train going to cambridge , departing from london liverpool street on tuesday and would like to arrive by 12:45 eos 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 B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A +bos the tr0088 departs at 9:39 and arrives at 11:07 eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos i 'd like to book for 6 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos alright ! that 's taken care of and your reference number is zm4qyupu . 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 can you give me info on museums in town ? eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are 23 musuems to choose from . eos O O O O B-Attraction-Inform+Choice O O O O N/A +bos do you have a favorite ? pick one for me please . i need the postcode . eos 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 classical archaeology is in post code cb39da . is there anything else that 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 B-Attraction-Inform+Post O O O O O O O O O O O O O general-reqmore +bos i would also like information for a restaurant near the museum . eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos okay . would you like to narrow it down by 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+Price,Restaurant-Request+Food +bos i actually do n't need anymore information , thank you . eos O O O O O O O O O O O O general-thank +bos very well , we are here if you changed your mind , 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 'm looking to find a place to stay in cambridge , if you could help me ? eos 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 . are there any particular amenities you are looking for in 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 Hotel-Request+Stars,Hotel-Request+Parking,Hotel-Request+Internet +bos i 'm looking for a place that has free wifi , in the expensive price range , and it should be a hotel with a 4 star rating . eos 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+Type O O O B-Hotel-Inform+Stars O O O O O N/A +bos there is huntingdon marriot hotel in the west and university arms hotel in the centre , do you want me to book you for one of them ? eos 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 B-Hotel-Select+Area O O O O O O O O O O O O O Booking-Inform +bos can i get the phone numbers please ? eos O O O O O O O O O Taxi-Request+Phone +bos huntingdon marriott hotel 's number is 01480446000. university arms hotel 's number is 01223351241. is there anything else i can help with ? 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 i also need a place to eat that serves indian food and should be in the south 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 N/A +bos i have the taj tandoori that is in the expensive price range . this is the only option i have . would you like 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+Price O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Booking-Inform +bos no thank you . this is all the information i need at this time . eos O O O O O O O O O O O O O O O O general-thank +bos ok. have a nice day ! eos O O O O O O O general-bye +bos hey , any good chinese places on the southside ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos there are three chinese places in the south , two are expensive and one is cheap . is there a particular price you want or would you like a reccomendation ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Choice I-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+Price +bos i 'd like one of the expensive ones . which is your favorite ? eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos the peking restaurant is a great option , 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 O O O O O O O O O O O O O O O Booking-Inform +bos yes , that 'd be great . please make a reservation for 5 people for monday at 17:45. 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 N/A +bos no problem , i will book it for you now . eos O O O O O O O O O O O O Booking-Inform +bos can i get the refrence number ? eos O O O O O O O O N/A +bos ok , your table is booked . reference number is fhzmukmo . 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 O general-reqmore +bos no that will be all thank you . eos O O O O O O O O O general-thank +bos i hope you enjoy your time . eos O O O O O O O O general-bye +bos oh , you know , i need a guesthouse in the same area of town . i need it for 4 nights starting on monday for 5 people . eos 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+Stay O O O O O O O O O N/A +bos okay , i recommend rosa 's bed and breakfast . would you like me to book 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 O O O O O O O O O O Booking-Inform,Hotel-Select +bos ok i will book it for you eos O O O O O O O O N/A +bos actually i will handle the booking on my end . would you like me to proceed per your request ? 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 yes , please . after booking , will you please send me the reference number ? eos 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 . your reference number is d1x8g7qx . 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 , i believe that is everything . thank you ! eos O O O O O O O O O O O O general-thank +bos you are so welcome , have a nice trip eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a cheap asian oriental restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos there are 5 asian oriental restaurants available . are you interested in a particular area or price range ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos is there one in the centre ? eos O O O O O O B-Restaurant-Inform+Area O N/A +bos yes , 4 of them are in the centre of town . two of them are cheap , one moderate , and one expensively priced . would you like to book one of them ? eos O O O B-Hotel-Inform+Choice 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 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 Booking-Inform +bos can you select one of the restaurants with the cheap price range in the center of town ? eos 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 dojo noodle house would be an option for you eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos book a table for 4 people at 17:00 on friday . 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 booking was successful . the table will be reserved for 15 minutes.reference number is : k77jvt2u . 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 i am also looking for a hotel 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 there are two guesthouses and three hotels in the centre of town . perhaps we can narrow it down by price range . eos O 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 O O O O Hotel-Request+Price +bos same price range as the restaurant please eos O O O O O O O O N/A +bos i recommend alexander bed and breakfast , would you like more information or a booking . 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 Booking-Inform,general-reqmore +bos is it a 4-star guesthouse ? eos 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 yes it is 4 star eos O O O O O B-Hotel-Inform+Stars N/A +bos great , i need a room for 4 and 3 nights starting from friday . eos O O O O O O O O O O B-Hotel-Inform+Stay 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 Hotel-Request+Area +bos i would like it to be in the centre of town . eos O O O O O O O O O O O O O N/A +bos done ! your reference number is 8f3g9dy8 . 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 that is all , thank you . eos O O O O O O O O general-thank +bos i am glad i could be of service . have a great day . eos O O O O O O O O O O O O O O O general-bye +bos i am looking for a hotel with free parking but wifi is n't a necessity . eos O O O O O O O O O O O O O O O O O N/A +bos i have many possibilities for you . do you have a certain area or price range 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 O Hotel-Request+Area,Hotel-Request+Price +bos i would like it to be cheap . eos O O O O O O O B-Hotel-Inform+Price O N/A +bos do you have a preference of hotel or guesthouse ? eos O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos hotel please . eos O B-Hotel-Inform+Type O O N/A +bos i found just one . the cambridge belfry located on back lane , cambourne . it has a great reputation . 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 postcode ? eos O O O O O O O O O Hotel-Request+Addr +bos their phone number is 01954714600 and address is back lane , cambourne . eos O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos i am also looking for a place to dine eos O O O O O O O O O O N/A +bos do you want a restaurant near the hotel in the west ? do you have a price range or 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 O O Restaurant-Request+Area,Restaurant-Request+Price +bos it should be in the same price range as the hotel . eos O O O O O O O O O O O O O N/A +bos i have two options for you italian food or vietnamese food . which would you like ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O Restaurant-Select +bos i actually really want some turkish food . can you find a place in the centre that is cheap ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos i dont have anything that matches your description . 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 Restaurant-NoOffer,general-reqmore +bos please check again for a cheap turkish restaurant in the centre . if not , try indian food . 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 N/A +bos i just do n't see anything i would be happy to change location or 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+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos hm is there a cheap turkish food restaurant anywhere in cambridge ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos no there is not . can i try a different price range ? eos O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-NoOffer +bos do you have any cheap restaurants in the centre ? eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos lots ! any particular cuisine in mind ? eos O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Food +bos no , do you have one you recommend ? eos O O O O O O O O O O N/A +bos i would recommend j restaurant . it 's an asian oriental restaurant and i hear the food is amazing . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O N/A +bos ok that will work . i need the address , phone , post code for that . eos 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 is 01223307581. eos O O O O O B-Restaurant-Inform+Phone N/A +bos thank you . i still need the address and postcode . eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos their address is 86 regent street city centre postcode cb21dp . would you like me to book you a table ? 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 B-Restaurant-Inform+Post O O O O O O O O O O O Booking-Inform +bos no thanks , that 's all for now . 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 hotel called the acorn guest house . could i get the address ? 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 Attraction-Request+Addr +bos acorn guest house is located at 154 chesterton road , cb41da . it 's a 4-star guesthouse in the north . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O N/A +bos great . i need to make a reservation starting on saturday . eos O O O O O O O O O O O O O N/A +bos and how many nights would you like to stay ? eos O O O O O O O O O O O Booking-Request+Stay +bos 5 nights starting from saturday . eos O O B-Hotel-Inform+Stay O O 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 6 people and 5 nights starting from saturday . eos O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O B-Hotel-Inform+Day N/A +bos your reservation for 5 people at the acorn guest house this saturday for 6 days 5 nights was successful . your reference number is : me1d0s58 . eos O O O O O B-Booking-Book+People O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name 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 N/A +bos thanks so much . can you tell me the address for a place called castle galleries ? 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 Attraction-Request+Addr +bos the address for castle galleries is unit su43 , grande arcade , saint andrews street . eos 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 N/A +bos great . i would like a taxi to pick me up there at 21:00. eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos will you be heading to the hotel ? eos O O O O O O O O O Taxi-Request+Dest +bos yes , i would like to head to and from the attraction . eos O O O O O O O O O O O O O O N/A +bos alright , i have a red skoda scheduled to pick you up . the contact number is 07634294072. 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 O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos nope that should do it . thanks much , goodbye ! eos O O O O O O O O O O O O general-bye +bos let us know if you need further help . good bye . eos O O O O O O O O O O O O O general-bye +bos i need a moderately priced restaurant on the east side 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 here are two suggestions on the east side , curry prince , indian cuisine , and pizza hut fen dittion , italian . eos O O O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area 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+Food O O O O N/A +bos please book a table for two at the curry prince on sunday at 15:45 eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos your booking has been completed . eos O O O O O O O Booking-Book +bos can i have a reference number please ? eos O O O O O O O O O N/A +bos yes your booking was successful and your reference number is sn8pdt2i . 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 place to stay . eos O O O O O O O O O O O O general-thank +bos do you have any preferences on location or price range ? eos O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos i would like it to be a guesthouse and have a 4 star rating . eos O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O N/A +bos i have 18 results that fit your criteria . what area would you like to stay in , and 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 O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i would like something moderately priced and include free parking . eos O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos i would recommend the carolina bed and breakfast , which is located on the east side of town . would you be interested in booking a room ? 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 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 book a for the same group 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 N/A +bos booking was successful . your reference number is kldpgq5d . 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 wanted some help booking a taxi if that 's possible . eos O O O O O O O O O O O O O O Taxi-Inform +bos absolutely ! what time would you like me to set up a taxi ? eos 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 be at the restaurant by 15:45. eos O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos would the taxi be picking you up at the carolina bed and breakfast ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos yes please . and i 'd 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 what will your destination be ? eos O O O O O O O Taxi-Request+Dest +bos the restauarant by 15:45 , please . eos O O O O O O O O N/A +bos do you have a preference in car ? eos O O O O O O O O O N/A +bos just something to get me from point a to point b , please . eos O O O O O O O O O O O O O O O N/A +bos your taxi is a white toyota . your contact number is 07519034481. may i help with something else ? eos 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 no , that 's all for today . thank you so much . eos O O 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 hi i 'm looking to stay at a place with a 3 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 prefer a hotel or a guesthouse ? eos O O O O O O O O O O Hotel-Request+Type +bos i would like a hotel . eos O O O O O B-Hotel-Inform+Type O N/A +bos gonville hotel is in the centre with three stars and free parking . would that suit you ? eos 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 O Booking-Inform,Hotel-Inform+Parking +bos yes that would be just fine . 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 there are 8 of us , staying 5 nights , beginning on saturday . eos O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O N/A +bos very good , i 'll go ahead and try to make that booking for you . eos O O O O O O O O O O O O O O O O O Booking-Inform +bos i 'll will need the reference number please . eos O O O O O O O O O O Hotel-Request+Ref +bos thank you the reference number is ah91827rt45c welcome eos O O O O O O O B-Booking-Book+Ref I-Booking-Book+Ref general-welcome +bos howdy ! i 'm in town for the night and need a place to stay . i 'd like a four star joint with free parking , if you 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 nice ! i hope you enjoy this beautiful city , i found 5 hotels for you . what is your price range ? 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 Hotel-Request+Price +bos i do n't have a price range . as long as it 's nice . eos O O O O O O O O O O O O O O O O Hotel-Request+Price +bos is there a particular area of the city where you 'd like to stay ? eos 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 area , either . but do you have 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 O N/A +bos i have 16 guesthouses that are 4 star and have parking , do you have any other requirements to help narrow the search ? 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 O N/A +bos do any of those have free wifi ? eos O O O O O O O O O N/A +bos yes . there are a number of hotels with wifi . archway house is one of them that i can recommend . eos O 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 O Hotel-Inform+Internet +bos sure , what is its address and price range ? eos O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Addr +bos archway house is in the moderate price range . they are located at : 52 gilbert road . anythign else you need ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 what is the price range ? eos O O O O O O O Hotel-Request+Price +bos i 'm sorry , i only know that it is moderately priced . can i book a room for you ? eos 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 Booking-Inform +bos no that 's fine . eos O O O O O O N/A +bos is there anything else you will need today ? eos 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 general-thank +bos you have a nice day . good bye . eos O O O O O O O O O O general-bye +bos i am looking for a place to stay that is a guesthouse with free parking please . 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 i have lots of guesthouses available with parking , do you have a preference for area ? 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 Hotel-Request+Area,Hotel-Inform+Parking +bos no , but i do need free wifi as well as free parking . eos O O O O O O O O O O O O O O O N/A +bos do you have a preference for price range ? eos O O O O O O O O O O Hotel-Request+Price +bos no , the price range is flexible . i would like to book a room on wednesday for 2 people , 2 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 N/A +bos can i book you in at the allenbell ? it is cheap and in the east . eos 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+Area O O Booking-Inform +bos that will do . and that is for 2 people for 2 nights starting 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 N/A +bos sorry , there is n't any vacancy for those days . would you care to stay just the wednesday ? 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 sure , let 's try for just one night and see if that works 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 . can i get you anything else ? eos O O O O O O O O O O O O Booking-Book,general-reqmore +bos the reference number please ! eos O O O O O O Hotel-Request+Ref +bos your reference number is lpmf11yc . eos O O O O O B-Booking-Book+Ref O N/A +bos thanks for your help . i 'm all set . bye . eos 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 can 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 we have 18 colleges . is there a certain area 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 Attraction-Request+Area +bos not really , what do you suggest ? can i have 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 O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos sue i suggest christ 's college that is in the center , has a postcode of cb23bu , an address of saint andrew 's street and the entrance is free of cost . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area O O O O B-Attraction-Recommend+Post O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O N/A +bos thank you . can you also find me a mediterranean restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos what is our price range ? eos O O O O O O O Restaurant-Request+Price +bos 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 . eos O O O O O O O O O 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 recommend la mimosa at thompsons lane fen ditton . would you like me to book it for you ? eos 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 O O O O O O O O O O O Booking-Inform +bos is that in the centre area ? eos O O O O O O O O N/A +bos yes it is in the centre eos O O O O O O B-Restaurant-Inform+Area N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos the address is thompsons lane fen ditton 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 you book a taxi for me to get from christ 's college to la mimosa ? i 'll need to leave christ 's college by 02:30. please give contact number and car type . eos 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 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 your booking is complete . the booked car type is a white tesla . the contact number is 07844314438. 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 N/A +bos thank you for your help ! eos O O O O O O O general-thank +bos you are welcome . 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 general-welcome,general-reqmore +bos that is all for today , thanks for the help ! eos O O O O O O O O O O O O general-thank +bos happy to help , good day too . eos O O O O O O O O O general-welcome,general-bye +bos i would like to get a hotel room that is in the north and is priced moderate . eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O N/A +bos there are 9 guesthouses and 2 hotels to choose from . which type of lodging do you prefer ? eos 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 Hotel-Select +bos it does n't matter , but i do need it to have free internet . eos O O O O O O O O O O O O O O O O N/A +bos the acorn guest house is located in the north and is moderately priced and has internet access . 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 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 O Booking-Inform,Hotel-Inform+Internet +bos yes please . book it for 8 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 O N/A +bos i 'm sorry , that booking was n't available . could you perhaps stay a shorter time period ? 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 ok , let 's try it for 8 people for two nights starting from monday . eos O O O O O O O O O O O O O O O O O N/A +bos your reservation was successful . your reference number is oou8klra . 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 we would like to eat near the hotel , something austrian ! eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are no austrian restaurants in the north area , can i try something else ? eos 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 N/A +bos darn , okay , how about italian instead ? eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos the da vinci pizzeria is located in that area . would you like me to make a reservation ? 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 Booking-Inform +bos yes please . can i make the reservation for monday at 19:00 for 8 people ? 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 N/A +bos your table for 8 has been reserved , and they 'll hold it for you for 15 minutes . reference number is mucncvpd . need further assistance ? eos O O O O O B-Booking-Book+People 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 N/A +bos what kind of car is reserved ? eos O O O O O O O O N/A +bos 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 ? eos O O O O 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 . please let me know the contact number and car type for the taxi . eos O O O O O O O O O O O O O O O O O Taxi-Request+Car +bos your taxi will be a yellow toyota . the contact number is 07923389673.. 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 thank you that will be all all 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 want to book a hotel of moderate price in the south . eos O O O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area N/A +bos there are no hotels in the range , but two guesthouses in the south moderately priced . would they be something you would consider or do you want another search ? eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Price O O O O O O O O O O O O O O O O Hotel-Select,general-reqmore +bos i need one in the south , moderate price , free wifi . eos O O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Price O O O O O O N/A +bos there are two guesthouses in the moderate price range in the south side of town with free wifi . one 3 and one 4 star . can i book one for you ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 O Booking-Inform,Hotel-Inform+Internet +bos oh . one more thing . is there free parking ? eos O O O O O O O O O O O O Hotel-Request+Parking +bos both options have free parking available . eos O O O O O O O O Hotel-Inform+Parking +bos okay , could you book one for me ? eos O O O O O O O O O O N/A +bos i would love to but our system is down right now . eos O O O O O O O O O O O O O N/A +bos can you please give it one more try . eos O O O O O O O O O O N/A +bos 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 ? eos O O O O O O O O O O O O O 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 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 nightclub . eos O O 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 O O O O N/A +bos there is quite a few , how about soul tree nightclub , it 's a real hot spot ! eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-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 N/A +bos sounds great , i need their postal can i also book a taxi from the attraction to the hotel at 01: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 O Attraction-Request+Post +bos cb23qf is the postcode . eos O B-Attraction-Inform+Post O O O O N/A +bos i also need to book a taxi from the attraction to the hotel leaving by 01:15. eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos a black bmw is booked . the contact number is 07078788230 eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Phone O N/A +bos okay , great . thanks for all your help today . i appreciate it . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye +bos it is a pleasure to have assisted you ! goodbye ! eos O O O O O O O O O O O O general-bye +bos i 'm looking for a 4 star hotel and it does n't have to include internet . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O N/A +bos unfortunately , i 'm unable to find any four star hotels without internet . what about a three star instead ? 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 O O O Hotel-NoOffer+Internet +bos what about a 4 star located in the east the only has free parking . internet it does n't really matter either way eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Parking O O O O O O O O O O N/A +bos unfortunately , i am still unable to find any four star hotels with free parking . would you like for me to check three star hotels ? eos O O O O O O O O O B-Hotel-NoOffer+Stars 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-NoOffer+Parking +bos no i really want a 4 star hotel in the east , how about one with only free wifi ? eos 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 O N/A +bos unfortunately there are no 4 star hotels located in the east at all . if you like i can either search a different area or search 3 star hotels . eos O 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 O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Stars +bos ok. are there any 4 star hotels with free wifi ? eos O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos not in that area . may i check another area ? eos O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos what is the most eastern located 4 star hotel ? eos O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos university arms hotel is an expensive 4 star hotel located in the centre . would that work ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O O O O Hotel-Select +bos ok , lets go with that then . can you book me a room for thursday for 3 people , 2 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+Stay O B-Hotel-Inform+People O O O O O N/A +bos unfortunately , that hotel is n't available on those dates . would you like me to find another 4 star hotel 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,general-reqmore +bos yes please . please recommend a hotel that is available thursday for 3 people , 2 nights as far east as possible . eos 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 B-Hotel-Inform+Area O O O O N/A +bos i do have guesthouses available in the east area that are 4 stars , would a guesthouse work or does it have to be a hotel ? eos O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O Hotel-Select +bos as long as it 's 4 stars with free parking , any type of hotel works . 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 all hotels are booked . is there another day you can book ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos there are no 4 star hotels or guesthouses in the east available for 3 people for 2 nights starting on thursday ? eos O O O O O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos no , i 've tried all the 4 star hotels in the east . may i check another area or 3 stars ? eos 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 i really need to stay in the east . can you check again ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos the allen bell is a guesthouse in the east with free wifi and parking , would you like 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 I-Hotel-Inform+Name 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 it for 3 people for 2 nights starting from thursday . also provide the reference number eos 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 am sorry . the allenbell does not have that available . would you like to book another day or try a shorter stay ? 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 O O O O O O Booking-Request+Day,Booking-Request+Stay +bos 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 4 stars 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 O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos i was not able to book for that date or for that stay . would you like to try a different date or 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 O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos i want a hotel for 3 people and 2 nights , with free parking . is there nothing in the city that fits those requirements ? eos O O O O B-Hotel-Inform+Type 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 N/A +bos i have found the express by holiday inn cambridge in the east that has free parking . would you like me to book that 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 O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos at this point i 'll take what i can get . book it . eos O O O O O O O O O O O O O O O N/A +bos the booking was unsuccessful , can you pick a different 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+Day,Booking-Request+Stay +bos try for one day . eos O O O O O O N/A +bos sorry , looks like they 're all booked up . maybe try 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+Day +bos can you please try to find me another hotel in the east with at least four stars ? 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 do you have a specific price range in mind ? eos O O O O O O O O O O O Hotel-Request+Price +bos nope , i 'll take anything on the eastside that 's 4 stars and offers either free parking or wifi , booked for 3 people and 2 nights starting from thursday . 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 B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O O O N/A +bos okay , you 'll be at the allenbell and your reference number is 19oo1lbj . eos 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 was all i needed . goodbye . eos O O O O O O O O O O O O general-bye +bos ok , i 've booked the allenbelle guesthouse , 517a coldham lane , phone # 01223210353. reference # rz2ba37v . everything is exactly how you 'd requested . can i help 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 O O O O O O O O O O O O general-reqmore +bos i 'm also looking for an expensive restaurant near the hotel . can you help with that ? 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 have about 5 different options available for you . which type of cuisine ? i have indian , gastropub , chinese and british . eos O 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+Food I-Restaurant-Inform+Food O O O O Restaurant-Request+Food +bos we 're not picky as long as it 's on the same day at around 17:00 for 3 eos O O O O O O O O O O O O O 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 : w1epti7s . 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 was 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 general-bye +bos you 're welcome , have a good day ! eos O O O O O O O O O O general-welcome +bos can you help me find a chinese restaurant please ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sure i can . we have 17 chinese restaurants . is there an area of town you 'd prefer ? 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 Restaurant-Request+Area +bos i would like to be in the centre of town , and if it could be inexpensive , that would be ideal . 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 N/A +bos how about the charlie chan restaurant ? eos O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O N/A +bos do they have a table available for 5 people on wednesday night ? eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O N/A +bos for what time please ? eos O O O O O O Booking-Request+Time +bos i would like the reservation at 19:30 please . eos O O O O O O O B-Restaurant-Inform+Time O O N/A +bos i 'm sorry but i was unable to make a booking . could 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+Time,Booking-Request+Day +bos can you try 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 O Restaurant-Inform +bos i am sorry there are no others in the same area and price range . eos O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos what about another restaurant in a different area but same price range ? eos O O O O O O O O O O O O O O N/A +bos i am sorry there are no others in any other areas , could i check another 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,Restaurant-NoOffer +bos no thank you i need it in that area and pricerange . eos O O O O O O O O O O O O O general-thank +bos there is an asian oriental cheap restaurants called dojo noodle bar . would you like to book there instead ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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,Restaurant-Select +bos i suppose that would be all right . eos O O O O O O O O O N/A +bos a table is reserved for you at dojo noodle bar . your reference number is aeqlol33 . 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-Restaurant-Inform+Ref O O N/A +bos thank you for all your help today . eos O O O O O O O O O N/A +bos have a lovely day . goodbye . eos O O O O O O O O general-bye +bos hi , i need a place to stay with free wifi and 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 O N/A +bos i have 17 hotels in the moderate range that offer internet access . do you have a particular part of town you wish 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 Hotel-Request+Area,Hotel-Inform+Internet +bos i prefer the eastern part of town and something that is 4-star rated . eos O O O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O N/A +bos i have 3 hotels listed that have of your requirements . do you have any parking needs ? 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+Parking +bos yes i am looking for free parking . eos O O B-Hotel-Inform+Parking O O O O O O Hotel-Request+Parking +bos carolina bed and breakfast has free parking and is moderately priced . can i book a reservation 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos no thanks , i am not quite ready to make a reservation yet . thanks for the information . eos O O O O O O O O O O O O O O O O O O O O general-thank +bos alright , can i get anything else ? eos O O O O O O O O O general-reqmore +bos no , that 's all i need . i 'm going to give the hotel a call . 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 Hotel-Inform +bos excellent . have a good one ! eos O O O O O O O O general-welcome,general-bye +bos i need a hotel to stay in the north part of the town . eos O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O O N/A +bos sure , there are 2 of them . i would recommend the lovell lodge at 365 milton road . can i book it for you ? eos O O O O O B-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 Booking-Inform +bos does it offer free parking ? eos O O O O O O O N/A +bos yes , and free wifi . eos O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos perfect . i need to book it for 7 people staying 5 nights . we will be arriving on saturday . 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 B-Hotel-Inform+Day O O O N/A +bos your room is booked ! please do n't lose your reference number : xr73pkhc is there anything else i can help with ? perhaps a restaurant reservation ? 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 O O O O Booking-Inform,general-reqmore +bos thanks ! i 'm also looking for an expensive place to dine . i 'd like to eat hungarian food . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos unfortunately , i do n't have any expensive hungarian restaurants listed . is there a different price range or food type that i can find for you ? 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 O O O O O O O N/A +bos how about british food then . expensive british food . eos O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O N/A +bos there are 6 great restaurants to choose from . are you looking for a particular area 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 O Restaurant-Request+Area +bos no , but im need british food for the same group of people at 17:45 on the same day eos 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 O N/A +bos well i have many . shall i choose one for you ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Select +bos yes , please pick one for me . eos O O O O O O O O O N/A +bos i have booked you a reservation on saturday at the cambridge chop house . your reservation number is 28xensml . 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+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 need a taxi 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 O O Restaurant-Inform,Taxi-Inform +bos your booking is completed . car type , yellow bmw and contact number 07980498702. will there be anything else i can assist you with today ? 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 O O O O O O O general-reqmore +bos thank you . that is all that i need today . eos O O O 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-greet +bos wonderful time too eos O O O O N/A +bos great let us know if you need anything else . bye ! eos O O O O O O O O O O O O O general-bye,general-reqmore +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 rd , cambridge cb20qq . eos O O O O O O O O O O O O N/A +bos thanks for the help , bye ! eos O O O O O O O O general-bye +bos sure , good luck ! eos O O O O O O general-bye +bos i 'm looking for an italian restaurant that is moderately priced . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A +bos stazione restaurant and coffee bar is available eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos could you give me the address and phone number of both please ? eos O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos yes , the phone number is 01223352607. eos O O O O O O B-Restaurant-Inform+Phone O N/A +bos could i get the address as well ? eos O O O O O O O O O Hotel-Request+Addr +bos the address is market hill city centre . is there anything else you need ? 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 general-reqmore +bos i would like to book a table there for 6 people at 11:00 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 . reference number is g9ytgb8m . 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 O general-reqmore +bos i 'm looking for an expensive guesthouse with a 4 star rating which provides free parking . is that possible ? eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O O O O O O O N/A +bos it looks like there are n't any 4 star guesthouses that are expensive . would you like me to try a different star rating or price ? 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+Price O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars +bos how about a moderate price range ? eos O O O O B-Hotel-Inform+Price O O O N/A +bos yes , 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 i 'm sorry , i would prefer an expensive guesthouse that includes free parking . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos i 'm sorry . i 'm not finding any results that meet your criteria . would you like to try a different hotel type 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 O O Hotel-NoOffer,Hotel-Request+Type,Hotel-Request+Price +bos how about moderate priced guesthouses that are 4 stars ? eos O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O N/A +bos we have 9 moderately priced guesthouses that are 4 stars and provide free parking . would you like a recommendation from me ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O O O O O O O O O Hotel-Inform+Parking +bos sure , please provide the address and phone number as well . eos O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos the acorn guest house is a very popular hotel . their phone number is 01223353888 and address is 154 chesterton road . 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 O O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone 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 i do n't need reservations today . 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 no . all set . thanks . eos 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 am in a car accident dispute , i need to get some help . eos O O O O O O O O O O O O O O O O N/A +bos is parkside police station near your location ? eos O O O O O O O O O N/A +bos yes , i need the postcode , address , and phone number . eos O O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr,Police-Request+Phone +bos they are in parkside , cambridge , cb11jg . the phone number is 01223358966. is that everything you needed ? 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 , i 'll contact them now . thanks . eos O O O O O O O O O O O general-thank +bos you 're welcome . is there anything else you need assistance with ? eos O O O O O O O O O O O O O O general-reqmore +bos i think that is all , thank you so much . eos O O 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-bye +bos i need a taxi to pick me up from the fez club . can you help ? 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 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 yes , i need to arrive by 18:45. eos O O O O O O O B-Taxi-Inform+Arrive O N/A +bos and what is your destination please ? eos O O O O O O O O Taxi-Request+Dest +bos i would like to be taken to tenpin eos O O O O O O O O B-Taxi-Inform+Dest N/A +bos okay , i have a black ford with the contact number 07735467542. 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 wonderful , thanks very much ! eos O O O O O O O general-thank +bos you 're welcome . may 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 is it . thank you so much . eos O O O O O O O O O O O O general-thank +bos you 're welcome , have a wonderful time ! eos O O O O O O O O O O general-welcome +bos i need to book a taxi to take me to riverside brasserie at 11:15. eos O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave N/A +bos sure thing , where are you going ? eos O O O O O O O O O Taxi-Request+Dest +bos i 'm going to riverside brasserie . eos 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 i 'm leaving from the marriott hotel in downtown cambridge next to the theatre . eos O O O O O O O O O O O O O O O O N/A +bos is that the huntingdon marriott hotel ? eos O O O O O O O O Taxi-Request+Depart +bos no , sorry i 'm actually departing from saint johns chop house . 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 O N/A +bos ok , just to confirm , you 'd like a taxi from saint johns chop house to riverside brasserie 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 O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Leave +bos yes , but i want to leave after 11:15. when you book it can you get 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 O O O O Taxi-Request+Car +bos all right , sir , you 'll be picked up in a blue bmw . the contact number is 07348606520. 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 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 welcome.enjoy the ride eos O O O O general-bye +bos hi , i am looking for information about the warkworth 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 is there anything specific you 'd like to know about the warkworth house hotel ? eos O O O O O O O O O O O O O O O O N/A +bos i just would like to book it for 2 people , for 5 nights , beginning monday . please give me reference number . 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 O O O O O O O Hotel-Request+Ref +bos your room has been booked successfully . your confirmation number is arwor7qp . would you like help 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 am also looking to book a train to norwich . eos O O O O O O O O O O B-Train-Inform+Dest O N/A +bos what day are you looking to depart ? eos O O O O O O O O O Train-Request+Day +bos i would like to leave on saturday from cambridge to be in norwich before 21:00. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive N/A +bos tr4018 leaves cambridge at 17:36 and arrives at 18:55. may i book it 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 Train-OfferBook +bos thank you so much . so that means a 79 minute travel time ? let 's go ahead and 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 Train-Request+Duration +bos do you need two tickets ? eos O O O O O O O Train-Request+People +bos actually , i think i may book it later . thank you very much 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 general-thank +bos okay ! you 're very welcome . to answer your earlier question , yes : the travel time is 79 minutes . 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-Train-Inform+Time I-Train-Inform+Time O O O O O 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 you 're welcome ! have a wonderful day ! eos O O O O O O O O O O general-welcome,general-bye +bos i need a taxi , please . i need to arrive no later than 10:00 , and i 'm leaving from cambridge lodge restaurant . 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+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O N/A +bos may i ask your destination ? eos O O O O O O O Taxi-Request+Dest +bos i 'm going to cambridge book and print gallery . 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 O O N/A +bos you are booked for a black skoda with the contact number 07448493514. 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 now finished . eos O O O O O O O O O O O O general-thank +bos okay . have fun ! eos O O O O O O general-bye +bos i need a taxi to take me to my hotel today from saint catharine 's college 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 N/A +bos i can help you book that , what hotel are you staying at ? eos O O O O O O O O O O O O O O O Taxi-Request+Dest +bos i am staying at rosa 's bed and breakfast . eos 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 ok great , and what time would you like to leave/arrive ? eos O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i should leave after 13:00. eos O O O O O B-Taxi-Inform+Leave N/A +bos alright , i 've got a red ford with the contact number 07542375620. anything else i can do for you ? eos 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-reqmore +bos nothing else , thank you . i 'll keep an eye out for the red ford . 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 have a lovely day and contact us again if you need further assistance . bye ! 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 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 I-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type 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 can you help me find a taxi to old schools ? eos O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart +bos i 'm departing from thanh binh . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos what time would like to get there ? eos O O O O O O O O O Taxi-Request+Arrive +bos i need to get there by 11:15. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos alright i 've got a blue volkswagen and the contact number is 07339810111. anything else i can do 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 O O O O O O general-reqmore +bos no thanks . the taxi was the only reason for contacting you . goodbye . eos O O O O O O O O O O O O O O O O Taxi-Inform +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 i 've been injured and i need a hospital . where is the nearest one ? eos O O O O O O O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is closest , located on hills rd , cambridge eos 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 do you want the hospital telephone number or a specific department ? eos O O O O O O O O O O O O O general-reqmore +bos the general phone number and postcode also please . eos O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos telephone number is 01223245151 and the postcode 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 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 happy to help ! hope you feel better soon ! eos O O O O O O O O O O O general-bye +bos i 'm looking for a train going 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 O N/A +bos i 'd love to help ! where 's your destination ? eos 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 . eos O O O O O O O O O O O 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 i am departing from cambridge . eos O O O O O B-Train-Inform+Depart O N/A +bos how about tr5154 that leaves at 05:59 ? eos O O O B-Train-OfferBook+Ticket O O O B-Train-OfferBook+Leave O N/A +bos help me get price and train id eos O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos the price is 16.60 pounds . train id is tr5154 . would you like to make a reservation for this train ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Id O O O O O O O O O O O O O Train-OfferBook +bos not today , thank you . does the train arrive by 09:15 ? eos O O O O O O O O O O B-Train-Inform+Arrive O O O N/A +bos no , it arrives at 7:27. eos O O O O O B-Train-Inform+Arrive O N/A +bos can you go ahead and book it and get me a price please ? eos O O O O O O O O O O O O O O O Train-Request+Price +bos before booking , could you please confirm either the time you 'd like to depart or arrive ? 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 arrive at 09:15. eos O O O O O O B-Train-Inform+Arrive N/A +bos how about tr5154 which leaves on friday at 05:59 and arrives by 07:27. it is 16.60 pounds and total trip is 88 minutes . would you like me to book that ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Day 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-OfferBook +bos no i do n't need to book . thanks for the information . eos O 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-bye +bos i 'd like to find a place to dine in the west that serves modern american food . eos 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 N/A +bos i did not find any . 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 Restaurant-Request+Food,Restaurant-NoOffer,general-reqmore +bos sure , let 's try modern english food . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos i apologize , sir , but there are no restaurants serving modern english cuisine . what else shall we try ? 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 general-reqmore +bos could you look for a restaurant that serves thai food ? eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos sala thong seems like a good match ! eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O N/A +bos ok.book for seven people at 1215hrs eos O O O O O O O N/A +bos what day are you wanting that booking for ? eos O O O O O O O O O O Booking-Request+Day +bos make the reservation for thursday please . eos O O O O O B-Restaurant-Inform+Day O O N/A +bos thursday is not available . eos O B-Booking-NoBook+Day O O O O N/A +bos how about 11:15 on thursday ? eos O O O B-Restaurant-Inform+Time O O O N/A +bos booking was successful for 11:15. the table will be reserved for 15 minutes . reference number is : swz8s95v . eos O O 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 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 assist with ? eos O O O O O O O O O O general-reqmore +bos no , that 's all i need 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 are there any indian restaurants there ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos yes , there are 22. what area would you like to dine in ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Area +bos i want to dine in the west . eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos which price range do you want ? i have expensive and moderate . eos O O O O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O Restaurant-Request+Price +bos i would prefer moderate price range . eos O O O O O O O O N/A +bos i have found one , can i make a booking for you ? eos O O O O O O O O O O O O O O Booking-Inform +bos no , i just need to know the postcode . eos O O O O O O O O O O O Restaurant-Request+Post +bos the restaurant is called meghna . the postcode is cb43lf , the address is 205 victoria road chesterton . anything else ? eos O O O O O B-Restaurant-Inform+Name 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 general-reqmore +bos got everything . thanks . goodbye . eos 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-bye +bos please connect me to a hospital with an emergency department . eos O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O N/A +bos you need addenbrookes hospital , located at hills rd , cambridge , phone 01223217118. eos O O O O O O O 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 Hospital-Request+Post +bos the postcode is cb20qq . do you need any other assistance ? eos O O O O O O O O O O O O O N/A +bos that is all we needed . thank you . eos O O O O O O O O O O general-thank +bos you are welcome . goodbye eos O O O O O O general-welcome,general-bye +bos i need a taxi by 20:45 to go to cote . eos O O O O O O B-Taxi-Inform+Leave O O O B-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 'm leaving from tandoori palace . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos ok i have a white tesla and the contact number is 07657055747. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O N/A +bos that was fast thank you so much ! eos O O O O O O O O O general-thank +bos can i assist you with anything else ? eos O O O O O O O O O general-reqmore +bos no thanks . have a good evening . eos O O O O O O O O O general-thank +bos you , too , and thank you for calling . goodbye . eos O O O O O O O O O O O O O general-bye +bos 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 great , thank you for your help . 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 'm looking for some information about places to go in cambridge . eos O O O O O O O O O O O O O O O O N/A +bos sure , what type of attraction are you interested in ? eos O O O O O O O O O O O O Attraction-Request+Type +bos i would like to see architecture and need the area , address and entrance fee . eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee,Attraction-Request+Addr +bos how about old schools ? it is located in the centre area . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area O O O N/A +bos great . let me get the address and entrance fee please . i see it 's in the centre . 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 Attraction-Request+Fee,Attraction-Request+Addr +bos old schools is located on trinity lane and there is no entrance fee . it is completely free . do you need help with anything else today ? eos 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 O O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos i 'm looking for someplace in the center to stay as well eos O O O O O O O O O O O O O N/A +bos i have 5 locations in the centre of town . do you have a price range ? 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 Hotel-Request+Price +bos anything with a 0 star rating ? i want a super trashy place eos O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos well , we have two options that meet your needs . el shaddai is a cheap guesthouse and cityroomz is a moderately-priced hotel . both in the centre . would you like more information ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O 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 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 both offer free internet . el shaddai also offers free parking . cityroomz unfortunately does not offer parking . eos 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 +bos okay , let me book el shaddai for 5 night starting sunday for 4 people . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O N/A +bos it 's all booked for you . your reference number is trqit249 . 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 , could you book a taxi for me too ? eos O O O O O O O O O O O O Taxi-Inform +bos 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 . eos O O O O 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+Depart +bos i will need to leave the attraction by 14:00. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! a white lexus will be picking you up . their contact number is :07141789693. do you need anything else 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 general-reqmore +bos great thank you ! that will be all ! 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 yes , i am a looking for a train . can you help me ? eos O O O O O O O O O O O O O O O O Train-Inform +bos yes , i would be happy to . let me get your information . 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 Train-Request+Dest +bos i am coming from bishops stortford heading into cambridge . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos what day do you want to travel ? eos O O O O O O O O O Train-Request+Day +bos tuesday , after 12:45 please eos O B-Train-Inform+Day O B-Train-Inform+Leave O O N/A +bos there are 6 trains , do you have an arrival time ? eos O O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Arrive +bos no , but i would prefer to leave after 12:45. eos O O O O O O O O O B-Train-Inform+Leave O N/A +bos sounds good ! train tr8266 leaves at 13:29 putting you in cambridge at 14:07. would you like me to book seats ? 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+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos yes , make a booking for 2 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos you have 2 seats reserved on tr8266 , ref # azvrq5nw . the total fee is 20.2 gbp , which you can pay at the station . eos 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 O O O O O O O O O O O O N/A +bos i 'm also looking for a place to dine that serves thai food . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos would you like to eat on the west or center of town ? eos O 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 N/A +bos i do not have a preference as to which side of town the restaurant is on . eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos i have 2 options availbable : sala thong and bangkok city . does either one sound good to your ? 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 O O O O O Restaurant-Select +bos thank you ! is one of them an expensive restaurant ? eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos they are both expensive . would you like to book a table ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos can you make a reservation at bangkok city on tuesday for 2 people at 18:45 ? eos O 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : h129x294 . 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 no , that 's everything . thanks . eos 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 would like to find places to go to . eos O O O O O O O O O O O N/A +bos i can help 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 Attraction-Request+Type +bos i 'd like to ride on a boat , if someplace like that is available . eos 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 several boats in the city . 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 O Attraction-Request+Area +bos anyone will do just giveme the postcode . also please assist me with booking for a train that will depart from cambridge on sunday . 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 B-Train-Inform+Day O O Attraction-Request+Post +bos okay the postcode for camboats is cb58sx . eos O O O O O B-Attraction-Inform+Name O B-Attraction-Inform+Post O N/A +bos thanks ! i also need a train out to kings lynn on sunday . i need to leave after 18:30. 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 O O O B-Train-Inform+Leave O O N/A +bos the tr9582 departs cambridge at 19:11 and arrives in king 's lynn by 19:58 , the price is 7.84 gbp per passenger . you said you 'd like to book tickets ? for how many ? 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 I-Train-Inform+Dest B-Train-Inform+Arrive 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 O O O O O O O O O O Train-Request+People,Train-OfferBook +bos yes , for 7 people . thanks . eos O O O O B-Train-Inform+People O O O O N/A +bos i have reserved 7 tickets for sunday departing at 19:11. the total fee is 54.88 gbp payable at the station . your reference # is 3y2s1n01 . eos 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 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 assisting you today . enjoy your trip . good-bye . eos O O O O O O O O O O O O O O O general-bye +bos i am traveling to cambridge and ca n't wait to see some attractions . i am interested in a particular 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-Inform +bos okay ! what is the name of the attraction that you are interested in ? eos O O O O O O O O O O O O O O O O Attraction-Request+Name +bos it is trinity college . can you tell me a little about it ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O N/A +bos sure it is one of cambridge 's most famous colleges and has a 1 pound entrance fee and is located on trinity street in the center of town . eos 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 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 I-Attraction-Inform+Area O O N/A +bos thanks . i also need a cheap place to stay while i am in town . eos 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 10 hotels in town matching that requirement ranging from 0 to 4 stars guest houses and hotels . do you have a preference for the area ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars I-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O Hotel-Request+Area +bos it should be in the east and have free wifi eos O O O O O O B-Hotel-Inform+Area O O O O N/A +bos great , i have 3 options for you ! eos O O O O O B-Hotel-Inform+Choice O O O O N/A +bos give me the cheapest option please and book it for me eos O O O O O O O O O O O O N/A +bos that would be for the leverton house . what day are you wanting to stay and how many guests ? eos 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 Booking-Request+Day,Booking-Request+People +bos monday , for 2 nights , 2 people . i 'll need a reference number . also , i need a taxi to college by 4:00. i need the contact number and car type . eos 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 O O O O O O O O O O O O O O O Taxi-Request+Car,Hotel-Request+Ref +bos reference number is : ximion2s , for the hotel . you also need a taxi ? eos 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 to leave the hotel by 4:00 eos O O O O O O O O O O Hotel-Inform +bos booking completed ! booked car type-yellow lexus contact number : 07923249169 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 great thanks so much ! that is all i needed . 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 for contacting cambridge towninfo centre . have a great trip . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos i need to take a train to cambridge after 09:30. eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave N/A +bos sure , what station are you leaving from ? eos O O O O O O O O O O Train-Request+Depart +bos i will be leaving from ely . eos O O O O O O B-Train-Inform+Depart O N/A +bos okay and what day would you like to travel ? eos O O O O O O O O O O O Train-Request+Day +bos i need to depart broxbourne and travel on monday please . eos O O O O O O O O O B-Train-Inform+Day O O N/A +bos train tr2987 meets all your needs . shall i book it for you ? eos O O B-Train-Inform+Id O O O O O O O O O O O O Train-OfferBook +bos yes , please for 8 people . eos O O O O O B-Train-Inform+People O O N/A +bos great ! your train will leave ely on monday at 11:35 and arrive at 11:52. it has been booked for all 8 for a total fee of 35.2gbp , which is payable at the station . your reference number , if needed , is pd2f8ymf . eos O O O O O O O B-Train-OfferBooked+Depart B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O O O O O B-Train-OfferBooked+People 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 O O O O O N/A +bos i 'm also looking for a recommendation on mexican restaurants in the south . 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 would recommend the chiquito restaurant bar . would you like to make a booking ? eos 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 O O Booking-Inform +bos not right now , but could i have the postcode ? eos 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 no thank you . eos 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 give me more information about the shiraz restaurant ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos absolutely ! shiraz is an awesome mediterranean restaurant in the city centre . would you like to book a table ? eos 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 O O O O O O Booking-Inform +bos yes . i 'd like a table for 6 people please . eos O O O O O O O O B-Restaurant-Inform+People O O O O N/A +bos i will work on that booking and be back with you shortly . eos O O O O O O O O O O O O O O Booking-Inform +bos thank you . i need it for sunday at 11:30. eos O O O 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 : exlom4n4 . 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 am also looking for a place to stay . eos O O O O O O O O O O O O O O general-thank +bos okay , do you have any requirements in mind : location , price range , etc ? 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 yes i prefer in the centre eos O O O O O O B-Hotel-Inform+Area N/A +bos there are 5. 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 Hotel-Request+Price +bos the hotel should include free parking and should have a star of 3. eos O O O O O O O O O O O O O B-Hotel-Inform+Stars N/A +bos the gonville hotel is what i have avialable with those criteria . shall i book it for you ? 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 Booking-Inform +bos is the gonville hotel expensive ? if so , please book for 6 people and 4 nights starting on sunday . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price 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 confirmed the expensive price range , and booked you , the reference number is 7n3bt3sq , anything else that i can assist with ? eos O O O O O B-Hotel-Inform+Price 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 . you took care of all i needed . 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 terrific . enjoy your stay in cambridge . goodbye . eos O O O O O O O O O O O general-bye +bos i 'm looking for a place to stay that is moderately priced and 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 did you want a guesthouse or a hotel . maybe you need a certain area of town ? eos O O O O O O O O B-Hotel-Select+Type O O O O O O O O O O Hotel-Request+Area +bos 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 north so maybe in that 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 B-Hotel-Inform+Area O O O O O O O O O N/A +bos i think the ashley hotel best suites your needs , would you like me 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 Booking-Inform +bos yes please . i 'll need a room for 7 people and 3 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 O N/A +bos okay , your booking was successful . the reference number is : bbo5nvnf . 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 thank you for helping eos O O O O O general-thank +bos you are so welcome . is there anything else 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 yes , i need a train on tuesday from cambridge . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O N/A +bos is there a specific time and destination you are traveling to ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave +bos i need to get to kings lynn . i want to leave after 20:45 eos O O O O O O O O O O O O O B-Train-Inform+Leave O N/A +bos there is a train that leaves at 21:00. eos O O O O O O O O B-Train-Inform+Leave N/A +bos that sounds good . what is the arrival time and train id ? i 'll also need 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 O Train-Request+Price,Train-Request+Arrive,Train-Request+TrainID +bos tr8387 will arrive at 21:58 . 9.80 pounds . eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos thanks for the information . i believe i have everything i need . eos O O O O O O O O O O O O O O general-thank +bos okay glad i could help . eos O O O O O O O general-welcome +bos can you find me a guest house that has free wifi in this town ? eos O O O O O O O O O O O O O O O O N/A +bos there are 23 guesthouses in town with free wifi . do you have 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 Hotel-Request+Price,Hotel-Inform+Internet +bos how about one that has a 4 star rating and is expensive ? eos O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O N/A +bos unfortunately , there are no guesthouses that meet you needs . there are 2 hotels if you are interested . eos O O O O O B-Hotel-NoOffer+Type O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O O O O O N/A +bos what about something in the moderate price range , instead ? eos O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos yes i have many choices in that category . would you like me to suggest something ? 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 book a hotel for 8 people and 3 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 N/A +bos please clarify if you want a guesthouse or a hotel . there are no hotels that match your needs but there are 11 guesthouses that do . eos O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type 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 N/A +bos i want a guesthouse . eos O O O O B-Hotel-Inform+Type O N/A +bos would you like me to book you for avalon ? eos O O O O O O O O O B-Booking-Inform+Name O N/A +bos yes , please book for 8 people for 3 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 you 're all set to arrive on saturday . your reference number is : 5d3tisux . eos O O O O O O O B-Booking-Book+Day O O O O O B-Booking-Book+Ref O O O N/A +bos great , thanks . 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 general-thank +bos ok. there are many great things to do in town . did you have something particular in mind ? eos 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 i would like a place that is fun and serves drinks . eos O O O O O O O O O O O O O N/A +bos sure ! would you rather a nightclub type of environment or more of a park or entertainment venue ? 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 actually , is there a swimming pool around ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O N/A +bos which part of town should it be ? eos O O O O O O O O O Attraction-Request+Area +bos it should be in the south eos O O O O O O B-Attraction-Inform+Area N/A +bos i 'm sorry , but there are no swimming pools in the south . would you like to try a different area or attraction type ? 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 O Attraction-Request+Type,Attraction-Request+Area +bos what options are available eos O O O O O N/A +bos there are swimming pools in the east , north and centre of town . the south has cinema , entertainment , museum , nightclub , theatre and parks . have a preference ? eos O O O O 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 O O B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos i would prefer the south please . eos O O O O O O O O N/A +bos what type of attraction in the south ? there are 8 results ranging from cinema , museums , nightclubs , parks . which would interest you ? eos O O O O O O O O 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 Attraction-Request+Type +bos if there are no swimming pools in the south , then i would consider a cinema in the south of town . 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 O O O O N/A +bos cineworld cinema is in the south . would you like additional information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O general-reqmore +bos yes , may i please have their address and phone number . eos O O O O O O O O O O O O O Taxi-Request+Phone,Attraction-Request+Addr +bos yes , their address is cambridge leisure park , clifton way and their phone number is 00872208000. 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 B-Attraction-Inform+Phone O O N/A +bos i also need a taxi to leave the hotel by 22:45. please provide the contact number and car type . 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 Taxi-Request+Car +bos what is your destination , and when do you want to arrive by ? eos O O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Dest +bos i 'll be going from the hotel to the cinema . i need to leave by 22:45. eos O O O O O O O O O O O O O O O O O O N/A +bos i booked a grey skoda for you , contact number is 07059639997 ! eos 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 N/A +bos thank you so much . that is all that i need at this time . 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 . have a nice day . eos O O O O O O O O O general-greet +bos i 'm looking for a place to in the centre , perhaps a college . eos O O O O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Type O O O N/A +bos there are 13 colleges in the centre of town . would you prefer a college 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 O O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee I-Attraction-Select+Fee O O N/A +bos no preference . can you make a recommendation and give me the address , phone number , 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+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos christ 's college is great . the address is st andrews st , free entrance & their number is 01223334900 , 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos i need a train on saturday after 14:30. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos where are you leaving from and traveling to ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i need to travel to norwich from cambridge after 14:30. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Leave N/A +bos the tr1156 leaves at 15:16. will 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 yes can i have an arrival time please ? eos O O O O O O O O O O Train-Request+Arrive +bos the arrival time is 16:35. eos O O O O O B-Train-Inform+Arrive N/A +bos okay thank you for your help . eos O O O O O O O O general-thank +bos thank you for using cambridge towninfo centre . eos O O O O O O O O O general-bye +bos can you help me find a guesthouse with free parking ? eos O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos definitely ! do you have a price range and/or area 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 would like the guesthouse to be in the cheap range . eos O O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos we have a couple of choices for 4 star ones in the center and the east . shall i just pick one for you ? eos 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 O O O O O N/A +bos yes , i need to book it for 5 people . eos O O O O O O O O O O O O N/A +bos the alexander bed and breakfast is a 4 star facility with internet and free parking . their number is 01223525725. what day would you like to arrive ? 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 O O O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O Booking-Request+Day,Hotel-Inform+Parking,Hotel-Inform+Internet +bos great can you book it for 5 people for 3 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 : anh718q1 . 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 also need a train departing from cambridge going to broxbourne . eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos what day would you like to travel and when do you want to leave ? eos 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 on wednesday and the train should leave after 09:00. eos O 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 one train leaving at 9:01 that day . would you like to book a ticket ? 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 please book for 5 people . eos O O O O O O B-Train-Inform+People O N/A +bos i have booked train tr3279 departing at 9:01. the total fee is 89.5 gbp payable at the station . reference number is : 0g1s9eh9 . eos 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 N/A +bos thank you for all of your help ! eos O O O O O O O O O general-thank +bos will you need anything else right now ? eos O O O O O O O O O general-reqmore +bos that will be all . 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 thanks for booking with us . have a great day ! eos O 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 thank you very much ! eos O O O O O O general-bye +bos i 'm looking for a cheap reastaurant 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 any particular cuisine you 'd prefer ? eos O O O O O O O O Restaurant-Request+Food +bos actually , i love trying new things . im open to new things . what is available ? eos O O O O O O O O O O O O O O O O O O O N/A +bos okay , how about the gardenia that serves mediterranean food ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O N/A +bos can you give me more information on the gardenia ? do n't forget the phone number , please . 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 Restaurant-Request+Phone +bos they are a cheap mediterranean place in the centre of town . they are located at 2 rose crescent city centre . their phone number is 01223356354. 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 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 thanks . can you help me find a guesthouse in the same area ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos we have 2 cheap guesthouses in the center of town . i recommend the alexander b & b . eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos is there a 0-star place that 's also expensive ? i 'm sort of a glutton for punishment . eos 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 there are no zero star expensive ones . the low quality ones tend to be on the cheaper end . would you like me to look ? eos O O O O 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 O O O N/A +bos okay . cheap is good eos O O B-Hotel-Inform+Price O O O N/A +bos i have a cheap guest house in the center , 0 stars . el shaddai . shall i 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 O B-Hotel-Inform+Stars O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O Booking-Inform +bos yes , that would be great . i 'll need it booked for 3 nights , 8 people , starting on sunday . eos O O O O 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 O O O N/A +bos booking was successful . reference number is : 8i2tlr4v . 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 general-reqmore +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 if you need any thing else , let us know . eos O O O O O O O O O O O O general-welcome +bos naw , i 'm good thanks eos 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 planning a trip in cambridge eos O O O O O O O O N/A +bos i can help you find what you are looking for . eos O O O O O O O O O O O O general-reqmore +bos thank you ! can you help me find a train to norwich , please ? eos O O O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos yes if you can tell me where you will leaving from and what day and time ? 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+Depart +bos i 'll be leaving cambridge on monday at 9 pm . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O N/A +bos train 2662 leaves cambridge at 21:36 and arrives in norwich at 22:55. would you like me to book a ticket for you ? 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 O O O O O O O O Train-OfferBook +bos i need the train to arrive by 21:00. is there one at that time ? eos O O O O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos may i recommend the tr9246 train arriving at 20:55 eos O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Arrive N/A +bos yes book that for 3 people please eos O O 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 : 8l54o12b . 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 now looking to dine at mahal of cambridge eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos would you like more info or for me to book it ? eos O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos what kind of food do they serve and how expensive is it ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos it is a cheap indian restaurant . would you like to book a table ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform +bos no . i think that is all . eos 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 actually , i would like to book a table at that restaurant . eos O O O O O O O O O O O O O O Restaurant-Inform +bos on what day would you like a reservation ? eos O O O O O O O O O O Booking-Request+Day +bos come to think of it , i wo n't need a reservation . that will be all for today . 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 O O general-thank +bos no worries we are here if you need us , have a nice day . eos O O O O O O O O O O O O O O O O general-bye +bos great . i 'll call back if i need anything . goodbye . eos O O O O O O O O O O O O O O general-bye +bos my pleasure . have a great day . goodbye . eos O O O O O O O O O O O general-bye +bos i need to take a train from cambridge , i will be leaving after 18:00 on wednesday . eos O O O 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 i have five that leave after 18:00. do you have a specific time in mind ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Leave O O O O O O O O O Train-Request+Leave +bos yes 18:15 would work i have to get there by 21:00 is that an option ? eos O O O O O O O O O O O B-Train-Inform+Arrive O O O O O N/A +bos yes . i would recommend tr7776 which leaves cambridge at 18:36 and arrives in norwich at 19:55. eos O O 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 B-Train-Inform+Arrive N/A +bos what is the price and travel time ? eos O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos the travel time is 79 minutes and the cost is 17.60 pounds , shall i book for you ? 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 Train-OfferBook +bos no but i do need information on adc theatre . eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos this is a theatre found at the center of town on park street.. their phone number is 01223300085 eos O O 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone N/A +bos excellent . thanks for your assistance ! eos O O O O O O O O general-thank +bos is there any more information that i can get for you or something that you need booked ? eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos no at this time , thank you . eos O O O O O O O O O general-thank +bos yeah anytime . i am happy i could help out . eos O 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 good day to you eos O O O O O general-bye +bos i 'm looking for a place called maharajah tandoori restaurant . do you know it ? it 's a restaurant . 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 O O O O N/A +bos yes , it 's a luxurious place on the west side . would you like the number , or a reservation ? eos 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 O O Booking-Inform,general-reqmore +bos yes , i would like to make a reservation for 6 people at 19:30 this saturday . could i also get 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 O O O O O N/A +bos yes ! your all set confirmation number is qx0059ln , anything else today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O general-greet +bos i was hoping to find a hotel that is 4 star . eos O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos what part of town are you looking at staying in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos i do n't care , just as long as it 's in the moderate price range . 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 you have 11 options . they are all guesthouses . would you like free parking or internet at your location ? eos O 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 Hotel-Request+Parking,Hotel-Request+Internet +bos oh , i really prefer a hotel . maybe you could find someplace that is cheap instead ? 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 N/A +bos the cambridge belfry is in the west . it 's a cheap 4 star hotel . are you interested in booking a night ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O 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 Booking-Inform +bos yes book it for saturday . 6 people , 5 nights . eos O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O B-Hotel-Inform+Stay O O O N/A +bos you are all set , the reference number is oex7z2s0 , can i assist 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 N/A +bos that is all i need . eos O O O O O O O N/A +bos thank you for calling and if you need anything else do n't hesitate to call again . enjoy your dinner and hotel 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 general-bye,general-greet +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 great ! cambridge has many restaurants ! is there a certain type of food you 'd like or a certain price range ? 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 O Restaurant-Request+Food,Restaurant-Request+Price +bos maybe i should figure out my train first . i am departing from ely on friday and want to get to cambridge by 9:30. 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 O B-Train-Inform+Dest O O N/A +bos the tr8510 leaves at 07:35 and arrives by 07:52. 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 B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes , please . i will need 5 tickets . eos O O O O O O O B-Train-Inform+People O O O N/A +bos okay , your booking was successful . your reference number is evdo33le . 22 gbp is your total and it 's payable at the station . eos O O O O O O 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 N/A +bos i am also looking for a restaurant in the west and really want to have brazilian 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 N/A +bos that type of food is not served in the west . can we change location ? eos O O O O O O O O O O B-Restaurant-NoOffer+Area O O O O O O Restaurant-Request+Area +bos let 's change location and the restaurant should be in the expensive price range . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos it looks like there are n't any expensive brazilian places in the city . would you like me to check a different price range ? eos O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price 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 Restaurant-Request+Price +bos can you see if there are any expensive european food ? eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos cambridge lodge restaurant will fit your needs . would you like for me to book a table ? 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 O O O O O O Booking-Inform +bos yes please , 5 people on friday at 13:30 eos 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 ! your reference number is : jq9093px . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i think that should be it for today ! thank you so much for your help , you 've been very kind ! eos 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 am glad i have been of help . good day eos O O O O O O O O O O O O general-welcome,general-bye +bos have a great day . eos O O O O O O N/A +bos have a great day and thanks for staying with us eos O O O O O O O O O O O general-bye +bos i do need some information . i 'm looking for a place to stay . eos O O O O O O O O O O O O O O O O N/A +bos which area of town would you like to stay in ? do you have a price preference or any other essentials ? 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 no specific area or price range . i would like a four star guesthouse with wifi . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O Attraction-Request+Area +bos i recommend the allenbell . it 's 4 stars , but cheap ! would you like to book a room ? eos O O O O B-Hotel-Recommend+Name O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform +bos yes please , if you can book for 4 people 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 . your reference number is : xrwycwbt . eos O O O O O O O O B-Booking-Book+Ref O O O N/A +bos i also need information on a particular attraction called the gonville and caius college . 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 N/A +bos yes they are on trinity street in the centre of town . postcode is cb21ta and phone is 01223332400 if you are partial to chatting on the tele . is there anything else that i can help you with ? eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone 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 all i need now are the entrance fees eos O O O O O O O O O O Attraction-Request+Fee +bos there 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 can you book a taxi for me from the college to the allenbell ? i want to leave the college by 5:30. eos O O O O O O O O O O O O O B-Taxi-Inform+Dest O O O O O O O O O N/A +bos sure thing all set you will be riding in style in a white bmw contact # is 07606742990 , anything else ? 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 B-Taxi-Inform+Phone O O O O general-reqmore +bos great ! thanks ! that 's all i needed . eos O O O O O O O O O O O general-thank +bos great . have a great trip ! eos O O O O O O O O general-bye +bos i 'm looking for a college to visit eos O O O O O B-Attraction-Inform+Type O O O N/A +bos we have 18 great colleges to choose from . is there a certain area of town you would like ? eos 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 O O O O O Attraction-Request+Area +bos in the centre please eos O O O B-Attraction-Inform+Area O N/A +bos i have 13 on the list , do you have any other preferences ? fees , no fees ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O O O O N/A +bos type of guesthouse and should be a star of 4 eos O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars N/A +bos i would suggest this one acorn guest house . eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos does it have free wifi ? eos O O O O O O O N/A +bos yes , it does ! shall i book you a room ? eos O O O O O O O O O O O O O Booking-Inform +bos yes please , for 5 people and 2 nights starting sunday . eos O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O O N/A +bos your booking for 5 people at the acorn guest house this sunday for 3 days 2 nights was successful . your reference number is : fz15jgcm . eos 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 I-Booking-Book+Name 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 N/A +bos thank you , i will also need a taxi . eos O O O O O O O O O O O Taxi-Inform +bos sure thing ! may i have the times you would need that taxi and also where you would like to be picked up for your ride to the lovely 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 O O O O Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Leave,general-welcome +bos i would like to leave the hotel by 24:45 eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos i 'll need to know your destination please eos O O O O O O O O O Taxi-Request+Dest +bos 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 ? eos O O O O O 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 downing college has wide appeal and it 's free . your destination address will be regent street and the postcode is cb21dq . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-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 N/A +bos that sounds perfect . i will need the taxi for going between the two places . as well as 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 Taxi-Request+Car +bos booking completed ! a grey skoda , their contact number is 07497699159. can i help with anything else ? 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 general-reqmore +bos that 's 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 and enjoy your time in our lovely city ! eos O O O O O O O O O O O O general-bye +bos i am looking for a 2 star hotel with free wifi . eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos there are three hotel types available . do you want a specific area or price range ? 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+Area,Hotel-Request+Price +bos i am looking for a hotel near the city center moderately priced . eos O O O O O O O O O O O O O O Hotel-Inform +bos there are n't any that match your criteria in the centre . any other suggestions ? eos O O O O O O O O O O B-Hotel-NoOffer+Area O O O O O O N/A +bos i would like a hotel in the north please . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos sure , we have 2 hotels in the north , ashley hotel and lovell lodge . would you like to book one ? eos O O O O O B-Hotel-Inform+Choice O 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 O O O O Booking-Inform +bos which one has nights available from thursday to tuesday ? eos O O O O O O O B-Hotel-Inform+Day O O O N/A +bos i 'm not sure . i will need to attempt a booking to give you that information . which would you like to 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 O O O Booking-Inform,Hotel-Select +bos please book the ashley hotel for 1 person for 5 nights starting on 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 N/A +bos you 're all set ! your reference number is juz789y1 . how else may i help you ? 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 thank you ! i also need a train from cambridge to london kings cross . i need to depart after 16:00. 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 O O O O B-Train-Inform+Leave N/A +bos there are 28 trains meeting that criteria . what day are you wanting 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+Day +bos i need a train for 1 from cambridge leaving after 16:00 heading to london kings cross . can you find any trains for that time and send me a reference number ? eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave 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 O N/A +bos is there a specific day that you want to travel ? 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 O O O Train-Request+Arrive,Train-Request+Day +bos tuesday and i would like to leave after 16:00. eos O O O O O O O O O O N/A +bos there 's a train on friday leaving at 17:00. should i book it ? eos O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos yes , please . just the one ticket . eos O O O O O O O O O O N/A +bos your booking is successful . the total fee is 23.6 gbp and your booking reference number is dos0arzu . 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 N/A +bos looks like you are all set . goodbye ! eos O O O O O O O O O O general-bye +bos thank you . please do not hestitate to call if require further assistance . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos i need a train leaving broxbourne on wednesday . can you book it for me ? eos 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 sure ! what is your destination ? eos O O O O O O O O general-welcome,Train-Request+Dest +bos i need to arrive in cambridge by 11:45. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos i have train tr1819 that leaves at 10:32 and arrives in cambridge at 11: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+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O N/A +bos yeah , what 's the price of the tickets ? eos O O O O O O O O O O O Train-Request+Price +bos the price of the tickets is 17.90 pounds . shall i make a booking 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 Train-OfferBook +bos yes , please . i 'm also looking for a hotel that 's cheap and in the north . eos 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 N/A +bos there are no cheap hotels in the north but there are 2 guesthouses . will those work ? 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 B-Hotel-Inform+Choice O O O O O Booking-Inform +bos i am looking a train arriving by 17:45 that leaves on friday . eos O O O O O O O O B-Train-Inform+Arrive O O 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 leaving cambridge and going to norwich . eos O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos tr7747 leaves cambridge on friday and arrives in norwich at 16:55. would you like me to book it for you ? eos 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 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 , book for three people , please . eos O O O O O O O O O O N/A +bos booking was successful , the total fee is 52.8 gbp payable at the station .reference number is : 8mrk0x44 . 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 so much . i appreciate it . can you also help me find a british restaurant in the centre 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 have 7 british restaurants in the centre of town . which price range would you prefer ? 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 Restaurant-Request+Price +bos expensive price range will be good eos O O B-Restaurant-Inform+Price O O O O N/A +bos how about midsummer house restaurant ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos that sounds good . what is their postcode and what is their 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 postcode is cb41ha and phone number is 01223369299. would you like for me to make a reservation for you ? eos O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O Booking-Inform +bos thank you , that will be all . eos O O O O O O O O O general-thank +bos i hope you enjoy your dinner . eos O O O O O O O O general-bye +bos hey there , i need to find a train to cambridge from london kings cross eos 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 N/A +bos how about tr5219 that leaves at 05:17 ? eos O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O N/A +bos i need to arrive by 15:30 on friday . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos tr4748 arrives at 14:08. can i book it 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 . i need one ticket . eos O O O O O O O O O N/A +bos you have 1 seat reserved on tr4748 , reference # a4v9r126 . can i be of further assistance today ? eos O O O O O O O B-Train-OfferBooked+Id 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 place to eat in the north part of town . i do n't want it to be too costly , so let 's try a moderate price range . eos 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 O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos would you prefer chinese or indian ? eos O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food N/A +bos definitely indian . thanks eos O O B-Restaurant-Inform+Food O O N/A +bos the nirala gets great reviews , its moderately priced and is in the north area of town . would you like me to make reservations ? eos 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 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 Booking-Inform +bos no , thank you . 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 O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos its address is 7 milton road chesterton , phone number is 01223360966 and its postal code is cb41uy . eos 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 B-Restaurant-Inform+Post O O N/A +bos i do n't need anything else . eos 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 i need to find a train that will arrive cambridge by 13:45 on friday eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Arrive O B-Train-Inform+Day 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 departing from cambridge and want to go to birmingham new street eos O O O O O O O O O O O O O O N/A +bos the tr7195 will get you there by 12:08 how many tickets please ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O B-Train-OfferBook+Arrive O O O O O Train-Request+People +bos well , first , what is the departure time , price and travel time ? it sounds like it 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 Train-Request+Duration,Train-Request+Price,Train-Request+Leave +bos sorry , that was the tr6668 , not tr7195 , arrives by 12:44 , duration of the trip is 163 minutes and the price is 75.10 pounds . eos O O O O O B-Train-Inform+Id 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O N/A +bos thank you . are there any expensive restaurants in the town 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 there are a variety of options in that area . is there a particular type of food that you would like ? 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+Food +bos not really . can i just have the postcode and 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos kymmoy is the best ! their phone number is 01223311911 and postcode is cb12as eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O B-Restaurant-Inform+Post N/A +bos great . thanks . that is all . eos O O O O O O O O O general-thank +bos okay . i hope you enjoy your stay ! let us know if we can be of further help . eos 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 i 'm looking for a hotel with a 4 star rating to stay at and i do n't need to have internet . can you help ? eos 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 O O O O O N/A +bos i have about 3 options that meet those requirements . all offer free parking and internet . 2 are expensive and 1 is cheap . 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 O O O O O O O N/A +bos tell me about the expensive options . eos O O O O O O O O N/A +bos they are the huntingdon marriot hotel which is in the west area , and the university arms hotel which is in the centre . 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos the university arms sounds good . eos O O O O O O O N/A +bos would you like me to make a reservation for you ? eos O O O O O O O O O O O O Booking-Inform +bos i need it for 8 people , 2 nights from monday . eos 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 . your booking was successful and your reference number is hld21myl . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am looking for places to see in town . can you help me ? eos O O O O O O O O O O O O O O O O N/A +bos cambridge offers many attractions . is there a certain part of town or type of attraction you 'd like to narrow your search down to ? eos 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 O O O O O Attraction-Request+Area,Attraction-Request+Type +bos 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 ! eos O O O O O O O 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 little saint mary 's church is an architecture site , their address is little saint mary 's lane , and postcode is cb21qy , and the phone number is 01223366202 eos 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+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 B-Attraction-Inform+Phone O O O O O N/A +bos thank you . i 'm also looking for a train that leaves on monday . it will need to leave after 21:45. eos 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 leaving from cambridge going to stevenage . eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A +bos the tr6906 departs at 23:21 and arrives at 24:10. 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 i just need the price on that one please . eos O O O O O O O O O O O Train-Request+Price +bos the price is 12.80 pounds eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos that 's exactly what i needed . thank you . 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 hello , i 'm looking for a guesthouse or hotel in the moderate price range . i also need free wifi . what area do you think is best ? 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 O O O O O O N/A +bos might i suggest acorn guest house ? it also offers free parking ! eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O Hotel-Inform+Parking +bos yes , that would be great ! eos O O O O O O O O N/A +bos would you like me to book a room for you ? eos O O O O O O O O O O O O Booking-Inform +bos no thank you , just the type of hotel , phone number and star rating . eos O O O O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Type +bos its a guesthouse in the north . phone is 01223353888 postcode cb41da location is 154 chesterton road eos O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O B-Hotel-Inform+Phone O B-Hotel-Inform+Post O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos thanks ! i 'm also looking for a museum in the west . 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 actually have 7 of them . did you have a certain type of museum in mind or if you like i can give a recommendation ? 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 O O Attraction-Request+Type,general-reqmore +bos i do n't have anything in mind , what would you suggest ? eos O O O O O O O O O O O O O O N/A +bos how about cafe jello gallery ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos that will work , can you give 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 the address is cafe jello gallery , 13 magdalene street , cb30af and entrance is free eos 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 B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O O N/A +bos thank you , thats all i needed for now . eos O O O O O O O O O O O general-thank +bos your welcome . i am glad i could help you out . eos O O O O O O O O O O O O O general-welcome +bos can you get me information on a hotel called huntingdon marriott 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 sure ! it is an expensive 4-star hotel in the west area of town with internet and parking . it is on kingfisher way , in the hinchinbrook business park in huntingdon . eos 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos sound like a decent enough place . would you be able to reserve me a room for monday ? eos 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 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 ? eos O O O O O O O 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 myself , but i need the room for 5 nights starting on monday , please . eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A +bos great news , your room is booked ! please retain this reference number : 1a2f5tmh 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 i will also need a train leaving cambridge . eos O O O O O O O O B-Train-Inform+Depart O N/A +bos sure , what is your arrival information ? eos O O O O O O O O O Train-Request+Dest +bos i need to go to stansted airport on friday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos we have 5 different departure times . any time table your looking at ? 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 be in stansted airport by 15:30 please . eos O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos the soonest it will get you there is 10:08 your reference number is hkr1x1wg , anything else ? eos O O O O O O O O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O O general-reqmore +bos i am all set . eos O O O O O O N/A +bos great , have a nice day ! eos O O O O O O O O general-bye +bos i 'm looking for information on 4-star rated guesthouses in cambridge eos O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O N/A +bos i have a number of 4 star guesthouses available , would you like to book one in a particular area ? eos O O O O B-Hotel-Inform+Choice I-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 Hotel-Request+Area,Booking-Inform +bos not really . could you suggest one with free parking ? eos O O O O O O O O O O O O N/A +bos okay , how about the acorn guest house in the north ? 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 N/A +bos sure . can we spend 5 nights starting on sunday ? i am going to need room 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 O O O B-Hotel-Inform+People O N/A +bos reference number is 29in9ct3 for the acorn guesthouse . eos O O O O B-Booking-Book+Ref O O B-Booking-Book+Name I-Booking-Book+Name O N/A +bos i would also like to eat somewhere cheap in the middle of town . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos i suggest the dojo noodle bar , an asian oriental restaurant , 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 B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O O Booking-Inform +bos do you have one the is portuguese food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there is . how does nandos city centre sound ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O general-greet +bos sounds great if it is portuguese . i 'll take a reservation for 7 people at 20:00 for the same day . eos 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 O O O O N/A +bos you 're all set . your reference number is 6r5w1rre and your table will be reserved for 15 minutes . anything else ? eos 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 general-reqmore +bos no , that 's all i needed 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 okay , it was my pleasure to assist you ! bye ! 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 that also has free parking . eos 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 2 hotels in the north part of town with parking . would you like to book one of them ? 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 Booking-Inform,Hotel-Inform+Parking +bos do either of those have a 2-star rating ? eos O O O O O O O O O O N/A +bos yes , they both have a 2-star rating . eos O O O O O O B-Hotel-Inform+Stars O O O N/A +bos can you see if either of them are available for 2 nights for 5 people starting on thursday , i have no preference for which one . eos O 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 N/A +bos both of those hotels are completely booked up when trying to fit that criteria . perhaps we can try different specifications ? 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-Inform +bos well , i 'll have to see if i can shorten my stay then . can you try for just 1 night ? 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 N/A +bos yes , i 've booked you for 1 night at the ashley hotel . eos O O O O O O O B-Booking-Book+Stay O O O O O O O N/A +bos great . can i have the reference number please ? eos O O O O O O O O O O O Hotel-Request+Ref +bos of course . the reference number is tptbtvj9 . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos great , 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 great day ! eos O O O O O O general-bye +bos hi i am looking to get some info on the aylesbray lodge 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 I-Hotel-Inform+Name N/A +bos the aylesbury is a moderately priced 4 star hotel on the south side of town . would you like the phone number , or a room , perhaps ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O 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 O O O O O O O O Booking-Inform +bos great . book me that for 2 nights starting from saturday for just myself . eos O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O O O O N/A +bos i 'm sorry there are no rooms available for that hotel for the nights you want , 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 O O O O O O O O Booking-NoBook,general-reqmore +bos how about 1 night starting from saturday ? eos O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos that worked . your reference number for the reservation is vdl0a0id . 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 that 's all i needed . 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 everyone keeps telling me i have to stay at cityroomz when i visit next . have you heard of it ? eos 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 N/A +bos yes . it is a moderately priced hotel in the centre of town . they do n't have a star rating , but do offer free wifi . would you like help booking a room there ? eos O O 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 I-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 Booking-Inform,Hotel-Inform+Internet +bos yes , i would like to book it for 3 people and 3 nights starting from wednesday . 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 N/A +bos i 'm so sorry , but i was unable to book per your request . would you like to try a shorter stay or a different 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos well , are there any other hotels that i can stay at during this time . i really need these dates . 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 sure . do you want the same part of town ? eos O O O O O O O O O O O O Hotel-Request+Area +bos no , please book me at cityroomz if 3 people and 3 nights starting from wednesday is unavailable can you try 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 N/A +bos one night was a success . your reference number is kyh3r6az . eos O O B-Booking-Book+Stay 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 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 . that is all . thanks . 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-bye +bos can you help me find a place to stay that has a 4 star rating ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos i can certainly help you with that . do you have a preferred price range or area ? 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 thank you . i am looking for a hotel in the west part of town . eos 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 i have 3 in west - two are cheap and one is expensive . preference on price ? eos O O O O O B-Hotel-Inform+Area 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 Hotel-Select +bos i do not have a preference on price as long as it has a 4 star rating and is a hotel . 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 B-Hotel-Inform+Type O N/A +bos i would suggest the huntingdon marriott hotel . it is very nice . can i get you some information on it ? 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 O general-reqmore +bos yeah , can you let me know if it has free parking ? eos O O O O O O O O O O O O O O N/A +bos parking and internet are both included , would you like me to book you ? eos 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 for 1 person for 4 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 O N/A +bos your booking was successful.reference number is : 6i8873pa . 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 general-reqmore +bos can you find me a place to stay that is moderately priced and includes 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 found 5 guesthouses for you . what part of the towns do you prefer to stay ? 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 area would be fine . but do any of the guesthouses have a 3 star rating ? eos 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 N/A +bos yes . does it matter what part of town ? there is one on the south , one on the north , and one on the west . 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 O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O Hotel-Request+Area +bos the area does n't matter , i just need to make sure i have a place to stay for 4 nights starting saturday . 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 B-Hotel-Inform+Day O O O N/A +bos all right , i can make a reservation at the bridge guest house if you tell me how many people are in your group . 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 O O O O O O Booking-Request+People +bos 3 people . eos O O B-Hotel-Inform+People O N/A +bos i do not have that hotel at that time , should i try for 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 +bos how about just 1 night ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos okay , you are booked at the bridge guest house for 1 night ( saturday ) . your reference number is nvyyu4ml . can i help with anything else ? eos O O O O O O O O O O O O B-Booking-Book+Stay 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 thanks so much , i ca n't wait . bye . eos O O O O O O O O O O O O general-bye +bos do n't mention it . i hope you guys have a blast . eos O O O O O O O O O O O O O O general-bye +bos hello , do you know of any spanish restaurants 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 yes , la tasca is moderate and la raza is cheap . both are very good . eos O 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 general-welcome +bos tell me more about la raza . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos la raza is a cheap spanish restaurant . it is located at 4-6 rose crescent . their postcode is cb23ll . their phone number is 01223464550. 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 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 B-Restaurant-Inform+Phone O O O N/A +bos book a table for 7 people at 17:15 on saturday . 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.reference number is : atx2nlq7 . 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 am also interested in a particular attraction called saint barnabas press gallery . 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 saint barnabas press gallery is in the east its entrance fee is free eos 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 O O O B-Attraction-Inform+Fee N/A +bos yes may i have their postcode please ? eos O O O O O O O O O Attraction-Request+Post +bos saint barnabas press gallery 's postcode is cb13ew . would you like more information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O O O O O O O O N/A +bos no that 's it . i also need a taxi taking me from the gallery to the restaurant . 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 +bos your booking is complete . the contact number is 07233527028 and car type is a grey ford . can i help you with anything else today ? 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 general-reqmore +bos no that 's everything . thank you so much ! eos O O O O O O O O O O O general-thank +bos yeah , you are very welcome . i was happy to assist . eos O O O O O O O O O O O O O O general-welcome +bos you were of great help eos O O O O O O N/A +bos well thank you . it has been my pleasure to assist you today . i hope you have a wonderful day and a very enjoyable 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 general-welcome +bos thank you so much you have been awesome . 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-welcome,general-bye +bos can you help me find a moderate price place to stay that includes free parking ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos acorn guest house has free parking and is moderately priced . would you like more information ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos does it also have free wifi and does it have 2 stars ? eos O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos no it does n't . but the ashley hotel has 2 stars and free parking . it is a moderate also . eos 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 O B-Hotel-Inform+Price I-Hotel-Inform+Price O O Hotel-Inform+Parking +bos is there somewhere with both free wifi and parking ? eos O O O O O O O O O O O N/A +bos yes . the ashley hotel has both free wifi and parking . would you like to make a reservation ? 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+Parking,Hotel-Inform+Internet +bos i am not quite ready to make a reservation yet , but could you please get the address 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 Hotel-Request+Addr +bos the ashley hotel is located at 74 chesterton road . would you like any other information about it ? 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 yes , do you have their postcode please ? eos O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb41er . 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 N/A +bos what part of town is the ashley located ? eos O O O O O O O O O O N/A +bos they are located in the north . eos O O O O O O B-Hotel-Inform+Area O N/A +bos perfect , thank you . 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 , have a great day , goodbye . eos 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 okay , and what kind of information can i retrieve for you today ? eos O O O O O O O O O O O O O O O N/A +bos i need to know if any trains are running to broxbourne on saturday that arrive by 10:30. eos O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos tr1997 leaves cambridge at 09:01 on saturday and arrives in broxbourne at 10:01. 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 B-Train-Inform+Day I-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O N/A +bos great can you get me 8 tickets please ? eos O O O O O O O B-Train-Inform+People O O N/A +bos i was able to book you . your reference number is e7aj44n7 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos i also =nned to find a guesthouse to stay in that is 4 stars . eos 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 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 O Booking-Request+Day +bos do any of them have free wifi ? eos O O O O O O O O O N/A +bos yes there is internet . eos O O O O O O Hotel-Inform+Internet +bos ok great , i need a room booked for 8 and for 5 nights starting on the monday . 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 i 'd be happy to help with your request , which place did you want to book a room at ? there are 18 results and all have 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Booking-Inform,Hotel-Inform+Internet +bos you can just pick one for me . i 'd like a 4 star guesthouse with free wifi . i need a room monday for 5 nights and 8 people . 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 B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O O O N/A +bos okay , i 've booked your room for 8 people starting on monday at the a & b guest house . your reference number is c6m738rf . anything else for you today ? eos O O O O O O O O B-Booking-Book+People O O B-Booking-Book+Day I-Booking-Book+Day 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 O general-reqmore +bos no , that will be all . thanks . 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 thank you 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 i 'd like to find a hotel to stay in . somewhere with free wi-fi . 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 we have 9 hotels that offer free wifi . do you have a star rating , area of town , or 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 O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Internet +bos i would like to keep it cheap if possible and something 4 star rated please . eos 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 there 's the cambridge belfry . shall i make you a reservation , then ? 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 Booking-Inform +bos yes , please . it is for 2 nights starting on tuesday for 7 people . eos 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 perfect , i booked that for you . reference number is 42jfppk8 . 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 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 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 to find a 4 star hotel with free wifi eos O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos there are 21 hotels that meet your needs . 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 i 'll definitely need something on the cheap side . eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos i have at least two properties matching your requirements and both are considered 4 star hotels . would you like me to book one of them ? 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 B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform +bos are either of them located on the south side of the city ? eos O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos yes , two of them are . aylesbray lodge guest house and rose 's bed and breakfast eos 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 O O N/A +bos okay , please book 4 nights for 4 starting tuesday eos O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos which hotel would you prefer me to book ? eos O O O O O O O O O O Booking-Inform +bos rose 's bed and breakfast eos O O O O O O N/A +bos booking was successful.reference number is : mcckyp80 . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you ! i do n't require any further help . eos O O O O O O O O O O O O general-thank +bos sounds great ! have a nice day ! eos O O O O O O O O O general-bye +bos i am planning my trip and would like to find a guesthouse to stay at . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos and where would you like this guesthouse to be ? eos O O O O O O O O O O O Hotel-Request+Area +bos north part of town and moderate price with wifi eos O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price 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 do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes they do have free parking . do you need 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 Booking-Inform,Hotel-Inform+Parking +bos no , please get me their address and phone number . eos O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos they are on 154 chesterton road , postal is cb41da , phone number is 01223353888 , can i help with anything else ? eos 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 general-reqmore +bos i was wondering whether there are any concerthalls in the east that i could check out . 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 i 'm sorry . i 'm not finding any concert halls in the east . would you like to try a different area or attraction type ? 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 O O Attraction-Request+Type,Attraction-Request+Area +bos how about a museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos we have museums in the east quite a few actually how can i help you ? eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O general-reqmore +bos just pick one . eos O O O O O N/A +bos okay ! how about cambridge artworks ? admission is free ! eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Inform+Fee O O O general-greet +bos sure , i can try that . eos O O O O O O O O N/A +bos ok 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 O general-reqmore +bos what is the postcode to that place ? eos O O O O O O O O O Attraction-Request+Post +bos the postcode for cambridge artworks is cb13ef . anything else i can do for you ? eos 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 general-reqmore +bos no thank you that will be 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 O general-welcome,general-bye +bos yes i am looking for some hotels that include free parking and cheap rates in the cambridge area . eos O O B-Hotel-Inform+Parking O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos there are 10 hotels , do you have any other preferences 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 Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Internet +bos sure . i 'd like a guesthouse . eos O O O O O B-Hotel-Inform+Type O O O N/A +bos there are 9 options available . do you have a preference for how many stars or what area specifically ? 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+Stars +bos i do n't care . please book one that you recommend . eos O O O O O O O O O O O O O N/A +bos ok , how about the allenbell ? to book a stay i 'll need to know the first day you want to stay , how many days , and how many guests . eos O O O O O B-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 Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos i need it for 8 people , and for 4 nights starting saturday . eos 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 great , i have booked your stay for 8 people for 4 nights . your reference number is pb41wuot . may i help with anything else ? eos O O O O O O O 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 general-reqmore +bos i also would like to find a museum in the west . eos O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos there are several museums there , any preferences ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O Attraction-Request+Type +bos i would like to find the museum of science , please . eos O O O O O O O O O O O O O N/A +bos i 'm sorry , but i 'm having trouble locating your requested attraction . 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 O O O Attraction-Request+Name +bos is there a museum of science ? eos O O O O B-Attraction-Inform+Type O O O N/A +bos i 'm not finding one , sorry . eos O O O O O O O O O Attraction-NoOffer +bos are there any other museums in that area ? eos O O O O O O O O O O N/A +bos yes there are 7 museums in the west area of town for your pleasure . is there anything else you would like to narrow them down with ? 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 O O O O O Attraction-Request+Price,Attraction-Request+Type +bos the museum i want should be in the west side of town and can i have the postcode for the 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 Attraction-Request+Post +bos do you mean the whipple museum of the history of science ? if so , it 's located in the centre of town . postcode is cb23rh . 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 I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Post O O O O O N/A +bos great , thanks for the help ! eos O O O O O O O O general-thank +bos the museum of classical archaeology on the west side might also meet your needs . the postcode is cb39da . 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+Area O O O O O O O O O B-Attraction-Inform+Post O O N/A +bos yes , i think that will be better since it 's on the west side . thank you , 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 O O O O O O O general-thank +bos great ! i will give you some brochures for you . eos O O O O O O O O O O O O N/A +bos thank you . i think that 's all i need today . eos O O O O O O O O O O O O O general-thank +bos alright ! enjoy your trip to the museum ! eos 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 're welcome . good-bye . eos O O O O O O O general-welcome,general-bye +bos i 'm looking for information on the leverton 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 leverton house is a guesthouse located on the east side of cambridge . what information are looking for ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O N/A +bos perfect . i would like to book it for 3 people for 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 i 'm sorry . i am unable to book your stay . could you arrive on another day or stay for a shorter amount of 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+Day,Booking-Request+Stay +bos can you please check for 3 nights at the same hotel for 3 people and can i have the reference number ? eos O O O O O O O B-Hotel-Inform+People O O O O O O O O O O O O O O O Hotel-Request+Ref +bos they do n't have a room available for 3 nights either . anything else you 'd like me to try ? eos 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 N/A +bos i 'm looking for places to go in the centre 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 many attractions in the centre of town . could you be more specific about what you 're looking for ? eos 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 N/A +bos i 'd like to visit a museum if possible . eos O O O O O O O O O O O N/A +bos how about cambridge contemporary art , on 6 trinity st ? entrance is free . eos 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 O B-Attraction-Recommend+Fee O O O N/A +bos sure . but i still need to book a hotel . is there anything else available ? eos O O O O O O O O O O O O O O O O O O Hotel-Inform +bos i 'm sorry , it does n't look like the leverton house will be able to accommodate you . how about allenbell or autumn house ? they are in the same area and also inexpensive . 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 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 O B-Hotel-Recommend+Price O O O O O O Booking-NoBook +bos can they accommodate 3 people for 4 nights ? also , what are their phone numbers ? eos 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 'm sorry both of those hotels are booked solid . would you consider slightly more expensive accommodations ? eos O O O O O O O O O O O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O Booking-NoBook +bos can you try 3 nights instead ? eos O O O O O B-Hotel-Inform+Stay O O N/A +bos both of them are booked solid for the days you requested . would you like a hotel in a moderate price ? eos O O O O O O O O O B-Booking-NoBook+Stay I-Booking-NoBook+Stay I-Booking-NoBook+Stay I-Booking-NoBook+Stay O O O O O O B-Hotel-Recommend+Price O O O N/A +bos yes let 's try a different hotel . eos O O O O O O O O O Hotel-Inform +bos great . i was finally able to get you into the autumn house staring friday for 3 nights and 3 people . your booking reference is c5arptz2 . 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 B-Booking-Book+Stay O O O O O O O O B-Booking-Book+Ref O O N/A +bos do you have the phone number for autumn house 's front desk ? eos O O O O O O O O O O O O O O N/A +bos sure . it 's 01223575122. anything else ? eos O O O O B-Hotel-Inform+Phone O O O O general-reqmore +bos i 'm also going to need a taxi , please . eos O O O O O O O O O O O O Taxi-Inform +bos sorry about the confusion earlier . i was able to book your room at leverton house for friday , 3 nights for 3 people . the reference number is u5b3phwc . eos O O 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 B-Booking-Book+People O O O O O O O B-Booking-Book+Ref O O O O N/A +bos okay . i 'll need a taxi too . eos O O O O O O O O O O Taxi-Inform +bos i can help you with a taxi . please tell me your departure and destination sites along with your time frame . 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+Dest,Taxi-Request+Leave +bos i want to leave the hotel by 22:00 to go to the museum you mentioned . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O O O O N/A +bos a black skoda will pick up up at leverton house at 22:00 and bring you to cambridge contemporary art museum . the contact number is 07697068185. eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave I-Taxi-Inform+Leave 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 N/A +bos awesome . thank you for everything ! eos O O O O O O O O general-thank +bos it was my pleasure . goodbye ! eos O O O O O O O O general-welcome,general-bye +bos find me an expensive hotel with free parking . eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O N/A +bos there are 5 different hotels that are expensive and all include free parking . is there a particular area you would like to stay in ? 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 O O O O Hotel-Request+Area,Hotel-Inform+Parking +bos no . as long as its in the type of hotel . eos O O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos there are two four-star hotels with free parking in this price range , the huntingdon marriott and the university arms hotel . eos O O O O B-Hotel-Inform+Stars 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 Hotel-Inform+Parking +bos can i get the phone number for the huntingdon marriott , please ? eos O O O O O O O O O O O O O O Hotel-Request+Phone +bos of course ! it 's 01480446000. may i help with anything else ? eos O O O O B-Hotel-Inform+Phone 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 . good-bye . eos O O O O O O O general-bye +bos hi , i 'm looking for a 4 star hotel on the west side . eos O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O N/A +bos i was able to find three results for what you are looking for , may i recommended finches bed and breakfast ? eos O O 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 O O N/A +bos great do they have free wifi ? eos O O O O O O O O N/A +bos they have free wifi and free parking ! they 're a guesthouse , not a hotel , though - is that ok ? 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , sounds good . i 'd like to book for 6 people for 5 nights from thursday . 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 O O N/A +bos i 'm afraid that wont work . can we try a different day or length of 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+Stay,Booking-Request+Day +bos would you be able to get it for 1 night and also get me a reference number eos O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O Hotel-Request+Ref +bos yes i was able to book a room there for one night . reference number is pl0p458j . eos O O O O O O O O O O O O B-Booking-Book+Stay O O O B-Booking-Book+Ref O O N/A +bos great ! thanks for your help with booking that . eos 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 , that 's all . thanks . eos O O O O O O O O O general-thank +bos thank you for contacting , cambridge towninfo centre . eos O O O O O O O O O O general-bye +bos can you find me 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 most of the cheap options we have are guesthouses , though i do have one hotel in the west . do you have a preference ? eos O O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O Hotel-Select +bos how many stars does this hotel have , and does it have wifi ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos it has a 4 star rating and wifi yes . eos O O O O O B-Hotel-Inform+Stars O O O O O Hotel-Inform+Internet +bos can you tell me the name and phone number of that hotel please ? eos O O O O O O O O O O O O O O O Hotel-Request+Phone +bos it is the cambridge belfry hotel and the phone number is 01954714600. do you need any other details ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O B-Hotel-Inform+Phone O O O O O O O N/A +bos no , actually that did it . i have all i need . thanks again . goodbye . eos 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 O general-bye +bos can you recommend a place to stay that has free wifi ? i need something in the moderate price range . 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 have got quite a few that should suit your needs . is there a preference on what area of town you stay ? that might help narrow down the options . 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 O O O O Hotel-Request+Area +bos in the centre , please . also , free parking . eos O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos unfortunately , i am not finding anything that meets all of your requirements . would you mind if i searched another 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 Hotel-NoOffer,Hotel-Request+Area +bos can you see if there 's anything in the east ? eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos the carolina bed and breakfast and the warkworth house . they both have free wifi and parking and they both fall in the moderate price range . do either of these sound good ? 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 O O B-Hotel-Inform+Price O O O O O O O O O O O Hotel-Select,Hotel-Inform+Parking,Hotel-Inform+Internet +bos great . can you give me the phone number and address for the warkworth house ? also , is it a guest room ? 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 O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos yes , it is a guesthouse and their phone number is 122 336 3682. eos O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone I-Hotel-Inform+Phone N/A +bos can i have the address of the hotel ? eos O O O O O O O O O O Hotel-Request+Addr +bos the address is warkworth terrace . eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos thank you very much ! eos O O O O O O general-thank +bos you 're welcome . what else can i do for you ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos nothing thank you , that 's all i need . have a nice day ! eos O O O O O O O O O O O O O O O O general-thank +bos excellent ! i hope the hotel is a pleasure . eos O O O O O O O O O O O general-welcome +bos do you know of any 3 star hotels to stay in ? eos O O O O O O O B-Hotel-Inform+Stay B-Hotel-Inform+Type O O O O N/A +bos yes , there are 6 i can recommend to you . do you have other specifications , or shall i select one for you ? eos O O O O O O B-Hotel-Recommend+Choice O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos i would like for the hotel to be located in the south and include free wifi . eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O O O O N/A +bos i have two different choices . one is rather expensive and the other more moderately priced . do you prefer one over the other ? eos 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 I-Hotel-Inform+Price O O O O O O O O O Hotel-Select +bos either is fine . can you see if one of them might have a room on wednesday for 3 people and 3 nights ? eos 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+People O O O O O N/A +bos ok. i have booked the lensfield hotel for you . the reference number is 11xdm9cc . eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos can i have the address and phone number please ? eos O O O O O O O O O O O N/A +bos of course . the address is 53-57 lensfield road . phone number is 01223355017. 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+Phone O O N/A +bos thanks so much ! eos O O O O O general-thank +bos have a great day ! eos O O O O O O general-greet +bos i need a guesthouse with a moderate price . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O N/A +bos do you have a preferred area of the city you 'd like to stay in ? eos 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 have a preference . i 'd like the guesthouse to have free parking though ! 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 found acorn guest house . it is moderately priced and has four stars ! 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 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 O Booking-Inform +bos yes please create a booking for 6 people . it needs to be for 2 nights starting on tuesday . eos 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 N/A +bos of course ! you 're all set , with reference number wzrkrxgz . may i help with anything else ? eos O O O O O O O O O B-Booking-Inform+Ref O O O O O O O O O O O general-reqmore +bos no , 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 okay . glad we could help ! eos O O O O O O O O general-bye +bos hi there , i 'd love to find a guesthouse with free parking . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos i have 21 guesthouses is there an area you are looking for or a price range you would like 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 O O O Hotel-Request+Area,Hotel-Request+Price +bos well i would like something with 3 stars . i do n't care about the internet . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos bridge guest house has good reviews if you 'd like that eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Hotel-Inform +bos that sounds interesting . do they happen to have free wifi ? eos O O O O O O O O O O O O O N/A +bos they do ! would you like to reserve a room ? eos O O O O O O O O O O O O Booking-Inform +bos i really would like it to have a 3 star rating . if bridge guest house does , then yes , please make a reservation for 3 people arriving on monday . eos 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 O O O O O B-Hotel-Inform+Day O O O O N/A +bos the bridge guest house is rated 3 stars , and has free wifi and parking . before i can make a reservation , i need to know how many nights you will be staying . 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 O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos please make a reservation for 3 nights . eos O O O O O O O B-Hotel-Inform+Stay O N/A +bos no problem . your reference number is vqlmm8nq . anything else ? eos O O O O O O O O B-Booking-Book+Ref 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 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 are there any guesthouses with 3 star ratings ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O N/A +bos i was able to get four results for what you are looking for , is there a certain price range you would like ? 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 Hotel-Request+Price +bos yes definitely . i would like something moderate . eos O O O O O O O O B-Hotel-Inform+Price O N/A +bos we have four guesthouses that fit the bill , two in the north , one in the south , and one in the west . 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 O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O N/A +bos out of those , can you find me one with free internet and parking ? eos O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos we have 3 that match your criteria but hamilton lodge is very popular . would you like to try there ? eos O O O O B-Hotel-Inform+Choice 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 no , i 'm not ready to book just yet . thank you ! eos O O O O O O O O O O O O O O O general-thank +bos just let us know when you are ready to book and we will be happy to assist 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 Booking-Inform,general-bye +bos i need a hotel in the south with free wifi . eos O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos i have a cheap guesthouse , 2 moderately priced guesthouses , and 1 expensive hotel - do you have a preference ? eos O O O O O O 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 O Hotel-Select +bos can you tell me if the cheap one has a star rating ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos yes , that would be rosa 's bed and breakfast . it has a 4-star rating and offers free wifi and parking . would you like me to book you 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 O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , please book a room for 5 people . eos O O O O O O O O O O O N/A +bos what day and how long should i book this for ? eos O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day,Booking-Request+People +bos please book it on thursday , for 5 people , and 3 days . eos 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 . reference numbr is y113fev7 . 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 Booking-Request+Day +bos that will be all , thank you . eos 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 i am looking for a hotel with a three star rating and a cheap price eos O O O O O O O O O O O O O O B-Hotel-Inform+Price O N/A +bos i 'm sorry , but there are no hotels that match your criteria . would you like to change your price range or stars requirement ? 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 O O Hotel-Request+Stars,Hotel-Request+Price,Hotel-Inform,general-reqmore +bos do you have a guesthouse that meets my requirements ? eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos unfortunately no . is there another type of hotel you are interested in ? eos O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Type,general-reqmore +bos i would like a guesthouse that meets all my previous criteria , except now i want one in the moderate price range and it does n't need to include internet . eos O O O O O B-Hotel-Inform+Type O O O O O O O O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Price O O O O O O O O O O O O N/A +bos i found the alpha-milton guest house in the north side . would you like to book a room ? eos O 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 O O O O O O O Booking-Inform +bos not yet . but i would like their telephone number . eos O O O O O O O O O O O O Hotel-Request+Phone +bos their phone number is : 01223311625 eos O O O O O B-Hotel-Inform+Phone 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 cool , have a nice trip ! eos O O O O O O O O general-bye +bos i 'm looking for a restaurant in the centre that serves italian 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 yes i have several options for you . do you have a preferred prices range you are 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 Restaurant-Request+Price +bos do any of them have an opening for 5 people friday night at 17:30 ? eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time O N/A +bos there are 9 italian restaurants in the center of town . i recommend pizza express fen ditton . however , the restaurant is fully booked . do you have a 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 I-Restaurant-Inform+Area 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 Booking-NoBook,Restaurant-Request+Price +bos is there another restaurant available in the same area at that time in 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 if you like asian food , i can check the yippee noodle bar which is in the same area and the same price range . eos O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O N/A +bos can you tell me where i can find an expensive chinese restaurant ? eos O O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are 9 expensive chinese restaurants . do you have a specific area you would like ? 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 i would prefer the city centre please . eos O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have 4. how about hk fusion ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Select+Name I-Restaurant-Select+Name N/A +bos i would like to book a table for 6 people at 13:30 on sunday . 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 the booking for hk fusion was unsuccessful . would you like a different restaurant ? eos O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O O O O O O O general-reqmore +bos will try another one in the same area and price range ? if you can book it , will you give me 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 you are booked into the ugly duckling which is in the expensive price range in the centre of town . your reference number is 3rfxw8g6 . 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 B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Ref O O O O O O O N/A +bos no , that is all . thank you , good bye . eos O O O O O O O O O O O O O general-bye +bos okay enjoy your lunch and thank you for calling . eos O O O O O O O O O O O general-bye +bos i am looking for cote restaurant . eos O O O O O B-Restaurant-Inform+Name O O N/A +bos would you like a booking at cote ? eos O O O O O O O B-Booking-Inform+Name O N/A +bos yes , please . i need a table for 5 at 12:15 saturday . eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O N/A +bos i 'm sorry but the cote was not available to reserve at that time . can i help you find another restaurant ? eos 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 general-reqmore +bos is there another restaurant in the same area and price range available ? eos O O O O O O O O O O O O O O N/A +bos yes i have 33 possible choices , would you like them to serve the same type of food at the cote ? eos O 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 Restaurant-Request+Food +bos yes . i want to book a table for 5 people at 12:15 on saturday . eos O O O O O O O O O O O O O O O O O N/A +bos i can check for british food or african if you have a preference . 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 N/A +bos which ever is open then , thank you . eos O O O O O O O O O O general-thank +bos i was able to book fitzbillies restaurant , reference number is 4lxpuxo1 . eos O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O O O B-Booking-NoBook+Ref O O N/A +bos thanks so much ! eos 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 australian place . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry . there are no australian places in cambridge . would you like to try another cuisine type ? 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 on one that serves turkish food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes , the meze bar restaurant fits that description . would you like me to book that for you ? eos 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 Booking-Inform +bos can you please see if they have booking available for 8 people at 11:00 on thursday ? 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 N/A +bos i 'm sorry , the booking was unsuccessful . 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 Booking-NoBook,general-reqmore +bos yes , please and one that serves turkish food . eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos sure , i 've booked you at anatolia , which also serves turkish food , with reference number t70eay2i . may i help with something else ? eos O O O O O O B-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 general-reqmore +bos no , that should be everything i need . eos O 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 you too ! thank you for your help . 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 yes , can you lookup the chiquito restaurant bar for me . eos 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 yes i found it , what information would you like ? eos O O O O O O O O O O O O general-reqmore +bos can you book at table for 4 at chiquito on tuesday at 20:00 please . eos O O O O O O O O O O O O O O O O N/A +bos alright , your table will be booked for that time . eos O O O O O O O O O O O O Booking-Inform +bos thank you . may i get a reference number ? eos O O O O O O O O O O O Restaurant-Request+Ref +bos i 'm sorry but the booking was unsuccessful . 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 Booking-NoBook,general-reqmore +bos yes in the same area and price range . i 'll need a reference number too . eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos i booked a table at the good luck chinese food takeaway . your reference number is mdk9a3pr . the restaurant is at 82 cherry hinton road . will that be all ? 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 B-Booking-Book+Ref 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 N/A +bos thank you that will be all . 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 general-welcome +bos 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 : caffe uno . eos O O O O O O 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 O O O O N/A +bos caffe uno is an italian restaurant at 32 bridge street . 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos that 's it . i want to book a table for 4 people at 17: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 O N/A +bos i 'm sorry , it does n't look like they have anything available . would you like to try somewhere 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 Booking-NoBook,general-reqmore +bos yes . try the same area and price range . eos O O O O O O O O O O O N/A +bos how about asian cuisine ? it is an expensive restaurant located at 52 mill road in centre . eos O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos hello , could you please find me a place to dine ? eos O O O O O O O O O O O O O general-greet +bos did you have a certain area or price range you would like to dine at ? 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 the restaurant should be in the west and should serve expensive kosher food . eos O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i do not have any restaurants meeting that description . 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 Restaurant-Request+Food,Restaurant-NoOffer +bos do you have one that serves british food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 2 restaurants that serve british food , the graffiti and travellers rest . would you like me to book one for you ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food 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 sure , either as long as it is expensive and in the west . can you book a table for 1 on tuesday at 17:45 ? 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 O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos ok , i have you booked at graffiti on tuesday at 17:45. eos O O O O O O O B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O N/A +bos can i get a reference number please ? eos O O O O O O O O O Restaurant-Request+Ref +bos sorry , apparently that booking did n't clear . i got you a table at travellers rest instead . reference number is : brtyjsc8 . can i help with anything else ? 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 O O O O O O O O O O Booking-NoBook,general-reqmore +bos no , thanks for all your help eos O O O O O O O O general-thank +bos enjoy your meal and have a great day ! eos O O O O O O O O O O general-bye +bos i need a place to stay in the east . i do n't need to have access to the internet . 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 N/A +bos i have 7 places available in the east . what is your price range ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O Hotel-Request+Price +bos price does not matter , but can you find one without free parking ? eos O O O O B-Hotel-Inform+Parking O O O O O O O O O O N/A +bos a and a guest house is available . it 's in east part of town and is moderately priced with no free parking . can 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+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 O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Select +bos does it have free wi fi ? i need free wi fi eos O O O O O O O O O O O O O N/A +bos the a nd b guesthouse has wi-fi and fits the rest of your criteria , i can book you if you would like . 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 O O O O O O O Hotel-Inform+Internet +bos yes , please . can i book it for 2 people on monday night with a 5 night stay ? eos O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O O O N/A +bos i 'm sorry , that is n't available . is there something else i can find for you ? 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 something else in the same price range ? eos O O O O O O O O O O O N/A +bos okay , you 're booked at acorn guest house with reference number hk5aycb6 . may i help with anything else ? 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 can i have the address please ? eos O O O O O O O O N/A +bos sure ! the address for the acorn guest house is 154 chesterton road cb41da and the phone is 01223353888. 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 B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O N/A +bos thank you so much . that is all . eos O O O O O O O O O O general-thank +bos okay . enjoy your stay here . eos O O O O O O O O general-bye +bos i need some cheap caribbean eats somewhere . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry . i was unable to find a restaurant with those criteria . would you like to try a different type of restaurant 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 O O O Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer +bos i would like the restaurant to be in the centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos the dojo noodle bar in in the centre . it serves asian oriental food . can i reserve that for you ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O Booking-Inform +bos no , i 'm not in the mood for that . maybe something indian , though . are there 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 N/A +bos yes , there are three cheap indian restaurants in the centre . i 'd suggest kohinoor , as it 's my favorite . would you like to book it ? eos 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 B-Restaurant-Recommend+Name O O O O O O O O O O O O O O O O O Booking-Inform +bos yes , please book a table for 8 people at 14:15 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 , that time is not available at kohinoor . would you like me to find another restaurant for you ? 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 general-reqmore +bos another in the same area and price . eos O O O O O O O O O N/A +bos i was able to book the ghandi , reference number is 6gpzktwv eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Ref 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 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 will do it for now . bye . eos O O O O O O O O O O O O general-bye +bos goodbye and thank you . eos O O O O O O general-bye +bos i need to find a restaurant that serves korean food located in the centre of town . 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 is one korean restaurant in centre of town . it is expensive . it 's called little seoul . would you like a reservation ? eos O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform +bos please book a table for 4 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 N/A +bos i am sorry by little seoul was n't available at that time . is there another option for dining i can look up 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 Booking-NoBook,general-reqmore +bos how about a different restaurant within the same area and price range . eos O O O O O O O O O O O O O O N/A +bos you are booked into kymmoy which serves asian oriental , in the town centre and expensive range . your reference number is j39deupu . the address is 52 mill road city centre . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Booking-Book+Ref 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 was very helpful . thank you goodbye ! 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 would like find some information about a train . specifically , i 'm looking for details about a train that leaves tuesday after 11:15. 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 B-Train-Inform+Leave O O O N/A +bos can i get information on where you will be departing from ? eos O O O O O O O O O O O O O Train-Request+Depart +bos yes , i 'll 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 O O N/A +bos the tr7850 leaves london kings cross at 11:17 and arrives in cambridge at 12:08. would you like to book a ticket ? 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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes please book it for 5 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 O Train-Request+Ref +bos the reference number is 6scorzpy . eos O O O O O B-Train-OfferBooked+Ref O N/A +bos i am also looking for a restaurant that serves modern european food in the expensive price range . what do you find available ? 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 O O O O O O O N/A +bos the only place in town like that is darry 's cookhouse and wine shop . it 's in the center of town . would you like a table ? 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 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 can you just give me their phone number and postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos certainly ! their phone number is 01223505015 postcode cb11n . is there anything else i can help you with today ? eos O O O O O O O B-Restaurant-Inform+Phone O B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos that 's all i need . i appreciate the help . eos O O O O O O O O O O O O N/A +bos you 're quite welcome . goodbye ! eos O O O O O O O O general-welcome,general-bye +bos need a train to cambridge from bishops stortford . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos there is a train on friday that leaves at 7:29 am eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave I-Train-Inform+Leave N/A +bos will that train arrive by 15:45 ? eos O O O O O O B-Train-Inform+Arrive O N/A +bos yes , it arrives in cambridge at 8:07. would you like me to reserve some seats for you ? eos 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-OfferBook +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 price is 10.10 pounds and the travel time is 38 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 i am also looking for a restaurant that serves german food at the moderate price range . 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 Train-Request+Price +bos i 'm sorry , but there are no restaurants that meet all of those specifications . would you like to look for a different cuisine type 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 O O O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-NoOffer +bos can you recommend a chinese restaurant since german is not available ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos yes , there are there are several . i could try to book you a table at shanghai family restaurant in the city centre , or would you like to hear about the others ? eos O O O O O O B-Restaurant-Inform+Choice 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 I-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O O general-reqmore +bos ok , i need a table for 2 at 18:45 on the same day please . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O O O O O N/A +bos i have a table for 2 reserved for you at 18:45 , your reference number is 6vifyhl7 . is there anything else i may assist you with today ? eos O O O O O O O B-Booking-Book+People 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 no , thats all i needed . eos O O O O O O O O N/A +bos thank you for contacting cambridge towninfo centre . i hope you have a nice visit ! goodbye ! 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 an inexpensive restaurant which serves scandinavian food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos unfortunately , i have n't found any inexpensive restaurants that serve scandinavian food . would you be willing to look for a moderately priced restaurant instead ? eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O N/A +bos yes , that is fine . please make sure it 's in the centre of town . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos unfortunately there are no scandinavian restaurants in that area . would you like to try another type of cuisine ? 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+Food +bos how about british food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos i have found four different british restaurants in the centre area with a moderate price range . may i recommend restaurant one seven ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos yes , that sounds good , can i get their phone number ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223337766. can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O N/A +bos i also want to know about taking the train down there . eos O O O O O O O O O O O O O Train-Inform +bos there are many trains that are available , could you give me some more information on what you 're looking for ? 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 general-reqmore +bos yes i need to go to stansted airport from cambridge on saturday after 15:45. what are my options for this ? eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O O N/A +bos there is a train ( tr7062 ) that leaves at 16:40 , will that work ? eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O O O O O Train-Select +bos yes , that sounds perfect . can you tell me the price and travel time , or duration , on 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+Duration,Train-Request+Price +bos actually that one is sold out however tr2001 leaves at 16:40 as well . travel time is 28 min and price is 8.08 pounds . eos O O O O O O O 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O Train-OfferBooked +bos that should work as well ! please go ahead and book ! eos O O O O O O O O O O O O O N/A +bos may i ask how many tickets you would like for that train ? eos O O O O O O O O O O O O O O Train-Request+People,Train-OfferBook +bos 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 . eos O O O O O O O O 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 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 would like to book a meal at a chinese restaurant . eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have results for 17 chinese restaurants , what area are you looking to dine in ? eos O O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area +bos i would like it be located in the centre area . i like expensive chinese food . eos O O O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i have 4 different restaurants . if you would like a recommendation , the ugly duckling is often known as the best in town . 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 I-Restaurant-Recommend+Name O O O O O O O O O O N/A +bos yes you can you book it for 6 people at 12: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 excellent . do you want the reference number ? eos O O O O O O O O O O Booking-Book,general-greet +bos yes , please . i am also looking for a train . eos O O O O O O O O O O O O O Train-Inform +bos where will you be going to and from ? eos O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am going to broxbourne and need to leave cambridge so i arrive by 15:00. eos O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A +bos okay . can you also tell me what day you want to travel ? eos O O O O O O O O O O O O O O O Train-Request+Day +bos yes , i would like to travel on saturday . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos i have train tr4334 that departs at 13:01 and arrives by 14:01. do you think that would 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+Arrive O O O O O O O O O N/A +bos that will work . can i get the price and the travel time please ? eos 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 will be 60 minutes and the price will be 14.32 pounds . eos 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 N/A +bos thank you for the information ! i do n't need anything else . eos O O O O O O O O O O O O O O general-thank +bos great . enjoy your journey . eos O O O O O O O general-welcome,general-bye +bos i 'm looking for a train from norwich to cambridge . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos there are several choices . the ride is about 79 minutes long . can i make a reservation for you ? eos O O O B-Train-Inform+Choice O O 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 am not sure . do you have one leaving after 9:15 on sunday ? eos O O O O O O O O O O O O O B-Train-Inform+Day O O N/A +bos i have several , is there an arrival time you prefer ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos no , i do not have a specific arrival time . eos O O O O O O O O O O O O Train-Request+Arrive +bos okay , how about tr0996 , leaving at 09:16 and arriving by 10:35 ? eos O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O N/A +bos okay . that sounds good . can you tell me more about a restaurant called stazione restaurant and coffee bar . 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 O O O N/A +bos stazione restaurant and coffee bar italian is in centre area . it is expensive . their telephone number is 01223352607 , code cb23njand is located inmarket hill city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Phone 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 N/A +bos can you book a table for 5 people at 17:45 for stazione , please ? eos 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 sure . can you confirm the day you would like the booking ? eos O O O O O O O O O O O O O O Booking-Request+Day +bos yes . i need that booking for sunday . eos O O O O O O O O B-Restaurant-Inform+Day O N/A +bos i have you booked and your confirmation number is puq990a7 . can i help you further ? eos 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 think that is all i needed 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 '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 ? eos O O O O O O O O O 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 saint johns chop house is at 21 - 24 northampton street . would you like the phone number as well or could i book a table for you ? 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+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 O Booking-Inform,general-reqmore +bos yes , please book a table for 4 people at 14:00 on sunday . thank you . 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 you are all set . the table will be held for 15 minutes and your reference number is ipy1duun . can i assist you with anything further today ? 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 general-reqmore +bos yes , please . we will need a train departing from cambridge . eos O O O O O O O O O O B-Train-Inform+Depart O O O N/A +bos sure thing - just let me know where you 're going , what day you 're going there , 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+Dest,Train-Request+Leave,Train-Request+Day +bos the train should go to peterborough and should leave on monday after 10:30. eos O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos tr7076 leaves at 10:34 , would you like that one ? there 's tr7386 that leaves at 11:06. 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 Train-Select +bos they both would work , what 's the price on those ? eos O O O O O O O O O O O O O Train-Request+Price +bos they both cost 16.50 pounds . how many tickets would you like me to reserve for you ? 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 Train-Request+People,Train-OfferBook +bos i would like 4 tickets please . can you tell the price of those ? eos O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Price +bos the price for either would be 66 gbp for four tickets . would you like me to book one of these for you ? eos O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket B-Train-Inform+People O O O O O O O O O O O O O O Train-OfferBook +bos yes i would like you to book the 10:34 please . eos O O O O O O O O O O O O N/A +bos i 've booked it for you , the reference number is u4gowvhs . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos great , thanks . i think thats all for today . have a good one . 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 to be of help . 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 dine in the centre with an expensive price range . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A +bos there are a total of 33 expensive restaurants in the centre of town . is there a particular type of food you are wanting ? eos O O O 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 i am not particular . can you choose one you think would be good for me and let me know the 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 Restaurant-Request+Food +bos shiraz restaurant serves mediterranean cuisine . would that work for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O Booking-Inform +bos yes also i need a train that departs from birmingham new street and should leave after 21:00 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 B-Train-Inform+Leave N/A +bos did you have a specific destination in mind ? eos O O O O O O O O O O Train-Request+Dest +bos departing birmingham new street on tuesday anytime after 21:00 and i will be going to cambridge . eos O O O O O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Dest O N/A +bos i would recommend the train leaving at 21:40 and arriving to cambridge by 24:23. eos O O O O O O O O B-Train-Select+Leave O O O B-Train-Select+Dest I-Train-Select+Dest B-Train-Select+Arrive N/A +bos that sounds great , could you tell me the travel time for that first please ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration +bos yes , it 's 163 minutes . would you like me to book you a ticket ? or perhaps reserve you a table at shiraz restaurant ? eos 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 B-Booking-Inform+Name I-Booking-Inform+Name O O O O O Train-OfferBook +bos thank you for being so helpful , but you 've done all i needed today . have a very 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 general-thank +bos have a great day . eos O O O O O O general-bye +bos i am looking for a train that leaves after 18:45 and goes to leicester . 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 we have some options available after that time , what day will you need the train ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Day +bos i need it to leave on sunday from cambridge . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos train tr9831 leaves at 19:21. would that be okay ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O N/A +bos that would be fine . can you book that for 6 people and give 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 O Train-Request+Ref +bos i was able to book it , reference number is oybqsbzj . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you . i also need a place to dine in the centre area that serves asian oriental 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 I-Restaurant-Inform+Food O O O N/A +bos there are 4 , all in centre city . is there a particular price range you 'd like ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Price +bos no , could you please tell me the price range and postcode for all 4 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 Restaurant-Request+Post,Restaurant-Request+Price +bos sure ! dojo noodle bar , cb21rq . yippee noodle bar is cb11lh . j restaurant is cb21dp and kymmoy is cb12as . anything else ? 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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post 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 glad i could be of help . have a nice night . goodbye . eos 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 eat - moderately priced in the centre area . 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 O N/A +bos there are many , can you tell me what type 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 Restaurant-Request+Food +bos i would love to try modern european . do you have that type ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos i have two available . both are moderately priced . i have the de luca cucina and bar . the other is the riverside brasserie . do you prefer one of these ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 Restaurant-Select +bos perhaps the riverside brasserie . i would like to book a table for 8 at 11:00 on monday , please get me the reference number . thank you . 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 N/A +bos your book was successful . your reference is yfnh30lm . 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 yes i need at train arriving by 08:45 to cambridge . eos O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A +bos ok perfect , what day do you want to depart ? eos O O O O O O O O O O O O Train-Request+Day +bos i will be leaving monday . eos O O O O O B-Train-Inform+Day O N/A +bos okay , great , and your location of departure ? eos O O O O O O O O O O O Train-Request+Depart +bos i am departing from leicester eos O O O O O B-Train-Inform+Depart N/A +bos train tr8829 departs from leicester at 6:09 and arrives in cambridge at 7:54. would that work for you ? 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 O O O Train-OfferBook +bos that sounds fine . can you please reserve seats for a party of eight on that train ? eos O O O O O O O O O O O O O O O O O O O N/A +bos okay , your booking is successful and your reference number is n78t0x5j . 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 no , that 's all . thanks for your help . eos 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 would like to find a particular restaurant in cambridge . the name of the restaurant is restaurant two two . could you give me the location ? 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 N/A +bos restaurant two two is nice french restaurant located at 22 chesterton road chesterton . would like me to book you a table ? 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+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 that would be great . i need it for 8 on friday . eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O N/A +bos do you have a time preference ? eos O O O O O O O O Booking-Request+Time +bos yes at 11:15 if that 's not available i can do 10:15 eos O O O O O O O O O O O O B-Restaurant-Inform+Time N/A +bos the booking for 10:15 was successful they will reserve the table for 15 minutes . the reference number is 6b5z7vj5 . eos O O O O B-Booking-Book+Time O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks . can you help me find a train , too ? i want to leave cambridge some time after 12:15. eos O O 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 and where would you like your train to take you ? eos O O O O O O O O O O O O Train-Request+Dest +bos i need the train should go to peterborough and it should leave on saturday . eos O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O N/A +bos how about train tr3934 ? it leaves at 12:34 & arrives at 13:24. travel time is 50 minutes . 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 B-Train-Inform+Time I-Train-Inform+Time O N/A +bos that sounds fine . can i get tickets for my whole group please ? eos O O O O O O O O O O O O O O O N/A +bos ok , the total fee for your group will be 105.60 gbp , payable at the station . your reference number is 6yhb3tya . 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 N/A +bos thanks so much ! that 's all i needed for today . 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,general-bye +bos hello , are there any trains on sunday that include cambridge as a destination ? eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O O O O O N/A +bos there are several . is there a particular departure location you want to leave from ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Depart +bos yes , i would like to depart from bishops stortford after 9:30. eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O N/A +bos the earliest train that is leaving bishops stortford sunday morning is at 11:29 , and will arrive in cambridge at 12:07 eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day I-Train-Inform+Day O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O N/A +bos i 'd like to book that one for 2 people . i will need the reference number , 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 Train-Request+Ref +bos great , i was able to book you . the total fee is 16.16 gbp payable at the station and the reference number is : p4jwinqa . 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 B-Train-OfferBooked+Ref O O O N/A +bos thank you i also need a restaurant in the centre serving mediterranean food please eos O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O N/A +bos there are 3 mediterranean restaurants in the centre . one falls in a cheap price range , and the other 2 are expensive . do you have a price range preference ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Price +bos can you give me the postcode and phone number for the cheap restaurant ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos here is info on the gardenia : phone 01223356354 , postcode cb23ll . would you like me to make a reservation ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Phone O B-Restaurant-Inform+Post O O O O O O O O O O O O Booking-Inform +bos no thank you . that is all i need for the moment . eos O O 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 i would like to eat not too pricy or cheap in centre of town . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are 21 available restaurants . do you want to specify food type ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food +bos no . can you recommend something ? eos O O O O O O O O N/A +bos how do i get to restaurant one seven eos O O O O O O O O O N/A +bos i am not sure what you 're asking me ? i 'd like a recommendation for a restaurant , please . 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 am so sorry about any confusion . i have asian oriental food at yippee noodle bar , and british food such as the oak bistro . 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos actually , i would like turkish food . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i found two restaurants , anatolia and efes restaurant , which would you like to book ? eos O O O O B-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 Booking-Inform +bos what is the price range of these two restaurants ? eos O O O O O O O O O O O Train-Request+Price +bos both of these are in the moderate price range . eos O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Food O O O N/A +bos i need the address and post code for anatolia eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 30 bridge street city centre and the postal code is cb21uj . 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+Post O N/A +bos perfect , i am also looking for a train departing stansted airport to cambridge . i would like to leave sunday after 14:45. could you let me know the price of any trains ? 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 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 Train-Request+Price +bos all 9 trains that fit your request cost 8.08 pounds per ticket . the earliest is the tr9680 that leaves at 15:24. eos O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos this train works for me . eos O O O O O O O Train-Inform +bos would you like me to book that train for you ? eos O O O O O O O O O O O O Train-OfferBook +bos sure and can you confirm the price for the 15:24 tr9680 eos O O O O O O O O O O O O N/A +bos the price for that train is 8.08 pounds . i will need to know how many tickets you 'd like before booking please . 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 O O O Train-Request+People +bos i only need one ticket please . eos O O O O O O O O N/A +bos one ticket it is , on the tr9680 leaving at 15:24. your reference number is 4e58ndbs . eos O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref 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 very welcome , is there anything else i can do for you before i go ? 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 that is all that i need for today . thank you ! eos O O O O O O O O O O O O O general-thank +bos i 'm so glad you are satisfied ! thanks you for using our service 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 general-bye +bos hi i need to find a place to stay with a 3 star rating with free parking 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 6 four star hotels in cambridge . do you have a preferred price range ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Price +bos could you find me a one that is cheap ? eos O O O O O O O O O B-Hotel-Inform+Price O N/A +bos there is none that is cheap . would you like to change your criteria ? eos O O O O O O B-Hotel-NoOffer+Price O O O O O O O O O N/A +bos could you give me the lowest price of the 6 hotels currently available ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos there are no cheap hotels available with 3 stars and free parking . do you want to try a different price range ? eos O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Stars O O O O O O O O O O O O O O Hotel-NoOffer+Parking,Hotel-Request+Price +bos what about cheap 4 star hotels ? eos O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O N/A +bos i have 7 guesthouse and the cambridge belfry hotel that meet your needs . would you like to book one ? eos O O O O B-Hotel-Inform+Type 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 what area is the belfry in ? do they have internet ? i 'd also 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 Hotel-Request+Area,Hotel-Request+Phone,Hotel-Request+Internet +bos yes . the cambridge belfry hotel has free internet and parking . their phone number is 01954714600. can i help you with anything else ? 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 B-Hotel-Inform+Phone O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos thanks . can you tell me what area the hotel is in please . and i would also like to find a train to cambridge 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 B-Train-Inform+Dest O B-Train-Inform+Day O O O Hotel-Request+Area +bos the cambridge belfry is a hotel in the west in the cheap price range . do you need any more information ? eos O O B-Hotel-Inform+Name I-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 O O O O O general-reqmore +bos do you know if the property offers free parking ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos they do offer free parking . eos O O O O O O O Hotel-Inform+Parking +bos i also need a train ticket from kings lynn to cambridge , please . 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 N/A +bos there are over one hundred trains that go from kings lynn to cambridge , can you tell me what day and time you would like to leave ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice 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 Train-Request+Leave,Train-Request+Day +bos i would like to arrive by 20:45 and leave on a monday . it will also be for only myself . eos O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Day O O O O O O O O O N/A +bos the closest train i 've found to meet your preferences leaves monday and arrives by 19:58. would you like me to book this for you ? eos O O O O 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 Train-OfferBook +bos yes , please do . may i have the reference number ? eos O O O O O O O O O O O O O Train-Request+Ref +bos yes , the number is tr1978 . anything else ? eos O O O O O B-Train-OfferBooked+Id O O O O O N/A +bos that should do it , thank you . eos O O O O O O O O O general-thank +bos ok , i have booked the train and you have a reference number of vjmrp8os . please be ready to board at 19:11. eos 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 B-Train-OfferBooked+Leave O N/A +bos thank you ! that 's all i needed . 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-welcome,general-bye +bos hi , i am looking for a place to stay in cambridge . i will need 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 we have 29 locations that fit your criteria . are you looking for a particular price or any other kind of accomodations ? 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+Price,Hotel-Request+Type +bos how about something expensive with a 4 star rating ? eos O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O N/A +bos in the 4 star expensive range we have huntingdon marriott hotel , and the university arms hotel . would you like to book one of them ? eos O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price 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 Booking-Inform,Hotel-Select +bos actually i 'm looking for a guesthouse . do you have one that has 4 stars and free parking ? eos O 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 N/A +bos there 's nothing fitting those criteria . i do have 9 moderately priced guesthouses with free parking . or would you like to change something else ? eos O O O O O O O O O O B-Hotel-Inform+Choice I-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-Inform+Parking +bos a moderate priced one is fine . please give me the postcode phone number and area . eos O O O O O O O O O O O O O O O O O O Train-Request+Price,Hotel-Request+Area,Hotel-Request+Post,Hotel-Request+Phone +bos i have the acorn guest house on the north side 154 chesterton road cb41da , would you like me to book this location ? 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+Area I-Hotel-Inform+Area I-Hotel-Inform+Area 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 i 'd like to book it myself , may i get the phone number please ? i 'll also need a train from norwich arriving by 11:45. 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 B-Train-Inform+Depart O O B-Train-Inform+Arrive O O O O O O O O O O O O O Hotel-Request+Phone +bos acorn number is 01223353888. i can absolutely help you with train , can you specify which day you 'd like to leave ? eos O B-Hotel-Inform+Name 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 Train-Request+Day +bos i would like to leave on tuesday headed to cambridge eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest N/A +bos okay . you are all set . the train will arrive in norwich at 11:30 headed to cambridge . 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+Arrive O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O O O O O O O O O O O O general-reqmore +bos how much will i need to pay for ticket ? eos O O O O O O O O O O O N/A +bos i apologize , i think there was some confusion . your train from norwich to cambridge departs at 10:16 and arrives at 11:35. the cost is 17.60 pounds . eos O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest 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 N/A +bos thank you for that . that is all i needed . thanks ! eos O O 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-welcome,general-bye +bos what trains will leave from cambrige and arrive by 13:00 ? eos O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos well , that depends on where you 're going and the day you 're traveling . do 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 Train-Request+Dest,Train-Request+Day +bos i need to get your london kings cross 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 there are four trains that meet those criteria . they leave at 5 , 7 , 9 , and 11 and arrive 51 minutes after departure . 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 B-Train-Inform+Leave O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O O O O O Train-OfferBook +bos what is the train id of the one arriving closest to 13:00 ? eos O O O O O O O O O O O O B-Train-Inform+Arrive O Train-Request+TrainID +bos tr5170 is arriving by 11:51 , that is the closest time to 13:00 that is showing available . would you like to book a ticket ? eos O B-Train-Inform+Id 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 Train-OfferBook +bos yes . i am also looking for a vietnamese restaurant in the centre eos O O O O O O O O O O O O O B-Restaurant-Inform+Area N/A +bos how many will be traveling ? eos O O O O O O O Train-Request+People +bos only me so so just one eos O O O O O O O N/A +bos i have you booked on tr5170 with reference number kh6hkq4x . unfortunately , i have no vietnamese restaurants in the centre . would you like to try another type of food or area ? 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-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 Restaurant-Request+Area,Restaurant-Request+Food +bos ok , how about an expensive british restaurant ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos in british restaurants you have three choices : fitzbillies , the midsummer house , and the cambridge chop house . eos O O B-Restaurant-Inform+Food 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 O O O N/A +bos could you please send me the address , postcode and phone for the midsummer house ? 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 the address for the midsummer house restaurant is midsummer common , the post code is cb41ha and their phone number is 01223369299. would you like me to book a reservation ? 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+Addr I-Restaurant-Inform+Addr 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 Booking-Inform +bos no , thank you . i can book it later . i think thats all i need for 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 general-thank +bos so happy i could help you today . 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 general-bye +bos hi ! i 'm looking for a cheap restaurant in the north , any type ! 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 royal spice which serves indian food and da vinci pizzeria which serves italian food . would you like me to book you a table at either of these restaurants ? 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+Food O O O O O O O O O O O O O O O O Booking-Inform +bos royal spice sounds good . can you reserve a table for 8 at 15:45 on saturday ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 , i was not able to book for that specific time and day . can i try a different day or time 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about at 14:45 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos i 've booked it for that day on saturday . reference number 9pvipw1y . anything else ? eos O O O O O O O O B-Booking-Book+Day O O B-Booking-Book+Ref O O O O O O general-reqmore +bos no , you have been very helpful . thanks , goodbye . eos O O O 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 O general-bye +bos good morning , can you help me locate a moderate priced restaurant in the centre part of town please ? 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 N/A +bos sure , we have many good options . what cuisine type do you prefer ? eos O O O O B-Restaurant-Inform+Choice 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 how about the oak bistro ? it serves british food . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O N/A +bos sure , may i have their address please ? eos O O O O O O O O O O Restaurant-Request+Addr +bos the restaurant is located at 6 lensfield road . eos O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos great ! i think that was all i needed . thanks . have a nice day . 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 ! enjoy your meal ! eos O O O O O O O O O O general-bye +bos i am trying to find a train leaving after 14:45 that 's heading out from london liverpool street . what do you have ? eos O O 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 O O O O O N/A +bos there are 45 trains that fit your criteria . please clarify your destination , day of travel and the time you want to arrive by so that 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 O O O O O O O O O O O Train-Request+Arrive,Train-Request+Dest,Train-Request+Day +bos i need a train to cambridge on tuesday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos i have five departures fitting your criteria on the :39 of the hour from 15:39 to 23:39. would you like me to book any of these for you ? eos 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 O O O O O O O Train-OfferBook +bos yes please do book the 15:39 eos O O O O O O B-Train-Inform+People N/A +bos great , that 's train tr5245 , leaving london liverpool street going to cambridge at 15:39. i booked 1 ticket for you which is payable at the station . eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-OfferBooked+People O O O O O O O O O O O O O O O O N/A +bos thanks ! i 'm also looking for 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 O O N/A +bos there are 33 restaurants that match that criteria , what type of food do you wish 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 Restaurant-Request+Food +bos i am looking for something that serves italian cuisine eos O O O O O O O O O O N/A +bos there are four italian restaurants , would you like their names ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O N/A +bos so long as they 're expensive , and in the center of town , i would , thank you . 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 N/A +bos they are all expensive . there is stazione , clowns cafe , don pasquale pizzeria , and caffe uno . eos O O O O B-Restaurant-Inform+Price 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 ok , thank you . one more thing . what was the price of the train ticket ? 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 total fee for the train is 16.6 gbp payable at the station . anything else i can help you with ? 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 general-reqmore +bos no , that will be all . thanks . eos O O O O O O O O O O general-thank +bos okay i am glad i could be of assistance . don'y hesitate to call us again . eos 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 very much . i will let you go now . eos O O O O O O O O O O O O O general-thank +bos thank you very much . eos O O O O O O general-welcome +bos i appreciate the help . eos O O O O O O N/A +bos thank you for contacting cambridge towninfo centre eos O O O O O O O O general-bye +bos i am looking for expensive corsica food . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are no expensive corsica eateries , would you like to try another criteria ? eos O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O O O O O O O O O O N/A +bos how about indian food instead ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos yes , there are quite a few expensive indian restaurants . what part of town would you prefer ? eos O O O O B-Restaurant-Inform+Choice I-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 Restaurant-Request+Area +bos how about the west ? could you give me their postcode and telephone number ? eos O O O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos i have five indian restaurants in the west . may i suggest tandoori palace ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos that will be fine as long as it 's expensive . can you tell me the postcode and phone number ? 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos the postcode for tandoori palace is cb43le , and the phone number is 01223506055. would you like me to book you a table ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 no , i do n't need anything else at the moment . eos O O 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 i need a train to norwich . i need to get there right before 20:45. eos O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Arrive O N/A +bos and what day are you traveling ? eos 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 O N/A +bos the train that arrives closest to 20:45 is tr9083 arriving at 19:55. shall i book it ? eos O O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos yes , i will need tickets for 5 people 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 N/A +bos i was able to book that for you . the total fee is 70.4 gbp and the reference number is liw5cyj0 . 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+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 i 'd like to find somewhere nice to stay , too . 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 O O O Hotel-Inform +bos 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 ? eos O O O O O O O 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 an expensive guesthouse that includes free wifi and has at least 4 stars . eos 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+Stars O N/A +bos i 'm sorry i have no expensive guest houses listed . could i perhaps interest you in a more moderately priced guesthouse ? eos 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 B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price B-Hotel-Select+Type O O O N/A +bos how about simply a cheap one ? eos O O O O O B-Hotel-Inform+Price O O N/A +bos there are 7 options available . is there a specific area that you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos no , i just need a place i can stay for 3 nights for our group starting on saturday . 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 i 'm sorry , all hotels are asking you 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 Booking-NoBook +bos can you check again ? a cheap , 4-star guesthouse for 3 nights , starting saturday , for 5 people ? eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O N/A +bos i did find a hotel for you . we 've booked you at the alexander bed & breakfast for 3 nights . your reference number is 244gzsgm . 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+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 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 . have a nice day . eos O O O O O O O O O O general-welcome +bos i am looking for a cheap 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 have found many possibilities . golden house is chinese and the river bar steakhouse and grill serves modern european . are either of those of interest for you ? 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Select +bos yes , may i have the address , postcode , and phone number for golden house ? i 'll book it myself . 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos they are located at 12 lensfield road city centre , postcode cb21eg , and phone number 01842753771. 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 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 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 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 certainly . some choices that fit your criteria are bedouin , kymmoy , and fitzbillies restaurant . 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 O N/A +bos what are the different food types of these restaurants ? eos O O O O O O O O O O O Restaurant-Request+Food +bos in the same order : african , asian oriental , british . do any of these fancy you ? 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 O O Restaurant-Select +bos not actually . i wo n't be needing anything else at this time . thank you . 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 you do n't need any other information ? eos O O O O O O O O O general-reqmore +bos that 's all i need from you today . thanks . eos O O O O O O O O O O O O general-thank +bos alright . i hope you have a wonderful day ! eos 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 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 hello , i would like information on milton county park . eos O O O O O O O O O O O O general-greet +bos milton county park is in the north side area and their phone number is 01223420060. their address is milton county park , milton and postcode is cb46az with free entrance fee . eos 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 B-Attraction-Inform+Phone O O O O O O O O O O B-Attraction-Inform+Post O B-Attraction-Inform+Fee O O O O N/A +bos yes thank you ! that is all i needed . eos O O O O O O O O O O O general-thank +bos i am glad i could be of assistance . have a good day ! eos O O O O O O O O O O O O O O O general-bye +bos sorry , also , i need information on 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 O O N/A +bos sure it is a guesthouse in the centre , it is priced cheap with 4 stars , it has internet and free parking . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos perfect . i was curious about how many stars they had . thanks so much for the information . eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Stars +bos would you like me to book you into alexander bed and breakfast ? i will need the details of your stay . 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 O O O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Stay,Booking-Request+Day +bos maybe . how many stars is the hotel rated ? eos O O O O O O O O O O O Hotel-Request+Stars +bos it 's rated 4 stars . is there any other information you 'd like about the alexander bed and breakfast to make your decision ? 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 general-reqmore +bos no i need some time to consider my choices . thank you for your help today . that is all the information 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 O O O O general-thank +bos okay . if you need any help with reservations , please give me a call back . 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 your help . i will . eos 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 'm 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 O O N/A +bos there are 5 expensive restaurants that serves italian , which area are you looking for ? eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food 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 N/A +bos caffe uno is located in the city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos may 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 caffe uno 's telephone number is 01223 448620 and the address is 32 bridge street city centre . 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 I-Restaurant-Inform+Addr O N/A +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 am looking for a restaurant serving malaysian food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are no malaysian restaurants in this area . eos O O O O O O O O O O Restaurant-NoOffer +bos i am also looking for a restaurant serving asian oriental 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 have found several restaurants serving asian oriental food . what area of town do you prefer ? 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 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 does the price range matter ? eos 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 N/A +bos might i suggest the dojo noodle bar . they are located in the centre of town and they are cheap . would you like their phone number ? eos O O O O O B-Restaurant-Recommend+Name I-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 O B-Restaurant-Recommend+Price O O O O O O O O O general-reqmore +bos yes , and their address too . eos O O O O O O O O Restaurant-Request+Addr +bos dojo noodle bar is located at 40210 millers yard city centre and their phone number is 01223 363471. is there anything else that i can help you with today ? 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 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 general-reqmore +bos what is the postcode ? eos O O O O O O N/A +bos the postcode for dojo noodle bar is c.b . 1 7 d.y eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O N/A +bos no , that will be all . thank you and goodbye ! eos O O O O O O O O O O O O O general-bye +bos you 're welcome . good bye and have a great day ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos you , too . eos O O O O O N/A +bos thanks ! eos O O O general-bye +bos i am looking for information on a restaurant 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 sure , it 's located at 169 high street chesterton chesterton . 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 N/A +bos i would like to book a table for 15: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 N/A +bos you 're all set . your reference number is qzpcebyu . eos O O O O O O O O B-Booking-Book+Ref O O O N/A +bos great , thank you . i 'm also looking for a museum in town , 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 O O N/A +bos there are many wonderful museums in town . do you have a specific type of museum that you would like to visit ? 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 O Attraction-Request+Type +bos would you recommend one near the restaurant for us ? eos O O O O O O O O O O O Restaurant-Inform +bos sure , the broughton house gallery meets your criteria.would you like their information ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O general-reqmore +bos yes , i 'd love to have their phone number , postcode , and area 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,Attraction-Request+Phone +bos they are in the centre area at 98 king street cb11in . their phone number is 01223314960. is there anything else i can assist you with ? eos 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 O O B-Attraction-Inform+Phone O 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 services . eos O O O O O O O O general-bye +bos i 'm looking for places to visit on the south side of town . eos O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos i have museums , nightclubs , entertainment venues and cinema . is there a particular attraction you are looking for ? 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+Name +bos i 'm open to anything really . surprise me and recommend one and get me the address . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos i recommend the byard art museum at 14 king 's parade in postcode cb21sj . can i help you with anything else ? 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 O B-Attraction-Recommend+Post O O O O O O O O O O general-reqmore +bos please give me information about the gandhi eos O O O O O O O B-Restaurant-Inform+Name N/A +bos it is an indian restaurant located in the centre area of town . were you interested in book a table ? 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 O O O O O O O O O Booking-Inform +bos yes , could you please book a table for me thank you . eos O O O O O O O O O O O O O O general-thank +bos what day and time would you like ? eos O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos it would be for saturday for 4 people at 20:00 please . eos 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 a table has been booked for four people on saturday at 20:00. it will be reserved for 15 minutes . reference number is tss303th . how else may i help you ? eos O O O O O O O B-Booking-Book+People I-Booking-Book+People O 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 oh yeah , i just remembered , i 'm going to need a taxi to commute between these two locations . 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 i want to confirm you are departing byard art to arrive at gandhi restaurant by 20:00. is this correct ? 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+Arrive,Taxi-Request+Dest +bos yes this is correct . eos O O O O O O N/A +bos i have booked your taxi . be expecting a blue lexus . please call 07043827039 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 thank you for using the cambridge towninfo center . goodbye eos O O O O O O O O O O O general-bye +bos i 'm going to be needing you for a restaurant recommendation . eos 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 Restaurant-Request+Food +bos yes . it should be cheap and serve african food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos the only restaurant i have that serves african food is expensive . would you like to search for something else ? eos O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O O O O general-reqmore +bos could you check a cheap italian place to eat , in the centre ? 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 N/A +bos i am showing 3 of them . zizzi cambridge is really good . i can give you more information if you would like . eos O O O O O B-Restaurant-Inform+Choice 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-reqmore +bos i will go with them , can you book 3 people for 12:30 on saturday ? 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 've made those reservations your reference number is xwb8f4fl . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i also want to go to a cinema 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 i have the vue cinema located at the grafton centre , east road . 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 N/A +bos i will go with that eos O O O O O O N/A +bos welcome andenjoy yourself eos O O O O general-welcome +bos can i get the postcode and phone number ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the postcode is cb11ps and their phone number is 08712240240. can i help you with anything else today ? eos 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 general-reqmore +bos that 's all i need today , thanks ! goodbye ! eos O O O O O O O O O O O O general-bye +bos you have a good day ! eos O O O O O O O general-bye +bos hi , i am traveling to cambridge and am so excited to try some of your local restaurants . can you help me choose 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 Restaurant-Inform +bos sure can , what type of food would you like ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i would love to find a good british place in the centre of town . 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 11 british resturants in centre . what price point would you like ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Price +bos i 'd like one in the moderate price range , please . eos O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos excellent . i have 5 options for you . restaurant one seven is a moderately priced british restaurant on regent street . would you like the phone number ? eos O O O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O general-welcome +bos please make a booking for 7 people at 18:15 on tuesday . 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 reservation is booked your reference number is : ggjcv0hf . 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 general-reqmore +bos i am also looking for some places to go around the restaurant . any recommendations ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos there are many attractions in the centre , do you have a preference about which kind you would like to visit ? 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 O O O O Attraction-Request+Area +bos what do you have near the restaurant ? eos O O O O O O O O O Restaurant-Inform +bos you would love all saints church eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos alright , please tell me the phone number and address there , as well as the entrance fee 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,Attraction-Request+Addr +bos you can reach them by phone at 01223452587. entrance is free . the address is jesus lane . eos O O O O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos great , that 's very helpful . thank you . eos O O O O O O O O O O O general-thank +bos is there anything else i can do ? eos O O 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 have a good time , good bye . eos O O O O O O O O O general-welcome,general-bye +bos great . you can help me pick out a restaurant go to . eos O O O O O O O O O O O O O O Restaurant-Inform +bos yes , there are many great restaurants to chose from , what kind of food would you like ? 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 O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i would like to eat italian food . i 'm looking for something in the moderate price range please . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos there are five moderate priced italian restaurants is there any area you prefer to eat in ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Area +bos no , any area would work , is there one that is available at 13:15 on thursday ? i need a reservation for two people . eos 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 N/A +bos i 've reserved you a table for 2 at one of my faves : prezzo . reference number ooamxi99 . can i help with something else ? eos O O O O O O O O B-Booking-Book+People O O O O B-Booking-Book+Name O O B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos i also want to find a multiple sports place in the east area . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos the cherry hinton village centre is the spot you 're looking for . they 're on colville road . can i help you with any other info ? 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O O O O general-reqmore +bos yes , i would like the phone number adderss 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 i do n't have any information on the entrance fee , but the phone number is 01223576412 and it is on colville road , cherry hinton . 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 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 N/A +bos are you certain the entrance fee is n't listed ? eos O O O O O O O O O O O Attraction-Request+Fee +bos yes i am certain , i am sorry . is there anything else you needed to know ? eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos if you 're certain then i guess not . 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 . 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 entertainment attraction please . eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are five entertainment attractions in town . what area of town do you want to visit ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Area +bos the area does n't matter eos O O O O O O Attraction-Request+Area +bos my favorite is the funky fun house in the east . would you like their address or phone number ? 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 O O O O O O O O general-reqmore +bos that sounds great , yes please may i have their phone 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+Phone +bos their phone number is 01223304705 and the postcode is cb58hy eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Post N/A +bos thanks for that . please find me a welsh restaurant in the center eos O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are no welsh restaurants in the centre would you like another area or type of food ? eos O O O O B-Restaurant-NoOffer+Name I-Restaurant-NoOffer+Name O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos how about international food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos yes i have two international restaurants that are both in the moderate range . would you like me to pick for you ? eos O O O O O B-Restaurant-Inform+Food I-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 general-reqmore +bos yes and book for me a table for 8 people at 19: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 N/A +bos you are all set , the reference number is bxfb7uey , any further questions ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos no , that 's it . thank you so much . eos O O O O O O O O O O O O general-thank +bos enjoy your evening ! let us know if we can be of any further assistance . eos O O O O O O O O O O O O O O O O O general-bye,general-greet +bos i am looking for a restaurant that serves malaysian food and is in the cheap price 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 O N/A +bos no matches found for cheap malaysian food . would you like something else ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos how about vietnamese food , please ? eos O O O B-Restaurant-Inform+Food O O O O N/A +bos thanh binh is a nice restaurant that serves vietnamese food and is in the cheap price range . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 that sounds great ! may i have their phone number please ? eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos thanh binh 's phone number is 01223 362456 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 okay , thank you for your help ! eos O O O O O O O O O general-thank +bos thank you for using the cambridge restaurant system , please call again . eos O O O O O O O O O O O O O O general-bye +bos a moderately priced restaurant in the east part of town , please eos O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O N/A +bos there are three , moderately priced restaurants in the east part of town . do you have a cuisine preference ? 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 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 i recommend rajmahal . they serve great indian food . would you like their contact information ? eos O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Select,general-reqmore +bos yes . i would like their 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 rajmahal is located at 7 barnwell road fen ditton and the phone number is 01223 244955. will that be all ? 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 general-reqmore +bos yes . thank you . eos O O O O O O general-thank +bos you 're welcome . thank you for using the sytem . eos O O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a train that departs on friday . eos O O O O O O O O O O O O Train-Inform +bos are you looking for a train or a taxi ? where would you like to depart from ? eos O O O O O O O O O O O O O O O O O O O Taxi-Request+Depart,Train-Request+Depart +bos actually , i 'd rather find information about a park , somewhere on the south end of town if possible . 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 sure . there is a cinema at cambridge leisure way . would you like to have more information about that ? 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 O O O O O O O O O O general-reqmore +bos no thank you . i was actually looking for a park and not a cinema . is there a park on the south 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 O O O O O O O O O N/A +bos there are two parks in the south area of town . sheep 's green and lammas land park fen causeway and wandlebury country park . would you like to know more about either ? 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-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 yes , could you give me the postcode for wandlebury country park ? eos O 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 wandlebury country park is cb223ae . do you need any more information ? 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 yes . i 'd also like to book a hotel for 4 people . eos O O O O O O O O O O O B-Hotel-Inform+People O O O N/A +bos there are 4 hotels in the south area . would you like more information about them ? 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 general-reqmore +bos is there a hotel called hobsons house ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos yes , hobsons house is a guesthouse in the west side of town , moderately priced . would you like to book a room there ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-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 Booking-Inform +bos yes , i want to book it starting wednesday for 4 nights . it should be for 4 people . eos O 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 N/A +bos sure , i booked it . the reference number is zzag4cc0 . 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 general-reqmore +bos i would also like a taxi and need to leave the hotel by 24:00. eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos i booked a grey bmw for you . contact number is 07674785163. can i be of further assistance ? 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 general-reqmore +bos no , that 's all i need . thanks . eos O O O O O O O O O O O general-thank +bos great ! have a wonderful day ! goodbye ! eos O O O O O O O O O O general-bye +bos i am looking for information and could use your help finding a train . eos O O O O O O O O O O O O O O O Train-Inform +bos i 'd be happy to help . which 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 need to leave stevenage on saturday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos 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 . eos O O O 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 do n't have a departure time preference but i would like to arrive by 15:45. eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O Train-Request+Leave +bos there are five trains to cambridge on saturday- the latest arrives at 14:43. would you like me to book it for you ? eos O O O B-Train-Inform+Choice O 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 Train-OfferBook +bos what is the price for that one ? eos O O O O O O O O O Train-Request+Price +bos the cost for the train leaving stevenage at 13:54 , arriving cambridge at 14:43 is 10.24 pounds , would you like me to book that for you today ? eos O O O O O O O B-Train-Inform+Depart 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 O Train-OfferBook +bos what 's the train id ? eos O O O O O O O Train-Request+TrainID +bos tr6607 . would you like me to book you on ? eos O B-Train-Inform+Id O O O O O O O O O O Train-OfferBook +bos i also need a hotel . i do n't care about parking but it does need 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 what area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos the south . and make it a guesthouse with free parking also . eos O O B-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Type O O O O N/A +bos i have 3 guesthouses in the south . two are moderately priced and one is cheap . which do you choose ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O Hotel-Select +bos price is not an issue for me . please recommend one of them for me . eos O O O O O O O O O O O O O O O O O N/A +bos sure ! i recommend 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 O Booking-Inform +bos yes please . i need a room for 8 and 2 nights starting from saturday . eos 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 N/A +bos booking was successful , the reference number is y9zd16i2 , any further questions ? eos O O O O O O O O B-Booking-Book+Ref 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 thank you for calling . i hope you enjoy your trip to our town . goodbye . eos O O O O O O O O O O O O O O O O O O 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 i can help you with ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos thank you ! what part of town is it in ? eos O O O O O O O O O O O O general-thank +bos they 're in the centre of town . they are an expensive restaurant located at 24 green street city centre . would you like me to book a table for you ? eos O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 O O O O O O O O O O O O O Booking-Inform +bos yes and also looking for a train . the train should leave after 13:15 and should depart from cambridge eos O O 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 'll need to know how many will be dining , the day and the time you want to dine to book the restaurant . there are several trains leaving cambridge after 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 O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O Booking-Request+Time,Booking-Request+Day,Booking-Request+People +bos i wo n't need to book a table but thank you . for the train i need to leave monday and am headed towards peterborough . 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 B-Train-Inform+Dest O O O N/A +bos okay , i have the tr5901 that leaves at 13:34 and arrives at 14:24 will that work for you ? eos 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 O O O O Train-OfferBook +bos first can i have the price and what the travel time is ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos train tr5901 has a travel time of 50 minutes and has a price of 16.50 pounds 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 O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos can you book it for me ? 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 i 'm not sure how many yet . thank you for all the information . i 'll get back to 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 it is okey , thanks and good bye too eos O O O O O O O O O O general-welcome,general-bye +bos please help me find an expensive restaurant that serves chinese food . thank you . eos 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 i have several options for you . do you have a certain area in mind ? 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+Area +bos area does not matter , ill go with anyone that you recommend , please book me for thursday at 19:15 for 6 people . 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 B-Restaurant-Inform+People O O O N/A +bos ok , you have a reservation at the ugly duckling . the reference number is mherlswd . do you want the address ? 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 general-reqmore +bos no need for the address , thanks so much . i also need a train departing king 's lynn . 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 ok , what day are you traveling , and at what time ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i am leaving on thursday and would like to arrive by 14:15. eos O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive N/A +bos where will the destination be ? eos O O O O O O O Train-Request+Dest +bos the train should go to cambridge on thursday . i would also need the train id . 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 Train-Request+TrainID +bos when would you like to leave at ? eos O O O O O O O O O Train-Request+Leave +bos i have no preference , i just need to arrive by 14:15 eos O O O O O O O O O O O O O N/A +bos i have tr4836 available . it leaves at 13:11 and arrives at 13:58. the cost is 9.80 pounds . would you like this one ? eos O O O B-Train-Inform+Id I-Train-Inform+Id 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 O O O O O O Train-OfferBook +bos 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 . eos O O O O O O 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 do you need any suggestions for attractions or hotels ? i can help . eos O O O O O O O O O O O O O O O general-reqmore +bos can you tell me a bit about the entertainment type places in 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 44 places . what type are you looking for ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Type +bos i want it to be a type of college . eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos there are 13 colleges in city centre . my personal favorite is corpus christi , even though they charge a 2 pound entrance fee . eos O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 N/A +bos great , can i get the phone number and postcode ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure , the phone number is 01223338000 and post code is cb21rh . what else can i assist you with today ? eos 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 general-reqmore +bos i 'm looking for an entertainment venue in the centre of town . are there any ? eos 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 no . want to try another area ? eos O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos no thanks ! i forgot that i 'm going to the college instead . i do need a train that goes to cambridge on wednesday . i will depart from kings lynn after 11:00. 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 O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O N/A +bos i have a 12:11 that arrives n cambridge at 12:58. would you like me to boo that for you ? eos 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 yes , please i will need 5 tickets . eos O O O O O O O B-Train-Inform+People O O N/A +bos your tickets have been booked . your reference number is lnz0gixg . eos O O O O O O O O O O B-Train-Inform+Ref O O Train-OfferBooked +bos wonderful . thanks very much for your help today . eos O O O O O O O O O O O general-thank +bos is there anything else you need help with today ? eos O O O O O O O O O O O general-reqmore +bos that 's everything i needed . thanks and goodbye ! eos 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 want a train going to cambridge . eos O O O O O O 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 i would like to leave on tuesday . eos O O O O O O O B-Train-Inform+Day O N/A +bos where are you departing from ? do you prefer a specific time ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart +bos i am leaving ely and need to arrive by 09:30. eos O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Arrive N/A +bos i have train tr8685 leaving at 5:35 and arriving at 5:52. would you like 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 Train-OfferBook +bos i think i will buy my ticket at the station . so that is only a 17 minute trip ? 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 that 's correct , it only takes 17 minutes . is there anything else i can help you with today ? 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 O general-reqmore +bos i would like to see a college in the west . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos there are 5 different colleges in the west . if i do say so myself , the magdalene college is really great . they also offer free entrance . eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 O O O O O B-Attraction-Recommend+Fee O O O O O N/A +bos that is perfect . can i get the address for magdalene college , please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos absolutely ! the address is magdalene street and postcode is cb30ag . is there anything else i can help you with ? eos O O O 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 O general-reqmore +bos no , i think that is all . thank you ! eos O O O O O O O O O O O O general-thank +bos well , i 'm glad i could help . 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 'm looking for a train that will be leaving after 19:30 that goes to kings lynn . eos O O O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O O 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 friday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i have four available trains that day ? is there a certain time that you would like to arrive by to your destination ? 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 O O O O O O O Train-Request+Arrive +bos i need to arrive by 18:00 and i am going to ely . eos O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Dest O N/A +bos the closest i have to your arrival time is 16:07. would you like to book it ? 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 , please , can you book me for 2 people , and i need th ereference 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 N/A +bos you are all set ! your train 's reference number is : kgrzsk8s . a total of 8.8 gbp is payable at the station . can i help you further ? eos O O 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 general-reqmore +bos yes i am looking to go to a sporting events up north . 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 N/A +bos i do n't have anything meeting that criteria . can i try something else ? eos O O O O O O O O O O O O O O O O Attraction-NoOffer +bos okay then can we search for a park in the north instead then ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i have located milton country park at milton country park milton . eos 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 I-Attraction-Inform+Addr O N/A +bos sounds great , thanks ! is there an entrance fee ? if so , what is it ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos no , it 's free . is there anything else you need ? eos O O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos i think that 's it for today ! thank you very much , 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 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 to find a swimmingpool on the east side , if possible . 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 have one listing for abbey pool and astroturf pitch . eos O O O O B-Attraction-Inform+Choice 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 what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos i 'm sorry ; i do n't have that information . if you 'd like to contact them , their phone number is 01223902088. 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 O O O O O O O O B-Attraction-Inform+Phone O O O O O O N/A +bos thanks ! i also need a train to cambridge on wednesday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos sure thing where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart +bos i am leaving ely after 20:15. eos O O O O O O O N/A +bos there is a train that leaves at 13:17. eos O O O O O O O O B-Train-Inform+Leave N/A +bos can you provide more information for that train ? eos O O O O O O O O O O Train-Inform +bos yes , that 's train tr0922 , it 'll be leaving london kings cross at 13:17 and arrived by 14:08. it costs 23.60 pounds and takes 51 minutes . eos O O O O B-Train-Inform+Id 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 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 N/A +bos i 'd like to book a seat on that train . please provide confirmation . eos O O O O O O O O O O O O O O O O Train-Inform +bos your reference number is ay662nlw . eos O O O O O B-Train-OfferBooked+Ref O N/A +bos that 's all i need for today . thanks 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 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 i 'm just looking for a place to go in the centre of the 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 i have 44 attractions in the centre of town . what type of attraction are you looking for ? 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 Attraction-Request+Type +bos what do you recommend i need the phone number and entrance fee information as well . eos 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 would recommend the old schools . the address is trinity lane and it 's free admission . will this work ? eos O O O 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 O O O O O O O O N/A +bos perfect . may i have 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 the entrance fee is free and the phone number is 01223332320. eos O O O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone N/A +bos i 'm also looking for a train that departs after 13:00 from stevenage . eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O O N/A +bos sure , what 's your destination ? eos O O O O O O O O Train-Request+Dest +bos it should be going to cambridge eos O O O O O O B-Train-Inform+Dest N/A +bos tr7785 leaves at 13:54. would you like me to book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes . book for 8 people please . eos O O O O O B-Train-Inform+People O O O N/A +bos i was able to book it for you the reference number is i9c3w0x1 . the cost is 102.40 gbp that you can pay at the station . eos O O O O 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 N/A +bos okay , great ! that 's all i needed . thanks ! have a good 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 system ! eos O O O O O O O O general-bye +bos i 'm looking for places to go in cambridge . i want to go somewhere in the south , and i want it to be a museum . 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 O O N/A +bos would you be interested in byard art ? it is located at 14 king 's parade , cb21sj , and you can contact them at 01223464646. do you need anything else ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 general-reqmore +bos what is the entrance fee for that ? eos O O O O O O O O O Attraction-Request+Fee +bos it 's free ! anything else i could help you with ? eos O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos oh cool ! what is 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 for the byard art museum is cb21sj . have fun ! eos O O 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 i would like to find something to do in the west part of the city . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos if you like museums , you can check out the cambridge and county folk museum on 2-3 castle street or kettle 's yard also on castle street eos O O O O B-Attraction-Inform+Type 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O N/A +bos that sounds great . can you find the address and phone number for me ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos the cambridge and county folk museum 's number is 01223355159 , and the address is 2-3 castle street . 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+Phone O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos thank you . are there any trains leaving stevenage on friday ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos yes , the train runs every two hours from morning until late night . would you like me to book a seat ? eos 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 yes , on any one that leaves anytime after 19:15 eos O O O O O O O O O B-Train-Inform+Leave O N/A +bos the earliest train after your specified time is tr4969 that departs at 19:54. if this is acceptable , shall i book just 1 seat ? 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 O O O O O N/A +bos yes please just 1 seat . eos O O O O O B-Train-Inform+People O N/A +bos your reference number is 688iit9d . 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 no , thank you . goodbye eos O O O O O O O general-bye +bos alright have a great evening ! eos O O O O O O O general-bye +bos can you help me find a train leaving norwich after 13:30 ? thanks . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O N/A +bos i sure can . what day do you plan to travel ? eos O O O O O O O O O O O O O Train-Request+Day +bos yes , i am traveling on wednesday . eos O O O O O O B-Train-Inform+Day O O N/A +bos the tr1892 will get you there by 15:35 , just one ticket then ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O O Train-Request+People +bos i need reservations for 7 people and i need the reference number . eos O O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos i was able to get the tickets the fee is 123.20 gbp payable at the station and the reference number is bibj2ds0 . do you need anymore help 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 O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos thank you ! i am also looking for places to go in the centre part of town . can you help me 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 O O O general-thank +bos sure thing , i would suggest the old schools . eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos what are the old schools ? do you mean colleges ? eos O O O O O O O O O O O O N/A +bos no , old schools is a tourist attraction in the centre . it 's located on trinity lane and there 's no charge to check it out . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos what is the phone number please ? eos O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223332320. eos O O O O O B-Attraction-Inform+Phone N/A +bos i guess i 'll go call them . thanks a lot . 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-greet +bos i am looking for a hotel , carolina 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 sure , i have it right here . its a moderate priced guesthouse with a 4 star rating , free internet and parking . phone number is 01223247015 can i book it for you ? eos O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking,general-greet +bos no , that is all for now . eos O O O O O O O O O N/A +bos ok. i can also help with restaurant , train or taxi reservations . do you need any of these ? 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 am needing a train to arrive in cambridge by 14:45. eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos what day did you need a train for ? also , 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 Train-Request+Depart,Train-Request+Day +bos i want to travel on tuesday . i 'm coming from broxbourne to cambridge . eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A +bos tr8199 matches your criteria . it leaves at 13:32 on tuesday . would you like to book this train ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O Train-OfferBook +bos as long as it arrives by 14:45 , then it 's good . can you book it for 7 people ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O B-Train-Inform+People O O O O N/A +bos it arrives at 14:32. your reference number is r6msyw4p and the total fee for 7 people is 125.29 gbp . is there anything else i can help you with ? eos O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Ref I-Train-Inform+Ref O O O O O B-Train-Inform+People O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 you are very welcome ! eos O O O O O O general-welcome +bos i 'm looking for a train going to kings lynn . eos O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos on which day will you be traveling ? eos O O O O O O O O O Train-Request+Day +bos on sunday . i 'd like to arrive by 09:45. eos O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A +bos i have 4 trains on sunday from cambridge to kings lynn . the tr8042 arrives at 08:58. would you like me to book it ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest 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 . make booking for 3 people and can i have a refernce number ? eos O O O O O O B-Train-Inform+People O O O O O O O O O N/A +bos your tickets are ready . reference number is : nghd22ez . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i also need a guesthouse with free wifi . can you help me find one ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A +bos what area are you looking to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos hi . are there any trains from peterborough on sunday ? eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +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 Train-Request+Leave,Train-Request+Dest +bos i am going to cambridge and i have to leave after 21:15. eos O O O O O O O O O O O O B-Train-Inform+Leave N/A +bos there are a number of trains you can choose , the earliest one being at 21:19 and the latest at 23:48. 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 B-Train-Inform+Leave I-Train-Inform+Leave N/A +bos book the earliest one for 4 people . eos O O O O O O O B-Train-Inform+People O N/A +bos okay , booking was successful . the total fee will be 52.8 gbp and your reference number is vfux9jt1 . is there anything else i can assist 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos i 'd also like to find lodgings on the west side 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 two hotels and two guesthouses on the west side of town . is there a certain price range you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type 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 Hotel-Request+Price +bos a hotel that includes parking . eos O O B-Hotel-Inform+Type O O O O N/A +bos sure ! how about the cambridge belfry ? it 's cheap with four stars . would that work for you ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Inform+Price O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform,general-greet +bos yes that will be fine as long as it includes free parking . eos O O B-Hotel-Inform+Parking O O O O O O O O O O O N/A +bos yes , it does ! how many nights would you like ? eos O O O O O O O O O O O O O Booking-Request+Stay,Hotel-Inform+Parking +bos i would like to book it for 4 people and 4 nights starting on sunday . 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 am sorry , they are unable to accommodate those dates . can you shorten the stay or try other 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos can we try booking it for just one night then ? eos O O O O O O O O O O O O N/A +bos thank you , i was able to book you for one room on sunday for 4 people . the reference number is 08qsw5mb . 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+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 O O O general-reqmore +bos no , that 's all i needed today . thank you so much . eos O O O O O O O O O O O O O O O general-thank +bos if you need anything else , let us know . good bye . eos O O O O O O O O O O O O O O general-bye,general-greet +bos i was wondering if you can help me find an expensive restaurant in the centre ? eos 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 fitzbillies restaurant is the centre of town , serves british food and is in the expensive price range . eos 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 O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O O N/A +bos okay i would like to book a table for 7 people at 15:30 on friday . can i get the reference number please ? eos O O O O O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O O O O O O O O O Restaurant-Request+Ref +bos your booking was successful . the table will be reserved for 15 minutes.your reference number is : rd9d3zlr . 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 O B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos yes please , i am also looking for a train that will take me to peterborough from cambridge . is there anything available ? eos O O O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O N/A +bos what day and time are you planning on traveling ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'm looking to leave after 12:00 on saturday . eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos tr5711 will leave at 12:06 and arrive by 12:56. it will cost 13.20 pounds . would you like to reserve seats ? eos O B-Train-Inform+Id 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 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 need to know how many tickets you will need please . eos O O O O O O O O O O O O O Train-Request+People +bos all seven in my party please . eos O O O O O O O O N/A +bos your booking on the tr5711 was successful . the reference number is 1dqz1sd7 . the total fee of 92.4 is payable at the station . eos O O O O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket O O O O O O O O N/A +bos what is the travel time for that trip ? eos O O O O O O O O O O Train-Request+Duration +bos it is 50 mins travel times eos O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos that 's perfect . i think this is all i need for now . eos O O 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 i am looking for a place to eat that 's expensive and serves afternoon tea . can you help me ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos i 'm sorry , there are no restaurants like that in cambridge unfortunately . eos O O O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O N/A +bos how about an expensive indian restaurant ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i have 14 matches , do you have a location preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Area +bos no particular part of town , i 'd appreciate a reccomendation . can you make reservations 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 i would recommend pipasha restaurant on the east side of town . how many people are in your group and when do you need the reservation for ? 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 I-Restaurant-Inform+Area 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 would like a reservation for sunday for 5 people at 17:00. 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 booking was successful . the table will be reserved for 15 minutes.reference number is : htgdbaye . 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 N/A +bos great ! i also need a train for monday eos O O O O O O O O B-Train-Inform+Day O N/A +bos i will need you departure and arrival city and time . eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Arrive,Train-Request+Depart +bos i would like to leave monday , and arrive at bishops stortford at 15:00. eos 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 5 trains that fit your request . they leave every 2 hours starting at 05:29. do you have a preference for one of these trains ? 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 O O O O O O O O Train-Select +bos sure , i 'll take the one that leaves at 5:29 , what is the cost ? eos O O O O O O O O O O O O O O O O O O N/A +bos the cost of that train is 10.10 pounds . would you like me to book it 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 Train-OfferBook +bos no , thanks . what 's 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 travel time for train tr4283 is 38 minutes . eos O O O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Time I-Train-Inform+Time 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 today ? eos 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 it is my pleasure working for you . eos O O O O O O O O O general-bye +bos i would like to book a train that departs from cambridge and arrive at kings lynn . eos 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 O N/A +bos there are several available . is there a specific day you would like to travel as well as arrival and departure times ? eos 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 on monday and arrive by 13:45. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos tr7430 leaves at 12:11 and arrives at 12:58 , 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 O O O O O O O Train-OfferBook +bos yes , please book tickets for 6 people on tr7430 and provide the reference number once you have completed that . thanks ! 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 O O N/A +bos all set . your reference number is 45anxmea . eos O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos can you also recommend a moderately-priced 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 how about the oak bistro ? it looks lovely eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O N/A +bos i 'd really like to try british food - will the oak bistro be ok for that ? 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 yes the oak bistro is a great british food restaurant . eos 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 O N/A +bos where is the restaurant located ? i would like to book a table for 6 , around 10:45 on monday . 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 N/A +bos it is located in the centre area of the city . would you like me to book that for you ? eos 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 O O O O O O O O O O O Booking-Inform +bos that would be great ! and can i please get the reference number for that ? eos O O O O O O O O O O O O O O O O O N/A +bos you are now booked , the reference number is jzwxiugs . 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 will be all . thank you ! eos O O O O O O O O O O O general-thank +bos great ! please let us know if we can help you with anything else . 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 O O O general-bye +bos i 'm at saint john 's college . i need a taxi to pick me up at 18:45. eos O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O B-Taxi-Inform+Leave O O O N/A +bos absolutely . where will be you going ? eos O O O O O O O O O Taxi-Request+Dest +bos i 'm going to la margherita . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos okay great , i have you a blue skoda booked and your contact number is 07101981582. 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 so much that sounds perfect . have a great day : ) eos O O O O O O O O O O O O O O general-thank +bos we are happy to help . do you need any further assistance ? eos O O O O O O O O O O O O O O general-reqmore +bos no , that 's all for now . thanks , again . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos thanks for using cambridge towninfo centre . bye ! eos O O O O O O O O O O general-bye +bos can you help me find a museum ? eos O O O O O O O B-Attraction-Inform+Type O N/A +bos certainly ! there are 23 great museums to visit . are you looking for a specific area of town ? 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 not really . which is your favorite ? eos O O O O O O O O O N/A +bos my favorite is the williams art and antiques . they are in the centre of town and offer free entrance . would you like more information on it ? 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 B-Attraction-Recommend+Price O O O O O O O O O O O general-reqmore +bos yes adress and phone number please eos O O O O O O O N/A +bos the address is gwydir street , no . 5 dale 's brewery , phone number is 01223311687. anything else i can help you with ? eos 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 B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos i 'm also looking for a train that goes to cambridge on 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 where are you leaving from ? is there a specific arrival or departure time that you need ? 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,Train-Request+Depart +bos i am leaving from broxbourne and should arrive by 21:30 eos O O O 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 no book for 4 people and get the reference number eos O O O O O O B-Train-Inform+People O O O O Train-Request+Ref +bos booking was successful , the total fee is 94.4 gbp payable at the station .reference number is : d06ezbwg . 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 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 that is all i will need . thank you . eos O O O O O O O O O O O general-thank +bos have a good trip ! eos O O O O O O general-bye +bos i 'm looking for a pleasant guesthouse to stay in . would you be able to 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 N/A +bos sure ! what area would you like to stay ? eos O O O O O O O O O O O Hotel-Request+Area +bos i would like to stay in the north . i would also like the guesthouse to have free parking and wifi . 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 the acorn guesthouse ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos it has free parking and wifi ? sounds great . eos O O O O O O O O O O O N/A +bos how many nights would you like to book it for ? eos O O O O O O O O O O O O Booking-Request+Stay +bos just get me their phone number . eos O O O O O O O O Hotel-Request+Phone +bos the phone number is 01223353888. eos O O O O O B-Hotel-Inform+Phone N/A +bos thanks . i could also use some help finding out about a train going into cambridge . eos 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 need departure city , time of arrival or departure and day of travel 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+Leave,Train-Request+Day,Train-Request+Depart +bos day of travel is tuesday and departure city is ely and to arrive by 12:45 eos O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos i have train tr3412 that arrives at 11:52 in cambridge . 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 B-Train-Inform+Dest O O O O O O O O O O O Train-OfferBook +bos can you give me the departure time and price , please ? eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos it departs at 11:35 , and costs 4.40 pounds . can i help you with anything else ? eos 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 general-reqmore +bos that was all i needed . thanks ! eos O O O O O O O O O general-thank +bos please let us know if we can assist you in the future . thank you ! goodbye . 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 wondering if you have any information on a place called gallery at twelve a high street ? 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos yes , i do . they are a museum located in the east of town . they offer free admission . their address is on fulbourn . did you need any additional information ? eos O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Fee 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-reqmore +bos no thank you . that is great . thank you ! eos 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 are there any trains that travel from cambridge to stevenage ? eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos yes ! there are a lot , actually . when would you like to take the train ? 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 +bos i would like the train to leave on saturday after 14:15. eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos the train tr8813 leaves cambridge on saturday at 15:21 and arrives at 16:10. would you like to book a seat ? eos 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 B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes please book that for 7 people . eos O O O O O O O B-Train-Inform+People O N/A +bos ok it has been booked the total fee is 1.68 gbp and reference number is l192g86j 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 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 today ? eos O O O O O O O O O O O O general-reqmore +bos no that would be it . thank you for your help ! eos O O O O O O O O O O O O O general-thank +bos enjoy your trip ! goodbye . eos O O O O O O O general-welcome,general-bye +bos yes , i 've just been involved in a disagreement regarding a car accident and i require assistance 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 would you like me to contact the parkside police for you ? eos O O O O O O O O O O O O O N/A +bos no , i just need he phone number . eos O 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 , 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 please have a taxi come pick me up at whale of a time after 16:00 today 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+Leave O N/A +bos i can help book that , what is your destination ? eos O O O O O O O O O O O O Taxi-Request+Dest +bos soul tree nightclub is my destination eos O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos okay i have a white toyota and the contact number is 07007464352. anything else i can do for 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 N/A +bos no that 's it . thank you ! eos O O O O O O O O O general-thank +bos it 's been my pleasure . have a great night ! eos O O O O O O O O O O O O general-greet +bos am looking for a train it should leave on sunday and should depart from bishops stortford eos O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart I-Train-Inform+Depart N/A +bos thank you . where is your destination ? eos O 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 what time are you looking to depart/arrive ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i want to depart after 18:30. eos O O O O O O B-Train-Inform+Leave N/A +bos tr0053 leaves at 19:29 and arrives at 20:07. do you want me to book this train ? i will need your details , please . 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 O O Train-Request+Depart,Train-Request+Dest,Train-Request+Leave,Train-Request+People,Train-Request+Arrive,Train-Request+Day,Train-OfferBook +bos yes , i need 1 ticket and can you please give me the reference number ? eos 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 8.08 gbp payable at the station .reference number is : 6w3kfy5n . 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 thanks ever so much ! you 've been very helpful . eos O O O O O O O O O O O O general-thank +bos you are very welcome ! have a nice trip . eos O O O O O O O O O O O general-bye,general-greet +bos a train depart from cambridge and arrive by 19:00 eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos what is your destination ? and what day are you hoping to travel ? eos 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 thursday and am heading to 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 there are 5 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 Train-Request+Leave +bos i 'd like to leave before 14:00 eos O O O O O O O O N/A +bos okay , tr0927 leaves at 13:29 and arrives at 14:07. shall i book you a seat ? 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 no , i 'll look it up later and do it myself . but could you tell me if there are any 4 star places to stay 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 B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Area O O O O N/A +bos there are two , a cheap guest house , and an expensive hotel . any preference ? eos O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O Hotel-Select +bos which ever one has free parking and wifi . eos O O O O O O O O O O N/A +bos they both have free parking and wifi . how about the alexander bed and breakfast ? it 's on the cheaper side , 4 stars , and really quite lovely . eos O O B-Hotel-Inform+Choice I-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 B-Hotel-Recommend+Price I-Hotel-Recommend+Price O B-Hotel-Recommend+Stars O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos sounds great . can you please book that for me for tuesday for 2 people , 2 nights please ? 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 O O O N/A +bos i was able to successfully book you , your reference number is d53tp7eu. , 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 nope , that 's all i need 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,general-bye +bos can you help me find a restaurant called little seoul ? eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos little seoul is located at 108 regent street city centre . 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 N/A +bos thanks , will you please get me a reservation for 4 people at 16:00 on monday there ? 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 've made your reservation for 4 on monday at 16:00. your reference number is pcu46v3w . can i help with anything else ? eos 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 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 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 be in the east and should include 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 O N/A +bos do you have a pricerange in mind ? eos O O O O O O O O O Hotel-Request+Price +bos the rating should be 4 stars and i want free parking to be included . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos there are 5 guesthouses with your criteria . do you have a preference in pricerange ? 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 no , will you just book me something for wednesday for 1 person for 5 nights ? eos 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 i have you booked at allenbell at 710 newmarket road . the reference number is : s0jdzbtq . eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O B-Booking-Book+Ref 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 are most welcome ! eos O O O O O O general-welcome +bos can you help me find some cheap italian food ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i have ask at 12 bridge street city centre . 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 N/A +bos thanks for your help . can i get their phone number and other info as well ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos sure , their phone number is 01223364917 and their post code is cb21uf . eos O O O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Post O O N/A +bos that 's , that 's all i need . good bye . eos O 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 got injured and i am looking for a hospital nearby eos O O O O O O O O O O O O Hospital-Inform +bos the addenbrookes hospital is on hills rd . do you need me to call the emergency department at 01223217118 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 no thanks , i can make it . is 01223217118 the postcode ? eos O O O O O O O O O O O O O O Hospital-Request+Post +bos no , that is the phone number . the postcode is cb20qq . eos O 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 general-thank +bos you are welcome . please call us again if there is anything else we 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 general-welcome,general-bye +bos i need some help finding a place to eat . eos O O O O O O O O O O O N/A +bos well , we have a large variety of restaurants here , 110 in total ! what type of food would you like ? what is your price range ? eos 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 Restaurant-Request+Food,Restaurant-Request+Price +bos i would like moderately priced turkish food . if you find one please book a table for 2 at 16:30 on saturday . also provide a reference number . eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food 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 there are two restaurants that meet your criteria : anatolia and efes restaurant . do you have a preference ? 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 O O O Restaurant-Select +bos a restaurant that serves turkish food.i also need a train that departs from bishop storford and goes to cambrdige . 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 N/A +bos i have two matching that criteria . would you like me to pick one for you ? 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-OfferBook +bos the train needs to arrive by 08:15 on saturday - does one of them meet that criteria ? eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O N/A +bos i am sorry . are we looking for a train or dining ? i have both for you . let me 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 N/A +bos firat , lets book the anatolia for 2 people on saturday at 16:30. eos O O O O O O O O B-Train-Inform+People O B-Train-Inform+Day O O O N/A +bos okay dining or train . i am doing my best to help but i ca n't get you to specify what 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 N/A +bos listen . book the restaurant anatoli for 2 people on saturday at 16:30 right now . eos O O O O O O O O O B-Train-Inform+People 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 : i4zwilze . 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 . now i could use a train leaving bishops stortford and arriving in cambridge by 8:15. 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 N/A +bos i have train tr6163 leaving at 5:29 and arriving at 6:07. 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 ! make a booking for 2 people right this instant ! 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 16.16 gbp payable at the station .reference number is : yva5ylp1 . 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 general-reqmore +bos no that 's all , you 've been helpful . eos O O O O O O O O O O O N/A +bos is there anything else i can search for you today ? eos O O O O O O O O O O O O general-reqmore +bos no , that was it for now . thank you . good bye . eos O O O O O O O O O O O O O O O general-bye +bos thank you . enjoy your dinner . eos O O O O O O O O general-welcome,general-bye +bos i am looking for williams art and antiques . eos 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 was able to find it , what information would you like about it today ? eos O O O O O O O O O O O O O O O O O Attraction-Inform +bos i need the area and postcode , please . eos O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post +bos sure . it is located in the centre and their postcode is cb12lj . eos O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Post O O N/A +bos can i also get a train to broxbourne on friday ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos train tr7808 leaves 6:01 on friday , is that suitable for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O N/A +bos i need to depart from cambridge after 16:00. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos okay , i also have tr5694 which leaves at 16:01 and arrives by 17:01. would that work for you ? 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 O O O O O Train-OfferBook +bos yeah i think that 'll work . can you book me 6 seats on that one 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 got that all booked for you . six tickets is 107.4 gbp payable at the station . reference number is 3nfauxby . is there anything else i can do for you ? eos O O O O O O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People 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 great ! thanks , that is all for now . have a great day ! eos O O O O O O O O O O O O O O O O general-thank +bos is there nothing else i can help with ? eos O O O O O O O O O O general-reqmore +bos no thank you that takes care of it goodbye eos O 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 O general-bye +bos i 'm hoping to find a moderately priced korean restaurant . eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , we do n't have anywhere that matches that description . is there somewhere else i can try and find 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 Restaurant-NoOffer,general-reqmore +bos can you run one more search for korean cuisine in the centre area please ? eos O O O O O O O O O O O O O O O O N/A +bos there is only one korean restaurant in all of cambridge , but it 's expensive , not moderate . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos okay what about spanish cuisine then ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos la tasca is a spanish restaurant located in the centre . can i book that for you ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O O Booking-Inform,Restaurant-Select +bos please . i need a reservation for 8 people at 12: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 N/A +bos alright , the table is booked for 12:45 and will be reserved for 15 minutes and your reference number is gibfwdnm . 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-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos yes , i would also like a hotel with free wifi in the moderate price range . eos O B-Hotel-Inform+Internet O O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos do you have an area in mind ? eos O O O O O O O O O Hotel-Request+Area +bos no , it should be a guesthouse though . eos O O O O O O O O O O N/A +bos a and b guest house is in the moderate price range . should i book it ? 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 O O O O O Booking-Inform,Hotel-Select +bos yes for 8 for 3 nights starting sunday eos O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay B-Hotel-Inform+Name B-Hotel-Inform+Day N/A +bos booking was successful . reference number is : ei63a77m . 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 no that is all the help i need today . thank you eos O O O O O O O O O O O O O general-thank +bos sure thing . enjoy your stay eos O O O O O O O general-bye +bos got any fish and chip shops on the westside ? eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos there does n't seem to be any seafood restaurants in the west . would another area work for you ? 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 O O Restaurant-Request+Area +bos i meant british food with that . eos O O O B-Restaurant-Inform+Food O O O O N/A +bos there are three restaurants in the westside that serve british food . do you prefer a moderate or expensive price range ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos i want one in the expensive range . eos O O O O O O B-Restaurant-Inform+Price O O N/A +bos travellers rest is located on huntingdon road . would you like reservations ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O O O O Booking-Inform +bos yes for 7 at 17:15 on wednesday , i 'll need the reference number then too 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 O O O N/A +bos i have a table booked for 7 people at 17:15 on wednesday , your reference number is 4wre7j72 . can i help with anything else ? eos 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 general-reqmore +bos yeah 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 . i am showing 33 hotels . perhaps we can narrow it down a bit . what area of town would you like to stay in ? 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 O O O O O O O O Hotel-Request+Area,general-greet +bos any area of town would be fine . i am looking for a guesthouse in the expensive price range . eos 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 O N/A +bos i 'm sorry , there are no expensive guesthouses in our listings , are you willing to consider other price ranges ? 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 N/A +bos how about one that is in the type of hotel. ? eos O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos i have the university arms hotel located in the centre . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area O N/A +bos that will work . can i book that for 7 people on wednesday ? we will be there for 2 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 O O O B-Hotel-Inform+Stay O O N/A +bos sure i got your reservation and your reference number is 09b5qsh5 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you ! i will also need a taxi to travel 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 ok great and what time do you prefer ? eos O O O O O O O O O O Taxi-Request+Leave +bos i need to be at restaurant by 17:15 eos O O O O O O O O B-Taxi-Inform+Arrive N/A +bos a grey volvo with pick you up and the contact number is 07701301770. 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 B-Taxi-Inform+Phone O O O O O 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 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 need a train from peterborough to cambridge . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos one what day and what time ? eos O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'd like to leave on tuesday after 10:15. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos i can get you on a train at 10:19 or 10:48. would you like tickets ? eos O O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave 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 okay , i have booked 4 tickets on tr 5547 , leaving from peterborough at 10:19 and arriving in cambridge at 11:09. your reference number is it0cf4v7 . total fee is 66. eos O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket O O O N/A +bos great i also am looking to find an attraction 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 city centre . is there a particular type you want to visit ? eos 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 O O O Attraction-Request+Type +bos do you have any swimming pools ? eos O O O O O O O O N/A +bos yes , its called parkside pools , located at gonville place . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 i 'm sorry , our system seems to be missing that information . 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 O O O O O O O O general-reqmore +bos what is the phone number for parkside pools ? i 'll just call them to get the entrance fee myself . 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 Attraction-Request+Phone,Attraction-Request+Fee +bos the phone number is 01223446100. 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 what is the entrance fee to the parkside pool ? eos O O O O O O O O O O O Attraction-Request+Fee +bos 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 ? eos O O O O O O O O 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 are there any attractions in the centre that do list the entrance fee along with the phone number ? it does n't have to be a swimming 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 O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos i 'm sorry my system does n't show prices . eos O O O O O O O O O O O N/A +bos that 's all that i needed then 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 great day ! eos O O O O O O O O O O general-welcome,general-bye +bos are there any colleges in town ? eos O O O O B-Attraction-Inform+Type O O O N/A +bos why yes . two in the centre of town and three in the west . eos 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 N/A +bos could you recommend one for me ? eos O O O O O O O O N/A +bos i 'd recommend christ 's college because it has free entrance . so does clare hall , emmanuel college , hughes hall , and jesus college . along with a few others . eos O O 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 O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O N/A +bos okay , great . can i have the address and phone number for christ 's college ? 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 their address is saint andrew 's street and their phone number is 01223334900. can i help you with anything else today ? eos 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 general-reqmore +bos i would like some help finding a room in the city . i really want it to be a hotel as opposed to 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 O O O O O N/A +bos sure i can help you with that . do you have a price range and do you know what area you want 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+Price,Hotel-Request+Area +bos yes , i am looking for a hotel in a moderate price range with 2 stars and i will need to book 5 people for 4 nights . thank you . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars 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 have 2 options for you . both are hotels in the north . they are both 2 stars and offer free parking and wifi . they are the ashley hotel and lovell lodge . 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 O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos let 's make a booking with ashley hotel . i 'll need the rooms starting on saturday and i 'll need the reference number as well . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Day O O O O O O O O O O O O O Hotel-Request+Ref +bos you are all set ! your reference number for your booking is edl2ah3x . 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 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 thank you for using our system today ! eos O O O O O O O O O general-bye +bos i 'm looking for a restaurant called the nirala . can you tell me where it is ? eos 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 N/A +bos it 's located at 7 milton road chesterton . would you like me to book a table ? 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 O O O O Booking-Inform +bos could you please book a table for 2 at 14: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 N/A +bos you 're all set ! your reference number is qmy8na1t . 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 general-reqmore +bos i need a train from cambridge as well . eos O O O O O O B-Train-Inform+Depart O O O N/A +bos sure ! what is your destination ? eos O O O O O O O O Train-Request+Dest +bos i am going to london kings cross on saturday eos 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 a train that leaves at 5:00 on saturday . would you like me to book it for you ? 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 Train-OfferBook +bos the train needs to arrive by 16:45 eos O O O O O O O B-Train-Inform+Arrive N/A +bos okay there are 6 trains that match . shall i complete a booking ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O Train-OfferBook +bos yes as close to 16:45 as possible , book for 2 people please eos O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+People O O N/A +bos would you like me to book the 15:51 train ? eos O O O O O O O O B-Train-OfferBook+Arrive O O N/A +bos what time does the 15:51 train arrive ? eos O O O O O O O O O Train-Inform +bos it leaves at 15:00 and gets there at 15:51 , sorry for any confusion . eos 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 yes please book that train for me . eos O O O O O O O O O Train-Inform +bos i have booked tickets for 2 people , and your reference number is uby652er . anything else i can do for you ? eos 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 general-reqmore +bos thank you , that 's all for now . 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 what can you tell me about great saint mary 's church ? 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 , it is a beautiful place known for architecture located in the centre area . it is on market square and has an entrance fee of 2 pounds . eos O O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O 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 N/A +bos can i get the phone number please ? eos O O O O O O O O O Attraction-Request+Phone +bos 01223350914 , is the phone . need anything else ? eos O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos yes . i am also looking for a train from cambridge that arrives at 18:45. 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 many that arrive at that time , what destination would you like ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O Train-Request+Dest +bos i am going to london kings cross on wednesday . eos 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 have a train tr372 leaving cambridge at 5:00 and arriving at london kings cross 5:51. would you like to reserve this ? 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 B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes , please . i need 6 tickets and a reference number . eos O O O O O O O B-Train-Inform+People O O O O O O Train-Request+Ref +bos the booking was successful . the total fee for 6 tickets is 141.6 gbp , and the reference number is dp9xqxks . is there anything else you need help with ? eos O 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 O general-reqmore +bos that 's all ! thank you ! eos O O O O O O O O general-thank +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 0 star lodging with free parking included eos O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos we have two places . would you like to stay in the north or the centre area ? 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 N/A +bos i 'm not picky about the area of town i stay , but 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 O O B-Hotel-Inform+Type O O O N/A +bos okay , there is one located in the north and one in the centre . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos can you please recommend one and book it for 5 nights ? eos O O O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos what dates are you interested in staying ? eos O O O O O O O O O Booking-Request+Day +bos starting from wednesday , looking to stay for 5 nights . is that available ? eos 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 booking was successful.reference number is : pqwl74m2 eos O O O O O O O B-Booking-Book+Ref N/A +bos that would be it thank you very much . eos 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 need a place to stay that includes free parking and should be in the west please . 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 finches bed and breakfast is a guesthouse located in the west , it 's fairly cheap too ! 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 B-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 . eos O O O O O O Hotel-Inform+Internet +bos great ! i would like to make a booking for 8 people for 2 nights 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 B-Hotel-Inform+Day O O N/A +bos i was able to book your party of 8 into finches bed and breakfast starting sunday for 2 nights . reference : zbj8xf6g . is there anything more i can assist with today ? eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O O B-Booking-Book+Stay O B-Booking-Book+Ref O O O O O O O O O O O O O N/A +bos could you help me find an interesting museum ? eos O O O O O O O O B-Attraction-Inform+Type O N/A +bos cambridge museum of technology looks like a good place to check out . 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 N/A +bos could you provide their postcode , area , and entrance fee please ? eos O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Fee +bos its postcode is cb58ld , it is in the east , and the entrance fee is 5 pounds . eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos thank you for the info on a good museum to go to 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 . 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 i need a taxi from the museum to the hotel . i want to leave by 4:15. can you hook me 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 Taxi-Inform,Hotel-Inform +bos i was able to book your taxi from the museum back to finches . it will be a grey volvo and the contact number is 07903288738. eos 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 O O O O O B-Taxi-Inform+Phone N/A +bos thanks ! that 's all i needed help with today . 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 want a place to eat in the west . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos do you have a particular type of food in mind ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i have a taste for something british . eos O O O O O O O B-Restaurant-Inform+Food O N/A +bos ok , there are three options in that area . do you have a certain 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 Restaurant-Request+Price +bos i want the most expensive one . eos O O O O O B-Restaurant-Inform+Price O O N/A +bos there 's graffiti and travellers rest . which one of the two restaurants do you like ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Select+Choice O O O O O O N/A +bos travellers rest sounds good please make a booking for 2 people at 17:00 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 your table for 2 has been reserved at travellers rest and your reference number is bsejzqe6 . they 'll hold the table for 15 minutes past 17:00. need anything else today ? eos 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 B-Booking-Book+Time O O O O O O O general-reqmore +bos i also need a train . leaving cambridge on monday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos ok , where are you headed and at what time of day ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave +bos i want to go to stevenage eos O O O O O O B-Train-Inform+Dest N/A +bos there are several trains going to stevenage on monday , do you have a time preference ? 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 Train-Request+Leave +bos i would like to get there by 21:30. eos O O O O O O O O B-Train-Inform+Arrive N/A +bos okay , we have train 's leaving at 05:21 and every hour after for seven hours . would you like to book one ? eos 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 Train-OfferBook +bos just book one that will get me to stevenage by 21:30 please . 2 tickets , just like dinner . eos O 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 O N/A +bos your tickets are booked for train tr9082 . the total fee is 25.6 gbp . your reference number is wsuh42em . is there anything else ? eos 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 B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos thank you for the booking and reference number . i 'll let you know if i need anything else . 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 my pleasure to help . goodbye . eos O O O O O O O O O O general-welcome,general-bye +bos i 'd like to find a 4 star guesthouse , please . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A +bos i have found 18 guesthomes that match the criteria you listed . is there any other specifications you have about the guesthouse ( area , price range , etc ) that you would like to tell me ? 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 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 have to have free wifi eos O O O O O O O N/A +bos sure , is there an area you prefer ? eos O O O O O O O O O O Hotel-Request+Area +bos it does not really matter . it will be just me starting on friday for 3 nights . eos O 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 a moderately priced guesthouse in the north . how does that sound ? eos 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 B-Hotel-Inform+Area O O O O O O N/A +bos yes , book it for me please . thank you . eos O O O O O O O O O O O O general-thank +bos unfortunately , the booking was unsuccessful . would you like to shorten your stay or try another 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 Booking-NoBook,Booking-Request+Stay +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 we have 8 types of attractions in the south ? what type are you looking for ? eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O O O O O O Attraction-Request+Type +bos hmm , i 'm not really sure . do you happen to have any nightclubs ? if not , what are my choices ? eos O O O O 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 is a great nightclub in the south , located at 22 sidney street , post code cb23hg . the phone number is 01223324600. is there anything else i can help you with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 would like a room that is close to the nightclub for atleast 1 night up to 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 N/A +bos the arbury lodge guesthouse 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 O O B-Hotel-Inform+Price O O O N/A +bos i am looking for a place that has multiple sports in the centre of town . do you have any suggestions ? 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 N/A +bos so sorry we have no multiple sports in the centre of town . 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 I-Attraction-NoOffer+Area O N/A +bos how about a college in the centre of town ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos yes , there are a few . i personally like downing college on regent street . it is free . 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 O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Fee O O N/A +bos that sounds good , i need the address , 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,Attraction-Request+Addr +bos the address is regent street postcode cb21dq and the phone is 01223334860. eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone N/A +bos great , that 's helpful , thanks . can you also help us find a hotel ? we 'd like to stay on the west side , and we really dislike guesthouses . what can you recommend ? eos 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 O O O O O O O O O O O N/A +bos we have two hotels on the westside , the cheap cambridge belfry and the expensive huntingdon marriott . which would you like ? eos 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+Price B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Hotel-Select +bos i would prefer the cheaper one . can you tell me if they offer free parking ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O O O N/A +bos yes they do have free parking . would you like me to book a room for you at the belfry ? eos O O O O O O O O O O O O O O O O O O O B-Booking-Inform+Name O O Hotel-Inform+Parking +bos i 'm not quite sure yet , could i get the address there please ? eos O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos the address is back lane , cambourne . can i get you anything else ? eos 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 yes , i need you to go ahead and book that for me . i would like to stay for two nights 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 O O O N/A +bos will it just be you staying or do i need to book other guests as well ? eos O O O O O O O O O O O O O O O O O O Booking-Request+People +bos actually , just send me the address . thank you . eos O O O O O O O O O O O O Hotel-Request+Addr +bos the cambridge belfry is on back lane , cambourne , cb236bw . their phone number is 01954714600. 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 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 is everything i needed . eos 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 general-welcome,general-bye +bos i need a hotel in north cambridge . eos O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Area O O N/A +bos there are 2 hotels in the north area of town , both have 2 star ratings and offer free wifi and parking . can i book one for you ? 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 O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking,Hotel-Select +bos is the parking free ? eos O O O O O O N/A +bos yes they have free parking . eos O O O O O O O Hotel-Inform+Parking +bos yes , go ahead . i need it for tuesday for 3 people and for 3 nights . could you send me a reference number too ? 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 N/A +bos what day will you be staying there ? eos O O O O O O O O O Booking-Request+Day +bos i told you tuesday can i speak to a manager you are not paying attention . eos O O O O B-Hotel-Inform+Day O O O O O O O O O O O O N/A +bos booking was successful.reference number is : kzhalmqd.anything else ? eos O O O O O O O B-Booking-Book+Ref O O general-reqmore +bos can you also find an expensive british restaurant for me ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos there are many good british restaurants in town . one of my favorites is graffiti on the west side of town . would you like me to make you reservations ? eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Select+Name O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O O O O O O O O O O O Booking-Inform +bos yes , please . can we get a table on the same day we arrive at the hotel ? we 'd like to eat at 20:00 , if possible . 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 B-Restaurant-Inform+Time O O O O O O O O N/A +bos your table has been booked for 3 people at 20:00 on tuesday at graffiti . your reference number is ba1vakna . 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-Booking-Book+Name O O O O B-Booking-Book+Ref O O N/A +bos perfect , thank you . that 's all i needed . 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 hi , could you help me find a museum to visit ? any recommendation would be great . eos 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 may i recommend cafe jello gallery on the west side . eos 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 I-Attraction-Recommend+Area N/A +bos can have the postcode and address please ? eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos sure ! their address is 13 magdalene street . their postcode is cb30af . 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 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 'm also looking for information on trains that leave after 21:00 and go to cambridge . eos O O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O O N/A +bos from where are you leaving and on which day ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i am leaving on monday from birmingham new stree eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A +bos there are 21 trains available . did you have an arrival or departure date/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 Train-Request+Day,Train-Request+Leave,Train-Request+Arrive +bos i 'd like to leave birmingham new street after 21:00 on monday , and go to cambridge . eos 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 B-Train-Inform+Dest O O O N/A +bos there is a train that leaves 12:40. eos O O O O O O O B-Train-Inform+Leave N/A +bos is that the earliest train you have after 21:00 ? eos O O O O O O O O O B-Train-Inform+Leave O N/A +bos the earliest train to leave after 21:00 is tr8406 at 21:40. would you like to book this train ? eos O 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-OfferBook +bos can you tell me the arrival time for that train and the total 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 +bos it arrives at 24:23 after a total travel time of 163 minutes . eos O 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 thanks so much ! oh , wow it 's late . i need to run . thanks . 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 thanks ! have a great day ! eos O O O O O O O O general-bye +bos i 'm a foodie and desperately need to find a restaurant in the centre . i 'm treating myself so anything in the expensive range is perfect 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 B-Restaurant-Inform+Price O O O O O O N/A +bos what type of food would you like to try ? i have many different places . eos 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 be in the centre of town . surprise me with the type ! i need to book for 8 people on wednesday 16:00. 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 B-Restaurant-Inform+People O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O O O O N/A +bos booking at midsummer house restaurant was successful . they serve british food , and the table will be reserved for 15 minutes.reference number is : 4x5ndca9 . eos O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name 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 B-Booking-Book+Ref O O N/A +bos i also need a place to stay . cheap guesthouse will do . eos O O 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 located in the centre , rated 4 stars and has free parking and internet . would you like me to make a reservation ? 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 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+Parking,Hotel-Inform+Internet +bos as long as it 's cheap , then yes . eos O O O O O O O O O O O N/A +bos okay , great ! how many will be staying , for how many nights , starting what day ? 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+Stay,Booking-Request+Day +bos hang on , i need to check on that . eos O O O O O O O O O O O N/A +bos okay just let me know eos O O O O O O general-welcome +bos alright , i need rooms for the same group on the same day . we 'll be staying for three 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 N/A +bos ok , you 're booked at the alexander , reference # 6hrq154c . can i help you with anything else today ? eos 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 general-reqmore +bos yeah , i need a taxi to get me from the hotel to the restaurant . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos what time do you need to leave ? eos O O O O O O O O O Taxi-Request+Leave +bos we 'll need to get to the restaurant on time so we 'll need to arrive by 16:00 to avoid losing our table . be sure to provide 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+Arrive O O O O O O O O O O O O O O O O O O Taxi-Request+Car +bos here 's the information about your car : type : red teslacontact number : 07274986037 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 N/A +bos thank you . that is all i needed . you have been a wonderful help . eos O O O O O O O O O O O O O O O O O general-thank +bos thank you , and have a good day ! eos O O O O O O O O O O general-bye +bos i 'm looking for someplace fun to visit in town . eos O O O O O O O O O O O O N/A +bos well , there 's lots of fun things to do including boats , museums , sports complexes , architecture , cinema and theaters . do you have something specific 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 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 hmm , i 'm not sure . can you pick one for me ? i need it to be in the city centre . i need a phone number , postcode , 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 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,Attraction-Request+Type +bos the cambridge corn exchange is a theatre . postcode is cb23qe and phone number is 01223357851. 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 O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone N/A +bos can you find a restaurant by the name of sitar tandoori ? eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos sure ! it 's an indian restaurant located in the east . do you want 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 Booking-Inform +bos yes please 6 people , at 14:45 on thursday . 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 : tp86dt67 . 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 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 okay ! when would you like to depart ? eos O O O O O O O O O O Taxi-Request+Leave +bos i would just to arrive by the time for the reservation . can i have 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 O Taxi-Request+Car,Attraction-Request+Type +bos i booked you a black volkswagen and the contact number is 07208024782. 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , that 's all . 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 general-welcome,general-bye +bos i need a place to stay in the north that includes 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 12 places to stay in the north with free internet . 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,Hotel-Inform+Internet +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 all i have is guesthouses when were you planning your stay ? eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos that 's perfect , i was looking for a guesthouse . i 'm still planning . could you just give me the postcode for now ? 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 Hotel-Request+Post +bos acorn guest house with zip code cb41da will be perfect for you . it is a 4 star guest house and of moderate price . eos 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 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 i will check to see if the acorn has free parking now . eos O O O O O O O O B-Hotel-Inform+Name O O O O O Hotel-Inform+Parking +bos i need info about cambridge university botanic gardens eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos that 's a lovely park on bateman street . what else do you need to know ? eos O O O O B-Attraction-Inform+Type 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 cost of admission to the park ? eos O O O O O O O O O O O N/A +bos the entrance fee is 4 pounds . eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos can you tell me their hours of operation please ? eos O O O O O O O O O O O N/A +bos i do not have that information their telephone number however is 0122336265 eos 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 O O B-Attraction-Inform+Phone N/A +bos i also need a hotel . eos O O O O O O O Hotel-Inform +bos ok. can you tell me a little more about your preferences ? area ? price range ? 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 i 'm actually looking for the gonville hotel . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos gonville is an expensive 3 star hotel in the centre . would you like me to book a room for you ? eos O B-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 Booking-Inform +bos yes , i 'll be staying 4 nights starting friday . eos O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A +bos how many people will be staying there ? eos O O O O O O O O O Booking-Request+People +bos just one person . eos O O O O O N/A +bos your booking for the gonville hotel was successful . your reference number is y7tyja3d . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Hotel-Inform+Ref O O N/A +bos can you get me information on a restaurant called mahal of cambridge ? eos 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 sure it is a cheap indian restaurant in the town centre . i hear it has great food . 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 O O O O O O O O Restaurant-Recommend +bos do you think they would be able to make reservations for a party of 7 ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+People O N/A +bos i can help you with that . when would you like to 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+Day,Booking-Request+Time,general-greet +bos 17:45 for a table of 7 for the restaurant stated above . thank you ! eos O B-Restaurant-Inform+Time O O O O O O O O O O O O O O N/A +bos what day would you like that reservation for ? eos O O O O O O O O O O Booking-Request+Day +bos oh , tuesday please . and if you could give me a reference number , that 'd be great . eos O O B-Restaurant-Inform+Day O O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos i have successfully booked your table ! your reference number is woq10j3g . 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 general-reqmore +bos i would also like the address of a museum in the centre of town eos O O O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O Attraction-Request+Addr +bos primavera is a museum in the center of town . their address is 10 king s parade . what else can i help with ? eos O B-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 B-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 oh , i made a mistake . i really need that table for 16:15 , not 17:45. can you change it , do you thing ? 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 O O N/A +bos yes , i already changed it for you . your new reference number is btmsngcd . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O O general-greet +bos thank you for making that change . can you recommend a museum in the centre ? eos O O O O O O O O O O O O O O O O O general-thank +bos we have 11 museums in the centre , my personal favorite is the castle galleries at unit su43 , grande arcade , saint andrews street . there is no entrance fee there . 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 O O O B-Attraction-Recommend+Addr I-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 N/A +bos that sounds great . i will plan to stop at that museum . eos O O O O O O O O O O O O O O N/A +bos great ! have a great time . is there anything else you need ? eos O O O O O O O O O O O O O O O general-greet,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 time in cambridge . goodbye . eos 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 a place to stay in the east with free parking ? eos O O O O O O O O O O O O O O O O O N/A +bos how about acorn guest house ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos if it is in the east part of town , and has free parking , then that sounds great , 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 N/A +bos would you like to make a booking ? eos O O O O O O O O O Booking-Inform +bos no thank you , i 'm just looking for information today . i have everything i need now . eos O O 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 today ? eos O O O O O O O O O O O O general-reqmore +bos no thats enough for today . thanks eos 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 'm looking for a place to stay , maybe a guesthouse in the moderate price range . 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 N/A +bos no problem ! i like acorn guest house in north . would that work ? eos O O 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 Hotel-Select +bos oh , i 'm sorry . i was hoping for something located in the east . do you have anything there ? 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 N/A +bos i 'd recommend a and b 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 I-Hotel-Recommend+Name 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 no , it does n't . the carolina bed and breakfast does . 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 Hotel-Inform+Parking +bos great can you book it for 2 people for 2 nights on thursday ? eos 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 have booked your room successfully . your reference number is tw0gahv1 . 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 i also need train tickets . eos O O O O O O O Train-Inform +bos sure ! what will be your departing and arriving locations ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am leaving from cambridge . eos O O O O O B-Train-Inform+Depart O N/A +bos okay . there are 1,414 trains that fit that criteria . would you like to narrow it down by the destination , day of travel , departure or arrival 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 O O Train-Request+Day,Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive +bos yes , i 'm going to kings lynn . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos alright , we have 133 trains , do you have a day you want to travel ? eos O O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-Request+Day +bos yes i 'm leaving on saturday and need to arrive by 13:45 please . eos O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O O N/A +bos tr2621 arrives by 12:58. would you like me to book it for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos no thanks . what is the travel time ? eos O O O O O O O O O O Train-Request+Duration +bos travel time from cambridge to kings lynn by train is 47 minutes . would you like me to book seats ? eos O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest 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 , 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 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 um yes you too , bye bye now ! eos O O O O O O O O O O general-bye +bos good bye and have a good time . eos O O O O O O O O O general-bye +bos i 'm looking for a place to sleep , not too expensive but not bargain basement , either . 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 ! 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 'd like to stay in the north . eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are many such hotels and guesthouses , we can narrow it down if we know if you need parking or wifi . eos 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 O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos i would prefer a guesthouse . i do n't care about the other amenities . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos we have 9 guest houses that meet your criteria . would you like me to recommend one ? 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 general-reqmore +bos yes , please pick one for me . i need to book for 6 people from tuesday through thursday . 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 you please confirm , will you be departing on thursday or friday morning ? eos O O O O O O O O O O O O O O O O Booking-Request+Day +bos i need it for two nights starting tuesday . so i will be leaving thursday . eos O O O O O O O O B-Hotel-Inform+Day O O O O O O O O N/A +bos okay , your booking was successful ! we have you booked at the acorn guest house . your reference number is vhgw2ed8 . 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 O O O O B-Booking-Book+Ref O O O O N/A +bos i an also looking for a train . the train should depart from leicester and should leave after 16:15 eos O O O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave O N/A +bos 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 ? eos O O O O O O O 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 would really like to go find places 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 sure , we have lots of places to go . what type of attraction are you 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 Attraction-Request+Type +bos i 'm not sure . what 's your favorite thing to do ? eos O O O O O O O O O O O O O O N/A +bos there is a park that is nice . it 's called cambridge university botanic gardens , does that sound interesting to you ? eos O O O O B-Attraction-Inform+Type 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 sounds great ! can i get their 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 for cambridge university botanic gardens is bateman street and postcode is cb21jf . 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+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post O N/A +bos i also need a train going to broxbourne i need to leave after 13:00. eos O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave N/A +bos i have several trains going to boxbourne . what day do you want to leave ? where are you leaving from ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart +bos i want to leave on thursday from cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos i have train tr9033 that leaves at 14:01 and arrives in broxbourne at 15:01. 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 N/A +bos that is all the information i need . thank you . eos O O O O O O O O O O O O general-thank +bos can i get you information on anything else ? eos O O O O O O O O O O general-reqmore +bos no , you have been extremely helpful . thanks for everything . bye . eos 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 let 's find me an expensiove place to eat in the centre eos O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos sure i have 33 options for you eos O O O O O B-Restaurant-Inform+Choice O O N/A +bos how about you pick one and reserve a table for 5 on sunday at 11:45 , and i 'll need that reference number too . 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 N/A +bos sure ! i 've booked you at fitzbillies at 11:45 on sunday for 5. your reference number is y5ex13l7 . is there anything else i can help you with ? eos O O O O O O B-Booking-Book+Name O B-Booking-Book+Time B-Booking-Book+People B-Booking-Book+Day I-Booking-Book+Day O O O O O O B-Booking-Book+Ref O O O O O O O O O O O O general-greet,general-reqmore +bos great can you also help me get a train ? i 'm looking to go to ely and arrive by 21:30 eos 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+Arrive O O N/A +bos on what day will you be leaving ? eos O O O O O O O O O Train-Request+Day +bos i will be leaving on monday eos O O O O O O O N/A +bos tr5484 leaves at 13:50 and costs 4.40 pounds . is that fine with 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 O O O O O O O Train-OfferBook +bos yes , but i need to book four more people as well . eos O O O O O O O O O O O O O O N/A +bos so i have 5 tickets booked . the reference number is yd9ynvv4 . eos O O O O O B-Train-OfferBooked+People 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 thank you . is there anything else ? eos O O O O O O O O O general-welcome,general-reqmore +bos no , that 's all . good bye eos 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 i am looking for colleges to visit in town while i am visiting . can you help me with that ? 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 N/A +bos we have listings for several colleges . what area would you like to visit ? eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O Attraction-Request+Area +bos i would welcome a recommendation from you . please provide me with their entrance fee . eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos christ 's college is free . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O N/A +bos can you give me the address for that college ? eos O O O O O O O O O O O N/A +bos their address is saint andrew 's street eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos i am also looking for a particular restaurant , the cow pizza kitchen and bar . 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 N/A +bos sure i 've found them , would you like me to make a reservation ? eos O O O O O O O O O O O O O O O O Booking-Inform +bos what type of cuisine is it ? can i also get a price and phone number ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price +bos it is a gastro pub with a moderate price range . their phone number is 01223308871. is there anything else i can do for you ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos nope that 's it thanks eos O O O O O O general-thank +bos have a great visit ! eos O O O O O O general-bye +bos i need to find 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 we have quite a few spots . do you have a specific type of food you 'd like to eat ? 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 Restaurant-Request+Food +bos no , i do n't really care . can you suggest one ? eos O O O O O O O O O O O O O O N/A +bos tandoori palace is an indian restaurant . their food is lovely . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O O O Restaurant-Recommend +bos that sounds yummy ! what is their 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 +bos their phone is 01223506055 and the postcode is cb43le . would you like me to make a booking ? eos O 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 Booking-Inform +bos no , 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 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 can you find me a museum to visit ? eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos found several museum , do you want museum with free entrance ? eos O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee O N/A +bos i really need one in the east . eos O O O O O O O B-Attraction-Inform+Area O N/A +bos there are four . how about cambridge artworks ? it 's located at 5 greens road and has free entrance . eos O O O B-Attraction-Inform+Choice 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 B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O N/A +bos what is the phone number ? eos O O O O O O O Attraction-Request+Phone +bos sure ! the phone number is 01223902168. do you need a taxi or directions to the museum ? 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 do you have a train that arrive 's at 11:00 on saturday that departs from bishops stortford ? eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos i have one arriving at 10:07 , would that be okay ? eos O O O O O O B-Train-Inform+Arrive O O O O O O N/A +bos that 'd be fine . i want it to arrive at cambridge on time . can you book it for 3 people ? eos O O O O O O O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+People O O O O N/A +bos sure thing your reference number is sin65pg9 eos O O O O O O O B-Train-OfferBooked+Ref N/A +bos thank you , that 's all i needed ! eos O O O O O O O O O O general-thank +bos enjoy your visit . please give me a call if you need any more help during your visit . 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 restaurant in cambridge that has international food and a moderate price range please . eos O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A +bos the varsity restaurant and bloomsbury both appear to offer what you 're looking for . may i book one of those for you ? 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 O O O O Booking-Inform,Restaurant-Select +bos yes please make me a reservation at the bloomsbury for 2 people at 19:30 on thursday . 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 N/A +bos i 'm sorry i was n't able to make that booking . would you like 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 how about 18:30 instead ? does that work ? eos O O O O O O O O O O N/A +bos yes , the booking has been completed . eos O O O O O O O O O Booking-Book +bos i am also looking for a place to stay . are there any 5 star hotels that include 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 O N/A +bos unfortunately there are no hotels that meet those preferences , would you like me to search for a 4 star 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 N/A +bos yes please , but it definitely needs to be a hotel , not a guesthouse . eos 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 three hotels that meet your preferences , would you like me to book one of them 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 O O Booking-Inform +bos yes , that would be great . i also need the reference number for the bloomsbury booking 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 the reference number to the bloomsbury booking is ntkq8r1i . eos O O O O O O B-Booking-Book+Name O O B-Booking-Book+Ref O N/A +bos thank you so much . eos O O O O O O general-thank +bos did you want me to book that hotel for you ? the huntingdon marriott , the cambridge belfry , and the university arms all meet your requirements . eos 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 I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O Booking-Inform +bos i would like to book the huntingdon marriott on thursday for 5 nights for the same 2 people . if it is not available , please book another one . eos 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 O O O O O O N/A +bos unfortunately booking was unsuccessful for that day . can we try another day ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Day +bos do they have a booking for one day ? eos O O O O O O O O O O N/A +bos yes , i was able to book the hotel for one day . your reference number is v1pgro1t . 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 N/A +bos i 'm also in need of a taxi to commute between the locations , can you find 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 +bos 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 ? eos O O O O O O 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 'd like the taxi to pick me up from the hotel . i need to be at the restaurant at 18: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+Arrive O O N/A +bos i have booked your taxi to bloomsbury from huntingdon , booked car type : grey volvo contact number : 07021736620. may i help 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 O O B-Taxi-Inform+Phone 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 . have a wonderful day and please feel free to reach out again if you have more 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 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 many options available . what type of food would you like to eat ? 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 i actually need a train leaving kings lynn on wednesday . 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 that should be no problem 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 Train-Request+Leave,Train-Request+Arrive +bos i want to leave on wednesday after 09:30. i need seats for 6 people and the reference number please . 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 N/A +bos i can do 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 Train-Request+Dest,Train-OfferBook +bos we need to go to cambridge . eos O O O O O O B-Train-Inform+Dest O N/A +bos tr3225 leaves kings lynn 10:11 and arrives in cambridge at 10:58. do you want me to book this train for you ? eos 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 O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos yes and please include a reference number eos O O O O O O O O N/A +bos booking was successful , the total fee is 58.8 gbp payable at the station .reference number is : usqhznbw . may i assist 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 i also need a place to dine . can you help me ? eos O O O O O O O O O O O O O O N/A +bos sure . there are plenty of places to eat . do you have a preference for area , price , 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 Restaurant-Request+Price,Restaurant-Request+Area +bos yes , we love korean food and want to try the expensive price range , please . eos O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos how about little seoul ? it has gotten great reviews ! eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O N/A +bos sure , please book that for 6 people at 17:30 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 O N/A +bos it is not available for the time requested . should i check 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 could you try monday then ? eos O O O O B-Restaurant-Inform+Day O O N/A +bos i 'm sorry those are not available . eos O O O O O O O O O Booking-NoBook +bos could you try monday @ 19:30 please ? eos O O O O O O O O O N/A +bos thanks a lot i enjoyed your service eos O O O O O O O O N/A +bos pardon ? were you able to reserve our table , please ? eos O O O O O O O O O O O O O N/A +bos it 's not available . would you like to try a different restaurant ? eos O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos no , could you try that restaurant for later that evening ? eos O O O O O O O O O O O O O Restaurant-Inform +bos i am sorry , i ca n't book anything for that restaurant at all that night . is there a different restaurant 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 O O O O O O O Booking-NoBook,general-reqmore +bos i do n't think so . eos O O O O O O O N/A +bos we are having technical problems . please call the restaurant directly at 01223308681. anything else ? eos O O O O O O O O O O O O B-Restaurant-Inform+Phone O O O O Booking-NoBook,general-reqmore +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 ! eos O O O O O O O O O O general-bye +bos i would like to find out information about a hotel called warkworth house . 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 warkworth house is a guesthouse in the east area . it is moderate pricing with 4 stars . it offers free parking and internet . would you like a reservation ? eos 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+Price I-Hotel-Inform+Price 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,Hotel-Inform+Parking +bos yes please . it 'll be for 4 nights . eos O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos i will go ahead and book your room . eos O O O O O O O O O O Booking-Inform +bos thank you . can i get a reference number for the booking ? eos O O O O O O O O O O O O O O general-thank +bos 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 ? eos O O O O O O O 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 to book it to 2 people for 4 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 okay the booking was successful . the reference number is hz6b38th . eos O 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 . i 'll be traveling back to broxbourne on friday . 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 N/A +bos will you be leaving from cambridge . eos O O O O O O O O Train-Request+Depart +bos yes i will be leaving from cambridge . eos O O O O O O O O O N/A +bos what time would you like to leave around ? eos O O O O O O O O O O Train-Request+Leave +bos i would like to leave after 10:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos tr7372 leaves cambridge at 11:01 and arrives at broxbourne by 12:01 , would that train 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 O B-Train-Inform+Arrive O O O O O O O O general-reqmore +bos yes that will work . i need to book it 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 i have booked that for you . your reference number is xhrx4ig7 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos can you find me a expensive cafe to eat at once i get off the train ? eos O O O O O O O O O O O O O O O O O O Train-Inform +bos what type of food would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos i actually do n't need a place to eat . 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 to be clear do you need me to fine you a place to eat ? eos O O O O O O O O O O O O O O O O general-reqmore +bos that is helpful.thanks eos O O O O general-thank +bos i 'm confused . should i look for a restaurant ? eos O O O O O O O O O O O O general-reqmore +bos no , i 'm sorry . that 's 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 O O O O O general-thank +bos thank you for using this service good bye eos O O O O O O O O O general-bye +bos i 'm looking for theatres in the centre of town . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O N/A +bos the adc theatre is a nice attraction . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A +bos great . can i have the address please ? eos O O O O O O O O O O Attraction-Request+Addr +bos adc theatre is located on park street in postcode cb58as . their phone number is 01223300085. can i help you with anything else ? 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+Post O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos i would love some help finding a nice restaurant to take my wife to . something expensive . 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 are you looking for a particular type of food ? eos O O O O O O O O O O O Restaurant-Request+Food +bos not really , but i would prefer it to be in the centre also , close to the theatre . eos O 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 there are a few options in the centre including bedouin , an african restaurant , and midsummer house restaurant , a traditional british restaurant . do these interest you ? eos 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Hotel-Inform +bos let 's do the midsummer house . i want to book a table for 3 people at 14:45 on wednesday . 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 B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos i 've booked your table ! it will be reserved for 15 minutes . eos O O O O O O O O O O O O O O O Booking-Book +bos could i get the reference number please ? eos O O O O O O O O O Restaurant-Request+Ref +bos your reference number is pivqlkxa . is there anything else i can help you find 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 no that is it . thank you . eos O O O O O O O O O general-thank +bos thank you for using the cambridge town info centre services . 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 O O O O general-bye +bos i 'm visiting the centre and want to go all out on the experience . can you help me find an expensive restaurant ? 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 B-Restaurant-Inform+Price O O N/A +bos sure , which part of town did you want to eat in ? eos O O O O O O O O O O O O O O Restaurant-Request+Area +bos in the centre , please eos O O O B-Restaurant-Inform+Area O O N/A +bos there are 33 expensive restaurants in the centre of town . is there a specific type of cuisine you were looking for ? eos O O O O B-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 O O Restaurant-Request+Food +bos no , just surprise me . i need a reservation for 1 person at 20: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 O O O N/A +bos you have been booked at the bedouin on wednesday at 20:00 for 1 person . your reference number is 29kjkzod . 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 B-Booking-Book+Day I-Booking-Book+Day 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 general-reqmore +bos i need a place to stay . eos O O O O O O O O N/A +bos the university arms is a 4 star hotel on regent street . would you like me to make a reservation there ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O Booking-Inform +bos is that in the centre area also , and in the expensive price range ? that is what i 'm looking for . eos 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 O O N/A +bos yes , university arms hotel is a 4-star hotel in the expensive price range . would you like to make a reservation ? 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 O O O O O Booking-Inform,Hotel-Inform+Internet +bos great , can you book for 1 person and 4 nights starting wednesday . 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 : vjqm2dfy . 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 general-reqmore +bos great i also need a taxi to take me between the two places and get me to the restaurant by 20: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+Arrive N/A +bos booking for the taxi complete look for a grey bmw car contact number is 07434690950 to arrive at the restaurant by 20:00 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 I-Taxi-Inform+Phone O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive N/A +bos perfect ! . thank you for your help ! eos O O O O O O O O O O general-thank +bos you are most welcome . may i help you with anything else , such as attractions ? eos O O O O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos no thanks , that 's all i needed . 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 i am planning a trip and need information on a particular attraction . eos O O O O O O O O O O O O O O Attraction-Inform +bos do you know the name of the attraction ? eos O O O O O O O O O O Attraction-Request+Name +bos i would like information about cherry hinton water play , 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 N/A +bos sure , it 's located in the east and is on cherry hinton hall , cherry hinton road . the postcode is cb18dw . it 's also free admission . eos O O O 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 I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee O O 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 N/A +bos are you looking to stay in a certain area of town ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos yeah i 'd like to stay in the south . eos O O O O O O O O B-Hotel-Inform+Area O O N/A +bos do you have a price range or preferred star rating ? eos O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price +bos should have a star of 4. eos O O O O O O B-Hotel-Inform+Stars N/A +bos rosa 's bed and breakfast is in the south and it 's a 4 star hotel . should i 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+Area O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O Booking-Inform +bos yes . book for 3 people for 2 nights starting on sunday . 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 your booking was successful . your reference number is 10gcabio . 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 can i get a taxi from the attraction to rosa 's b & b by 02:30 ? eos O O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O N/A +bos alright , you 're booked ! the car will be a yellow lexus , and the contact number is 07345849347. is there anything else you need today ? 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 I-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , that 's it . thank you . you 've been a great help today . eos O O O O O O O O O O O O O O O O O O general-thank +bos it 's been my pleasure . have a wonderful evening . goodbye . eos O O O O O O O O O O O O O O general-bye +bos i 'm looking for a hotel called 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 rosa 's bed and breakfast is a cheap 4 star guesthouse located in the south at 53 roseford road . free internet and parking . 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i 'd like to book it for 6 people and 3 nights starting from thursday . can you do that for me and provide me with a reference number please ? 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 O O O O O O O O O O O N/A +bos your reservation number is l4fiu0qg . is there anything else i may 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 suddenly i 'm hungry , could you find me a fancy expensive restaurant in the centre area ? 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 O N/A +bos there are a lot of possibilities , what type of food are you suddenly hungry for ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos british ? my favorite . eos O B-Restaurant-Inform+Food O O O O N/A +bos fitzbillies restaurant meets your criteria . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos ok , can you reserve a table for the six of us ? eos O O O O O O O O O O O O O O N/A +bos would you like this reservation be for thursday ? eos O O O O O O O O B-Booking-Inform+Day O N/A +bos yes please , at about 14:00. we 'll be starving after a our long trip . eos O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O N/A +bos your table has been booking . reference number elqbjp3r . 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 think that will take care of it . thank you very much . eos O O O O O O O O O O O O O O O general-thank +bos may i book you taxi or anything else ? eos 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 , have a great trip ! eos O O O O O O O O general-bye +bos one moment while i look up the alpha-milton guest house 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 O N/A +bos i can look that up on my end for you , instead . what would you like to know about the alpha-milton ? eos O O O O O O O O O O O O O O O O O O O O B-Hotel-Select+Name O O O general-reqmore +bos i 'd like to book a room for two people on sunday for two nights , please . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O O O O O N/A +bos all set . your reference number is nd2fgbf1 . eos O O O O O O O B-Booking-Book+Ref O O N/A +bos i will also need a train to stevenage . eos O O O O O O O O B-Train-Inform+Dest O N/A +bos there are several trains going to stevenage . what day would you like to depart ? eos 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+Day +bos i 'll be leaving on monday . eos O O O O O B-Train-Inform+Day O O N/A +bos okay there are 10 trains . what time would you like to leave after 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 Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive by 18:30 , please . eos O O O O O O O O O O O N/A +bos i am sorry we do not have a train fitting your needs for monday at 18:30. eos O O O O O O O O O O O O O O B-Train-NoOffer+Day O B-Train-NoOffer+Arrive N/A +bos are you quite sure ? i do n't mind if i arrive a bit earlier , but i need to be in stevenage by 18:30 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 B-Train-Inform+Arrive O B-Train-Inform+Day O O O O N/A +bos my apologies , there are actually 7 trains . shall i book one for you ? eos O O O O O O O B-Train-Inform+Choice O O O O O O O O O Train-OfferBook +bos yes leaving cambridge to stevenage monday by 18:30 for the same amount of people eos O O O B-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Arrive O O O O O O N/A +bos i have a train booked for 2 people departing cambridge at 17:21 and arriving in stevenage at 18:10 on monday . your reference number is hptbazkc . is there anything else ? eos O O O O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave I-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O B-Train-OfferBooked+Day O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos thanks so much for all the help ! there 's nothing else for me . goodbye ! eos 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 and thanks 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 my friend was there on business last month and said i absolutely had to try a restaurant called the nirala . 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O N/A +bos the nirala is indian food at a moderate price range in the north area . the address is 7 milton road , chesterton . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A +bos great , can you book me a table on sunday at 18:30 for 6 people ? 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 N/A +bos unfortunately , that booking was unsuccessful . would you like to try for a different 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 how about 17:30 instead ? eos O O O B-Restaurant-Inform+Time O O N/A +bos yes , the booking was successful ! your reference number is gwd5rfuq . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos great ! i am also looking for a place to go on the west side of town . what would you recommend ? 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 if you 're looking for some entertainment , i 'd highly recommend the `` whale of a time '' building ! eos O O O O O O B-Attraction-Recommend+Type 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 that sounds interesting , what type of attraction is it ? eos O O O O O O O O O O O O Attraction-Request+Type +bos it 's an entertainment venue . i also have museums and colleges , if that 's more to your interests . eos 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 general-reqmore +bos let 's go with the whale of a time building . what ; s the address and 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 O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos the entrance fee is unknown the address is unit 8 , viking way , bar hill eos O O 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 N/A +bos please book it for me eos O O O O O O N/A +bos i 'm afraid they do n't take bookings . eos O O O O O O O O O O Booking-NoBook +bos oh ok. can i get a taxi from whale of a time to the nirala . i want to get to the restaurant by 17:30. 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Time O N/A +bos i was able to book that taxi for you . be looking for a white ford . if you need to reach them , please call 07763602610. 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 nope , that 's it , thanks ! eos O O O O O O O O O general-thank +bos alright , thanks 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 hello , i 'm looking for a restaurant that is expensive and located in the centre . 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 sure , there are plenty of restaurants like that . did you have a certain type of food in mind ? 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 i am actually looking for a lively gastropub . eos O O O O O O O O B-Restaurant-Inform+Food O N/A +bos i would recommend either backstreet bistro or the slug and lettuce . 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 the slug and lettuce sounds interesting . can i have the postcode , address , and phone number please ? 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos i do n't have a phone number for them , but the address is 34 - 35 green street , postal code cb23ju . is there anything else i can do today ? eos O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-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 O B-Restaurant-Inform+Post O O O O O O O O O O O O O general-reqmore +bos i am also looking for an entertainment attraction in the same area of town that the restaurant is in , 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 N/A +bos i can definitely help you . do you want a boat , cinema , college , or maybe a museum ? eos 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 N/A +bos is there anything listed as simply `` entertainment '' in the center ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there are no entertainment venues in centre unfortunately . i can either look for a different venue type or another part of town if you like . 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 O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos please try a college , instead . could i get the postcode and phone number ? eos 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 how about downing college on regent street , cb21dq ? their phone number is 01223334860. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O N/A +bos thank you so very much that is exactly what i was looking for ! 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 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 yes , i am looking for information on all saints church . can you help me ? eos 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 yes . all saints church is on jesus lane in the centre of town . it 's free to get it . is there anything else you 'd like to know ? eos 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 B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type 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 general-greet,general-reqmore +bos that is 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 i was happy to help . 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-welcome,general-bye,general-greet +bos thanks . goodbye . eos O O O O O general-bye +bos you are welcome . have a good day . goodbye . eos O O O O O O O O O O O O general-bye,general-greet +bos actually , could you help me find a place to eat ? i 'm looking for something expensive near all saints . 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 N/A +bos there are 33 restaurants that fit your request . do you have any particular food type in mind ? 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 no i do n't really care . anything is fine . eos O O O O O O O O O O O O N/A +bos in that case i would recommend bedouin , which is an exotic african place in town . do you want me to book it for you ? eos O O O O O O O B-Restaurant-Recommend+Name O O O O 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 no that 's fine . i just need their address , phone number , 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 sure thing . it is located at 100 mill road city centre , cb12bd , and their phone number is 01223367660. 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 B-Restaurant-Inform+Phone O O O general-greet +bos thank you very much that 's all i need . eos O O O O O O O O O O O general-thank +bos have a nice stay ! eos O O O O O O general-bye +bos i 'm looking for a boat to go to in town . eos O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos boating is so relaxing . we have 4 different boating venues in town . did you have a preference on the area you would like ? eos O B-Attraction-Inform+Type O 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+Area,general-greet +bos no , your recommendation will suffice . eos O O O O O O O O N/A +bos i would recommend riverboat georgina in the north area . they are located at cambridge passenger cruisers , jubilee house and can be reached at 01223902091 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 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 thank you , i am also looking for a restaurant that serves indian in the centre area . eos 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 N/A +bos there is the curry garden located at 106 regent street city centre . will that work for you ? eos O O 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 N/A +bos yes , i need it for saturday at 14:45 , for three . eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O N/A +bos sorry , the restaurant is all booked 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 can you please check for 13:45 ? eos O O O O O O B-Restaurant-Inform+Time O N/A +bos i have you booked at 13:45 on saturday . your reference number is rerxdpmf . can i help you with anything else ? 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 O O O O O O O O general-reqmore +bos nope ! that should do it , thanks ! eos O O O O O O O O O O general-thank +bos enjoy your meal ! eos O O O O O general-bye +bos i would like to find places to go to 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 sure , what type of place are you interested in ? eos O O O O O O O O O O O O Attraction-Request+Type +bos what would you recommend ? i just need to stay in the centre and will need to call them later to ask some 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 N/A +bos there are about 44 attraction in the center but if i may know what interests you i can recommend one to you . 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 Attraction-Request+Type +bos whatever is most popular , this is my first time to cambridge and i have no idea . 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 a great concert hall in the centre called man on the moon . it 's one of the best for visitors . they are located at 2 norfolk street . eos O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O B-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 O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A +bos thank you for the information . do you happen to have the postcode and phone number for 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 Attraction-Request+Post,Attraction-Request+Phone +bos their postcode is cb12lf and their phone is 01223474144. can i help you with anything else today ? eos O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post 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 train from cambridge to peterborough on wednesday . can you help with that ? 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 O N/A +bos there are many options available . would you like to narrow it down by departure time or 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 O Train-Request+Arrive,Train-Request+Leave +bos i 'd like to leave after 21:45 , if possible . i wo n't need to book . i 'll just need the arrival time , please ? 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 O O O O O O Train-Request+Arrive +bos sure , the tr8574 leaves at 22:06 and arrives at 22:56. eos 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 N/A +bos thanks for serving me ! eos O O O O O O general-thank +bos yeah , anytime . it was my pleasure . eos O O O O O O O O O O general-welcome +bos thank you once again eos O O O O O general-thank +bos i 'm sorry about that , i forgot to hang up . good bye . eos O O O O O O O O O O O O O O O O general-bye +bos yeah , would you happen to know if there is anything fun to do in town near 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 there are many options . what attraction type do you prefer ? any preference for area ? 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,Attraction-Request+Type +bos i 'm not sure what types are available , but i am looking for something in the city 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 Attraction-Request+Type +bos in the centre of town there are 44 different attractions . i have theatres , nightclubs , swimming pools , parks , museums , concerthalls , colleges and boats . does one of those interest you ? eos O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Choice 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 Attraction-Select +bos 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 ! eos O O O O O O 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+Type +bos i enjoy going to a concert hall . there is the man on the moon in the centre of town . you can call them for the fee at 01223474144. eos O O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O O B-Attraction-Recommend+Phone O N/A +bos thanks for the information . what can you tell me about a restaurant called galleria ? eos O O O O O O O O O O O O O O B-Restaurant-Inform+Name O O N/A +bos galleria is a european restaurant in the centre of town , would you like me to book you a table ? 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 O O O O O O O Booking-Inform +bos yes , please . book a table for 6 people at 17: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 thank you for holding . i have booked a table for you at the galleria . your reference number is puvxnkez . would you like their address and phone number ? eos 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 B-Booking-Book+Ref O O O O O O O O O O O O N/A +bos no , thanks . i will need a taxi to arrive at the restuarant by 17:45. eos O O O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos where would be your departure site ? eos O O O O O O O O Taxi-Request+Depart +bos the concert hall you recommended . the man on the moon ? eos 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 ok , i have booked the taxi for you . it will be a black volkswagen & their # is 07107131521. 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 general-reqmore +bos i think that should cover it . 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 . thanks for choosing cambridge towninfo centre today ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i am travelling to cambridge , soon , and would like to gather some information on local tourist attractions . 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 great , i can definitely help you with that . did you have a particular type of attraction or 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 O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos actually , i have heard about the great local restaurants . i am looking for something in the moderate price range . 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 N/A +bos the are 31 restaurants with a moderate price range . is there a preference for area and cuisine type ? eos 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 O Restaurant-Request+Food,Restaurant-Request+Area +bos the restaurant should be in the centre . should serve asian oriental food . please make sure you get phone number and postcode . 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 O O O O O Restaurant-Request+Post +bos yippee noodle bar is an asian oriental restaurant in the centre that i recommend . located at 40428 king street centre postcode cb11lh . would you like a reservation ? eos 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 B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O 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 Booking-Inform +bos yes i would like a reservation on tuesday for 18:00 for 3 people . eos O O O O O O O O O O O O O O O N/A +bos your reservation has been booked . eos O O O O O O O Booking-Book +bos thanks , do you have reference number and phone number ? i also need some information on multiple sports places in the same 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 Restaurant-Request+Phone +bos the reference number is not available but the phone number is 01223518111. if you 're looking for sports places the cherry hinton village centre will work . eos O O O O O O O O O O O O B-Restaurant-Inform+Phone 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 Booking-Book +bos is that in the center of town ? eos O O O O O O O O O N/A +bos yes it is in the centre of town eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area N/A +bos i am looking for things to do on the west side of cambridge . is there anything you can recommend ? 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 there are 13 different attractions on the west side . you have your choice of colleges , an entertainment venue , and museums . which would you prefer to learn more about ? 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O Attraction-Select +bos the entertainment venue sounds like a lot of fun . what is the address ? eos O O B-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Addr +bos an entertainment venue meeting your request is whale of a time . the address is unit 8 , viking way , bar hill . 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 O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos perfect , thanks . oh ! i 'm also quite hungry , can you recommend an expensive restaurant in town that serves molecular gastronomy cuisine , please ? eos 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 I-Restaurant-Inform+Food O O O O O O O O O N/A +bos unfortunately , i do n't have any restaurants that serve molecular gastronomy cuisine at the moment . can i look for another type of cuisine for you ? 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 O O O O O Restaurant-Request+Food +bos are there no molecular gastronomy restaurants in the west side or in the entire city ? eos O O O O O O O O O O O O O O O O O N/A +bos unfortunately there are none in the city . would you like to try another type of food ? eos 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+Food +bos how about an indian restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos i have 5 different indian expensive restaurants in the west . might i recommend the india house . they have great reviews . eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O N/A +bos whatever you recommend works , i need to book for 2 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 N/A +bos i 've got your table reserved , reference number fukn64lf . eos O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thanks . can i get a taxi from whale of a time to the india house ? i would like to get to the restaurant by 18: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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O O B-Taxi-Inform+Arrive O O N/A +bos i have a taxi for you , a yellow lexus . your contact number for it is 07785448051. anything else i can help you 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 general-reqmore +bos no that is everything . thank you . eos O O O O O O O O O general-thank +bos if you have any further questions , contact the help desk again , thanks ! eos O O O O O O O O O O O O O O O O general-bye +bos hello , i am looking for a place to dine . i 'd prefer it to be moderately priced and 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 B-Restaurant-Inform+Food O O O O O N/A +bos we have 4 moderately priced indian restaurants - 2 in the east , 1 in the north , and one in the west . which area are you interested in ? eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food 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 O O Restaurant-Request+Area +bos i 'd like to look at the one in the west , please . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos that place goes by the name of meghna , the address is 205 victoria road chesterton , they can be reached at 01223727410 , would you like me too book you ? eos O 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 O B-Restaurant-Inform+Phone O O O O O O O O O O O Booking-Inform +bos can i please have their postcode ? eos O O O O O O O O Restaurant-Request+Post +bos their postcode is cb43lf . would you like a reservation ? eos O O O O B-Restaurant-Inform+Post O O O O O O O Booking-Inform +bos no thanks . i do n't need a reservation yet . i am also looking to find a great place to do some boating . 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 i have several options to choose from . is there a particular area you want to go boating ? 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+Area +bos no , where would you suggest ? eos O O O O O O O O N/A +bos how about camboats in the east ? their address is the plough , green end , fen ditton . eos O O O B-Attraction-Recommend+Name O O B-Attraction-Recommend+Area 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 that sounds good . can i get the postcode please ? eos O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb43lf , anything else ? eos O O O O B-Attraction-Inform+Post O O O O general-reqmore +bos no , that 's it for now . eos O O O O O O O O O N/A +bos it was a pleasure serving you today . have a wonderful 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 a polish restaurant that is in the moderate 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 sorry , there are no polish restaurants in town . perhaps you 'd like to try a different type of food ? 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 O Restaurant-Request+Food +bos could you find one that serves spanish food , instead ? eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos sure , we have la tasca , and la raza . can i book one for you , if so for how many people and what date ? eos 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 O O O O O O Booking-Inform,Restaurant-Select,Booking-Request+Day,Booking-Request+People +bos i will try la tasca . the booking is just for me on monday at 15:30. 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 B-Restaurant-Inform+Time O N/A +bos you have a table and it will be held for 15 minutes . the reference number is 42z6ay64 . can i be of further assistance ? 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 i also need to find a place called byard art . eos O O O O O O O O O O O O N/A +bos what type of place is that ? eos O O O O O O O O Attraction-Request+Type +bos it 's an attraction in town . can you find it by name ? i just need their phone number and the cost . eos O 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 sure ! the cost is free and their phone number is 01223464646. eos O O O O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone N/A +bos terrific ! i also need a taxi that will get me from byard to my 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 O Restaurant-Inform,Taxi-Inform +bos i was able to book a grey lexus phone number is 07863299997 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 that 's awesome . thanks . i think that will do it for today . 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 welcome to use our services anytime . eos O O O O O O O O O O general-welcome +bos please help me with a taxi eos O O O O O O O Taxi-Inform +bos sure ! where are you going ? eos O O O O O O O O Taxi-Request+Dest +bos i 'm going to pizza hut fen ditton . 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 where will you be coming from ? eos O O O O O O O O Taxi-Request+Depart +bos i am leaving from the beautiful saint catharine 's college . eos O O O 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 be picked up from your start point , or dropped off at 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos oh anytime after 11:45 a.m would be fine eos O O O O B-Taxi-Inform+Leave O O O O N/A +bos booking completed ! booked car type : black volvocontact number : 07089951396 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 '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-bye +bos i am looking for a particular hotel . its name is called arbury lodge guesthouse 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 would you like me to check availability for arbury lodge guesthouse on a particular date ? 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 Booking-Inform +bos book it for 4 people and 2 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 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+Day,Booking-Request+Stay +bos how about 1 night instead ? eos O O O O B-Hotel-Inform+Stay O O N/A +bos booking was successful.reference number is : nsvesb6h . eos O O O O O O O B-Booking-Book+Ref 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 it was my pleasure . 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-welcome,general-bye +bos i 've been robbed . can i get some help ? eos O 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 thank you , that is all i need . goodbye . eos O O O O O O O O O O O O general-bye +bos you are welcome . do you need any further assistance ? eos O O O O O O O O O O O O general-reqmore +bos i was just robbed and i want my stuff back eos O O O O O O O O O O O N/A +bos the phone number for the police is 01223358966 , they are located in postcode cbv11jg . best of luck 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 N/A +bos can you give me the exact address for the police ? eos O O O O O O O O O O O O Police-Request+Addr +bos the address of 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 you are more than welcome ! eos O O O O O O O general-welcome,general-bye +bos hello , i 'm looking for an architecture place to go in the centre of town . eos O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O O O O N/A +bos there are several architecture places you could go , all saints church , great saint mary 's church , holy trinity church , and old schools , which one could 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 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 Attraction-Select +bos old schools sounds cool - can i have their phone number ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O Attraction-Request+Phone +bos you can contact old schools at 01223332320. is there anything else i can assist you with ? eos O O O O O B-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 'm looking for the gonville hotel . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos gonville hotel is in the expensive price range in the centre would you like me to book it eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O O O O O Booking-Inform +bos no can i just get the hotel type and phone number please ? eos O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Type +bos it is a normal hotel and the phone number is 01223366611. eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Phone N/A +bos thanks . can i also book a taxi to take me from the hotel to the old school . i want to leave the hotel by 21: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+Leave O O N/A +bos the taxi has been reserved . your taxi would be a black honda and you can contact it at 07973129543. 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 N/A +bos thank you so much that 's all i need . eos O O O O O O O O O O O general-thank +bos have a good trip at cambridge . goodbye ! eos O O O O O O O O O O general-bye +bos can you have a taxi pick me up from el shaddai ? eos O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 'll be going to gonville hotel and need to arrive by 06:45. let me know the taxi type and their contact info . eos O 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 O O O O O O N/A +bos booking completed ! booked car type : yellow toyotacontact number : 07796401968 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 awesome , 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 no , that is all . thank you . eos O O O O O O O O O O general-thank +bos you 're quite welcome . have a wonderful stay in cambridge ! bye . 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 dine . the restaurant should be in the west and should serve british 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 travellers rest is amazing . would you like a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos yes i need table for 6 people at 12:15 on saturday 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 your party of 6 is booked for saturday at 12:15. your reference number is 6w59cffr . is there anything else ? 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 B-Booking-Book+Ref 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 quite welcome ! eos O O O O O O general-welcome,general-bye +bos what is the address to the hospital in north ? eos O O O O O O O O O O O Hospital-Inform +bos i 'm sorry there seems to be an error in our system . please send your request again . eos O O O O O O O O O O O O O O O O O O O O general-greet +bos what is the address to the hospital there was no error you just did n't want to look it up . eos O O O O O O O O O O O O O O O O O O O O O O Hospital-Inform +bos 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 . eos O O O O O O O O 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 bridge guest house , information on their phone number as well as if they have free parking . i am also looking for places to go . 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 O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Parking +bos the bridge guest house has free parking . the number is 01223247942. may i try looking up the hospital again for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Phone O O O O O O O O O O O O Hotel-Inform+Parking +bos no that 's okay , i do need an entertainment attraction in the east , though . 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 N/A +bos camboats is awesome ! eos O B-Attraction-Inform+Name O O O N/A +bos ok ! i need the entrance fee please . eos O O O O O O O O O O Attraction-Request+Fee +bos they do not list their entrance fee but you can call them at 01223902112 to get it . if you want something free may i suggest cambridge artworks ? eos 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+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos is it on the east ? eos O O O O O O O N/A +bos yes , it is on the east . would you like more information ? eos O O O O O O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos can you just tell me what the entrance fee is please ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos the entrance fee is free . was there anything else i could 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 i think that will do it . thank you for your help today . 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 nice day . eos O O O O O O O O O O O O general-bye +bos yes i am looking for a hotel that includes free wifi and has a three star rating please . eos O O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Type O O O O O O O O O O O O N/A +bos we do have a couple matching your criteria , they both fall under the expensive range , one in the centre and one in the south , what is your location of choice ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Price 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 i do n't care where it is located . i would like an actual hotel room and i will need free parking too . 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 N/A +bos alright , you have your choice between the gonville hotel at gonville place , cb11ly , or the lensfield hotel at 53-57 lensfield road , cb21en . do you need more information , or 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 I-Hotel-Inform+Name B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Post O O O O O O O O O O O O O O Booking-Inform +bos yes , i would like to book it for 8 people and 3 nights starting from tuesday . please make sure to include 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 O O Hotel-Request+Ref +bos i got that all ready to go for you . they will be expecting you on tuesday . your reference number is 5535gdto . would you need help with something else today ? eos O O O O O O O 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 general-reqmore +bos i am also interested in places to go in the east area . can you help with that ? 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 certainly , we have 10 attractions in the east . do you have a particular type in mind ? 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 O Attraction-Request+Type +bos yes i am looking for a park . i 'd also like to know the entrance fee , postcode and phone number 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 O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos the cherry hinton water play park is at cherry hinton hall , cherry hinton road , cb18dw , it is free to enter.phone number 01223446100. 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 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 B-Attraction-Inform+Fee O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos yes i also need a taxi to commute between the two . eos O O O O O O O O O O O O O Taxi-Inform +bos what time do you need to leave ? eos O O O O O O O O O Taxi-Request+Leave +bos 16:45. please give me their car type and contact number . eos O O O O O O O O O O O O Taxi-Request+Car +bos i will need a departure or arrival time . eos O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i want to leave at 06:45. i can arrive however long it takes . eos O O O O O O B-Taxi-Inform+Leave O O O O O O O O N/A +bos perfect ! i have a white volvo scheduled to pick you up at 06:45. the contact number is 07550105668. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone 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 you 're welcome . it was my pleasure . 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 i am looking for a place to stay with 4 stars . eos O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos certainly , is there an area of town you prefer ? eos O O O O O O O O O O O O Hotel-Request+Area +bos no , but it should have free wifi , 4 stars , and free parking . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos there are quite a few options that match your needs -would you prefer cheap or moderately priced ? 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 B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price N/A +bos no . you can pick the hotel . i will need it for 3 people lasting 2 nights , from friday . 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 B-Hotel-Inform+Day O O O O N/A +bos i have booked you a room at the acorn guest house . they are at 154 chesterson road , cb41da . their phone number is 01223353888. 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 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 general-reqmore +bos yes , i need the reference number . eos O O O O O O O O O Hotel-Request+Ref +bos booking was successful.reference number is : uuj3x14v . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thanks ! i am also looking for suggestions for night clubs . eos O O O O O O O O O O O O O general-thank +bos i have 6 night clubs in the city , 5 are in the centre and 1 is in the south ? would you like info on any of them ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 O O general-reqmore +bos what is the entrance fee and the phone number for the one in the south ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O Attraction-Request+Phone,Attraction-Request+Fee +bos the place is a nightclub in the south part of town . i 'm sorry , i do not have the entrance fee . their phone number is 01223324600. is there anything else ? 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-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 O O O O O general-reqmore +bos no , that 's all i needed ! thanks you 've been so helpful ! bye ! eos O O O O O O O O O O O O O O O O O O N/A +bos you are most welcome . enjoy your visit ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a places to go and see during my upcoming trip to cambridge . eos O 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 like ? eos O O O O O O O O O Hotel-Request+Area +bos i would like to go to the south area please . eos O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos on the south side , your options are the cinema , entertainment venues , museums , nightclubs , parks , and a theatre . eos O 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 N/A +bos that 's a lot of choices , how about nightclubs ? can you get me a couple of phone numbers for good ones ? i 'm hoping to catch dj squalour from ibiza ! 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 Attraction-Request+Phone +bos the only nightclub in the south is called the place on 22 sidney street . phone number is 01223324600. can i help you with anything else ? eos 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos yes , i would like an expensive hotel with free parking . eos O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Price O O O O O O N/A +bos i have places that fit that description all over town , except in the north . if area is no concern , i recommend the gonville in the center of town . 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 I-Hotel-Inform+Area O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O N/A +bos is it four star ? eos O O O O O O N/A +bos no , it only 3 stars . the huntington marriott is 4 stars though . it is also expensive and has free parking and internet . eos 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 B-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos okay well now i need to get a taxi to leave the hotel by 17:45 to the attraction . i will need a 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 O Taxi-Request+Car,Attraction-Request+Type +bos booking completed ! booked car type : red lexuscontact number : 07421633218 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 i want to confirm that the booked red lexus is a taxi , as i previously requested ? eos 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 ! anything else needed ? eos O O O O O O O O O O Taxi-Inform,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 hi there ! can you recommend a great museum in the center of town ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are many options and they 're all free . do you have a preference between art and history ? eos O O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Fee O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O N/A +bos how about art , and please include the entrance fee . eos O O O O O O O O O O O O Attraction-Request+Fee +bos i 'd suggest cambridge contemporary art , it has free entrance . do you need help with anything else ? eos 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 O O O O general-reqmore +bos yes i could use the address please . eos O O O O O O O O O N/A +bos yes the address is 6 trinity street . eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos thank you , i would like a reservation , please . eos O O O O O O O O O O O O general-thank +bos what kind of food would you like today ? eos O O O O O O O O O O Restaurant-Request+Food +bos i am not interested in food , thanks , but i 'd like help finding a 4 star guesthouse . 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 N/A +bos the a and b guesthouse is 4 stars . would you like more information on it ? eos 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 O O O O O O O O O general-reqmore +bos i want somewhere moderately priced with free parking . eos O O O O B-Hotel-Inform+Price O O O O O N/A +bos the acorn guest house does match all of your requirements , 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 O O O O O O O O O O O O O Booking-Inform +bos sure . i want it for 7 people . we 'll arrive thursday and stay 4 nights . do n't forget to tell me the reference number eos 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 Hotel-Request+Ref +bos okay , you 're all set . i have booked a 4-night stay at the acorn guest house for 7 people on thursday . the reference number is wccmsr3l . anything else for you today ? 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 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 general-reqmore +bos that is all for today . thank you for 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 general-thank +bos glad i could help you today . hope 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 are there good hotels ? eos O O O O O O Hotel-Inform +bos yes , i have 33 options for you . are you interested in a specific area ? eos O 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 would like to be in the east . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos sure , is there a price range you 'd like to stay within ? eos O O O O O O O O O O O O O O O Hotel-Request+Price +bos yes , i 'd prefer a cheap guesthouse . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A +bos i found three hotels that match your request , and they are all 4 star . can i book a room for you at one of them ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type 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 Booking-Inform +bos yes please book one for me . send me the address phone post code and reference number . 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 +bos allenbell is a guesthouse on the east that gets 4 stars and is cheap . it has internet and parking . the address is 517a coldham lane . will you be alone ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Type 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O Booking-Request+People,Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds fine . can you give me some info about a cinema to visit ? eos O O O O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos cineworld cinema is in the south and vue cinema is in the centre . eos 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 N/A +bos can i get the phone number and entrance fee of cineworld cinema ? eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Phone,Attraction-Request+Fee +bos i 'm afraid that i do n't know their entrance fee , but their phone number is 00872208000. 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 O O O O B-Attraction-Inform+Phone 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 thanks for using our service today ! eos O O O O O O O O general-bye +bos are there any theatres in cambridge , particularly close to the city centre ? eos O O O O B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are four theatres in that area . cambridge arts theatre is a nice one in that area . eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O N/A +bos wonderful . can you get me the address and postcode ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos sure , the address is 6 saint edward 's passage and the post code is cb23pj . eos 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 N/A +bos thanks . i am also looking for a hotel in the north . i want something with a 3 star rating . are there any available ? eos 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+Stars O O O O O O O N/A +bos yes i have two both in the moderate price range . any preference for amenities ? eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price O O O O O O O O Hotel-Request+Type,Hotel-Request+Internet,Hotel-Request+Parking +bos i do n't mind something a bit pricey , and i definitely need wifi . eos O O O O O O O O O O O O O O O O N/A +bos hamilton lodge has free wifi and is in the moderate price range . 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 O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos that sounds perfect . yes , i would like to book a room please . eos O O O O O O O O O O O O O O O O N/A +bos when will you be arriving and how many nights will you be staying ? 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 Booking-Request+Day,Booking-Request+Stay,Booking-Request+People +bos it will just be me . i will be arriving tuesday and staying for 3 nights . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O N/A +bos booking was successful . reference number is 9msrk9go . do you need help 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 i will need a taxi to go from the theatre to the hotel . 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,Hotel-Inform +bos i sure can . what time would you like the taxi be there ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave +bos i would like the taxi to be there by 04:30. also could i have the contact number of the taxi ? 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 N/A +bos booking completed ! booked car type : grey volvo contact number : 07836799900 eos O 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 thank you ! that is all that i need . eos O O O O O O O O O O O general-thank +bos great enjoy your visit ! eos O O O O O O general-bye +bos hi ! what can you tell me about the attractions on the east side ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O 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 i 'm not sure . can you tell me about my options ? eos O O O O O O O O O O O O O O N/A +bos you have boat , entertainment , museum , mutliple sports , park and swimmingpool to choose from . eos 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 N/A +bos can you give me an address to a museum you recommend ? eos O O O O O O O O O B-Attraction-Inform+Type O O O Attraction-Request+Addr +bos cambridge artworks is located at 5 greens road eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A +bos i also need a 4 star expensive place to stay . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O O N/A +bos i have one in the west and one in the centre . do you have a preference ? eos O O O B-Hotel-Inform+Choice I-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 Hotel-Select +bos i want it very close to the museum . eos O O O O O O O O O O N/A +bos there are no 4 star expensive hotels in the east side . would you prefer to try another area or price point ? eos O O O O O B-Hotel-NoOffer+Stars 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 Hotel-Request+Area,Hotel-Request+Price +bos let 's see what you have for cheap hotels then . eos O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos i have a few cheap guesthouses that fit your criteria . want one of those ? 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 N/A +bos yes that sounds good . eos O O O O O O N/A +bos would you like me to book a room at the autumn house for you ? eos 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 N/A +bos no but i do need the address and postcode . eos O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos the address is 710 newmarket road with postcode cb58rs eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post N/A +bos i need a taxi as well . eos 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 need to leave the hotel at 24:30. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos i will need to know where you are going as well . eos O O O O O O O O O O O O O Taxi-Request+Dest +bos commuting between two places discussed . eos O O O O O O O N/A +bos you would like to be picked up at the autumn house ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos yes please , by 24:30. eos O O O O O O N/A +bos please look for a black skoda . the contact number is : 07894762729. what else can i help with 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 general-reqmore +bos have a nice day . eos O O O O O O N/A +bos thank you . please call again if there is anything we can assist you with . 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 help finding stuff for me and my ferret to do . eos O O O O O O O O O O O O O O N/A +bos sure , do you have anything in mind ? perhaps a park ? eos O O O O O O O O O O O B-Attraction-Recommend+Type O O Attraction-Request+Type +bos i would prefer entertainment . eos O O O O B-Attraction-Inform+Type O N/A +bos which part of town did you have in mind ? eos O O O O O O O O O O O Attraction-Request+Area +bos in the town center . eos O O O O O O N/A +bos we do n't have any entertainment attractions in the centre of town . would you like to search for something else ? 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 O O O O O O O O O O O N/A +bos could you try a college ? eos O O O O O B-Attraction-Inform+Type O N/A +bos i 'd recommend christ 's college on saint andrew 's street , cb23bu . their phone number is 01223334900. will that be all for today ? eos O O O B-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 O O B-Attraction-Recommend+Phone O O O O O O O O O O O O general-reqmore +bos no i also need to find a hotel in the same area as my attraction and have a rating of only 0. 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 N/A +bos cityroomz is available , or el shaddai if you would prefer a guesthouse . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Type O O N/A +bos can i please have a reservation at el shaddai for 4 people ? eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos sure ! what day do you wish to check in and for 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 Booking-Request+Day,Booking-Request+Stay +bos starting tuesday , i want to stay for 3 nights . eos O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O N/A +bos i 've got our rooms booked . what else can i do for you ? eos O O 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 for the booking ? eos O O O O O O O O O O O O Hotel-Request+Ref +bos the reference number is 075xc65o . is there anything else i can help you with ? eos O O O O O B-Hotel-Inform+Ref O O 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 enjoy your stay ! let us know if we can be of any further assistance . eos O O O O O O O O O O O O O O O O O general-welcome,general-bye +bos what is there to do 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 44 attractions . what type of attraction do you want to visit ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Type +bos possibly a theatre ? eos O O O B-Attraction-Inform+Type O N/A +bos i have a listing for 4 in that area , can i recommend adc theatre ? eos O O O O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos ok , what 's the phone number for that place ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos you can reach adc at 01223300085. is there any other information i can get for you today ? eos O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Phone O 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 cb58as and the address is park street . enjoy your visit ! eos O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O general-greet +bos thanks ! i also need some help finding a hotel on the east side . eos 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 how about the express by holiday inn cambridge ? it is on the east side & has parking and 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 I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos what star is it ? eos O O O O O O N/A +bos it is a 2 star . would you like me to book it ? eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform +bos no , i 'm not ready to book yet . thanks for all the help today , that 's all i needed . 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-bye +bos let us know if we can help more . eos O O O O O O O O O O general-reqmore +bos i am injured and need a hospital with a cardiology department . eos O O O O O O O O O O B-Hospital-Inform+Department O O N/A +bos the addenbrookes hospital located at hills rd , cambridge has a cardiology department . would you need to book an appointment ? 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 would like to have the phone number . eos O O O O O O O O O O Hospital-Request+Phone +bos the phone number is 01223256233. 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 more than welcome ! eos O O O O O O O general-bye +bos i 'm looking for an italian restaurant in cambridge in the west . eos O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O N/A +bos wonderful , may i suggest prezzo ? they are a well~known establishment and is moderately priced . eos O O O O O B-Restaurant-Recommend+Name O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O N/A +bos ok sounds great i want to book a table on wednesday for 6 people at 16:15 and i would like the reference number eos O O 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 O O N/A +bos sure . your reference number is 4gstqc42 and the table will be reserved for 15 minutes . will that be all ? 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 i am also looking for a hotel . i would like it to be expensive and in the same area as the restaurant . 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 only expensive place in the west is the huntingdon marriott . would you like a room there ? eos O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O N/A +bos do they have free parking and free wifi ? eos O O O O O O O O O O N/A +bos yes they do have both . eos O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos perfect . can you reserve me rooms for the same 6 people for 4 nights , and we 'd like to check in the same day , too . eos 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 O O O O O O O O O O O N/A +bos the booking was n't successful . can you do another day or a shorter stay ? eos 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 just one night then . eos O O O O O O O O O O O N/A +bos i was able to successfully book you for 1 night . your reference number is bwxli8k3 . is there anything more 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 general-reqmore +bos i also need a taxi to get from the restaurant to the hotel . eos 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 the leave the first place ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i want to arrive at the restaurant by the booked time eos O O O O O O O O O O O O N/A +bos i have you in a blue honda , the number to contact the is 07758846096. may i help you with any thing 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+Phone O O O O O O O O O O general-reqmore +bos actually , that was all i needed . thanks so much . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos no problem . please have a pleasant trip . eos O O O O O O O O O O general-bye +bos i would like a restaurant that serves portuguese food eos O O O O O O O O B-Restaurant-Inform+Food O N/A +bos nandos is a portuguese restaurant , it is in the cheap price range , and is on the south part of town . would you like the phone number ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food 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 O O O O O general-reqmore +bos what is their address eos O O O O O Restaurant-Request+Addr +bos cambridge leisure park clifton way . can i help you with anything else ? eos 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 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 that is all i need . no further questions . eos O O O O O O O O O O O N/A +bos ok. good bye . eos O O O O O general-bye +bos i am looking for a place that serves african 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 african huh ? where are you now ? id hate to send you somewhere far away eos O B-Restaurant-Select+Food O O O O O O O O O O O O O O O N/A +bos it does n't matter . what suggestions do you have ? eos O O O O O O O O O O O O N/A +bos how about bedouin ? eos O O O B-Restaurant-Inform+Name O N/A +bos please provide me with the address and phone number to bedouin . eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos bedouin is located at 100 mill road city centre and their phone number is 01223 367660. 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 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 looking for an expensive restaurant eos O O O O B-Restaurant-Inform+Price O N/A +bos there are quite a few diverse , expensive restaurants all located in the centre area . i recommend the backstreet bistro at 2 sturton street city centre . eos O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 I-Restaurant-Recommend+Addr O O N/A +bos are there any in the east part of town ? eos O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are a few , if you prefer british food , there is the grafton hotel restaurant , but if you want indian food , there is one called pipasha restaurant . eos O O 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 I-Restaurant-Inform+Food O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos what is the phone number and post code of pipasha restaurant ? eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos phone number is 01223 577786 and postcode is c.b 5 , 8 p.a . eos O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O 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 thank you , goodbye eos O O O O O general-bye +bos i want something in the north part of town . moderately priced . eos O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O N/A +bos what kind of food would you like ? eos O O O O O O O O O Restaurant-Request+Food +bos any type of food will be fine as long as it 's moderately priced and 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 O O O N/A +bos golden wok is located in the north part of town , is moderately priced and serves chinese food . 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+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O N/A +bos i 've actually had a bad experience at the gold wok . is there another moderately priced restaurant in the north ? 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+Area O O O N/A +bos would you instead be interested in the nirala , which serves indian food ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O N/A +bos sounds good . what is the postcode and phone number ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the post code and phone number for the nirala is c.b 4 , 1 u.y and phone is 01223 360966 eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos thank you . goodbye . eos O O O O O O general-bye +bos goodbye . eos O O O general-bye +bos i want an expensive restaurant and serves european food . what is the phone number ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Phone +bos there is cambridge lodge restaurant in the west area . their phone number is 01223 355166. can i help you with anything else ? eos 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 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 , goodbye ! eos O O O O O O general-bye +bos looking for a restaurant in the expensive price range eos O O O O O O O B-Restaurant-Inform+Price O O N/A +bos is there an area of town or type of cuisine you have in mind ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Food +bos yes , i would like to find something in the south but i dont care food type . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Request+Food +bos peking restaurant is a chinese food restaurant located at 10 homerton street city centre . their phone number is 01223 354755. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos thank you ! eos O O O O general-thank +bos thank you , and have a good day . eos O O O O O O O O O O general-bye +bos i would like a cheap restaurant in the west 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 la margherita is in the west part of town , and it is in the cheap price range . 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+Area 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 general-reqmore +bos i would like to know the phone number please eos O O O O O O O O O O Restaurant-Request+Phone +bos it is at 01223 315232. eos 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 . goodbye ! eos O O O O O O general-bye +bos i 'm looking for a good restaurant anywhere in town serving french food . could you please give me their phone numbers ? 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 O O Restaurant-Request+Phone +bos there is a very good french restaurant in the centre of town . their phone number is 01223 311053. eos 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 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 . good bye . eos O O O O O O O O general-welcome,general-bye +bos i 'd like to find a restaurant serving christmas food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , there is no restaurant listed serving christmas food . would you like to try something else ? 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos cocum serves indian food , in the expensive price range and in the west part of town 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 N/A +bos what 's the address for cocum ? eos O O O O O O O O Restaurant-Request+Addr +bos cocum 's address is 71 castle street city centre . is there anything else i can help you with today ? eos 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 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 you 're quite welcome . goodbye . eos O O O O O O O O general-welcome,general-bye +bos hello , i am looking for an expensive restaurant that is on the east side of town . 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 N/A +bos grafton hotel restaurant is an expensive restaurant in the east part of town . 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 N/A +bos what is the postcode ? eos O O O O O O N/A +bos the postcode of grafton hotel restaurant is c.b 2 , 1 u.j . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A +bos what is the address , phone number , and type of food ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Food,Restaurant-Request+Addr +bos the grafton hotel restaurant serves british food . it is located at grafton hotel 619 newmarket road fen ditton , and it 's phone number is 01223 241387. 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 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O N/A +bos great , thank you ! eos O O O O O O general-thank +bos do you need any further information ? eos 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 . have a nice day . eos O O O O O O O O O general-bye +bos you too ! eos O O O O N/A +bos bye . eos O O O general-bye +bos i need a 3 star hotel in cambridge , that offers a guesthouse , can you book it for me ? eos 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 N/A +bos yes , hamilton lodge is located on 156 chesterton road . eos 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 N/A +bos if this guesthouse is available please book it for me . by the way , what is the price per 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 N/A +bos i do not have the prices , what day would you like to stay , for how many nights , 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 Booking-Request+Day,Booking-Request+People,Booking-Request+Stay +bos before i book , is the guesthouse located in the south part of town and at what 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 the hotel is found in the northern part of town and it is in the moderate price range eos 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 B-Hotel-Inform+Price O O N/A +bos great can you book that for 1 person for 3 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 i have your room all reserved . the reference number is r1e3qvgt . 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 yes , i am also looking for a barbeque restaurant in the same area and price range as my hotel . 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 N/A +bos unfortunately , i could not find a barbecue restaurant using your criteria . is there another type of restaurant you would like to consider ? 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 N/A +bos yes , are there any modern european restaurants in that area ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O N/A +bos there are no modern european restaurants in the north but there are 2 in the town center . do you want to book one or change type of restaurant . eos 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 B-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 Booking-Inform +bos i 'd like to book one for the same group of people at 11:00 on the same day as before . 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 N/A +bos neither of the restaurants in the centre are available at that time . would you like to try a different time ? eos O O O O O 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 Booking-Request+Time +bos how about 10:00 on the same day as before ? eos O O O B-Restaurant-Inform+Time O O O O O O O N/A +bos i was able to book restaurant alimentum reference number is hcy10a2z eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Booking-Book+Ref N/A +bos thank you for booking that and the reference number 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 yes please , i need to book a taxi to the restaurant from the hotel for the dinner reservation . eos 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 ok , a grey honda will pick you up at the hamilton lodge in time to arrive at restaurant alimentum for your 10:00 reservations . taxi contact number is 07242149665. anything else ? eos 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 O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O B-Taxi-Inform+Arrive O O O O O O B-Taxi-Inform+Phone O O O O general-reqmore +bos that is it for today . thank you so much for your help . good 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 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-bye +bos i need a train to broxbourne , that arrives by 20:30. eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O N/A +bos certainly . can i assume you 're leaving from cambridge ? eos O O O O O O O O B-Train-Inform+Depart O O O Train-Request+Depart +bos yes , that is correct . eos O O O O O O O N/A +bos there is a train leaving at 5:01 , would you like a seat ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos is that leaving on sunday ? eos O O O O O B-Train-Inform+Day O N/A +bos i have the tr8991 leaving at 19:01 and arriving by 20:01. would you like me to book that 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 not yet but i also need a restaurant that serve mediterranean food and should be in the centre of town . 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 O O N/A +bos i have a few restaurants that fit your criteria . the gardenia , la mimosa , and shiraz restaurant . which one are you interested in hearing about ? eos O O O O B-Restaurant-Inform+Choice I-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 O O O O O O Restaurant-Select +bos tell me about the gardenia . eos O O O O O O O N/A +bos it 's a cheap restaurant located at 2 rose crescent city centre . phone number and postcode are 01223356354 and cb23ll . do you need anything else ? eos O 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos no , that 's it for now . thanks 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 wonderful day ! eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for the addenbrookes hospital with neurology department eos O O O O O O O O O B-Hospital-Inform+Department O N/A +bos the number for the neurology department is 01223274680. do you need the address ? eos O O O O O O O O O O O O O O O N/A +bos yes and the postcode eos O O O O O Hospital-Request+Post +bos the postcode is cb20qq . eos O O O O O O N/A +bos i need the address also please . eos O O O O O O O O Hospital-Request+Addr +bos it is hills rd , cambridge . eos O O O O O O O O N/A +bos all right . thanks . 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 is 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 i want to book a taxi to williams art and antiques from pembroke college . 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 B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 would like to arrive at williams art and antiques at one thirty p.m. eos O O O O O O O O O O O O O O O N/A +bos okay i completed a booking for you eos O O O O O O O O Taxi-Inform +bos i need the contact number and the type of car please . eos O O O O O O O O O O O O O N/A +bos a yellow volkswagen is booked for you . the contact number is 07206167165. eos 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 that 's wonderful . and the taxi will arrive by 15:30 , right ? eos O O O O O O O O O B-Taxi-Inform+Arrive O O O O O N/A +bos booking completed and corrected . you will get to williams art and antiques by 15:30.booked car type : red teslacontact number : 07554978717 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 O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone 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 i will be needing a taxi from broxbourne train station eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 must arrive there by 23:30 eos O O O O O O B-Taxi-Inform+Arrive N/A +bos okay , where are you headed ? eos O O O O O O O O Taxi-Request+Dest +bos i 'm going to india house . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos you car type is a red skoda . the contact number is 07699858480. can i assist you with anything else ? 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 general-reqmore +bos nope . that should be it . 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 're welcome . it was my pleasure to help . goodbye . eos O O O O O O O O O O O O O O general-bye +bos i am looking for a greek restaurant on the east side 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 we dont have any by your choice . maybe if you can choose another location eos O O O O O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos tang chinese.once you find the restaurant you want to book a table for 6 people at 16:45 on tuesday eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos i am unable to locate this specific restaurant . would you consider a different chinese restaurant ? eos O O O O O O O O O O O O O O O B-Restaurant-Select+Food O O N/A +bos are you sure ? could you please remove my eastern greek preference and look by name for tang chinese ? 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 N/A +bos our records do n't have that specific restaurant . any other preference ? eos O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos are you sure ? i really need to find a place called tang chinese . 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 yes , i have found tang chinese . it is located in the centre with an expensive price range , shall i book you a table ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Booking-Inform +bos yes , for 6 on tuesday at 16:45. eos O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos okay , the booking was successful . the table will be reserved for 15 minutes . your reference number is lezo9g3l . 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 N/A +bos i 'm looking for a train from stansted airport to cambridge and should arrive by 09:30 , the same day as the restaurant booking . eos 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 O O O O O O O O O N/A +bos tr5077 leaves at 08:24 and arrives by 8:52. would 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 . can i get the travel time please ? eos O O O O O O O O O O O Train-Request+Duration +bos the travel time is 28 minutes , do you need a booking ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O Train-OfferBook +bos actually i just needed the trains information . thatll be everything thanks for the help eos O O O O O O O O O O O O O O O O Train-Inform +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 hi . im looking for a train to ely that leaves after 14:30. eos O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O N/A +bos okay , and where did you want to depart from ? eos O O O O O O O O O O O O Train-Request+Depart +bos i need it to depart from cambridge . eos O O O O O O O B-Train-Inform+Depart 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 leav on monday . eos O O O O O B-Train-Inform+Day O N/A +bos i have five trains that are available . is there a specific time that you need to arrive at your destination by ? 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+Arrive +bos no , there is not a specific time . how much will i be out of pocket for this adventure ? 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 4.10 pounds . do you need anything more ? eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O general-reqmore +bos also looking for a restaurant by the name of midsummer house . i need a reservation for 7 people at 10:15 on monday . 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 B-Restaurant-Inform+People O 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 : cetumjkm . 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 that 's it ! thank you for all your help ! eos O O O O O O O O O O O O general-thank +bos may i help you find a hotel or attraction in town ? eos O O O O O O O O O O O O O general-reqmore +bos no thank you , that 's all the information i need . eos O O O O O O O O O O O O O general-thank +bos thanks for using cambridge towninfo . goodbye . eos O O O O O O O O O general-welcome,general-bye +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 what type of food are you looking for ? eos O O O O O O O O O O Restaurant-Request+Food +bos i would like eritrean , please . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm very sorry there are no restaurants that serve eritrean food in the centre area . is there another type of cuisine we can look for ? 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 I-Restaurant-Inform+Area O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos how about turkish ? eos O O O B-Restaurant-Inform+Food O N/A +bos efes restaurant should be fine . it is moderately priced and located in king street city centre , cb11ln . can we book ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O Booking-Inform +bos sure make me a booking for 8 people at 19: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 N/A +bos i have made reservations your reference number is kz7ircwh . eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a train on the same day as the restaurant booking and should arrive by 11:00 eos O O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos sure , where are you departing from ? what is your destination ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am leaving stevenage and going to cambridge . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos okay , the tr8265 arrives by 10:43 and leaves at 09:54. would you like me to book tickets for you ? eos O O 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 O O O O Train-OfferBook +bos yes please book the train for eight people . eos O O O O O O O O O O N/A +bos your booking was a success . the total fee is 102.4 gbp payable at the station . your reference number is kh92fzbe . could i be assistance to you 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 O O O general-reqmore +bos nope that 's it . thank you . eos O O O O O O O O O general-thank +bos you 're welcome , hope you enjoy your visit : ) bye . 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 guesthouse . but i wo n't have a car with me , so i do n't need any rigamarole with `` 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 O O O O O O O O O N/A +bos sure ! there is a three-star guesthouse without free parking at 63 milton road . would you like me to book the hotel for you ? 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 O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos what area of town ? what 's the price ? eos O O O O O O O O O O O N/A +bos alpha-milton guest house has a moderate price range in the north , as is avalon guesthouse . a and b is in the east , also moderate . eos 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 I-Hotel-Inform+Name O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O N/A +bos are there any hotels in the expensive price range in the north ? eos O O O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos name type area pricerange stars internet parking phone postcode address book ( optional ) alpha-milton guest house guesthouse north moderate 3 no no 01223311625 cb41xa 63 milton road avalon guesthouse north moderate 4 yes no 01223353071 cb43pd 62 gilbert road 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 N/A +bos surprise me ! i need a booking for 6 people 2 nights starting on friday . eos 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 N/A +bos you are booked into the avalon which is moderately priced . there were no guesthouses in the expensive range . your reference number is wspnwzi0 . eos O O O O O O B-Booking-Book+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Price O O O O O O B-Hotel-Inform+Ref O O N/A +bos great , thank you for 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 thank you for using our services . have a great stay ! eos O O O O O O O O O O O O O general-greet +bos thanks a lot hope to really enjoy my stay eos O O O O O O O O O O general-thank +bos so do i ! have a great day ! eos O O O O O O O O O O general-bye +bos i 'm .looking for a train departing from stevenage . eos O O O O O O O O B-Train-Inform+Depart O O N/A +bos i 'd love to help ! where 's your destination ? eos O O O O O O O O O O O O Train-Request+Dest +bos i need to go to cambridge on friday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos i have 10 different trains that day from stevenage to cambridge . what time would you like to leave ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O Train-Request+Leave +bos i want to leave sometime after 13:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos ok , i have tr7785 that leaves friday at 13:54. would you like 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 O O O Train-OfferBook +bos yes , please , for 3 people . eos O O O O O B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 38.4 gbp payable at the station . reference number is : jplbe5hv . 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 ! have a good day . eos O O O O O O O O general-thank +bos thanks for using cambridge towninfo centre ! have a nice day ! eos O O O O O O O O O O O O O general-bye +bos i 'd like to book a taxi , please . i need to get from the lensfield hotel to peking restaurant . eos 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O N/A +bos what time do you want to be picked up at the lensfield hotel ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave +bos i would like for the taxi to arrive by 06:15. eos O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos booking completed ! booked car type : red audicontact number : 07547694043 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 hi there , i 've just started planning my trip . can you help me find a restaurant ? eos 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 be happy to assist you . is there a price range you prefer , or a 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 Restaurant-Request+Food,Restaurant-Request+Price +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 Train-Request+Price +bos what area of town would you like to dine in ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos i 'm sorry , i just thought of a restaurant i had forgotten about . i would like to dine at a particular restaurant called shiraz 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos i have no matching restaurants . can i help you find something else ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos i also need a train ticket . eos O O O O O O O O Train-Inform +bos 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 ? eos O O O O O O O O O O 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,Train-Request+Depart +bos i 'll be heading to the airport on friday after finishing up sightseeing here . eos O O O O O O O O O O O O O O O O N/A +bos i actually did find shiraz restaurant . great mediterranean place . can i book a table before we work on your train ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O O Booking-Inform +bos oh perfect ! can i have a table for 8 people at 19: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 booking was successful . the table will be reserved for 15 minutes.reference number is : 4jp4lx3w . 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 alright , would you like to continue finding a train ? eos O O O O O O O O O O O O Train-Inform +bos i just want to confirm . you need a train on friday from cambridge to stansted airport . what time would you like to depart ? this is a 28 minute train ride . eos O O O O O O O O O O O B-Train-Select+Day O B-Train-Select+Depart O B-Train-Select+Dest I-Train-Select+Dest O O O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O Train-Request+Leave +bos i want one that gets there by 16:00 eos O O O O O O O O B-Train-Inform+Arrive N/A +bos i 've booked on tr1316 friday leaving cambridge 14:40 arriving at stansted airport at 15:08 cost is 10.10 pounds , referenece e0x8yvgz . is there anything else i can help you with ? eos O O O O B-Train-OfferBooked+Id B-Train-OfferBooked+Day O B-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest I-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 O O O O O O general-reqmore +bos can you please confirm the travel time ? eos O O O O O O O O O Train-Request+Duration +bos the travel time is 28 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos ok , thanks for everything . 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 general-reqmore +bos i do n't need anything else . 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 for your help . eos O O O O O O O general-thank +bos thanks again for letting us help you ! enjoy your visit ! 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 dine near the centre . eos O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos there are 69 places to dine near the centre . is there a food type you would prefer , or a specific price range ? eos 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 O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i would like an expensive restaurant that serves fusion food . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos i do not have anything fitting 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 Restaurant-NoOffer,general-reqmore +bos how about european food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos the eraina serves european food in the expensive price range . their phone number is 01223368786. they are in location of centre . eos O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Area O O N/A +bos great . can i get the address and phone number as well ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure thing ! their address is free school lane city centre and phone is 01223368786. 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 B-Restaurant-Inform+Phone O O O O general-reqmore +bos i 'm also 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 O N/A +bos there are several trains . do you have a time preference ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Leave +bos i 'd like to depart from bishops stortford and leave after 12:30 eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Leave O N/A +bos train number tr4070 leaves at 13:29 and arrives at 14:07. fare will be 10.10 pounds . would you like me to book tickets ? eos 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+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBook +bos yes , please . there are 4 of us traveling together . eos 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 40.4 gbp payable at the station .reference number is : cludxc1k . 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 so much . i appreciate your help . eos O O O O O O O O O O O general-thank +bos glad to be of help . 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 general-reqmore +bos that will be all today ! thanks so much ! 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 hello ! i 'm planning my trip to cambridge and i am looking for places to go 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 B-Attraction-Inform+Area O O O O O N/A +bos in the north , i have 4 attractions . two are swimming pools . i also have a park and a boating attraction . do you have a preference ? eos O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 Attraction-Select +bos boating sounds nice . can i get the address and entrance fee please ? eos O B-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos absolutely ! the address for riverboat georgina is cambridge passenger cruisers , jubilee house . i do not have any information on their entrance fee listed though . eos O O 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 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 N/A +bos i also need to find a train to go from bishops stortford to cambridge . 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 N/A +bos sure , what day and time would you like me to find out about ? eos 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 travel on wednesday and arrive by 11:30 eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos tr9178 will arrive at 10:07 , would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos that is good please book it for me . eos O O O O O O O O O O N/A +bos i can go ahead and book that for you . how many tickets are you needing to purchase ? 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 just one please , and may i also get that price ? eos O O O O O O O O O O O O O Train-Request+Price +bos your booking was succesful and the total fee is 10.1 gbp . reference number is g3qfx52v . may i help you with anything else today ? eos O O O 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 O general-reqmore +bos no , that is all i will be needing . 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 have a great day . goodbye . eos O O O O O O O O general-bye +bos i 'd like to visit a college in the centre of town . could 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 O N/A +bos yes , i can . i have 13 different colleges that i can recommend in the centre of town . a popular option is christ 's college . eos O O O O O O O O B-Attraction-Inform+Choice 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A +bos oh that sounds good . may i have their address , 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,Attraction-Request+Addr +bos yes their address is saint andrew 's street and their postcode is cb23bu and admission to the college is free . 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 O O O O O O B-Attraction-Inform+Fee O O N/A +bos fantastic ! could you also find me a train that goes to bishops stortford and arrives by 21:15 ? 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+Arrive O O N/A +bos where will you be departing from ? eos O O O O O O O O Train-Request+Depart +bos cambridge is my departure point , and i want to travel on wednesday . eos O B-Train-Inform+Depart O O O O O O O O O O B-Train-Inform+Day O O N/A +bos is there a time you want to leave after ? eos O O O O O O O O O O O Train-Request+Leave +bos no . i 'm open to departure time . can you list 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 the trainid is tr4404 and the total travel time is 38. eos O O O O B-Train-Inform+Id O O O O O O B-Train-Inform+Time N/A +bos what 's the price ? eos O O O O O O Train-Request+Price +bos the price for a ticket is 10.10 pounds . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos okay , thanks so much ! goodbye eos O 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 i 'm planning a trip to cambridge and i would like some information on great saint mary 's church . where exactly is it located ? 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 O O O O O O O O O N/A +bos it is located in the centre . the address is market square . postcode is cb23pq . the entrance fee is 2 pounds . eos O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos thank you . that 's all i i need . 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 can i please get their phone number as well ? i also need help finding a train for monday . 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 Attraction-Request+Phone +bos yes of course . their telephone number is 01223350914. eos O O O O O O O O B-Attraction-Inform+Phone O N/A +bos i also need a train from birmingham new street on monday that goes to cambrige by 20:30. 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 O B-Train-Inform+Arrive N/A +bos for how many people ? eos O O O O O O Train-Request+People +bos i 'm not sure yet . for now can i just get the train id , 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 Train-Request+Duration,Train-Request+TrainID,Train-Request+Leave +bos train id tr3130 sounds like your best bet . it leaves at 17:40 and arrives in cambridge at 20:23. travel time is 163 minutes . eos O O O B-Train-Inform+Id 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 B-Train-Inform+Time N/A +bos thanks so much ! eos O O O O O general-thank +bos no problem at all ! is there anything more 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 yes that 's all i need thanks again . bye . eos O O O O O O O O O O O O general-bye +bos you are very welcome ! i hope you have a wonderful 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 theatre on the west side 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 i 'm sorry , there are no theatres located on the west side of town . would you like to try a different 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 I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O Attraction-Request+Area +bos how about a museum instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos we do have seven museums in that area . are you looking for one that has free admission ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O B-Attraction-Select+Fee I-Attraction-Select+Fee O N/A +bos that 's not necessary , but i would like to know what the entrance fee and phone number for a good one 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 Attraction-Request+Phone,Attraction-Request+Fee +bos hi the phone number to the cafe jello gallery is 01223312112 and it is free . eos O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Phone O O O B-Attraction-Recommend+Fee O N/A +bos great . can you also help with a train ? i need to get to kings lynn by 16:15. 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+Arrive O O N/A +bos absolutely . first , can you confirm you are departing from cambridge , and the day you desire ? 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 yes , departing from cambridge on tuesday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i have the tr8808 , that arrives in kings lynn by 15:58. would you like me to book this for you ? eos O O O O B-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 O Train-OfferBook +bos book it for 4 please . eos O O O O O B-Train-Inform+People O N/A +bos you are all set . your reference number is 4nq9wpkl , the total is 39.2 gbp and is payable at the station . 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 N/A +bos ok thank you so much ! eos O O O O O O O general-thank +bos you 're welcome . thank you eos O O O O O O O general-welcome,general-bye +bos can you tell me about christ 's college ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos it is in the center of town . what else would you like to know ? eos O O O O O B-Attraction-Inform+Area O O O O O O O O O O O general-reqmore +bos do you happen to have the telephone number for christ 's college ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos i sure do ! it 's 01223334900. can i help you with any other information searches today ? eos 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 i also need a train leaving 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 N/A +bos what time do you wish to leave ? eos O O O O O O O O O Train-Request+Leave +bos i need to leave on friday some time after 21:30. eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos there is a train that leaves at 23:29 , tr3547 . would you like me to confirm the reservation for you ? eos O O O O O O O O B-Train-Inform+Leave B-Train-Inform+Id O O O O 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 perfect . your total fee is 10.1 gbp payable at the station .reference number is : 9c24b086 . 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 N/A +bos thank you very much , i 've got what i need . 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 'm looking for a train that arrives by 15:15 on saturday . eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O N/A +bos where would you like to depart from and where do you want to arrive at ? 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 i need it to depart from broxbourne and arrive in cambridge . eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos the tr7846 leaves at 09:32 and arrives at 10:32. would that work ? eos O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O N/A +bos can i get one closer to my arrival time ? eos O O O O O O O O O O O N/A +bos train tr0279 arrives at 14:32 which is the closest one . eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O N/A +bos that 's perfect . please book it for 4 tickets . eos O O O O O O O O B-Train-Inform+People O O O N/A +bos i was able to book you , your reference number is cep20afo. , total cost 57.28 payable at the station.. any other questions ? eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O B-Train-OfferBooked+Ticket O O O O O O O O O O general-reqmore +bos yes please . i 've heard that emmanuel college is an interesting place . what can you tell me about 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 O O O O O N/A +bos it is a college in the centre of town located at saint andrew 's street , poscode cb23ap and their phone number is 01223334200. eos O O O O 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 O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O N/A +bos great ! i appreciate all the info . goodbye ! eos O O O O O O O O O O O general-bye +bos good night , enjoy the rest of your evening . eos O O O O O O O O O O O general-bye +bos i would like help finding a college 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 N/A +bos there are 13. i could recommend trinity college on trinity street . or would you like information about one of the others ? 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 O O O O O O O O O O O N/A +bos that sounds good . could you give me 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos of course . the address is trinity street , postcode is cb21tq , and the entrance fee is one pound . can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 O O O O O O general-reqmore +bos yes i 'm also looking for a train that leaves wednesday and arrives by 17:00. 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 tr3702 leaves at 05:00 can i book that one for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos does this train go to leicester from cambridge ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos sorry . tr2052 departs from leicester and the destination is cambridge . it leaves at 15:09 on wednesday . would you like me to book it for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest 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 Train-OfferBook +bos yes and please give me the reference number . eos O O O O O O O O O O Train-Request+Ref +bos certainly . just to verify , are you traveling alone ? you would only like one ticket ? eos O O O O O O O O O O O O O O O O O O O Train-Request+People +bos yes , i only need 1 ticket for myself . eos O O O O O O B-Train-Inform+People O O O O N/A +bos how early do you wish to arrive ? there are 11 trains that will get you there before 17:00. eos O O O O O O O O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Arrive O Train-Request+Arrive +bos i would like to arrive by 17:00 in leicester . eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A +bos ok , i 've booked one ticket for you on tr0451 from cambridge to leicester , arriving at 16:06. ref # 8oznjhmo . can i help you with anything else today ? eos O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest 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 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 our service . 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 need a vegetarian restaurant eos O O O O B-Restaurant-Inform+Food O N/A +bos what area would you like ? eos O O O O O O O Restaurant-Request+Area +bos east part of town . eos O B-Restaurant-Inform+Area O O O O N/A +bos i 'm sorry , there are no vegetarian restaurants in the east part of town . eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos is there an indian restaurant in the east 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 yes , there are four indian restaurants in the east part of town . what price range would you like ? 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 O O O O Restaurant-Request+Price +bos where'a a restaurant on the east part f town ? eos O O O O O O B-Restaurant-Inform+Area 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 it does n't matter eos O O O O O N/A +bos the royal standard is located in city centre 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 N/A +bos are there any restaurants located not in the city centre but 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 N/A +bos there are a few restaurants in the east part of town . are you looking for a certain price range ? 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 O O O O O Restaurant-Request+Price +bos i want something in the north part of town with swedish 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 are no restaurants matching your requests . would you care for a different restaurant ? eos 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 italian restaurants 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 yes there is one , its name is da vinci pizzeria . eos O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos great , can you please give me its address and phone number ? 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 and their phone number is 01223 351707. 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 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 good bye . eos O O O O O O general-bye +bos thank you , and enjoy your meal ! eos O O O O O O O O O general-bye +bos thanks ! eos O O O general-thank +bos goodbye . eos O O O general-bye +bos hello , i am looking for a cheap restaurant that serves malaysian food . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos no matches found for cheap malaysian food eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O Restaurant-NoOffer +bos how about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos what area would you like the restaurant to be in ? eos 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 zizzi cambridge is a cheap italian restaurant in the cambridge area eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos address and phone number please eos O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos zizzi cambridge in the centre of the city . they are located at 47-53 regent street and their phone number is 01223 365599. eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O 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 I-Restaurant-Inform+Phone O N/A +bos thank you , goodbye . eos 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-bye +bos i need a train from stansted airport 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 i would be happy to help you with that ! what day are you planning 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,general-greet +bos i am planning on traveling on wednesday . eos O O O O O O O B-Train-Inform+Day O N/A +bos okay i have 19 trains that leave wednesday , do you have a specific time you want to leave or 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 the departure time does n't matter but i need to be there 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 have 5 options for you . the latest to arrive would get you there at 09:52. would that work 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+Arrive O O O O O O O N/A +bos yes i 'd like to book for 2 and need the reference number . i 'm also looking for attractions in the centre , anything to do with multiple sports . 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-Attraction-Inform+Area O O O O O O O O O O O Train-Request+Ref +bos i 've booked that train for you with two tickets . the reference number is xqt4gu6f . i will look up sports attractions for you next . eos O O O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos ok , i hope you 've got something good . eos O O O O O O O O O O O N/A +bos the cherry hinton village centre has multiple sports and is in the east part of town . would you like more information about this place ? 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 I-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O O O O O O O O O O O N/A +bos no i need an attraction in the centre of town . if there is n't a multiple sports attraction , is there a museum 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 B-Attraction-Inform+Type O O O O O N/A +bos there are a lot of them in the center . is there a particular one you would like ? 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 Attraction-Request+Name +bos 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 . eos O O O O O O O O O O O O O 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 i 'm sorry , i do n't have information on whether or not children are admitted . all museums are free , would you like the williams art and antiques museum ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Fee 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 yes please , what is the postal code there ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb12lj . eos O O O O B-Attraction-Inform+Post O N/A +bos may i please get the enterance fee amount ? eos O O O O O O O O O O N/A +bos there is no entrance fee to williams art and antiques . it is a beautiful , free museum . 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 O O O B-Attraction-Inform+Fee B-Attraction-Inform+Type O O O O O O O O O O O O O general-reqmore +bos can i also get the postcode ? eos O O O O O O O O Attraction-Request+Post +bos the postcode is cb12lj . is there anything else i can assist 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 should be all , thank you ! eos O O O O O O O O O general-thank +bos i 'm glad i could help . let us 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 O general-welcome,general-bye +bos i am looking for the phone number and address of a restaurant that serves european food ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos there are a number of restaurants that serve european food , can you narrow down the area or price range ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Price +bos i do n't care . give me the address and phone number of one of them . eos 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+Phone,Restaurant-Request+Addr +bos cambridge lodge restaurant serves european food and it is in the expensive price range . the phone number is 01223 355166 and the 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 O O O 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 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 and have a great day ! eos O O O O O O O O O general-bye +bos hello , i am looking for a restaurant that serves vegetarian food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are no restaurants serving vegetarian food . eos O O O O O O O O O Restaurant-NoOffer +bos how about turkish food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos three restaurants serve turkish food . do you have a price preference ? eos O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Price,Restaurant-Select +bos i do not care eos O O O O O N/A +bos anatolia is a turkish restaurant , in the moderate price range and in the centre of town . do you want the address and phone number ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O 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 O O O O O O O O O O O general-reqmore +bos address , please . eos O O O O O N/A +bos anatolia is located at 30 bridge 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 I-Restaurant-Inform+Addr N/A +bos thank you goodbye eos 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 french restaurant . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two french restaurants listed . do you have a preference of area ? centre or north part of town ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area 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 cote is a french restaurant in the centre part of town , and it is in the expensive price range . is that price range okay 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 O O O O B-Restaurant-Inform+Price O O O O O O O O O O O O Restaurant-Request+Price +bos are there any other french places available ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos restaurant two two is a nice place that serves french food in the expensive price range and is in the north part of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O 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 and postcode , please ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos restaurant two two 's address is 22 chesterton road chesterton , their postcode is c.b 4 , 3 a.x 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 O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O N/A +bos please give me the address and postcode eos O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos cote is located at bridge street city centre and their postcode is c.b 2 , 1 u.f . may i help you with anything else ? eos O B-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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post 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 you 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos please find a cheap restaurant in the east part of town . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos the missing sock is a cheap restaurant in the east part of town . would you like their location ? eos 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 general-reqmore +bos could i have their phone number please and type of cuisine they serve ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos they serve international food and their phone number is 01223 812660. eos O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone 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 thank you ! goodbye . eos O O O O O O general-bye +bos hello can you help me find a place to stay , such as a hotel ? also it needs to be at a reasonable price 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 O O O N/A +bos yes , i can help with that ! there are guesthouses and one hotel available with the amenities that you require . what area would you like to stay in ? 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 O O O O O Hotel-Request+Area +bos do any of the options have two stars ? eos O O O O O O O O O O N/A +bos unfortunately none of the options has two stars , would you like to change the search criteria ? eos O O B-Hotel-NoOffer+Choice I-Hotel-NoOffer+Choice O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars O O O O O O O O O N/A +bos any star is fine . eos O O O O O O N/A +bos i would recommend the autumn house , a 4 star guesthouse in the east . would you be interested in booking a room ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O 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 Booking-Inform +bos is that in the moderate price range ? eos O O O O O O O O O N/A +bos it is actually in the cheap price range . would you like something in the moderate price range instead ? eos O O O O O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Select+Price O O O O O N/A +bos yes please . i actually do need a 2 star rating too . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos ok , the ashley hotel is in the north with a moderate price range . two stars . would you like me to book you rooms ? eos 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 O O O B-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform +bos sure it 'll be for 5 people for 4 nights starting on tuesday . 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 are booked , the reference number is h1uwxxby , are there any further questions ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos thank you . i am also looking for a train leaving on tuesday . i will be departing birmingham new street for 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 I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A +bos trains leave birmingham new street every hours starting at 05:40. is there a particular time you 'd like to arrive ? eos O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart 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+Arrive +bos yes i need to arrive by 19:45. eos O O O O O O O B-Train-Inform+Arrive N/A +bos the first train leaves at 5:40 , is that too early ? eos O O O O O O B-Train-Inform+Leave O O O O O O Train-Request+Leave +bos how long is the train trip ? i just need to arrive by 19:45 eos O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos the train ride is 163 minutes , i can book you on the tr4631 which leaves at 16:40 and arrives at 19:23. eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time 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 N/A +bos sure . please book it for 5 people and provide me 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 i have made those reservations and your reference number is d3ema14p eos O O O O O O O O O O O B-Train-OfferBooked+Ref N/A +bos that will be all , thanks for your help . 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 what museums are in cambridge ? eos O O B-Attraction-Inform+Type O O O O N/A +bos there are 23 options . do you want a particular area of town ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area +bos um , yes , in the centre . eos O O O O O O O O O N/A +bos the broughton house gallery is in the centre . admission is free . would you like directions ? 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 B-Attraction-Inform+Fee O O O O O O O general-reqmore +bos that 's okay , i just want the phone number for it . eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223314960. 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 can you also help me find a train leaving on sunday from cambridge ? eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos where is your destination and what time of day would you be looking to arrive ? eos 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 want to go to birmingham new street and i 'm looking to arrive by 13:45. 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 how about the tr5401 that arrives at 12:44 ? eos O O O O B-Train-Select+Id O O O B-Train-Select+Arrive O N/A +bos all that sounds perfect . i just need the price on one train ticket , please . thank you and 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 Train-Request+Price +bos the price is 60.08 pounds . would you like to book this now ? 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 okay but first can i get the train id please ? eos O O O O O O O O O O O O Train-Request+TrainID +bos of course , the train id is tr5401 . would you like me to book this now ? eos O O O O O O O B-Train-Inform+Id O O O O O O O O O O O Train-OfferBook +bos thanks , i actually do n't need you to book a ticket . in fact , 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 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 thank you very much ! eos O O O O O O general-thank +bos you 're very welcome . eos O O O O O O general-welcome +bos hello ! i am looking for 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 B-Attraction-Inform+Area O O O O O O O O O O O O N/A +bos absolutely . i have many options for you , including museums , architecture , concerthall and theatre . do you have a preference ? eos O O O O B-Attraction-Inform+Choice 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 'd like to go to a theatre . eos O O O O O O O O O O N/A +bos adc theatre is in the centre of town ; will that work ? eos O 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 O O O N/A +bos yes , i just need to get the address and postcode for the theatre . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O Attraction-Request+Post,Attraction-Request+Addr +bos no problem . adc theatre 's address is park street and its postcode is cb58as . do you need anything else ? 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+Post O O O O O O O O O general-reqmore +bos yes , i 'd like to stay at an expensive 4 star hotel with free parking and wifi . eos O B-Hotel-Inform+Internet O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O N/A +bos i have 2 possible hotels . the huntingdon marriott hotel in the west and university arms hotel in centre . would you like to book one of these ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos the huntingdon marriot hotel sounds great . could you please give me the postcode ? 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 Hotel-Request+Post +bos the post code is pe296fl . anything else i can help with ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O general-reqmore +bos can i 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 Taxi-Inform +bos what time would you like to go ? eos O O O O O O O O O Taxi-Request+Leave +bos i want to leave the theater by 17:30 eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos booking completed ! please look out for a grey volvo , their contact number is 07820757877. 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 O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos not at all . eos O O O O O N/A +bos okay great . enjoy your time in cambridge . 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 have a great day ! eos O O O O O O general-bye +bos hello , i need to book a roundtrip train ticket that will be going to cambridge and then leaving on friday . eos O O O 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 N/A +bos okay , i have found over 2,000 trains going to cambridge . to help narrow the selection , when do you want to depart and arrive ? eos O 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 O O Train-Request+Arrive,Train-Request+Leave +bos i 'd like to leave norwich on friday and arrive by 12:30. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O B-Train-Inform+Arrive O N/A +bos there are 6 trains . the closest arrival is tr4045 , which leaves at 10:16 and arrives at 11:35. would you like me to book this train for you ? eos O O O O B-Train-Inform+Choice 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 no , but can you tell me the total travel time for that train ? eos O O O O O O O O O O O O O O O O Train-Request+Duration +bos it is a 79 minute trip . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos thank you i also am looking for the all saints church eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos the all saints church is on jesus lane in postcode cb58bs . eos 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 B-Attraction-Inform+Post O N/A +bos okay , what is the entrance fee ? and what part of town was it in again ? eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos it 's in the centre region , and it 's free to get in . can i get you any more information ? eos O O O O B-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 O O general-reqmore +bos no thanks , that 's all i needed . eos O O O O O O O O O O general-thank +bos so happy i could be of service today . thank you , and 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 +bos i 'm looking for place to go in town in the east area . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos are searching for a restaurant or an attraction to visit ? eos O O O O O O O O O O O O N/A +bos i am looking for an entertainment attraction in the east . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O N/A +bos in the east area , there are two museums . the cambridge artworks has free admission . the cambridge museum of technology offers admission for five pounds . eos O O O O O O O O B-Attraction-Inform+Choice 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+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos what 's the address and postcode of the artworks ? also , i need to book a train leaving thursday from peterborough . eos O O O O 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 Attraction-Request+Post,Attraction-Request+Addr +bos cambridge artworks address 5 greens road postcode , cb13ef . do you have an arrival or departure preference for the train ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 Train-Request+Dest,Train-Request+Depart +bos i need to leave after 15:45 , and i 'm going to cambridge . eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O O O N/A +bos alright tr2239 leaves peterborough for cambridge thursday at 15:48. it arrives at 16:38. would you like to book a ticket ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos could you just let me know what the travel time for that is ? eos O O O O O O O O O O O O O O O Train-Request+Duration +bos total travel time is 50 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 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 thanks . you have a great day and thanks for contacting cambridge towninfo centre . eos O O O O O O O O O O O O O O O O general-welcome,general-bye +bos i am interested in attractions located 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 there are 44 attractions in the center area could you be more specific as to what you 'd like to see ? 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 would like to see an art museum and know the entrance fee . eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos the broughton house gallery museum offers free admission . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O B-Attraction-Inform+Fee O O N/A +bos that 's great i 'm also looking for a train to go to broxbourne and it should leave after 12:45 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+Leave O O N/A +bos what day do you need the train for ? eos O O O O O O O O O O Train-Request+Day +bos i need the train for wednesday . eos O O O O O O B-Train-Inform+Day O N/A +bos what is your departure site and arrival time ? eos O O O O O O O O O O Train-Request+Arrive,Train-Request+Depart +bos i 'll be leaving from cambridge ; arrival time is n't important . i just need to leave after 12:45. eos O O O O O B-Train-Inform+Depart O O O O O O O O O O O O O O O N/A +bos okay , how about the tr6167 leaving at 13:01 and arriving by 14:01 with a duration of 60 minutes ? the price is 17.90 pounds . will you be traveling alone or with guests ? 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 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 O Train-Request+People +bos i need to book a ticket for 5 people and get a reference number eos O O O O O O O O O B-Train-Inform+People O O O O O Train-Request+Ref +bos your reference number is luobdjxl eos O O O O O B-Train-Inform+Ref N/A +bos thank you so much for your help ! that 's all i needed ! eos 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-welcome +bos you as well , thanks ! eos O O O O O O O general-thank +bos thanks again , goodbye ! eos O O O O O O general-bye +bos i 'm looking for some places to go in cambridge . specifically some time of architecture in the east . eos 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 i am not showing any architecture attractions in the east . would you like me to explore other areas ? eos O 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 O N/A +bos a museum in the east would be nice if possible . eos O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A +bos there are 4 museums in the east . i can recommend cambridge artworks . eos O 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 N/A +bos can i please have the address , phone number and postcode for cambridge artworks ? 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 cambridge artworks is located at 5 greens road , post code cb13ef . their number is 01223902168. 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos i 'm also looking for a train that leaves on monday after 13:00. eos 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 118 trains that leave after 13:00 on monday ; where would you like to go ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O Train-Request+Dest +bos to kings lynn . i 'm leaving from cambridge if that helps . eos O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Depart O O O O O O N/A +bos i have train tr0793 leaving cambridge at 13:11 and arriving at 13:58 on monday . would you like me to book that for you ? 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+Arrive O B-Train-Inform+Day O O O O O O O O O O O Train-OfferBook +bos yes , book it ! three other people will be with me . eos O O O O O O O O O O O O O O N/A +bos it 's all booked your reference number is pc0rqn1t eos O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos thank you very much , that was everything that i needed . eos O O O O 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 i would like to book a train to cambridge . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos we have plenty of options . would you like to narrow it down by travel time ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O general-reqmore +bos yes . i would like to depart from cambridge and arrive in norwich no later than 17:00 on monday . eos O O 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 B-Train-Inform+Day O O N/A +bos i have 11 trains that arrive in norwich on monday . tr9460 arrives in norwich at 16:55 and costs 17:60 pounds . does that work for you ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day B-Train-Inform+Id I-Train-Inform+Id 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 yes , please book that train for 4 people and give me 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 your reference number is ehhsin9x , and the total is 70.4 gbp . can i help you 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 general-reqmore +bos i would also like some recommendations for places to go in town . 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 town . is there anything more specific 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 N/A +bos i 'd like something on the south side , please . eos O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos there are a couple parks , a cinema , a museum , a nightclub , and 2 entertainment venues , any of those sound ok ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 N/A +bos the museum on the south side sounds good . could i get an address for that ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos you 'll find the museum at 14 king 's parade . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos okay 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 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 that will be all , thank you . eos 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 i am looking for a train that leaves on monday after 11: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 thing let me look that up for you . where will you be going ? eos O O O O O O O O O O O O O O O O O Train-Request+Dest +bos we will be going to cambridge . eos O O O O O O B-Train-Inform+Dest O N/A +bos i found 139 trains , what is your departure destination ? eos O O O O B-Train-Inform+Choice O O O O O O O Train-Request+Dest,Train-Request+Depart +bos my destination is cambridge . eos O O O O B-Train-Inform+Dest O N/A +bos yes , but from which station are you departing ? eos O O O O O O O O O O O Train-Request+Depart +bos i will be departing from leicester going to cambridge please . eos O O O O O O B-Train-Inform+Depart O O O O O N/A +bos tr1193 closely matches your search . it leaves at 11:09. would you like more information or any assistance booking a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos great please looking for seven people and give me the reference number eos O O O O O O O O O O O O O Train-Request+Ref +bos certainly , i have booked your tickets , and your reference number is ye6jvb3w . is there anything else i can help 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 'm also looking for an attraction called 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 O N/A +bos sure . the scot polar museum is located in the city center and their telephone number is 01223336540. admission to the museum is free . 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+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee O O N/A +bos can i get their postcode , and entrance fee and is that a museum ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos yes , it is a museum . the post code is cb21er , and admission is free . eos O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O O O O N/A +bos great thank you very much that 's all that i need . eos O 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 +bos i am looking for a train to cambridge leaving around 16:00 can you find this for me . eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O O O O O N/A +bos sure , but do you mean the train is leaving cambridge ? if so 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 Train-Request+Depart,Train-Request+Dest +bos i am looking for a train to take me to norwich coming from cambridge . preferably after 16.00 on wednesday . eos O O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O O N/A +bos the tr7047 train departs cambridge for norwich at 16:36. would you like me to book it for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos i might be interested in that . i just want to confirm . that leaves after 16:00 , correct ? 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 N/A +bos yes , tr7047 departs at 16:36 and arrives at 17:55. would you like me to help you book a ticket for this train ? 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 O O O Train-OfferBook +bos yes . also , i am looking for attractions in town center that provide entertainment eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos i 'm afraid no attractions match that description . could you like to check out other areas 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 Attraction-NoOffer +bos ok , what about colleges in the town centre ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos unfortunately there are no colleges in the centre of the city . would you like me to check in other areas ? 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 O O O O N/A +bos no . i would like a place to go in the centre that is entertainment . can you please check 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 N/A +bos actually , i do n't have any entertainment , but there are 13 colleges in the centre . 10 have free entrance and 3 have an entrance fee . would you like more information ? eos O O O O O O B-Attraction-NoOffer+Type O O O O B-Attraction-Inform+Choice 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 O O general-reqmore +bos can you give me two free options ? eos O O O O O O O O O N/A +bos sure , there 's pembroke college and saint catharine 's . if you 'd like to visit one of those i could give you the address . 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 O O O O O O O O O O general-reqmore +bos can you give me the phone number for pembroke college ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number for pembroke college is 01223338100. eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Phone N/A +bos thank you . could you also give me the postcode and address of pembroke college ? 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 , pembroke college is located at trumpington street , postcode cb21rf . can i assist you with anything else ? 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 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 it 's my pleasure . have a great day ! goodbye ! eos O O O O O O O O O O O O O general-bye +bos i am looking for an entertainment attraction in the centre 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 am sorry but i do not have anything matching the criteria you specified . would you be interested in expanding your field of 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 Attraction-NoOffer +bos are there any boat attractions i could go to ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos scudamores punting co and the cambridge punter are two boats in the centre of town . 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 O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos can i get the address and postcode for the cambridge punter ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos yes certainly . their address is 251a chesterton road and their postcode is cb41as . is there anything else i may help you 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 O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos i 'm also 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 O N/A +bos the trains i have showing have many different schedules . what time would you like it 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 would like to arrive by 8:15 on tuesday from cambridge . eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos i 'm sorry but there do n't appear to be any trains on a tuesday . can you travel on another day ? eos O O O O O O O O O O O O O B-Train-NoOffer+Day O O O O O O O O O O Train-Request+Day +bos unfortunately , we can only travel on tuesday . thanks . eos O O O O O O O B-Train-Inform+Day O O O O N/A +bos oh , wait , i apologize i found a train leaving cambridge at 5:59 and arriving by 07:27. would you like to book that one ? eos 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 Train-Inform +bos yes . please book space for 7 people and send me the 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 sure thing ! i 've booked 7 tickets on the train leaving cambridge at 5:59 and arriving london liverpool station at 7:27. your reference number is 86uqdg21 . can i help with anything else ? eos O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive 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 was all ! eos O O O O O O O O general-thank +bos thank you for contacting the 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 general-bye +bos could you give me the information for trinity college ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos certainly . trinity college is located in the centre of town at trinity street , postcode cb21tq . the phone number is 01223338400 and the entrance fee is 1 pound . 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 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 O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos great thank you for the information ! eos O O O O O O O O general-thank +bos you 're welcome . what else can i help you with ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos would you be able to assist me with finding a room at a 4-star rated hotel or guesthouse ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O N/A +bos three hotels come up for 4 stars , which do you prefer , huntingdon marriott hotel , cambridge belfry , or university arms hotel ? the cheapest rate is cambridge belfry if that is a concern . eos O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Stars O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name B-Hotel-Inform+Price O O O O O O O O O O O O O O O N/A +bos hmm ... are any of those places expensive , and located in the west ? eos O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O O N/A +bos huntingdon marriott hotel is 4 stars , located in the west and is expensive . 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 B-Hotel-Inform+Stars 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 Booking-Inform +bos does it have free parking ? eos O O O O O O O N/A +bos yes , the huntingdon marriott offers free parking . would you like me to book it 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 Booking-Inform,Hotel-Inform+Parking +bos not just yet . do they have internet ? and what is the postcode ? eos O O O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Internet +bos yes , they have internet , and their postcode is pe296fl . can i help with anything else today ? eos O O O O O O O O O B-Hotel-Inform+Post O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos and that is a hotel or a guesthouse ? eos O O O O O O O O O O Hotel-Inform +bos that is a hotel . eos O O O O B-Hotel-Inform+Type O N/A +bos ok , wonderful . i think that 's all the information i need today . have a good night ! 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 wonderful . enjoy your time in cambridge ! eos O O O O O O O O O general-bye +bos i 'm looking for a train . the train should depart from cambridge and should go to broxbourne 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 N/A +bos what day are you traveling ? eos O O O O O O O Train-Request+Day +bos i 'm traveling on tuesday and i want to arrive by 16:15 eos O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O N/A +bos tr6357 leaves at 05:01 and arrives at 06:01. would you like me to book a ticket 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 O Train-Select,Train-OfferBook +bos no , but i do need the price . eos O O O O O O O O O O Train-Request+Price +bos alright . the price for tr 6357 is 17.90 pounds . anything else ? eos O O 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 general-reqmore +bos nope , that 's all i needed . thanks ! eos O O O O O O O O O O O general-thank +bos i hope you have a wonderful day - goodbye ! eos O O O O O O O O O O O general-bye +bos i need a moderately priced hotel in south cambridge . eos O O O O O O O O O O O N/A +bos there are no moderately priced hotels in the south . would you be interested in a moderately priced guesthouse ? eos 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 O B-Hotel-Select+Type O O N/A +bos i 'm actually looking for the warkworth house hotel . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos the warkworth house is a guesthouse in the east area of town . would you like me to book the guesthouse for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Select+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 , i would like to book for four people starting thursday night and lasting three nights . eos O 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 have booked your hotel at the warkworth house , arriving thursday for three nights . your reference number is 853i1lmk . 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+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 O O O general-reqmore +bos yes i am looking for a nightclub in centre of town . eos O O O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Area O O O N/A +bos there are five nightclubs in that area . would you like more info on them ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O O O N/A +bos yes can i get the phone number and address for them ? eos O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos 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 ? eos O O O O 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+Name +bos ah , just pick one for me that looks interesting , and give me the address and phone number 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 Attraction-Request+Phone,Attraction-Request+Addr +bos okay . club salsa 's telephone number is 07782218745 and their address is 1 station road . the entrance fee is 5 pounds by the way . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O N/A +bos that 's all i need . thanks . eos 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,general-bye +bos yes i am looking for a place to stay in cambridge that is 3 stars and expensive . can you help me ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O N/A +bos gonville hotel is in the centre of town and the lensfield hotel is in the south . 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 B-Hotel-Inform+Area I-Hotel-Inform+Area N/A +bos do those both have 3 star ratings and are expensive ? eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O N/A +bos those both do yes . eos O O B-Hotel-Inform+Choice O O O N/A +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes , they both have free parking . would you like to book one today ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos not today thanks . i 'm also want to find a cinema in the west part of town . eos 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 cinemas located in the west part of town . would you like me to look for cinemas in another area or a different type of attraction in the west ? eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O B-Attraction-Select+Area I-Attraction-Select+Area I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area 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 I-Attraction-Select+Type I-Attraction-Select+Type O O O O N/A +bos are there any colleges in the west that i could visit instead ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A +bos yes , three of them are free to visit and there are two that have an entrance fee of 2.50. eos O O O 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+Fee I-Attraction-Inform+Fee N/A +bos what is the one that is free ? can i get the phone number and 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+Phone +bos churchill college is free . the phone number is 01223336233 and the postcode is cb30ds . do you need any other information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee 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 general-reqmore +bos no , that just about covers it . thanks ! eos O O O O O O O O O O O general-thank +bos you 're welcome . thanks for using our service ! eos O O O O O O O O O O O general-welcome,general-bye +bos can you help me find a train headed to cambridge on sunday ? eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos i sure can . where will you be boarding ? eos O O O O O O O O O O O Train-Request+Depart,general-greet +bos i 'm departing from london liverpool street , and my train needs to leave after 12:30. eos 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+Leave O O N/A +bos i have a few options , do 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 Train-Request+Arrive +bos i would like to leave london liverpool street after 12:30. eos O O O O O O O O O O O N/A +bos i would recommend train tr6578 eos O O O O O B-Train-Inform+Id N/A +bos that 's great can you book it for 8 people ? eos O O O O O O O O O B-Train-Inform+People O O N/A +bos absolutely your reference number is z6qd1axd eos O O O O O O B-Train-Inform+Ref N/A +bos awesome . i also need a hungarian restaurant in the centre , please . 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 do n't have any hungarian restaurants in the centre . would you like to try another type of cuisine ? 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 O Restaurant-Request+Food +bos sure . what about modern european ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos would you like a specific price range ? eos O O O O O O O O O Restaurant-Request+Price +bos no , i 'm not really particular about the price . any modern european restaurant would be great . 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 N/A +bos i would recommend riverside brasserie . it 's a moderately priced modern european restaurant located in the centre . would you like me to make a booking for you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O O Booking-Inform +bos yes please , same group of eight , sunday , 16:45. eos O O O O O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Time O O O N/A +bos your table is reserved for 15 minutes . the reference number is uqm6l628 . 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 no thanks . that will be everything . goodbye . eos O O O O O O O O O O O general-bye +bos alright . have a nice trip ! eos O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking to try eritrean food . do you have a restaurant listing ? 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 unfortunately , i was n't able to find any . what about sri lankan food instead ? eos 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 Restaurant-NoOffer +bos what do you have in the cheap price range ? eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are over 20 restaurants in cambridge that fall into the cheap price range . did you want to try a different cuisine since there were no eritrean locations ? eos O O O O O B-Restaurant-Inform+Choice 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 Restaurant-Request+Food +bos sure , can you find an nice italian restaurant ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos how about zizzi cambridge ? they are on 47-53 regent street eos 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 O N/A +bos sure that sounds good . would like that address please eos O O O O O O O O O O O Restaurant-Request+Addr +bos zizzi cambridge address is 47-53 regent street and the post code is cb21ab . 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 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 need a train out of cambridge on thursday , please . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O N/A +bos where would you be going to ? eos O O O O O O O O Train-Request+Dest +bos i need to leave after 8:15 and go to london kings cross , please . 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 N/A +bos tr8636 leaves at 9: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 no , but what is the travel time for that train id ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos your travel time would be 51 minutes . would you like to book at ticket ? eos O 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 nah that wo n't be necessary . eos O O O O O O O O N/A +bos is there anything else that i can assist with today ? eos O O O O O O O O O O O O general-reqmore +bos i think that 's everything i need right now . thank you very much ! eos O O O O O O O O O O O O O O O O general-thank +bos great ! i hope 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 general-bye +bos i am looking for a restaurant that serves mediterranean food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are three , expensive , one cheap . which would you prefer ? eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O Restaurant-Select +bos can you give me the info on the cheap one ? i 'd like to book a reservation , if necessary , at 11 am on wednesday for 5 people . 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+Day O O B-Restaurant-Inform+People O O O O O N/A +bos the gardenia is located at 2 rose crescent city centre . i have booked your table at this restaurant for five people , wednesday at 11 am . your reference number is du8iwqz2 . 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 B-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+People I-Booking-Book+People B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Time I-Booking-Book+Time O O O B-Booking-Book+Ref O O O O N/A +bos i need a train also that goes from cambridge to norwich , please . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A +bos i can help you with that , when will you be traveling ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos thurs . would like to arrive by 08:15 please . i am going to norwich from cambridge . 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 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 thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos the tr2266 arrives in norwich at 07:55. would you like me to book you a ticket ? eos O O B-Train-Inform+Id I-Train-Inform+Id 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 , for the same amount of people . i need the reference number too . eos 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 5 tickets for you on that train . your reference number is ivpl00u2 . is there anything else for today ? eos O O O 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 O O O O O general-reqmore +bos that 'll be it , 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 very welcome . have a safe trip ! eos O O O O O O O O O O O general-bye +bos i ca n't wait to get to cambridge and try some of the restaurants i 've heard about . can you tell me about one of them ? i think the name is little seoul . eos O O O O O O 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 O O N/A +bos little seoul is a korean restaurant in the city centre which is in the expensive price range . would you like me to book a table for you ? eos O B-Restaurant-Inform+Name I-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 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 . table for 8 at 15:00 on wednesday . eos 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 so sorry , but little seoul was unable to accommodate that reservation . 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos can we do the same day at 14:00 instead ? eos O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos the booking was successful , reference number is 0f3l674u eos O O O O O O O O B-Booking-Book+Ref O N/A +bos great i also need to get a train on thursday leaving from cambridge . eos O O O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O N/A +bos where will you be wanting to go ? eos O O O O O O O O O Train-Request+Dest +bos i 'd like to arrive in norwich by 13:15 if possible . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O N/A +bos i have a train leaving cambridge at 11:36 and arriving in norwich by 12:55. would you like me to book that for you today ? eos O 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 O O O O Train-OfferBook +bos thats is great , i need it for 8 people as well , and can i get a reference number as well 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 N/A +bos sure thing . your booking was successful . your reference number is : wowbp7sk . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref 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 thank you for contacting cambridge towninfo centre . i hope you have a nice 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 i 'm trying to plan a trip there . can you find me a nice place to dine in the west area of town ? 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 O N/A +bos found several restaurant in the west , is there a specific cuisine you will like ? eos O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Food +bos i 'd like an expensive place . is there anything like that ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A +bos we have 9 places that fit that criteria . do you have a food type 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 Restaurant-Request+Food +bos any will work , please book me for what is available . eos O O O O O O O O O O O O O N/A +bos how many people will you be dining with ? eos O O O O O O O O O O Booking-Request+People +bos i 'll have to get back to you about that . i also need to take a train from norwich to cambrige on friday , arriving by 21:30. 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+Day O O B-Train-Inform+Arrive O O O N/A +bos the tr2365 arrives in cambridge by 10:35. would you like me to book a seat 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 O O O O Train-OfferBook +bos before you do , what is the price and departure time ? eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+Leave +bos it departs at 09:16 and costs 17.60 pounds . would you like me to book you a ticket ? eos 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 sure , that sounds great ! what is the post code and the phone number ? 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 i am sorry but that information is not available . eos O O O O O O O O O O O N/A +bos any restaurant in the west that is expensive is fine with me . can you please pick one and give me the post code and phone number ? eos 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 O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos i recommend graffiti , they serve british food . their post code is cb30lx and phone number is 01223277977. is there anything else i can help you with ? eos O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food 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 O general-reqmore +bos yes . i also need a train . eos O O O O O O O O O Train-Inform +bos please review the conversation history and see if the tr2365 with its departure time of 09:16 and cost of 17.60 pounds meets your needs before we proceed . eos O O O O O O O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O N/A +bos that was all the information 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 cenre . have a great day ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos hi ! could you please help me find a good hotel ? i 'd like it to be on the north end of town . 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 i have about 13 options that meet what you need . is there a price range you 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 Hotel-Request+Price +bos it would need to be moderately priced please . eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos i have 11 places that fit that description , do you care about how many stars ? 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 +bos i would like for it to be 3 stars , please . eos O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos okay , how about the alpha-milton guest house ? eos 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 can you book that for 5 people for 2 nights starting on wednesday ? 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 i have successfully booked your hotel . the reference number is avvxfl9m . 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 can you also find the address for club salsa ? eos O O O O O O O O O O O N/A +bos 63 milton road is the address eos O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos i actually need the postcode and phone number for club salsa . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Post,Attraction-Request+Phone +bos the postcode is cb12jb and the phone number is 07782218745. eos O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone N/A +bos thanks . can you book me a taxi to go from the hotel to the club ? i want to leave 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 O Taxi-Inform,Hotel-Inform +bos i booked a red volkswagen contact number : 07746032709 is there anything else that i can do for you ? 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 nope , that 'll do it ! 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 okay anytime . enjoy your visit . eos O O O O O O O O general-welcome,general-bye +bos need a place to eat european food , expensive too . eos O O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O N/A +bos we have several options that would meet your criteria , is there a specific area 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 Restaurant-Request+Area +bos yes , the centre of town please . eos O O O B-Restaurant-Inform+Area O O O O O N/A +bos okay , i 'd recommend eraina . it 's a fantastic place at free school lane city centre . would you like to try it ? eos O O O O B-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 N/A +bos yes book it for 6 people at 19: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 your reference number is : qvcsajfu . the table will be reserved for 15 minutes . eos O O O O O O B-Booking-Book+Ref O O O O O O O O O O N/A +bos excellent . i 'm also interested in the train schedule . are there any that leave cambridge in the morning and arrive at their destination by 8:15 ? 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 O N/A +bos i have severail trains departing from cambridge . where would the destination be ? eos O O O O O O O O O O O O O O O Train-Request+Dest +bos i am going to bishops storford eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A +bos i would recommend the tr3847 train that leaves at 05:29. would that work/ eos O O O O O B-Train-Inform+Id O O O O B-Train-Inform+Leave O O O N/A +bos what 's the price and travel time ? eos O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos it costs 10.10 pounds and the travel time is 38 minutes . should i book it for you ? eos 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 Train-OfferBook +bos that would great , and please get me the train id , price , and 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,Train-Request+TrainID +bos the train id is tr3847 , the price is 10.10 pounds , it leaves at 05:29 and arrives by 06:07 , would you like me to book this for you ? eos O O O O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket 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 O N/A +bos no , i do n't need a reservation at this time . thank you , you 've given me all the help i 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 O O O O O general-thank +bos you 're quite welcome . i hope you enjoy your trip . bye ! eos O O O O O O O O O O O O O O O general-welcome +bos hello , i 'd like a train on sunday that arrives by 16:30. 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 O O N/A +bos okay , where you are leaving and where are you going ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i should leave on sunday and arrive by 16:30 , from cambridge to stevenage . eos 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 's a train leaving at 15:21 and gets in at 16:10. will this work for you ? eos O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O O O general-reqmore +bos i would like to book for 1 person and i would like a reference number . eos O O O O O O O O B-Train-Inform+People O O O O O O O O N/A +bos the fee due is 10.24 gbp which is payable at the station . your reference number is y9rao5sw . is that all you need 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 O O O O O O O O O general-reqmore +bos i am also looking for a place to dine called saigon city can you give me some info on it ? 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 N/A +bos of course ! it is located in the north and is expensive . would you like me to make you a reservation ? eos 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 Booking-Inform +bos yes . can you make a reservation for 1 at 20:00 on sunday ? 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 i am sorry but the booking was unsuccessful . is there another day or time slot 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos can we instead try booking at 19:00 ? eos O O O O O O O B-Restaurant-Inform+Time O N/A +bos good news . i was able to book your 190:00 on sunday at saigon city . your confirmation code is lbuyujok . eos O O O O 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 N/A +bos excellent . thanks for all your help ! eos O O O O O O O O O general-thank +bos thank you for contacting cambridge towninfo centre , i hope you have a lovely train trip and dining experience . 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 a restaurant in cambridge that serves indian food and is in the higher price range . could you give me information on this kind of restaurant ? 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 O O O O O O O O O O Train-Request+Price +bos i have about 14 different options . did you prefer a certain area of town to dine in ? 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+Area +bos i would like one in the west . eos O O O O O O O B-Restaurant-Inform+Area O N/A +bos tandoori palace is an expensive indian restaurant located in the west . would you like to book a table ? 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 O O O O O O O O Booking-Inform +bos yes , i would like to make a reservation for 5 people at 18:15 on wednesday . i would also like 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 O O O O O Restaurant-Request+Ref +bos you 're booking is all set . your reference number is 5dfjfxlc . 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 would it be possible to book a train from cambridge ? eos O O O O O O O O O O B-Train-Inform+Depart O N/A +bos can you tell me where you 're departing from so i can look into the train schedule ? 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 cambridge . eos O O O O O B-Train-Inform+Depart O N/A +bos where would you like to travel to , and at what time and day ? 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+Day +bos i 'm going to peterborough on thursday , i 'd like to leave after 10:30. eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O N/A +bos i have train tr5159 leaving cambridge at 11:06 arriving in peterborough at 11:56 on thursday . would you like me to make reservations for that ? eos O 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 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 O Train-OfferBook +bos let me think about it please . eos O O O O O 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 general-reqmore +bos could you tell me the travel time on that train ? eos O O O O O O O O O O O O Train-Request+Duration +bos the travel time on that train from cambridge to peterborough is 50 minutes . 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 O B-Train-Inform+Time I-Train-Inform+Time N/A +bos ok , thanks . can you also tell me the price per ticket ? eos O O O O O O O O O O O O O O O Train-Request+Price +bos it 's 16.50 pounds per ticket . eos O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O N/A +bos i would like 5 tickets please . can you give me a total price ? eos O O O O O B-Train-Inform+People O O O O O O O O O O Train-Request+Price +bos okay , the total fee is 82.5 gbp and your reference number is mjugfpx5 . eos 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 . 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 i would like to try gastropub food . can you help me find one ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos try backstreet bistro its located on 2 sturton street city centre . eos 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 N/A +bos can i have the reference number ? eos O O O O O O O O N/A +bos sure , i 'd be happy to book this for you . what day , time 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 O Booking-Request+Day,Booking-Request+Time,Booking-Request+People,Booking-Inform +bos is backstreet bistro expensive ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos it is in the more expensive price range , yes . eos O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos ok. can i get a table on monday for 7 people at 13: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 i ha ve successfully booked your reservation . your reference number is c1tjmpdh . is there anything else that i may assist 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 i 'm looking for a train that departs from stansted airport on monday and arrives at cambridge by 08:00. eos O O O O O O O O O B-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 tr9641 leaves the airport at 7:24 and arrives in cambridge at 7:52. would you like tickets on that train ? eos 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+Dest O B-Train-Inform+Arrive O O O O O O O O N/A +bos yes please , i will need 7 tickets for this train . eos O O O O O O O B-Train-Inform+People O O O O O N/A +bos you train booking was successful , the total fee is 70.7 gbp payable at the station . reference number is : 3nm16ry8 . can i help you 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 nope , that 's all for me . goodbye ! eos O O O O O O O O O O O general-bye +bos alright . enjoy your trip ! eos O O O O O O O general-bye +bos can you help me find the fitzwilliam museum ? eos O O O O O O O B-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Name N/A +bos the fitzwilliam museum is in the centre , and is located on trumpington street . eos O O B-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 O O N/A +bos can i get the address , attraction type , and area please ? eos 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 is a museum in the centre , located on trumpington street . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area 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 , you 've been great ! thank you for helping . eos O O O O O O O O O O O O O general-thank +bos enjoy your visit to the museum . goodbye ! eos O O O O O O O O O O general-bye +bos i am looking for a particular restaurant . its name is called travellers rest 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 it is an expensive british restaurant on the west side of town . would you like the address ? eos 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 general-reqmore +bos yes , and can you book a table for 1 at 14:15 on monday , 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 N/A +bos ok. you 're all set for monday at 14:15. have a great day . eos O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O O O 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 nearest hospital is hills rd in cambridge . the telephone number is 01223245151 and the postcode is cb20qq . can i provide 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 N/A +bos can you please book a taxi to take me there ? eos O O O O O O O O O O O O Taxi-Inform +bos yes , a taxi can take you to addenbrookes hospital . where are you now ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i 'm not sure . it is all quite confusing . i think i will find help nearby . 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 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 . thank you goodbye . eos 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-bye +bos i 'm looking for a train leaving on tuesday please . eos O O O O O O O O B-Train-Inform+Day O O O N/A +bos i have a train going to london king 's cross that will leave at 05:00. eos 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+Leave O N/A +bos actually i need to go to london liverpool street from cabridge . eos 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 alright , what time would you like to leave ? eos O O O O O O O O O O O Train-Request+Leave +bos i would like to leave anytime after 20:15. eos O O O O O O O O B-Train-Inform+Leave N/A +bos ok , i have tr9616 that leaves at 21:39. 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 O O N/A +bos is that on tuesday ? if so that would work . i 'll need the train id and price . eos O O O O B-Train-Inform+Day 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 tr9616 . eos O O O O O B-Train-Inform+Id O N/A +bos i also need the price . eos O O O O O O O Train-Request+Price +bos the price is 16.60 pounds . do you need any further assistance ? 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 , that 's all . thank you . eos 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 am looking for a train on sunday from cambridge . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos tr7423 cambridge london kings cross sunday 05:00 05:51 18.88 pounds 51 minutes eos 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 can you verify that it will arrive in stevenage by 09:00 ? eos O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos ah , no , you will need another train to get to stevenage . tr5390 leaves at 05:21 and tr3889 leaves at 07:21. do you have a preference ? eos O O O O O O O O O O O B-Train-Inform+Dest 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 O O O O general-reqmore +bos i do n't have a preference i just need to arrive by 09:00. can you please provide me the travel time , departure time and price ? eos 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 O Train-Request+Duration,Train-Request+Price,Train-Request+Leave +bos tr3889 departs at 07:21 and takes 49 minutes to arrive . the fee is 10.24 pounds . 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+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 thanks , that 's all . good bye . eos O O O O O O O O O O general-bye +bos reference number is : 8ohsglqu . if u interested eos O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O O N/A +bos i need to find a hospital . eos O O O O O O O O Hospital-Inform +bos the addenbrookes hospital on hills road in cambridge offers many services . eos O O O O O O O O O O O O O N/A +bos can i get the phone number and full mailing address of the cardiology and coronary care unit department at that hospital ? eos 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 O O O O O Hospital-Request+Addr,Hospital-Request+Phone +bos their details are addenbrookes hospitaltelephone : 01223245151address : hills rd , cambridgepostcode : cb20qq eos O O O O O O O O O O O O O O O N/A +bos thank you . that 's all for today . eos O O O O O O O O O O general-thank +bos alright . i hope you enjoy the remainder of your day . eos O O O O O O O O O O O O O general-welcome,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 okay , addenbrookes hospital is located on hills rd , cambridge . do you want 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 yes , and the postcode please . eos O O 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 yes the phone number also . eos O O O O O O O Hospital-Request+Phone +bos that phone number is 01223245151. eos O 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 glad to be able to help . eos O O O O O O O O general-bye +bos i am looking for a restaurant . the restaurant should be in the moderate price range and should be in the east 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 N/A +bos try curry prince or pizza hut fen ditton eos O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name N/A +bos the restaurant should serve italian food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos pizza hut fen ditton serves italian food in the east , would you like a reservation ? eos 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O Booking-Inform +bos what other restaurants in that area serve italian food ? eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos pizza hut fen ditton is the only italian restaurant , in the east , in the moderate price range . do you want me to try other areas ? eos O B-Restaurant-Inform+Name I-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 O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O Restaurant-Request+Area +bos no , that will do . can i book a table for monday ? eos O O O O O O O O O O O O B-Restaurant-Inform+Day O O N/A +bos absolutely , how many people will you have and what time are you wanting the reservation ? 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 will have 5 people and we would like 12:15 if possible . thanks . eos O O O O O B-Restaurant-Inform+People O O O O B-Restaurant-Inform+Time O O O O O N/A +bos you are booked , the reference number is af2gj7g6 , may 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 thanks for you help . i only need the restaurant reservation . goodbye . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos you 're welcome . thank you for contacting 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 got injured and i am looking for a hospital nearby eos 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 i got injured . i need a phone number for a hospital near by . eos O O O O O O O O O O O O O O O O Hospital-Request+Phone +bos here is the phone number for addenbrookes hospital , 01223245151. eos O O O O O O O O O O O N/A +bos thank you so much ! i think 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 you are very welcome . i am glad i could help you today . eos O O O O O O O O O O O O O O O general-bye +bos i want to book a taxi . the taxi should depart from broxbourne train station 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 N/A +bos where would you like to go ? eos O O O O O O O O Taxi-Request+Dest +bos i need to leave by 20:15 and am headed to city stop restaurant . 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 i have booked you a blue bmw for a 20:15 pickup . the contact number is 07753733237. can 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+Leave O O O O O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos thank you . i am all set . have a great day . eos O O O O O O O O O O O O O O general-thank +bos have a good stay . good bye . eos O O O O O O O O O general-bye +bos hello there ! could you help me find a hotel ? i am looking for one that has free parking and is expensive . 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 B-Hotel-Inform+Price O O O N/A +bos here is a list of hotels with free parking and are expensive . eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Price O Hotel-Inform+Parking +bos i did not receive any list of hotels . can you just pick one for me , a hotel with free parking and wifi that is upscale please . 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 N/A +bos we have the university arms hotel . it is located in centre and has wifi and parking . 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 B-Hotel-Recommend+Area 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 , as long as it is expensive . i would like to arrive on tuesday and stay for 3 nights . there will be 8 of us . eos O O O O O O O B-Hotel-Inform+Price 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 N/A +bos i 'm sorry , but the hotel is n't available for you request . would you like to try another 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+Stay,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 would recommend the huntingdon marriott hotel , which has what you need . your booking reference number is fttnx1m7 . your two night stay will begin tuesday . thank 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 O B-Booking-Book+Ref O O O O O O B-Booking-Book+Day O O O O O O N/A +bos i am also interested in visiting a college in the centre of town . could you help me with that ? 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 O O N/A +bos certainly . there are 13 colleges in the centre . would you like more information ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos yes , please let me know the postcode and entrance fee of one in the centre area . 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 +bos christ 's college is very famous , free to enter and their postcode is cb23bu . will there be anything else ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee O O O O O O B-Attraction-Recommend+Post O O O O O O O O O general-reqmore +bos i will need a taxi to travel between the hotel and the college . can you handle this also ? 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 N/A +bos yes , i can . can you please give me the time you 'd 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 O Taxi-Request+Arrive,Taxi-Request+Leave +bos i would like to leave the college by 24:30 and can i also have the contact number and car type . 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 Taxi-Request+Car +bos all right . i 've booked you a black volkswagen , picking you up at 24:30 at christ 's college . the contact number is 07324891478. is there anything else i can help with ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Leave O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 , that 's all . thanks . eos O O O O O O O O O general-thank +bos absolutely . 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 O O general-bye +bos can you help me find a place to stay ? i 'm looking for somewhere that include 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 O N/A +bos i found 5 hotels with free internet and parking . what area are you looking ? 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-Inform+Internet,Hotel-Inform+Parking +bos area does n't matter , but i would like a cheap guesthouse , if possible . eos O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O N/A +bos the city centre north b and b is a guesthouse in the north area in the cheap range , with parking and wifi . would you care 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 I-Hotel-Inform+Name O B-Hotel-Inform+Type I-Hotel-Inform+Type 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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos could i get the hotel 's 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 yes , city centre b & b has a postal code of cb43ht . they can be reached at 01223312843. may i assist 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+Post O O O O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos no , you helped me out . thanks . goodbye . eos O O O O O O O O O O O O general-bye +bos enjoy your stay ! goodbye ! eos O O O O O O O general-bye +bos are there any guesthouses with free parking ? eos O O O O B-Hotel-Inform+Type O O O O N/A +bos yes , there are 21 guesthouses with free parking . is there an area of town or price range that you 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 O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos i would like something in the centre that is cheap eos O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price N/A +bos alexander bed and breakfast and el shaddai are both available . 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 can you book alexander bed and breakfast for me ? i have 8 people and would like to stay 5 nights , starting thursday . 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 B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos your booking was successful . your reference number is iy4gscgl . 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 is all i need . thank you 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 have a great stay ! goodbye ! eos O O O O O O O O general-bye +bos yes , i was wondering if you could help me find a guesthouse in cambridge . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos should n't be an issue . any further preferences ? eos O O O O O O O O O O O N/A +bos yes , i would like a 4 star guesthouse that is moderately priced with wifi included . eos O B-Hotel-Inform+Internet O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O O O Train-Request+Price +bos i have about 11 different gueshouses that fit what you are looking for . can you tell me the preferred area you wish to stay in to help narrow it down ? 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 O O O O O O O O O Hotel-Request+Area +bos i do n't care about the area so much , i just need free wifi and to 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 O Hotel-Request+Parking +bos sure , how about acorn guest house they are moderate prices and have free parking and wifi ? eos O 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 O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos how many star does it have ? eos O O O O O O O O N/A +bos acorn guest house is a 4 star guesthouse , moderately priced in the north , with free wifi and parking . would you like me to book you a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type B-Hotel-Inform+Price I-Hotel-Inform+Price 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,Hotel-Inform+Internet,Hotel-Inform+Parking +bos not at the moment . but i do need information on a train from leicester to cambridge on sunday leaving after 12:00 noon . 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 B-Train-Inform+Leave O O N/A +bos i have a train leaving at 12:09 and then every hour after up to 23:09. do you have a preference ? eos 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 Train-Select +bos can you give me the price for the train leaving at 12:09 ? eos O O O O O O O O O O O O O O Train-Request+Price +bos yes , it 's 30.24 pounds . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos ok , and what was the address of the acorn guest house ? eos O O O O O O O O O O O O O O Hotel-Request+Addr +bos the acorn guest house is at 154 chesterton road . anything else i can get you 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O general-reqmore +bos i also need a train leaving sunday after 12:00 eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos ok , i have booked a train for you leaving leicester destined for cambridge on sunday at 12:09 arriving by 13:54. your reference number is r9q27a3z . have a pleasant day . eos O O O O O O O O O O B-Train-OfferBooked+Depart O O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Arrive O O O O B-Train-OfferBooked+Ref O O O O O O O general-bye +bos hello , i am looking for a four star hotel on the north side eos O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i have eight results . do you need free parking ? eos O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Parking +bos not really , and i 'm not really concerned with wifi either . which one 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 how about acorn guest house ? it 's located at 154 chesterton road . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O N/A +bos what is the hotel 's rating ? eos O O O O O O O O Hotel-Inform +bos it is rated 4 stars , eos O O O O O B-Hotel-Inform+Stars O N/A +bos actually , could you double check whether the acorn has free wifi ? eos O O O O O O O O O O O O O O N/A +bos yes , it does . 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 O O O Booking-Inform,Hotel-Inform+Internet +bos yes , please do . i 'll be arriving thursday . they 'll be 6 of us , and we 'd like to stay for 4 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 O O O O O O N/A +bos yes , it does . eos O O O O O O N/A +bos ok , can you please pay attention to my questions ? i need a room , please . eos O O O O O O O O O O O O O O O O O O O N/A +bos sorry about that ! you are booked at the acorn for 4 nights , starting thursday ref # zuc5szap . can i be of any further assistance today ? eos O O O O O O O O O O O O B-Booking-Book+Stay O B-Booking-Book+Day 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 general-thank +bos let us know if you need anything else.cheers . eos O O O O O O O O O O general-bye +bos hi , i need to find a hotel with a 4 star rating that includes free parking . do you have anything like that ? 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 O N/A +bos yes , there are quite a few 4 star hotels with free parking . what area would you like to stay in ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform+Parking +bos thanks , i need a 4 star hotel in the east , the hotel needs to has free parking . eos 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 O O N/A +bos there are some guestrooms that fit those requirements . can i book a room at carolina bed and breakfast for you ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type 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 i need to book it starting saturday for 3 nights . there will be 3 guests . 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 N/A +bos no problem . your reference number is u6e0dezr . eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks so much . that 's all i need . eos O O O O O O O O O O O general-thank +bos i 'm happy to be of service . please do n't hesitate to contact us again if you have more questions . 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,general-greet +bos i am looking for a 0 star hotel to stay at somewhere in the north area . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O B-Hotel-Inform+Area O O N/A +bos i have one place that suits your needs . it is the city centre north b & b. they are located on 328a histon road . they offer both free wifi and parking . 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 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 Hotel-Inform+Internet,Hotel-Inform+Parking +bos is that place cheap ? eos O O O O O O N/A +bos yes . city centre north b & b is in the cheap pricerange . 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+Price O O O N/A +bos ok , that 's awesome . can you book me a room there for saturday for 8 people and 2 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 O N/A +bos i 'm sorry . 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 O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day,general-reqmore +bos sure , how about just for one night ? eos O O O O O O O O O O N/A +bos success . the reference number is moux96ze . eos O O O O O O B-Booking-Book+Ref O O N/A +bos great ! thanks so much for your help with that . eos O O O O O O O O O O O O general-thank +bos perfect . i 'm sure you 'll love it . good day . eos 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 with free wifi . eos O O O O O B-Hotel-Inform+Type O O O O O N/A +bos there are 32 matching that . do you have a price range or an area preference ? 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-Request+Price +bos yes , i 'd like to stay on the north end of the city if possible . no too expensive , please . something that 's moderately priced would be best . 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 B-Hotel-Inform+Price 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 'm not sure yet . if you have a moderately priced hotel in the north with wifi , i need the name and phone number . eos O O O O 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 O O Hotel-Request+Phone +bos i have found matching two hotels in that area . ashley hotel has two stars , and lovell lodge also has two stars . would you like me to book one ? eos O O O O O B-Hotel-Inform+Stars 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 Booking-Inform,Hotel-Select +bos no thanks . i just need the postcode and phone number of lovell lodge please . 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 the postcode is cb41sr and phone number is 01223425478. may i help you with anything else ? eos O O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos that will be all . thanks . eos 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,general-greet +bos yes , i am attending a physician 's conference and need to locate a room for tonight . 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 area or price preference ? eos O O O O O O O O O O Hotel-Request+Price +bos i am looking for a place with free wifi , does n't need parking , and expensive price range 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 i have 5 hotels that fit your criteria , are you looking for a particular area or 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 O O Hotel-Request+Area,Hotel-Request+Stars +bos no particular area . i would definitely want a moderate priced room though . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos a and b guest house fits your criteria . it 's a 4-star guesthouse on 124 tenison road . are you interested in booking 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 O O 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 O O O O O O O Booking-Inform +bos yes . i need it for 6 people for 5 nights starting on friday . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Day I-Hotel-Inform+Name N/A +bos i 'm sorry , but it 's not available for your references . would you like to try a different day or fewer 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 O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day,general-reqmore +bos can i get it for 1 night , then ? eos O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos yes , i 've reserved you for one night . eos O O O O O O O O O O O N/A +bos may i have the booking reference number , please ? eos O O O O O O O O O O O Hotel-Request+Ref +bos the reference number is ev6udnpj . anything else you need ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos no , that is just what i needed . 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 goodbye . have a good day ! eos O O O O O O O O general-bye,general-greet +bos hello , i am trying to find a hotel located in the west part of town . any ideas ? eos O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos we have two options available . would you prefer expensive or cheap ? eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O N/A +bos either would be fine . i would like it to have a five star rating . eos O O O O O O O O O O O O O O O O O N/A +bos i apologize neither is five stars . would you like to try something else ? eos O O O B-Hotel-NoOffer+Choice O B-Hotel-NoOffer+Stars O O O O O O O O O O N/A +bos is there a 4 star hotel available in the west part of town ? eos O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O O O N/A +bos there are 2 hotels available . the huntingdon marriott hotel in the expensive price range and the cambridge belfry 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 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 Hotel-Select +bos sure , let 's go with the cambridge belfry . please give me its postcode and address . 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 Hotel-Request+Post,Hotel-Request+Addr +bos the post code is cb236bw . the address is back lane , cambourne . do you want me to book it for you ? eos O O O O O B-Hotel-Inform+Post 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 +bos no that 's fine for now . eos O O O O O O O O N/A +bos their phone is 01954714600 if you choose to make a reservation yourself , or you may contact me again . thank you ! 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 general-welcome +bos i am hoping you can help me find a hotel with free wifi 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 acorn guest house is in the north and offers wifi , it is moderately priced and has 4 stars . would you like to book it ? 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos does it have parking ? eos O O O O O O N/A +bos yes , they offer both free wifi and free parking . can i assist you in 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i actually would want something expensive ( north side preferred ) and free wifi and parking . 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 i have nothing in the north area meeting that search criteria , would you like me to check another area ? eos O O O O O O B-Hotel-NoOffer+Area O O O O O O O O O O O O O O O Hotel-Request+Area +bos yes . how about an expensive place in the centre of town , with both free wifi and parking ? 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 found the gonville hotel . it is located in the center , is in the expensive price range , has free internet and parking ! shall i book it ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes ! please book it for 1 people and 2 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 O N/A +bos i 'm sorry there is no availability for 2 nights from monday , would you like me to try a different date or 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 O O O O O O Booking-NoBook,Booking-Request+Day +bos how about one night only ? eos O O O O O O O N/A +bos that was open , the reference code is b13ixxhv . eos O O O O O O O O B-Booking-Book+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 thank you , do you need anything else ? eos 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 you 're very welcome . thanks for letting me assist you . bye ! 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 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 sure . it 's at 63 milton road . would you like the phone number ? 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 can you book me a reservation for four people for four nights starting monday ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Day O N/A +bos your reservation is all set . your reference number is 4r3bmwnk . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you very much for your help and have a great day . eos O O O O O O 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,general-greet +bos yeah , i need a train on sunday . eos O O O O O O O B-Train-Inform+Day O O N/A +bos i can certainly help with that . where would you like to depart from ? eos O O O O O O O O O O O O O O O O Train-Request+Depart +bos departing from cambridge eos O O O B-Train-Inform+Depart N/A +bos can you please tell me your destination ? eos O O O O O O O O O Train-Request+Dest +bos the train should go to bishops stortford and leave after 14:45. eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave N/A +bos the first train after 14:45 tr3600 leaves at 15:29. would you like to book the train ? eos 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 can you tell me the travel time first ? eos O O O O O O O O O O Train-Request+Duration +bos the first train leaves at 15:29 and arrives at 16:07 , the duration is 38 minutes 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+Time I-Train-Inform+Time N/A +bos that sounds great , that 's all i wanted to know . eos O O O O O O O O O O O O O N/A +bos can i help you find anything else , today ? eos 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 good rest of your day ! eos O O O O O O O O O general-bye +bos i am looking for a train going to cambridge . 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 sure . and on what day do you want to travel ? eos O O O O O O O O O O O O O Train-Request+Day,general-greet +bos i 'll be leaving stansted airport anytime after 17:45 on thursday eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O O O N/A +bos the next flight after your desired time is at 18:24 on the tr5921 train . you would arrive by 18:52 at cambridge . eos O O O 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+Arrive O B-Train-Inform+Dest O O N/A +bos make reservation for 1 person and give me reference number eos O O O O O B-Train-Inform+People O O O O O N/A +bos your reference number is xzhnmjrs and it will cost 10.1 gbp . eos O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O N/A +bos great . i also need a restaurant serving italian food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos we have quite a few good italian restaurants in cambridge . do you prefer a particular area or price range ? eos O 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 Restaurant-Request+Price,Restaurant-Request+Area +bos it should be in the south , whatever you recommend . i 'll need a booking for 1 person at 20:15 on thursday . eos O O O O O O B-Restaurant-Inform+Area 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 would you like to try pizza express ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos yes , that will work . please book a table for 1 person at 20/15 on thursday . eos O O 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 booked ! the table will be reserved for 15 minutes.reference number : jo641tuz . eos O O O O O O O O O O O B-Booking-Book+Ref 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 O general-bye +bos i would like a nice place to dine 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 frankie and bennys is a wonderful italian restaurant in the south . it 's expensive , but worth it . homemade pasta and everything ! 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+Area O B-Restaurant-Recommend+Price O O O O O O O O O O O O N/A +bos can i please have their postcode and phone number ? eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos frankie and bennys is in postcode cb17dy and their phone number is 01223412430. can i help you with anything else today ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos yes , could you help me find a nice museum to visit . eos O O O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there 's the byard art museum . it 's in the same area and is free . eos 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 O B-Attraction-Recommend+Fee O O O N/A +bos thanks , what 's their phone number and address ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos they are located at 14 king 's parade . you can reach them at 01223464646. anything else i can help with ? 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 O O O O O general-reqmore +bos thanks so much ! have a great day . goodbye . eos O O O O O O O O O O O O general-bye +bos you 're very welcome ! bye ! eos O O O O O O O O N/A +bos hi ! i need a train from london liverpool street sometime after 19:30 , please . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O O O O N/A +bos that should be no problem ! what day are you traveling ? eos O O O O O O O O O O O O O Train-Request+Day +bos i would like to go this saturday to cambridge . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O N/A +bos tr2361 will be departing london liverpool street saturday at 21:39 , there is also one an hour earlier . would you like to book a ticket for one ? eos O B-Train-Inform+Id O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day 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 Train-OfferBook +bos i 'll take the 21:39 , i 'll need 7 tickets please . eos O O O O O O O O B-Train-Inform+People O O O O O N/A +bos alright , your tickets have been booked and the reference number is zi1rmkw7 . is there anything else i can do for you ? 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 you have been very helpful . thank you . goodbye . eos O O O O O O O O O O O O general-bye +bos thank you very much and have a nice day ! eos O O O O O O O O O O O general-bye +bos i want to take a train to cambridge on thursday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are 202 trains to cambridge that day . eos O O O O B-Train-Inform+Choice O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos i am leaving london kings cross and i need to arrive by 14:15. 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 N/A +bos tr2512 will depart at 13:17 and arrive at 14:08. the trip will take 51 minutes and it will cost 23.60 pounds . would you like 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 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 Train-OfferBook +bos no , not yet . i would like to know what kinds of colleges i can visit whilst i 'm in town though . 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 N/A +bos we have many options , 18 to be exact , any preference for area ? eos O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Area +bos could you recommend a college that is enjoyed by the most people ? i would like the college 's phone number 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 O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos clare college costs 2.50 pounds to enter . their phone number is 01223333200. anything more for you today ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O B-Attraction-Recommend+Phone O O O O O O O general-reqmore +bos nope , that takes care of all my needs ! thanks , goodbye ! eos O O O O O O O O O O O O O O O general-bye +bos happy to help , have a great day ! 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 alright , how can i help you today ? eos O O O O O O O O O O general-greet +bos i 'd like a train from london liverpool 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 what time would you like to leave and/or arrive by ? eos 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 tr3197 leaves atb19:39 and costs 13:39 pounds . is that fine with you ? eos O B-Train-Inform+Id O B-Train-Inform+Leave O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O N/A +bos what time does it arrive by ? eos O O O O O O O O Train-Request+Arrive +bos train tr3197 arrives by 21:07 at cambridge eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O B-Train-Inform+Dest N/A +bos thanks , can i also find a college to go to . eos O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are many colleges . do you have a specific area in mind ? or would you like me to make a recommenation ? 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 O O Attraction-Request+Area +bos if you could recommend one that would be great ! could you give me the postcode , address and the area 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 O O O Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Addr +bos churchill college is a great choice in the centre . the postcode is cb23bu . it is located on saint andrew 's street . 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+Area O O O B-Attraction-Inform+Post 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 N/A +bos that 's all i need for now . thanks ! eos O O O O O O O O O O O general-thank +bos you 're 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-reqmore +bos thanks very much , take care ! eos O O O O O O O O general-thank +bos you too . enjoy your day . eos 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 expensive price range and should be in the south of town 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 i have 2 chinese , indian , italian and mexican food . did you have a preference ? 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 Restaurant-Select +bos yes , i prefer italian . i really like pizza . eos O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos there is one italian restaurant in the south . it does have an expensive price range . not sure if it serves pizza though . 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 O O O O O O N/A +bos well let 's change that to mexican and i need a reservation for 2 people at 16:30 on sunday . eos O O O O O O B-Restaurant-Inform+Food 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 at chiquito restaurant bar then . reference number is : 6og10puw . 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 B-Booking-Book+Ref O O O N/A +bos ok , 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 yeah , i 'm also looking for a hotel called the allenbell . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos sorry i dont have anything with that name . eos O O O O O O O O O O Hotel-NoOffer +bos are you sure ? i was literally there 3 weeks ago ... eos O O O O O O O O O O O O O N/A +bos the allenbell is not available . eos O O B-Hotel-NoOffer+Name I-Hotel-NoOffer+Name O O O N/A +bos why is it not ? it is there please look again . eos O O O O O O O O O O O O O N/A +bos i have checked again . the hotel is listed as `` allenbell '' instead of `` the allenbell . '' would you like to book a stay there ? eos O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Name O O O B-Hotel-NoOffer+Name I-Hotel-NoOffer+Name O O O O O O O O O O O O O O Booking-Inform +bos yes , i need reservations for the same group of people on the same day as the previous reservation . we will be staying 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 B-Hotel-Inform+Stay O O O N/A +bos how many people and on what day was your previous reservation ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos 2 people on monday is what i would like . eos O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O O N/A +bos ok. i apologize for the confusion . i booked the room for you and the reference number is daqee9bh . 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 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 the cambridge towninfo centre . goodbye eos O O O O O O O O O O general-welcome,general-bye +bos hello i need a train to bishops stortford please eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos what day and time will you be traveling ? eos 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 thursday and would like to leave after 16:30. eos O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave N/A +bos the first train after 16:30 is tr6673 which leaves at 17:29 and will arrive in bishops stortford at 18:07. would you like me to book this train for you ? eos O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave 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 O Train-OfferBook +bos no thanks . no need to book . but , can you tell me the price for 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 the price is 10.10 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thank you . i also need the phone number for an attraction called great saint mary 's 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 I-Attraction-Inform+Name O O O Attraction-Request+Phone +bos great saint mary 's church 's phone number is 01223350914. is there anything else i can do for you ? 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+Phone O O O O O O O O O O O O general-reqmore +bos can i get the address also please ? that will help a lot ! thanks so much ! eos 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 market square . how else can i help ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O general-reqmore +bos that isenough for today . thank you for helping eos O O O O O O O O O O general-thank +bos you are most welcome . i hope you have a wonderful time on your 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-welcome,general-bye +bos i am looking for a restaurant called curry garden . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos it is a restrant that serves indian food located in the centre eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area N/A +bos can you book a table for one at 12:30 on friday ? eos O O O O O O O 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 : 59r6sv6w . 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 for the reservation . i also need a train for the same day as the restaurant . a train which arrives by 8: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 N/A +bos i have several trains available . where will you be departing from ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O Train-Request+Depart +bos i will be departing from peterborough 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 thanks for the info , i found train id tr8286 which departs at 6:48 and arrives by 7:38. tickets cost 16.50 pounds . would you like a reservation ? eos O 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos yeah , just get 1 ticket please and tell 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 booking was successful , the total fee is 16.5 gbp payable at the station .reference number is : e6ihm34h , any further questions ? 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 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 thank you , have a great day . eos O O O O O O O O O general-greet +bos i was wondering if you can tell me more about the attraction called sheep 's green and lammas land park fen causeway ? 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 I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos that 's a nice free park in the south , the address is fen causeway , newnham road . is there anything else you need help with ? eos O O O O B-Attraction-Inform+Fee B-Attraction-Inform+Type 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 O O O O O O O O O general-reqmore +bos what 's their phone number ? eos O O O O O O O Attraction-Request+Phone +bos their phone number is : 01223302580. 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 O general-reqmore +bos yes , i 'm also looking for a train to cambridge that will leave sometime 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 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 am leaving from norwich on wednesday evening . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos the tr3342 leaves at 18:16. would you like a booking ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos how much are the tickets for one person ? eos O O O O O O O O O O N/A +bos 17.60 pounds . would you like me to book a ticket ? eos O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 the booking was successful . your total fee is 17.6 gbp and you can pay it at the station . your reference number is vpmqdfkf . 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 O B-Train-OfferBooked+Ref O O O N/A +bos thanks for everything , you were helpful . eos O O O O O O O O O general-thank +bos is there anything else that i can help you with ? eos 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 okay great , have a good day ! eos O O O O O O O O O general-welcome,general-bye +bos i need a place to dine on expensive crossover food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are no places a any price range that serve this food type , shall i search for something else for you ? eos O O O O O O O B-Restaurant-NoOffer+Price O O O O O O O O O O O O O O O O N/A +bos are you sure ? maybe try the centre ? eos O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i am sorry there are none in the centre . would you like to try a different type of restaurant ? 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 O Restaurant-Request+Food +bos sure , how about chinese ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos there is no chinese either . eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O N/A +bos i really want to eat chinese in the centre area of town . are you 100 % positive that is n't possible ? i 'll be heartbroken . 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 O O O O O O N/A +bos actually , there is chinese . i recommend ugly duckling . do you want a reservation ? eos O O O O B-Restaurant-Recommend+Food 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 , please ! there will be 7 of us dining at 13:15 on friday . eos O O O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos i made a booking for you . do you need the reference number ? eos O O O O O O O O O O O O O O O Booking-Book +bos yes if i could get the reference number that would be great . i also need information on hamilton lodge . 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 okay your reference number is c40irnsv . eos O O O O O O B-Booking-Book+Ref O N/A +bos also , i 'm wanting to book the hamilton lodge for 2 people on friday night . can you do that ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stay O O O O O O O O O O O N/A +bos i am getting the info up as we speak , will that be for one day or multiple days ? 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 +bos yes . i need it for 2 nights , 7 people , starting on friday . 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 O N/A +bos your room has been booked . your reference number is x1v3ggl2 . 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 that is everything i need . eos O O O O O O O N/A +bos you are very welcome . enjoy your stay . eos O O O O O O O O O O general-welcome +bos thank you for helping eos 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 want to go all out this st patricks day , can you find me an irish restaurant ? lets go with an expensive one . 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 O O O B-Restaurant-Inform+Price O O N/A +bos sadly , there are n't any . eos O O O O O O O O Restaurant-NoOffer +bos how about an expensive mexican restaurant then ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos sure . there is chiquito restaurant bar in the south . would you like the address ? would you like me to book it for you ? 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 O O O O Booking-Inform,general-reqmore +bos can i just get the phone number for now ? eos O O O O O O O O O O O Restaurant-Request+Phone +bos yes certainly , it is 01223400170. eos O O O O O B-Restaurant-Inform+Phone O N/A +bos thank you . i 'm also looking for information on trains from cambridge to london kings cross . 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 N/A +bos when would you like to travel ? eos O O O O O O O O Train-Request+Day +bos i need to leave after 09:00 on saturday eos O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day N/A +bos tr2138 leaves exactly at 09:00 on saturday . would you like to book a ticket ? eos O B-Train-Inform+Id O 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 book for 5 people eos O O O O O O B-Train-Inform+People N/A +bos ok , the booking was successful , the total fee is 94.4 gbp payable at the station . reference number is : 4ytqp8st . 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 no that is it . thank you . eos O O O O O O O O O general-thank +bos okay , enjoy your trip ! have a great day . eos O O O O O O O O O O O O general-bye +bos i need to find a hospital in town please . eos O O O O O O O O O O O Hospital-Inform +bos certainly , addenbrookes hospital 's telephone number is 01223245151. is there anything i can do to help ? eos 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 address ? eos O O O O O O Hospital-Request+Addr +bos addenbrookes hospital is located at hills rd , cambridge , postcode : cb20qq . do you need 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 N/A +bos please give me the phone number . eos O O O O O O O O Hospital-Request+Phone +bos the phone number is 01223245151. 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 no , that 's all i need . thanks so much . eos 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 'm hurt and i need the nearest hospital . eos O O O O O O O O O O O Hospital-Inform +bos the nearest hospital is addenbrookes hospital . eos O O O O O O O O N/A +bos can i get the address and phone number ? eos O O O O O O O O O O Hospital-Request+Addr,Hospital-Request+Phone +bos i 'm just going to call an ambulance . eos O O O O O O O O O O N/A +bos no thank you , just 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 Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone +bos addesbrookes hospital is located on hills rd with the postcode cb20qq . the direct phone number for the emergency department is 01223217118. are you sure i ca n't book you an ambulance ? eos O O O O O O O O O O O O O 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 will head there myself . thanks for 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 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 what is the address for the addensbrookes hospital near me ? eos O O O O O O O O O O O O Hospital-Inform +bos the addenbrookes hospital is located at hills rd , cambridge . can i help you find the phone number for a certain 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 N/A +bos actually i need the general phone number for the hospital , please . eos O O O O O O O O O O O O O O Hospital-Request+Phone +bos i can certainly provide that to you . their main contact number is 01223245151. can 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 O O N/A +bos no , that 's all . 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 would you be able to find me a train leaving on sunday ? eos O O O O O O O O O O O O B-Train-Inform+Day O N/A +bos certainly . can you please tell me the location you are 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 Train-Request+Depart,Train-Request+Dest +bos i will be going to leicaster from cambridge , departing after 18:45 please eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O N/A +bos i have train tr9831 leaving at 19:21 and arriving at 21:06. would that suffice ? 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 N/A +bos yes , that will work out great . can you please book me 7 tickets for that train ? eos O O O O O O O O O O O O O B-Train-Inform+People O O O O O O N/A +bos okay , i 've booked 7 tickets for that train . the reference number is stm2j29a . is there any other information you need ? 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 that 's all that i needed today , thank you ! eos O O O O O O O O O O O O general-thank +bos it was a pleasure to help . we hope you will use our service again in the future . have a wonderful 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 general-welcome,general-bye +bos i am looking for the addenbrookes hospital please . eos O O O O O O O O O O Hospital-Inform +bos the hospital is on hills rd , cambridge . did you need anything else ? eos 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 and the post code ? eos 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 their postcode is cb20qq eos O O O O O O O O O O O O N/A +bos okay , that 's all i need . thank you ! eos 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 . eos O O O O O O O O O O O O O O general-greet +bos thank you for you help ! eos O O O O O O O general-thank +bos okay anytime . thank you for calling . eos O O O O O O O O O general-bye +bos i have been hurt in an accident , can you provide the nearest hospital ? eos O O O O O O O B-Hospital-Inform+Department O O O O O O O O N/A +bos the nearest hospital is addenbrookes hosipital . would you like the address and phone number ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos i need the postcode , thanks . eos O O O O O O O O Hospital-Request+Post +bos the post code is cb20qq , hilld rd cambridge phone number 012232455151 eos O O O O O O O O O O O O O N/A +bos 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 no problem . goodbye ! eos 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 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 ? eos O O O O O O 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 hospital with a clinical research facility department . i need the phone number and postcode . eos 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 O O O Hospital-Request+Post,Hospital-Request+Phone +bos addenbrookes hospital has a clinical research facility . the phone number for the hospital is 01223245151. the postcode is cb20qq . the phone number for the clinical research facility is 01223596055. eos O O O O O O O O O O O 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 think that is all i need . eos O O O O O O O O O O O N/A +bos thank you , good bye . eos O O O O O O O general-bye +bos i 'd like to locate addenbrookes hospital , please . eos O O O O O O O O O O O Hospital-Inform +bos hills road , cambridge eos O O O O O N/A +bos and what 's the postcode and the main phone number ? eos O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos addenbrookes hospital has a postcode of cb20qq , and telephone number is 01223245151. 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 no , thank you . that is it . eos O O O O O O O O O O general-thank +bos thank you for using cambridge towninfo centre . eos O O O O O O O O O general-bye +bos hello . i need to book a train ride from ely going to cambridge , can you help me with that ? eos 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 N/A +bos absolutely , you have plenty of options . on 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 'll be leaving on saturday after 12:00. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos i have 6 trains leaving after 12:00 on saturday . do you have a preferred time of arrival to cambridge ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Arrive +bos no , i do not . i would , however , like to know the 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 +bos the travel time is 17 minutes . would you like the departure times ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O N/A +bos could you please confirm that train id number with the travel time for me ? eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos tr4698 leaves at 13:35 and it will take 17 minutes to travel before arriving at 13:52 eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O B-Train-Inform+Arrive N/A +bos thank you . i 'd also like to find a hotel . eos O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos i have about 9 different hotels to choose from . is there a price range that would work better for you so we can narrow it down ? 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 O O O O O Hotel-Request+Price +bos i would like a hotel in the north area in the moderate price range . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O O O N/A +bos the ashley hotel or the lovell lodge should suit your needs . 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 N/A +bos what is the address for the ashley hotel ? eos O O O O O O O O B-Hotel-Inform+Type O Hotel-Request+Addr +bos the address for the ashley hotel is 74 chesterton road . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos well that 's all i needed . you have been very helpful today . eos 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-welcome,general-bye +bos please help me i 'm looking for the addenbrookes hospital . eos O O O O O O O O O O O O Hospital-Inform +bos of course , it is located at hills rd , cambridge , postcode 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 O O O N/A +bos thats all thank you eos 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 please find for me the location of addenbrookes hospital . eos O O O O O O O O O O O Hospital-Inform +bos is is located on hills rd in cambridge . postcode : cb20qq . eos 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 Hospital-Request+Phone +bos the number is 01223245151. is there any department that you 're looking for ? eos O O O O O O O O O O O O O O O N/A +bos hello , i 'd like some information about a hotel called the hamilton lodge , please . 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 N/A +bos the hamilton lodge is a 3 star guesthouse located at 156 chesterton road . would you like to make a reservation ? eos O 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 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 today i was just looking for information . thank you though for your help . eos O O O O O O O O O O O O O O O O O general-thank +bos is that all you need for today ? eos O O O O O O O O O general-reqmore +bos i am also looking for a train leaving from cambridge anytime after 17:00. can you help me with that ? eos O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O O O O O N/A +bos certainly , what day would you like to leave , 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 Train-Request+Dest,Train-Request+Day +bos i need the train to leave cambridge after 17:00 on wednesday heading to kings lynn . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos great . i have 7 trains that meet your criteria . the first one leaves at 17:11 and is every hour thereafter . would you like me to book one for you ? eos O O O O O B-Train-Inform+Choice 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 O Train-OfferBook +bos what is the cost and trainid for the 17:11 train ? eos O O O O O O O O O O O O Train-Inform +bos the cost is 9.80 pounds , and the train id is tr8627 . would you like me to book it for you ? eos 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 O Train-OfferBook +bos no thank you , i 'll take care of it myself . i think that 'll be all for tonight . 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 thank you for using our service . eos O O O O O O O O general-greet +bos i 'm looking for a restaurant that serves afghan food in the south 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 have not found any , unfortunately . would you like to try another area of town 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-NoOffer +bos are there any portuguese restaurants in the south ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos nandos fits your request perfectly ! it 's located at cambridge leisure park clifton way . would you like additional information ? eos O B-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 general-reqmore +bos i would like a reservation for 6 people on wednesday at 13: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 the reference number for your reservation is nmhd1n0r . eos O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you ! can you also help me with a place to stay ? eos O O O O O O O O O O O O O O O general-thank +bos yeah sore you can get one thank you eos O O O O O O O O O N/A +bos i am planning a trip in cambridge eos O O O O O O O O N/A +bos i can help plan your trip ! what do you need ? eos O O O O O O O O O O O O O general-greet +bos i need a train ticket going to cambridge from norwich on saturday anytime after 15:00 eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O O B-Train-Inform+Leave N/A +bos there are 9 trains traveling from norwich to cambridge after that time on saturday . do you need to arrive by a certain time ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Arrive +bos no it does n't matter when i get there . can you pick one , and make me a booking for three people ? i need a reference 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 O O O O O O O Train-Request+Ref +bos okay . i 've booked you three tickets on the tr9724 . your reference number is j87qhbrm . you 'll owe 42.24 at the station . eos O O O O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O B-Train-OfferBooked+Ticket O O O O O O O O O N/A +bos thank you . i also need info on a place to go in the west . any one will do . just something to see . 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 N/A +bos you have a few attraction options in the west area ; colleges , museums and even an entertainment attraction . which one sounds best for your trip ? 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O Attraction-Select +bos can you recommend one and give their post code ? eos O O O O O O O O O O O Attraction-Request+Post +bos how does the clare hall sound ? the postcode is cb39al . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Post O O N/A +bos that sonds great , thanks . thats all i need for 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 am looking for a 3 star hotel to stay in . 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 6 , 3 start hotels in cambridge . do you have a preference for the part of town it is located in ? 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 O O O O O O O O Hotel-Request+Area +bos the hotel should be in the expensive price range . eos O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Price O O O N/A +bos okay , i 've got two that fit the bill . one in the centre of town and one in the south . do you have a preference ? 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+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Select +bos i do , yes . i would like to stay in the center of town . i need it to fit five people , for 3 nights , starting wednesday 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 B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O N/A +bos i am very sorry , but i was unable to book a reservation for you . would you be willing to book a later day or would you be willing to have 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 O O O O O O O O Booking-NoBook,Booking-Request+Stay +bos lets try just booking it for one night . eos O O O O O O O O O O N/A +bos i apologize . one night is not working either . there are guesthouses . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O Booking-NoBook +bos what about the 4 star hotels ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos i do have a four star hotel in the centre of town , but it is also unable to accommodate your guests for 3 days . can you adjust your length of stay ? eos 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 O B-Booking-NoBook+Stay O O O O O O O O O O Booking-Request+Stay +bos can we book the other expensive 3 star hotel for one night starting on wednesday ? eos O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Day O N/A +bos i reserved wednesday night at the university arms hotel for 5 people . your reference number is gm90ey8a . is there anything else ? eos O O O B-Booking-Book+Day I-Booking-Book+Day O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos yes , i also need a train leaving after 18:30 from kings lynn to cambridge . eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos sure i will be able to book you a train , on what particular day will 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 Train-Request+Day +bos same day as my hotel booking . eos O O O O O B-Hotel-Inform+Type O O N/A +bos how many tickets do you need ? eos O O O O O O O O Train-Request+People +bos great ! i will need 5 tickets . eos O O O O O O B-Train-Inform+People O O N/A +bos you are booked for train tr5556 , your reference number is ja6waojc . eos O O O O O O B-Train-OfferBooked+Id O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you . what 's the travel time ? eos O O O O O O O O O O Train-Request+Duration +bos travel time is 47 minutes eos O O O O O B-Train-Inform+Time 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 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 . thanks ! eos O O O O O O O O O O O general-thank +bos no trouble at all , i hope you have a wonderful stay ! eos 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 with free wifi . eos O O O O O O O O O O O O O N/A +bos there are 32 hotels/guesthouses that offer free wifi , do you want to stay on a specific side of town , or a specific amenity you want ? 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+Parking,Hotel-Request+Internet,Hotel-Inform+Internet +bos i would like to be in the south and i prefer a guesthouse . eos O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Type O N/A +bos i have 3 listings in that area , what price range were you looking for ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price +bos price does not matter as long as they have 3 stars . eos O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i have one , the bridge guest house , shall i 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 no , let me check around , i will call back . eos O O O O O O O O O O O O O N/A +bos have a nice day . call back if you need anything . eos O O O O O O O O O O O O O general-bye +bos i am looking for a hotel that include free parking and has a 1 star rating . 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 there are no hotels that meet that criteria . would you like me to expand the search a bit ? 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 Hotel-NoOffer,general-reqmore +bos yes can you find guesthouses meeting that criteria ? eos O O O O O B-Hotel-Inform+Type O O O O N/A +bos i 'm sorry , there are no hotels or guest houses matching that criteria . eos O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O Hotel-NoOffer +bos can you locate a cottage that offers what i am looking for . eos O O O O O O O O O O O O O O N/A +bos there are no cottages . eos O O O O B-Hotel-Inform+Type O Hotel-NoOffer +bos could you please try guesthouse , with free parking and a 4 star then ? eos O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i have 16 entries matching that criteria . 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 O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos could find one in a moderate or cheap price range ? eos O O O O O O O O O O O O N/A +bos sure , there are a few . can i book you a room at one of them ? how about the acorn guest house ? 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 B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O Booking-Inform +bos yes go ahead and try that please . eos O O O O O O O O O N/A +bos how many people are you wanting to book the hotel for ? eos O O O O O O O O O O O O O Booking-Request+People +bos for 8 people . starting from sunday for 4 nights , please . eos O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O N/A +bos the booking for the acorn guest house was unsuccessful . would you like me to look for another hotel for you ? 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 O O O general-reqmore +bos yes , please . in the same price range , if possible . eos O O O O O O O O O O O O O O N/A +bos i have the arbury lodge guesthouse in the same area and price range , would you like me to book that one ? 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 O O Booking-Inform,Hotel-Select +bos yes please try to book that for me thank you . eos O O O O O O O O O O O O N/A +bos i have successfully booked that for you . your reference number is 6nuu0t68 . 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 O general-reqmore +bos nope , that 's all for me . 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 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 place to stay . a guesthouse would be great . eos O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos is there a certain side of town you want to be on ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos no not necessarily . i would like place moderately priced that includes free wifi and also 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 show several hotels that meet those criteria . what day and how many people are you looking to book for ? 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 O O O Booking-Request+Day,Booking-Request+People +bos 6 people for 5 nights starting saturday please . eos O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos i have that reservation made at the acorn guest house for 5 nights . 6 people and you guys will arrive on saturday 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+Stay O B-Booking-Book+People O O O O O O B-Booking-Book+Day O N/A +bos may i have the reference code please ? eos O O O O O O O O O Hotel-Request+Ref +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 yes , please find lodging in the same moderate price range for a hotel instead of a guesthouse , if possible . eos 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 N/A +bos i was able to successfully book you at ashley hotel . the address is 74 chesterton road . the reference number is ginrz444 . eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Booking-Book+Ref N/A +bos thank you so much for your help . eos O O O O O O O O O general-thank +bos you are welcome . may 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 's all i need . thanks again . eos O O O O O O O O O O O O general-thank +bos okay . enjoy your stay . eos O O O O O O O general-bye +bos hello , i 'm looking for a 4 star place on the westside to stay at . eos O O O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Area O O O O O O N/A +bos there are two hotel and one guesthouse that match what you are looking for . do you have a price range ? 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 Hotel-Request+Price +bos yes , i am looking in the expensive price range . also , i would need 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 O O O N/A +bos the huntingdon marriot hotel is located in the west and in the expensive price range . would you like to book ? 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+Price O O O O O O O O O Booking-Inform +bos yes , can you please book me for 6 people and 4 nights starting on monday ? eos O B-Hotel-Inform+Parking 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 , i 've got you booked for 4 days starting monday for 6 guests is this correct ? 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 O O O O O N/A +bos yes . can i get the reference number so i can give it to them when we arrive ? 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 i am sorry . the system will not give me a confirmation number . would you like me 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 O 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 there are no other options in the expensive range , would you like me to try something else ? eos O O O O O O O O B-Hotel-Inform+Price O O O O O O O O O O O Hotel-NoOffer +bos is there another expensive place to stay ? eos O O O O O O O O O N/A +bos i was able to book university arms hotel , reference number is vof0ugng . 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 O N/A +bos thank you , that 's what i needed . eos 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 no thanks for all of your help and putting up with a pain like me ! eos O O O O O O O O O O O O O O O O O general-thank +bos you were great . hope you enjoy your stay . 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 am looking for a hotel that can offer me both free wifi and 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 29 hotels that meet your criteria . do you have a preferred location in the city so we can narrow down your choices ? 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 the location does not matter but i need a 3 star hotel . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos bridge guest house is a 3 star and a nice place.do you want the address ? eos 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 general-reqmore +bos howdy ! is the hamilton lodge still open ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos yes , this guesthouse is open . do you need help with booking ? eos O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O O Booking-Inform +bos yes please . i 'd like a room for 5 people on monday for 5 nights . 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 N/A +bos i am sorry the booking was unsuccessful , can i help you find another place in the same area ? eos 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 another hotel in the same price range ? eos O O O O O O O O O O O N/A +bos would you like to book a room at the acorn guest house ? it is in the moderate price range like the hamilton lodge . 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos yes that will be fine . eos O O O O O O O N/A +bos your booking was successful . your reference number is 1wrsig9u . 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 nope . i think that is all i need . thanks for your help ! eos O O O O O O O O O O O O O O O O general-thank +bos happy to help . have a great day ! good-bye ! eos O O O O O O O O O O O O general-welcome,general-bye +bos are there any boating places in cambridge ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos yes , there are . two are in the center , one in the north , and one is the east . can i get you any additional information ? eos O O O O O O 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 O O general-reqmore +bos pick one and give me the area and entrance fee eos O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Fee +bos the one i would recommend is called camboats . it 's located in the east . i do n't have their entrance fee listed , but you can call them at 01223902112. eos O O O O O O O O B-Attraction-Recommend+Name O 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 O O O O O B-Attraction-Inform+Phone O O O O O N/A +bos okay i also need 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 N/A +bos what is your destination , and did you have a time in mind ? eos 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 want to get off at birmingham new street and will need to leave after 12:45. eos 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+Leave N/A +bos yes i have a train leaving at 13:01. 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 O O O O O O O Train-OfferBook +bos yes 2 tickets please and i need the reference # eos O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos i 've book train tr1051 , for 2 people , departing cambridge at 13:01. the reference number is x3ck0ymz . how can i further assist you ? eos O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+People O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos thats everything thanks eos O O O O general-thank +bos great . i 'm glad i could help you . have a great day . eos O O O O O O O O O O O O O O O O general-bye +bos find me train times from cambridge to london liverpool 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 which day would you be traveling ? eos O O O O O O O O Train-Request+Day +bos wednesday , please . any time after 08:00. eos O B-Train-Inform+Day O O O O B-Train-Inform+Leave O O N/A +bos i have train tr5874 that leaves at 09:59 and arrives in london liverpool street at 11:27. would that suit your needs ? 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 I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O general-reqmore +bos yes , i would like a ticket just for myself . eos O O O O O O O O O O O O N/A +bos i have booked the seat and here is the information-booking was successful , the total fee is 16.6 gbp payable at the station .reference number is : e770z8w7 . 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 I-Train-OfferBooked+Ticket O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you . please also find me a moderately priced hotel on the west side eos O O O O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Area O O N/A +bos yes , hobson 's house matches your request . 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 O O O O O O O O O O O O O O Booking-Inform +bos check first if it has free parking and should have a star of 4 eos O O O O O O O O O O O O O O O N/A +bos it fits that criteria . eos O O O O O O N/A +bos okay , go ahead and book a room . it 's just for me . eos O O O O O O O O O O O O O O O O N/A +bos how many nights would you like ? eos O O O O O O O O Booking-Request+Stay +bos please book for 2 nights , for 1 person starting on monday . eos O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos i 'm sorry , but the hobsons house is a 3 star guesthouse . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos howdy , i 'm looking for a place to stay . i do n't care about internet . 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 hotels in cambridge . what price range would you like , and what area ? 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 Hotel-Request+Area,Hotel-Request+Price +bos i would like a cheap hotel in the north please . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O N/A +bos how about the worth house ? it is a 4 star guesthouse and has free internet and free parking . eos O O O O B-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 O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos yes i like that one with the free wifi . eos O O B-Hotel-Inform+Internet 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 yes and make it for friday for 2 days , and 2 people . eos O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O N/A +bos i booked you at city centre north b and b. your reference number is y87q565o . do you need anything else ? 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+Ref O 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 so welcome . enjoy your stay in cambridge . eos O O O O O O O O O O O O general-welcome,general-bye +bos looking for places to go in town . the attraction should be in the north and should be in the type of mutliple sports 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O N/A +bos i have nothing matching what you are looking for . perhaps another area or another attraction ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area,Attraction-NoOffer +bos i want to stay in the north . are there any attractions with boats ? eos O O O O O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type O O N/A +bos riverboat georgina has nice boats . are you interested ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type O O O O O Booking-Inform +bos i would like their phone number , entrance fee , 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 they are at cambridge passenger cruisers , jubilee house , cb43ax . or call them on 01223902091. eos O O O O O O O B-Attraction-Inform+Addr B-Attraction-Inform+Post I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone O O O O N/A +bos i also need a hotel . one with free wifi and not too expensive . eos O O O O O O O O O O O O O O O O N/A +bos if you want to stay in the north , the acorn guest house is moderately-priced and quite nice . if you want cheap , i recommend worth house . eos O O O O O O O O B-Hotel-Recommend+Area O O O O O 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 O O O N/A +bos okay let 's try the acorn guesthouse . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos okay . would you like to book a room at the acorn guest house ? eos 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 general-greet +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 would be happy to book the acorn guest house for you . can you please tell me the day , length of stay , and the number of people . eos 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 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 actually wo n't need a booking . can you tell me the star of the hotel and if 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 Hotel-Request+Parking +bos the acorn guest house is a beautiful 4-star guest house . they do offer internet and parking . would you like me to provide their contact information for future reference ? 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 O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos no , thank you . could i get the entrance fee of the riverboat georgina ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i am sorry i do not have that information , i can give you their phone number if 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 Attraction-Inform,general-reqmore +bos yes the phone number would be great . what are their hours ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223902091. their website is vague , i 'm afraid you 'll have to call them for their hours . what else can i 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 O O O O O O O O O O O O O O O O general-reqmore +bos no that is it for now thanks eos O O O O O O O O general-thank +bos you 're welcome . have a good visit . eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for college attractions to go to in town . eos O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos how about clare hall on herschel road ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O N/A +bos that sounds good . may i have their postcode and phone number ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number and postcode is : 01223333200 cb21tl eos O O O O O O O B-Attraction-Inform+Phone B-Attraction-Inform+Post O N/A +bos great ! i 'm also looking for a moderately priced restaurant in the north area of town . can you help me with that ? 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 O O O O O O O N/A +bos yippee noolde bar is moderately priced , would you like a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O Booking-Inform +bos yes , please - table for 4 at 13:45 on tuesday 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 booking was successful . the table will be reserved for 15 minutes.reference number is : vhzumk58 . 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 thank you ! eos 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 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 you 're welcome . if anything comes up please return for help . eos O O O O O O O O O O O O O O general-welcome,general-reqmore +bos i need a train departing from cambridge after 09:30. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos there are many trains departing cambridge after 9:30. to what destination would you like to travel and on which day ? eos O O O B-Train-Inform+Choice 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-Request+Dest,Train-Request+Day +bos i would like to go to norwich on monday . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos trains leave hourly to norwich . the closest time available is tr8495 , departing 09:36 and arriving 10:55 , with duration 79 minutes and price 17.60 pounds . would you like to book this one ? eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Arrive 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 Train-OfferBook +bos yes please book tr8495 . eos 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 6 tickets for the train ride please . may i also have the reference number ? eos 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 booking was successful , the total fee is 105.6 gbp payable at the station . your reference number is wreo6qxs . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos i need a hotel in norwich please . eos O O O O O O O O O Hotel-Inform +bos okay to clarify , do you need a hotel in cambridge ? and if so , do you have a certain part of town in mind ? eos 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 O O O O Hotel-Request+Area +bos yes , in cambridge , my mistake . i do say , all this travel is messing with my head ... please find a 4 star guesthouse north of cambridge , with free parking i might add . 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type B-Hotel-Inform+Area O O O O O O O O O O O O O O O N/A +bos i have one inexpensive guesthouse available in north cambridge and several moderately priced ones . do you have a preference ? eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Hotel-Select +bos can you choose one of the moderately priced ones for me , please ? eos O O O O O O O O O O O O O O O Hotel-Request+Price +bos absolutely , what day would you like to book this for ? eos O O O O O O O O O O O O O Booking-Request+Day +bos i 'm not quite ready to book yet , could you just provide their information for me ? eos O O O O O O O O O O O O O O O O O O O N/A +bos yes the acorn guest house is popular and nice . they have both wifi and parking . their address is 154 chesterton road . and their telephone number is 01223353888. is there 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 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 Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos no , that is all i needed . thank you . eos O O O O O O O O O O O O general-thank +bos you 're very welcome . thanks for contacting 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 need to take a train from norwich , leaving after 21:15. eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave 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 would like to go to ely please . eos O O O O O O O O B-Train-Inform+Dest O N/A +bos i do n't have any listings for trains leaving norwich and arriving in ely . would you like to try a different departure station ? eos O O O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart O O B-Train-NoOffer+Dest O O O O O O O O O O O O Train-Request+Depart +bos i meant cambridge please . i would like to arrive in cambridge on monday after 21:15. eos O O O B-Train-Inform+Dest O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave 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 i do n't need anything booked . i just need to get the arrival time , travel time and price of a train from norwich to cambridge leaving after 21: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 B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Leave O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive +bos there are trains arriving at 22:35 , 23:35 and 24:35. they are 17.60 pounds and 79 minutes each . eos O O O O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O B-Train-Inform+Ticket I-Train-Inform+Ticket O O B-Train-Inform+Time I-Train-Inform+Time O O N/A +bos great , thanks ! i 'm also looking for a 4 star hotel in the north . can you please help with that ? eos 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 O O O O O O N/A +bos there are several that meet your criteria . is there a price range you are 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 Hotel-Request+Price +bos i would like to keep it in the moderate range , please . eos O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos i see 7 options . they are all guesthouses . do you have preferences for internet and parking ? eos 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 Hotel-Request+Internet,Hotel-Request+Parking +bos i do not have a preference on those things . eos O O O O O O O O O O O N/A +bos shall i try to start and book you into one ? eos O O O O O O O O O O O O Booking-Inform +bos please book it and provide the reference number . eos O O O O O O O O O O Hotel-Request+Ref +bos how many nights will you be staying ? eos O O O O O O O O O Booking-Request+Stay +bos please book the hotel for 4 people and 2 nights . thank you . eos O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay 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 the same day ... monday please . eos O O O O B-Hotel-Inform+Day O O O N/A +bos i apologize , some of our new workers have phobias of the booking system , i booked you at acorn guest house , the reference number is 04cseo7q any other questions ? eos 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 I-Booking-Book+Name O O O O B-Booking-Book+Ref I-Booking-Book+Ref O O O O O O general-reqmore +bos that 's 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 i 'm happy to help , 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 need some information on a hotel , can you help with that ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos of course ! do you know what area you want to stay in ? eos O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet +bos i need information about the alexander bed and breakfast . eos 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 what would you like to know ? eos O O O O O O O O N/A +bos i need reservations for 5 people and 2 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 your room is booked , reference number 918p1ias . 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 'm also looking for a train to stevenage leaving after 16:15. eos O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos could you tell me what day you wish to travel ? eos O O O O O O O O O O O O Train-Request+Day +bos yes , i need to leave cambridge on monday . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos i have train tr0254 that leaves at 17:21. 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 N/A +bos sure . what is the price and arrival time ? eos O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos arrival is at 18:10 , and the price per ticket is 12.80 pounds . would you like me to book that for you ? eos O O O 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 O O O O O O Train-OfferBook +bos no thank you . i 'll take it from here . you 've been very helpful . 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-thank +bos have a nice day . eos O O O O O O general-bye +bos hi , i 'd like to book a train leaving from birmingham new street and arriving in 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 O B-Train-Inform+Dest O O O N/A +bos when will you be traveling ? eos O O O O O O O Train-Request+Leave,Train-Request+Day +bos i will be traveling on sunday , and need to arrive by 10:00. eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A +bos the train that will arrive closest to your preferred time is tr9637 . it arrives in cambridge at 09:23. does that work for you ? eos O O O O O O 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 O O O Train-OfferBook +bos yes that works great can i have the departure time ? eos O O O O O O O O O O O O Train-Request+Leave +bos it leaves at 06:40. would you like me to book it for you ? eos O O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos yes and i need a place to stay in the east and a 4 star eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars N/A +bos i want to confirm you want to book one seat on the train , is this correct ? eos 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 actually , i 'll book it myself , thanks , but i would like to book a guesthouse as well . 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 i have 24 guesthouse . is there a certain side of town or price range 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,Hotel-Request+Price +bos i would like a moderately priced guesthouse please . eos O O O O O B-Hotel-Inform+Price O O O O N/A +bos there are three 4-star guesthouses in the east in your price-range . will you need free parking ? eos 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 O O O O Hotel-Request+Parking +bos no , that 's not really necessary . what are my 3 choices for guesthouses ? eos 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 guest house , the carolina bed and breakfast , and lastly the warkworth house . the only difference between them is the a & b has no free parking . 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 I-Hotel-Inform+Name O O O O O O O O O O O O O O O O O Hotel-Select +bos i 'll take the carolina bed and breakfast . can i book for 1 person for 5 nights starting from the same day ? let me know the reference number please . 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 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 Hotel-Request+Ref +bos sure , i have booked it foe you . reference number is : hd6bm9ru . eos 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 needed today ! eos O O O O O O O O O O O general-thank +bos enjoy the rest of your day , and your stay in cambridge . eos O O O O O O O O O O O O O O general-bye +bos saturday train from norwich please . eos O B-Train-Inform+Day O O B-Train-Inform+Depart O O N/A +bos the train from norwich to cambridge is about 45 minutes . do you have a preferred departure or arrival time ? eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos yes please . i would like to arrive by 14:00. eos O O O O O O O O O B-Train-Inform+Arrive O N/A +bos the best response i have to that is a train arriving at 13:35. would you like me to book that option for you ? eos 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 Train-OfferBook +bos yes , for 7 people please . eos O O O O B-Train-Inform+People O O O N/A +bos you have been successfully booked for 7 people on train tr2334 , reference number 01mdbeib . it departs norwich at 12:16. your total cost is 98.56 and is payable at the station . eos O O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Ref O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ticket O O O O O O O O O N/A +bos i am also looking for a place to stay . i 'd like a hotel with a star of 4 of course that will include free parking . 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 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 +bos before you book , the hotel has to be in the north , also . do you have a hotel meeting my needs ? eos 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 O O O N/A +bos the cambridge belfry is perfect for you . would you like 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 O O O O O O Booking-Inform +bos yes , please book that for the same group of people for 4 nights the same day . wednesday would work also , and i need the reference number . 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+Stay O O O O O O O O O O O O O O O O O N/A +bos unfortunately , i ca n't book either days for you . eos O O O O O O O O O O O O Booking-NoBook +bos is there any other hotels that would work in that area that are 4 star ? 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 do n't have any hotels in that area that are 4 star . i do have several guesthouses . would that work for you ? eos O O O O O O O O O O O O B-Hotel-NoOffer+Stars O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O Hotel-Select,general-reqmore +bos no , i would really like a 4-star hotel in the north area with free parking . can you please check again ? 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 N/A +bos sorry , there are only guesthouses . eos O O O O O B-Hotel-Inform+Type O O N/A +bos i guess we will take a guesthouse then . which one would you recommend ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos i recommend the acorn guest out . shall i book that then . eos 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,Hotel-Inform +bos yes for 4 nights same group of people as the restaurant reservation and also on the same day please . 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 N/A +bos great , i have booked you for acorn guest house . your reference number is o2jpqng5 . 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 N/A +bos thank you very much . that 's all i need . eos 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 +bos i 'm looking for a hotel room . can you help me find one ? eos 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 nine hotels you can stay at what area and price range do you want ? 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 Hotel-Request+Area,Hotel-Request+Price +bos i would prefer 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 what area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos the area does not matter . eos O O O O O O O N/A +bos well the autumn house is my recommendation , cheap price four stars and located in the east . would you care for more info or a booking ? eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price O O O O O O O B-Hotel-Recommend+Area O O O O O O O O O O O O Booking-Inform,general-reqmore +bos yes . book for 7 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 i was able to book the room , your reference number is 2bu7s7ni . would you like any more assistance 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 yes , i would like to book a train from cambridge to stansted airport please . eos 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 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 travelling on wednesday . eos O O O O O O B-Train-Inform+Day O N/A +bos what time would you like to leave and/or arrive on wednesday ? eos 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 14:15 and would like to book on the same day as the hotel booking , please . 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 N/A +bos i have train tr7996 that leaves at 13:40 and arrives by 14:08. would you like any tickets ? 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 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 booking was successful , the total fee is 70.7 gbp payable at the station .reference number is : 3xbebg2w . 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 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 nice day , goodbye . eos O O O O O O O O general-bye +bos i sure could use a nice hotel to stay in . can you find me one in the east ? i do n't need free wifi . 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+Area O O O O O O O O O N/A +bos there are three cheap options in the east . leverton house , autumn house , and allenbell . would you like the phone number for any of them ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Price O O O B-Hotel-Inform+Area 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 general-reqmore +bos i am look for a hotel on the east with free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos the express by holiday inn cambridge is in the east with free parking and interenet . it is in the expensive price range . 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 I-Hotel-Inform+Name 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 O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos is that a hotel ? eos O O O O B-Hotel-Inform+Type O N/A +bos yes , that is a hotel . should i make a booking for you ? eos O O O O O B-Hotel-Inform+Type 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 it does . would you like reservations ? eos O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos how many stars ? eos O O O O O Hotel-Request+Stars +bos it 's a 2-star hotel . eos O O O B-Hotel-Inform+Stars O O O N/A +bos that will be okay . can you book that ? eos O O O O O O O O O O O N/A +bos i 'd be happy to book it for you ! i just need to know what day you 're arriving , how many nights you 're staying , and 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 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 i do n't need hotel reservations . i just need address , price range , star of the hotel . 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 Hotel-Request+Price,Hotel-Request+Addr +bos it is a 2 star expensive hotel , their address is 15-17 norman way , coldhams business park , phone number is 01223866800. is there anything else i can assist you with ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 from cambridge to stevenage on wednesday . eos 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 travel ? eos O O O O O O O O O Train-Request+Leave +bos we need to leave after 17:45. eos O O O O O O B-Train-Inform+Leave N/A +bos when would you like to arrive by ? eos O O O O O O O O O Train-Request+Arrive +bos no preference just fine a train that leaves after 17:45. eos O O O O O O O O O O B-Train-Inform+Leave N/A +bos i have train tr0609 leaving at 19:21 and arriving at 20:10. 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 please book 3 seats and send the reference number . eos O O O O B-Train-Inform+People O O O O O O Train-Request+Ref +bos the reference is lib89a1w . eos 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 have a nice day . eos O O O O O O general-bye +bos is there a train that leaves to london liverpool street on friday ? thankyou . 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 N/A +bos there are several , do you have a specific time you 'd like to leave or arrive ? 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+Arrive,Train-Request+Leave +bos can you help me find a train 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 train tr5154 leaves friday to london liverpool street at 5:59 and arrives by 7:27. would you like me to book this for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest 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 that works . i just need one ticket . eos 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 : 0xovbbaj . will there be 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 general-reqmore +bos yes i need to find a guesthouse that has a 4 star rating , i hate dirty hotels , do n't you ? eos O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O 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 Hotel-Request+Area +bos i am interested in staying in the south . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos i found 2 guesthouses in the south both have a 4 star rating . there are two price ranges cheap and moderate , which do you prefer ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars 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 Hotel-Select +bos i have no preference . i need to book a room for 2 nights starting wednesday . 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 i suggest rosa 's b ed and breakfast . would you like to book that ? 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 Booking-Inform +bos yes , please and let me know if the booking is successful . eos O O O O O O O O O O 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 just 1 will be staying there . i do need the reference number . eos O O O B-Hotel-Inform+People O O O O O O O O O O O N/A +bos your reference number is vfxj5fem . eos O O O O O B-Booking-Book+Ref O N/A +bos ok thank you that is 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,general-greet +bos hi , i 'm looking for a 4 star place to stay . eos O O O O O O O B-Hotel-Inform+Stars 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 does the acorn guest house have internet and parking ? eos O O O O O O O O O O O N/A +bos yes it has free parking and wifi . eos O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i was wanting to stay in a hotel , 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 . 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 O O O O O O N/A +bos i see three 4 star hotel listings that offer free parking . eos O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O Hotel-Inform+Parking +bos do all of them have free wifi ? eos O O O O O O O O O N/A +bos the cambridge belfry has free parking and wifi , it is four stars , located in the west and at a cheap price , would you like me to book you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Stars O 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes can you make me a booking for 2 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 O O N/A +bos ok i will book it for you 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 O Booking-Inform,general-reqmore +bos please help me find a guesthouse to stay in that has free wifi . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos 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 Hotel-Request+Area +bos i do n't care . i want a 5 star rating though . eos O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos i would need an area to narrow the search for you . eos O O O O O O O O O O O O O Hotel-Request+Area +bos any are would be fine . can you just check if you have anything that 's 5 star rated ? 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 not have anything that meets that criteria . eos O O O O O O O O O O O Hotel-NoOffer +bos how about one that is a 0 star ? eos O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i have two with a 0 star rating , one in the north and one in the centre . do you have a preference ? eos O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Select +bos no , it does n't matter . thank you . eos O O O O O O O O O O O general-thank +bos i recommend el shaddai . can i get you information on it ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O general-reqmore +bos book it for 4 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 you are booked with reference number 9n3uajna . anything else i can help with ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos thanks . i also need a train departing from cambridge after 11:00. eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos there are many , would you be departing on sunday ? eos O O O O O O O O O O O O Train-Request+Day +bos 4 people leaving cambridge and going to london liverpool street on friday , departing after 11:00. please give me the travel and arrival time as well as the price . eos O O B-Train-Inform+People 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 O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos your tickets have been booked . your reference number is 7lbiw6sb . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thank you and please inform of the travel time and departure time . eos O O O O O O O O O O O O O O Train-Request+Duration +bos you 'll be leaving cambridge at 11:59 on friday , for a travel time of 88 minutes . eos O O O O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O O O O O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O O N/A +bos okay . thank you for al 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 i am all set . 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 place to stay , a hotel maybe , that has free wifi and should be a 4-star 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+Stars O O N/A +bos we have several that might suit you . the cambridge belfry is quite economically priced in the west , and there are also the huntingdon marriott and the university arms . eos O O O B-Hotel-Inform+Choice 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos i 'm looking for a cheap one , which hotels fit into that price range ? eos O O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos the cambridge belfry is in the west and cheap . would you like to me to book that for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O O O O O O O O O O O Booking-Inform +bos what type of hotel is it and what is the postcode ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Type +bos it is a regular hotel and the postcode is cb236bw . would this one interest you ? eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Post O O O O O O O N/A +bos maybe , i 'll decide once i get there . speaking of which , can you help me with a train to cambridge ? 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 N/A +bos sure i can help with that , what time would you like the tickets for and how many ? 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+People +bos i 'd like to leave after 10:30 and depart from birmingham new street on tuesday . 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 O O N/A +bos train tr0734 leaves at 12:40. can i book you a seat on it ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos yes , actually i 'd like to book 7 seats on it . eos O O O O O O O O B-Train-Inform+People O O O O O N/A +bos good news ! booking was successful , the total fee is 525.69 gbp payable at the station .reference number is : n680oygm . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos i believe that will do it . thanks for your help ! eos O O O O O O O O O O O O O general-thank +bos you 're so welcome . goodbye ! eos O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for a train to peterborough leaving after 17:00. eos O O O O O O O O B-Train-Inform+Dest O O O O O N/A +bos no problem . where are you leaving from ? eos O O O O O O O O O O Train-Request+Depart,general-greet +bos cambridge , on tuesday . eos O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos there are several trains available . is there a time you would like to 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 Train-Request+Arrive +bos i would like to leave after 17:00 eos O O O O O O O B-Train-Inform+Leave N/A +bos oh , i 'm sorry , you said that earlier . the tr9395 leaves cambridge at 17:06 and arrives in peterborough at 17:56. would you like me to book you on it ? eos 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 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 O O O O O O general-greet,Train-OfferBook +bos yes book it for me.i also need a guesthouse hotel with free parking . eos O O B-Hotel-Inform+Parking O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos we have many guesthouse hotels with free parking . do you have a price point or a specific area you would like for the guesthouse to be in ? eos 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 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 would like something in the moderate price range , i am on a budget . eos 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 12 guesthouses that meet your criteria , do you have any additional criteria or would you like me to make a recommendation ? 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 general-reqmore +bos could you tell me the star of the hotel and whether 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 acorn guest house has 4 stars and does also indeed , have internet . eos 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 O Hotel-Recommend+Internet +bos that 's all i need . thank you for your help with my travel plans . 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 no problem . can i just ask if you wanted me to actually book a train for you ? the reservation never went through . eos O O 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,Train-OfferBook +bos no , i just needed the info , that is all i need for now . bye . eos O O 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 good day . eos O O O O O O O O O general-welcome,general-bye +bos i 'd like to find a hotel in the centre 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 sure thing . there are 2 hotels available , gonville hotel and university arms hotel . which hotel do you prefer ? eos O O O 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 O Hotel-Select +bos which hotel is a star of 3 ? eos O O O O O O O O O Hotel-Inform +bos gonville , shall i book it for you ? eos O B-Hotel-Inform+Name O O O O O O O O Booking-Inform +bos yes , that would be fine . please book it for 7 people starting tuesday for 2 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 afraid the booking was unsuccesful . 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos let 's try it for one night then please eos O O O O O O O O O O N/A +bos success . your reference number is nqf2r59k . eos O O O O O O B-Booking-Book+Ref O O N/A +bos thank you . i also need a train going to london liverpool street on wednesday . 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+Day O O N/A +bos do you have a departure or arrival time you would like ? eos O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i am leaving from cambridge and need to arrive at london liverpool street by 08:00 for a meeting . eos O O O O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos tr1047 will get you there by 7:27 , will that work for you ? eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos yes please book the the train for 7 people and can i get 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 the booking was successful , the total fee is 116.2 gbp . reference number is : 1p1t8f7d . may i help 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos no , that 's all i need right now . thank you and 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 general-bye +bos the duration lasts 88 minutes . have a nice day . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O general-bye +bos i 'm looking for a train that leaves on tuesday to cambridge , please . eos 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 kindly narrow down your specifications so that i can find you a train that suits you best , like time of arrive and departure eos O 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 +bos i want to depart from stevenage and would like to arrive in cambridge by 16:30. eos O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos what time would you like to leave at ? eos O O O O O O O O O O Train-Request+Leave +bos i do n't care about departure time as long as i get there before 16:30. eos O O O O O O O O O O O O O O O O Train-Request+Leave +bos alright , tr1830 arrives by 14:43 , does that suit your needs ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O N/A +bos yes , i think that will work . can i get the price and departure 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 O Train-Request+Price,Train-Request+Leave +bos it costs 12.80 pounds and it leaves at 13:54. would you like me to book you seat ? eos 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 Train-OfferBook +bos no thanks . no booking for today . can you help me find a place to stay.. a hotel maybe ? 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 N/A +bos do you have any other preferences ? eos O O O O O O O O general-reqmore +bos yes , a hotel preferably with free parking . eos O B-Hotel-Inform+Parking O B-Hotel-Inform+Type O O O O O O N/A +bos we have 8 hotels with free parking , such as the 4 star huntingdon marriott in the west . is there any particular price range or location you need ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Stars B-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 Hotel-Request+Area,Hotel-Request+Price,Hotel-Inform+Parking +bos i do n't care about the location , but i would like to be in the moderate 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 Train-Request+Price +bos that narrows it down to 2 choices . i have the ashley hotel and the lovell lodge . both are hotels located in the north . both have a 2 star rating . eos O O O 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 O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O O O O O O N/A +bos please book ashley for 7 people and 4 nights . eos O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O N/A +bos from which day will you be needing the hotel ? eos O O O O O O O O O O O Booking-Request+Day +bos tuesday , get me the reference number please . eos O B-Hotel-Inform+Day O O O O O O O O Hotel-Request+Ref +bos i was unable to book the ashley hotel for those times . 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 yes please try the lovell lodge . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos i am unsuccessful with those days . would you like to try a different number of days 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+Day,Booking-Request+Stay +bos can we try three nights ? eos O O O O O O O N/A +bos yes , i was able to book the lovell lodge for 3 nights . the reference number is m9tetw62 . 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+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 no that is all the help i need . goodbye ! 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 hi there . i 'm looking for a particular hotel called the a and b guest house . 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 N/A +bos i have the places info here , what may i help you with ? eos O O O O O O O O O O O O O O O Hotel-Inform,general-reqmore +bos i need to book the hotel for 2 people for 2 nights 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 okay , you 've been booked ! your reference number is gpu1z9pm . eos O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos ok , thank you ! i am also looking for a train for monday that leaves after 10:15 , could you help me with that ? eos 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 O O O O O O O O N/A +bos yes , there are a lot of options . do you know what station you 'd like to travel in to or out of ? eos O O 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 from cambridge to kings lynn please . eos O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos tr3566 is the first train leaving cambridge to kings lynn on monday . it departs at 11:11 and arrives at 11:58. how amny tickets would you like to book ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 O O B-Train-Inform+Arrive O O O O O O O O O O Train-Request+People +bos i would like 2 tickets please . eos O O O O O B-Train-Inform+People O O N/A +bos that would be 19.6 gbp payable at the station . the reference number is 7xtp6m2a . is there anything else i could help you with ? eos 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 thank you . that will be everything i need 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 hi . i am looking for a train going to cambridge on thursday . can you help me ? eos 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 N/A +bos train tr2775 departs from london kings cross . eos O O B-Train-Inform+Id O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos no , i need a train that departs from stansted airport and it should leave after 11:30. eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave O N/A +bos the first train to cambridge from the airport after 11:30 is tr9775 , leaving at 12:24 and arriving in cambridge at 12:52. will that work ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O Train-Select +bos i think so . what exactly is the travel time on that one ? eos O O O O O O O O O O O O O O O Train-Request+Duration +bos the travel time on that route is 28 minutes . is there anything else i can help you 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 O O O general-reqmore +bos i 'm also looking for a particular hotel . the name is leverton house . eos O O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos would you like me to make a booking for you ? eos O O O O O O O O O O O O Booking-Inform +bos please . i 'd like a room for myself , i 'll be checking in on thursday and would like to stay for two days . 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 O O O O N/A +bos 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 ? eos O O O O O O O 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 okay , try for one night instead please . eos O O O O O O O O O O N/A +bos booking was successful for thursday for one night . your reference number is : gmaau9le . can i help you with anything else today ? eos O O O O O B-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 general-reqmore +bos no , you have been a great help . thank you and goodbye ! eos O O O O O O O O O O O O O O O general-bye +bos thank you , and please remember you can contact us at any time if you need any 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 O general-bye +bos hi . i 'm looking for a hotel in the east . the internet is not needed . eos 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 there are no hotels that do not have internet , but 7 which do have it . do you have a specific price range you 'd prefer ? 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 O O O O Hotel-Request+Price,Hotel-Inform+Internet +bos no , but it should have free parking , please . eos O O O O O O O O O O O O N/A +bos the express by holiday inn cambridge is in the area and has free parking , would you like more information ? 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 O O Hotel-Inform+Parking,general-reqmore +bos is that a guesthouse or a hotel ? i 'd really prefer a guesthouse . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O N/A +bos it 's a hotel . there are 5 guesthouses in the area . do you prefer cheap or moderate for the 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 O O O Hotel-Request+Price +bos the price does n't really matter . i just need free parking . it does n't really need to have internet 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 N/A +bos there are 5 guesthouses that have free parking . should i book one of them 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 Booking-Inform,Hotel-Inform+Parking +bos okay , none of them do n't offer free wifi ? if not , i 'll need the address for one that does have wifi , please . tell me about your favorite . eos O O O O O O O O O O O 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 allenbell is a guesthouse on the east . the addres sis 517a coldham lane post code cb13js . eos O O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Type O O B-Hotel-Recommend+Area O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O B-Hotel-Recommend+Post O N/A +bos great . can you help me with a train as well ? i 'm looking to come in 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 O O N/A +bos what is your destination ? and do you have any preference for day , 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+Day,Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive +bos i want to go from cambridge to ely , no preference for time but i need to book for 8 people . eos 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 N/A +bos there are trains that run every two hours every day starting at 5:50. do you know what day you 'd like to travel ? eos O O 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 O O Train-Request+Day +bos i 'm looking for wednesday , arrive by 11:30 for 8 people please . eos O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 35.2 gbp payable at the station . you reference number is 7zcvr4q3 . 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 N/A +bos no , i do n't need anything else right now . thank you for your 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 general-bye +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 could you find me a hospital in town ? eos O O O O O O O O O O Hospital-Inform +bos yes , addenbrookes hospital is in your area , would you like me to book you an appointment ? eos O O O O O O O O O O O O O O O O O O O O general-reqmore +bos do they have a transitional care department ? i would also like to know the postcode and phone number . eos O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O O O O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos yes they have transitional care . their post code is cb20qq and the phone is 01223254668. 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 O O O O O O O O O N/A +bos no , i 'll just head down , so i do n't need anything else at the moment . 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 good luck , sir ! eos 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 at hills rd , cambridge , postcode cb20qq . are you looking for 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 N/A +bos no , but can i please get their main phone number ? eos O O O O O O O O O O O O O Hospital-Request+Phone +bos 01223245151 , is the phone number.anything else ? eos 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 thank you for using our system today ! eos O O O O O O O O O general-bye +bos i need directions to go to addenbrookes hospital to visit a sick friend . eos O O O O O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is located at hills rd , cambridge , postcode cb20qq . 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 N/A +bos yes , if you could please ? eos O O O O O O O O N/A +bos their phone number is 01223245151. eos O O O O O O N/A +bos thanks , that 's all i need today . goodbye ! eos O O O O O O O O O O O O general-bye +bos thank you for using us have a nice day . eos O O O O O O O O O O O general-bye +bos i need a nearby hospital . eos O O O O O O O Hospital-Inform +bos hello , the closet hospital is addenbrookes eos O O O O O O O O N/A +bos can i get their main phone number please ? and the postcode if you have it . eos 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 hospital number is 01223245151 and the postcode is cb20qq . do you need the number for any of the departments within the hospital ? eos O O O O O 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 needed today . thank you . eos O O O O O O O O O O O O general-thank +bos you 're quite welcome , have a wonderful day ! eos O O O O O O O O O O O general-bye +bos can you help me find a hospital close by for an injury i have ? eos O O O O O O O O O O O O O O O O Hospital-Inform +bos i have information for addenbrookes hospital at hills rd , cambridge . if you have a certain department you would like to contact , i can get that number 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 just need the adress and the postcode if you have it . eos O O O O O O O O O O O O O O Hospital-Request+Post +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 okay that is all i needed . eos O O O O O O O O N/A +bos okay . glad i could be of help . eos O O O O O O O O O O general-bye +bos can you tell me how to get to addenbrookes hospital ? eos O O O O O O O O O O O O Hospital-Inform +bos i could just call an ambulance eos O O O O O O O N/A +bos i need the address of the hospital and the phone number of the transplant high dependency 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 I-Hospital-Inform+Department O O O O Hospital-Request+Addr,Hospital-Request+Phone +bos the address for the hospital is hills rd in cambridge . the phone number for the transplant high dependency unit is 01223216811. 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 that 's all i needed , thank you ! eos O O O O O O O O O O O general-thank +bos ok , please do n't hesitate to contact me again if you need more help . bye . 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 hospital with an emergency department . eos O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O N/A +bos i 've got addenbrookes hospital at hills rd , cambridge . would you like the number ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes , please . may i also have the postcode ? eos O O O O O O O O O O O O Hospital-Request+Post +bos the post code is cb20qq , anything else you need ? eos O O O O O O O O O O O O N/A +bos no , that 's all . thanks for your help ! eos O O O O O O O O O O O O general-thank +bos the phone number for the emergency department is 01223217118 if you needed that too . 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 N/A +bos can i have their address ? eos O O O O O O O Hospital-Request+Addr +bos addenbrookes hospital is located at hills rd , cambridge . do you need any more information ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes could i have their postcode as well ? eos O O O O O O O O O O Hospital-Request+Post +bos certainly the postcode is cb20qq . what else can i do for you today ? eos O O O O O O O O O O O O O O O O N/A +bos 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 general-thank +bos no problem . bye . eos O O O O O O general-welcome,general-bye +bos i am looking for the addenbrookes hospital , can you please help me ? eos O O O O O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is located at hills rd , cambridge , cb20qq and 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 thank you ! that 's all i needed . 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-welcome,general-bye +bos please , i need to find a hospital in town , will you please help me ? eos O O O O O O O O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is a great choice , their address is hills rd , 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 Hospital-Request+Phone +bos the phone number to addenbrookes hospital is 01223245151. is there anything else i may 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 N/A +bos what is their address ? eos O O O O O O Hospital-Request+Addr +bos their address is hills rd , cambridgepostcode : 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 N/A +bos no that it is it . thank you . eos 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 what is the local hospital ? eos O O O O O O O Hospital-Inform +bos that is addenbrookes hospital , hills rd , postcode cb20qq . the phone number is 01223245151. eos 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 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 thanks you too . eos 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 attractions in the centre part of town . eos O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos there are lots of attractions in the centre ! do you have a specific type in mind ? eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Type +bos not really . would you be able to recommend one ? eos O O O O O O O O O O O O N/A +bos all saints church has great architecture and is free . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Price O N/A +bos sounds great . can i get their address and phone number please ? eos O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos all saints is on jesus lane , phone is 01223452587 eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Phone O N/A +bos i am 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 N/A +bos there are several , do you have a particular price range in mind ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Price +bos no . as long as its in the same area , please book me a table for 2 at 15:00 for monday . 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 great ! how about the golden curry , expensive price range restaurant in city centre . i have made reservations as requested . your reference # aycp806a . will this work ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 , thanks ! can i also get a taxi from all saints to the golden curry ? i need to make sure i make it there by the reservation time . 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 O O O O O O O O O O O O O O O O N/A +bos you 're all set ! you 'll be picked up by a blue volvo ; the contact number is 07138116280. can i help you with 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 B-Taxi-Inform+Phone 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 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 what can you tell me about the lovell lodge ? eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos it is a hotel in the north part of town in the moderate price range with a 2 star rating , free internet , and free parking eos 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+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos thanks , could you give me the address and phone number ? eos O O O O O O O O O O O O O general-thank +bos no problem . the lovell lodge is located at 365 milton road and their phone number is 01223425478. is there anything else i can help you with ? 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 B-Hotel-Inform+Phone O O O O O O O O O O O general-welcome,general-reqmore +bos nope , that 's all thank you ! 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 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 peking restaurant is expensive and in the south part of town . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos actually , i 'm trying to find a restaurant with italian food . is there any place like that that has the same requirements ? 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 frankie and bennys is an italian food restaurant in the expensive price rang and the south part of town . eos 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 B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos what is its postcode and address ? eos O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos sure . their address is cambridge leisure park clifton way cherry hinton and their postcode is cb17dy . would you like their telephone number as well ? 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 O O O O O O O O O O O general-greet,general-reqmore +bos no , thanks eos O O O O general-thank +bos would you like any more information about the restaurant or assistance in booking a reservation ? eos O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos no . i 'm looking for a train . the train should depart from cambridge and should leave on friday . eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O O O O N/A +bos there are 202 entries found . where are you headed to ? eos O O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Dest +bos i 'm headed to norwich and need to be there by 8:30. can i get the train id and it 's travel time ? eos 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+TrainID +bos there are 2 trains available . one departs at 05:36 and the other departs at 06:36. do you have a preferred departure time ? eos O O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-Select +bos give me the train id and travel time for the train the departs at 05:36. eos 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 id is tr2534 . would you like to book this train ? eos O O O O O B-Train-Inform+Id O O O O O O O O O Train-OfferBook +bos yes please . eos O O O O N/A +bos okay , how many tickets would you like ? eos O O O O O O O O O O Train-Request+People +bos actually , i do n't need to book the train 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 O O O Train-Inform +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 that is all thank you . eos O O O O O O O general-thank +bos i 'm happy to have been of 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 i need to book a train from cambridge to stevenage . eos 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 depart ? eos O O O O O O O O O Train-Request+Day +bos i am leaving on tuesday , and would like to arrive by 8:30. eos O O O O O O O O O O O O O O N/A +bos when would you like to depart cambridge ? i have multiple options that would have an arrival time prior to 8:30 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 B-Train-Inform+Arrive O Train-Request+Leave +bos departure time is flexible , but mid-day would be nice . eos O O O O O O O O O O O O Train-Request+Leave +bos there are 2 midday trains : tr6009 departs at 11:21 and tr0743 departs at 13:21. could i book one of these for you ? eos O O O O B-Train-Inform+Choice O O 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 Train-OfferBook +bos yes please , the tr6009 sounds good . eos O O O O O O O O O N/A +bos ok. i will book the tr6009 for you . how many tickets should i book ? 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 just one please . eos O O O O O N/A +bos booking was successful , the total fee is 12.8 gbp payable at the station and your reference number is 7hk6895i . can i assist you any further ? 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 general-reqmore +bos yes . i would like a guesthouse with free wifi , please . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O N/A +bos sounds good . i will be glad to take care of that for you . eos O O O O O O O O O O O O O O O O general-reqmore +bos thanks ! i need a 0-star place . eos O O O O O B-Hotel-Inform+Stars O O O N/A +bos i found 2 places matching that , city centre north b and b , and el shaddai . which would you like to book ? 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 I-Hotel-Inform+Name O O O O O O O O O Booking-Inform +bos can you tell me if either of these have free parking ? eos O O O O O O O O O O O O O Hotel-Request+Parking +bos yes , both the city centre north b and b , and el shaddai have free parking . 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 O O Hotel-Select,Hotel-Inform+Parking +bos i do n't care . eos O O O O O O N/A +bos alright . how many people are you booking for ? what night will begin your stay , and how many night 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 Booking-Request+Day,Booking-Request+Stay,Booking-Request+People +bos i do n't need rooms reserved at this time . that was actually all the information 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 O O O O O O O O O general-thank +bos it was my pleasure to help . you have a wonderful day . eos O O O O O O O O O O O O O O general-greet +bos hello , i 'm trying to find an expensive restaurant in the south . suggestions ? 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 the good luck chinese food takeaway and peking restaurant service chinese . the taj tandoori serve indian , frankie and bennys is an italian restaurant , and chiquito restaurant bar is a mexican 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-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos okay , please make a reservation at frankie and bennys for 8 people at 18:30 on friday . 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 ok i have book you the restaurant for 18:30 friday they will reserve the table for 15 minutes and your reference number is okhx70us eos O O O O O O O O O B-Booking-Book+Time B-Booking-Book+Day I-Booking-Book+Day O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos i also need info on a hotel called the kirkwood house . eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos the kirkwood house is a guesthouse in the moderate price range with a 4 star rating . it also has free parking and wifi eos 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+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos thank you for all your help today i think that is everything . goodbye . eos O O O O O O O O O O O O O O O O general-bye +bos okay great , have a good day ! eos O O O O O O O O O general-welcome,general-bye +bos okay , thanks , bye ! eos 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-greet +bos i 'm looking for places to go in town eos O O O O O O O O O O N/A +bos okay ! what kind of place would you like to visit ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos i would like to go to a museum in the south . i need the postcode and entrance fee . 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 O Attraction-Request+Post,Attraction-Request+Fee +bos byard art is located in the south . the postcode is cb21sj and does n't charge an entrance fee . can i help with anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Post I-Attraction-Inform+Post 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 i also need a place to stay at with free wifi and parking . eos O O O O O O O O O O O O O O O N/A +bos well i have a lot of places matching that description so can we narrow those choices by selecting an area for the hotel to be located in ? 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 O O O O O Hotel-Request+Area +bos lets try the south side . eos O O O O B-Hotel-Inform+Area O O N/A +bos are you looking for a guesthouse or a hotel ? eos O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos either will be fine eos O O O O O N/A +bos i have 3 guesthouses and 1 hotel . do you have a ratings preference ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Hotel-Request+Stars +bos i 'm sorry i do want to stay at a hotel , not a guesthouse . i will just need the price range and post code please . 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 O Hotel-Request+Post,Hotel-Request+Price +bos the lensfield is nice its expensive and the postcode is cb21en , anything else today ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O B-Hotel-Recommend+Post O O O 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 O Taxi-Inform +bos sure , which place do you want to be picked up at and at what time ? 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 +bos i 'd like to be picked up at byart art museum by 21:00. could you please book a taxi for me . 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 N/A +bos what is your destination ? eos O O O O O O Taxi-Request+Dest +bos i want to go to the hotel . eos O O O O O O O B-Hotel-Inform+Type I-Taxi-Inform+Dest N/A +bos okay , you 're all set ! you will be picked up in a yellow bmw . the contact number is 07193150653. 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 B-Taxi-Inform+Phone O 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 excellent , have a great day ! eos O O O O O O O O general-bye +bos i need to take a train to cambridge on tuesday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos ok , what are your travel times ? eos O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos it does n't matter when i leave , as long as the train arrives in cambridge by 17: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 O N/A +bos may i please get your place of departure ? eos O O O O O O O O O O Train-Request+Depart +bos i 'm going to be leaving birmingham new street and need to arrive by 17: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 N/A +bos okay . the tr0749 meets your criteria . would you like to make a booking ? eos O 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 not at this time but can you also find me an architecture attraction in the centre of town . 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 i 'd recommend all saints church . would you like more information on it ? eos 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 N/A +bos please give me the telephone number , email address , address and admission fee for all saint church ? 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 O O Attraction-Request+Phone +bos they offer free entrance . they are located on jesus lane . phone number is 0122345287. unfortunately , they do not provide us with email addresses . anything else i can help with ? eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-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 O O O O O O O general-welcome,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 welcome . thank you for using our services . 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 do you have any trains leaving after 15:00 on thursday ? eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos yes , there are many . what is your destination ? eos O O O O O O O O O O O O Train-Request+Dest +bos my destination is norwich departing from cambridge . eos O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O N/A +bos tr8604 leaves at 15:36 , would this one work 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 yes , that would be find . i 'll need to book tickets for 7 people . can i have the reference number please ? 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 Train-Request+Ref +bos booking was successful , the total fee is 123.2 gbp payable at the station .reference number is : kshhcwce . 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 ! can you help me find somewhere to eat now ? eos O O O O O O O O O O O O O O general-thank +bos sure , i can help you with that . do you have a preference in food type 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 Restaurant-Request+Price,Restaurant-Request+Food +bos yes , do you have a place that serves corsican food ? i also need it to be on the cheap side . eos 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 N/A +bos no , unfortunately , i do not have any cheap corsica restaurants . would you like to look for another restaurant ? 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+Name +bos bummer ! i guess i 'll try some asian oriental food then eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos i have two that fit your criteria ! dojo noodle bar , and j restaurant are both in the city centre area . do you have a preference ? eos 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 O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O O O O O O O N/A +bos can you suggest one and i need the address , postcode and their phone number 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+Phone,Restaurant-Request+Addr +bos i 'd recommend the dojo noodle bar . the address is 40210 millers yard city centre . the postcode is cb21rq . the phone number is 01223363471. eos 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 I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O B-Restaurant-Recommend+Post O O O O B-Restaurant-Recommend+Phone O O O O N/A +bos wonderful ! 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 N/A +bos you 're welcome , have a great day ! eos O O O O O O O O O O general-welcome +bos howdy ! i 'm craving some cheap italian food , you got any place like that ? 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 i recommend zizzi cambridge . it 's in the centre of town . eos O O O 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 O O N/A +bos i would like to book it on wednesday , 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 your booking was successful . the table will be reserved for 15 minutes . the reference number is 5d5kcz65 . 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 yes , i 'm also interested in things to do in the centre area . can you make some 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 do you have a certain type of attraction you would like ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos i 'm actually open to anything to recommend as long as its in the centre eos O O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos we have a lot of architecture in the centre . holy trinity church and old schools are very nice . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 I-Attraction-Recommend+Name O O O O N/A +bos what is old schools ? and is there an entrance fee ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O Attraction-Request+Fee +bos old schools is an architecture attraction in the centre area of town . it is free ! eos O 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 B-Attraction-Inform+Fee O N/A +bos that sounds perfect ! i think that 's all i need for today . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos thanks for using our system today ! eos O O O O O O O O general-bye +bos i 'm looking for a place to stay that includes free wifi and parking . eos O O O O O O O O O O O O O O O O N/A +bos we have 29 places that include both , did you want me to narrow things down with a couple more searches ? 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-Inform+Internet,Hotel-Inform+Parking +bos i really do n't like hotels . i never have a good experience . so , maybe a guesthouse might be a better option for me . 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 N/A +bos ok , there are 21 guesthouses for you . to narrow it down more , do you have an area of town you want to stay in or a pricerange in mind ? 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 O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos can you find one that will take a booking for thursday and friday for eight people ? eos O O O O O O O O O O O O O O O O O O N/A +bos yes if you tell me your price range . eos O O O O O O O O O O Hotel-Request+Price +bos i do n't have a price range any one you recommend will be fine . eos O O O O O O O O O O O O O O O O N/A +bos i would recommend allenbell . eos O O O O B-Hotel-Recommend+Name O N/A +bos can you book 8 people for 2 nights staring from thursday for me ? i will need a reference number as well . 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 O O O O O O O O O Hotel-Request+Ref +bos your reference number is gue0lwwa eos O O O O O B-Hotel-Inform+Ref N/A +bos okay . thank you . i 'm also looking for a train that 's departing from kings lynn heading to 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 B-Train-Inform+Dest O O O O O N/A +bos when are you looking to travel ? eos 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 specific arrival or departure time in mind ? eos 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 9:00. eos 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 can you help me find a moderately priced 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 O N/A +bos sure , i can help with that . is there a certain cuisine you are 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 no preference really . whatever you recommend eos O O O O O O O O N/A +bos how about asian oriental that is in the moderate price range located in the centre of town ? eos O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O B-Restaurant-Recommend+Price O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos cool i would need the address , postcode , and phone number . 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 okay , the yippee noodle bar is at 40428 king street city centre postal code cb11lh and it 's number is 01223518111. is there anything else i can help you with ? eos O 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 I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O general-reqmore +bos okay , great . i 'm also looking for an attraction in the same area . i 'd like it to be 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 Attraction-Inform +bos how about the cherry hinton village centre ? 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 perfect ! do you know the entrance fee ? 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 Attraction-Request+Fee +bos there is no information on the entrance fee since there are a variety of facilities . anything else i can help with ? eos 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+Type O O O O O O O O O O general-reqmore +bos i need to book a taxi to commute between the 2 places . i want to leave the restaurant by 14: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 where will you be headed ? eos O O O O O O O Taxi-Request+Dest +bos i 'll be headed to the cherry hinton , of course . 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 N/A +bos great . you should expect a blue volkswagen . you can contact them on 07261965496 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 's all i need for now . eos O O O O O O O O O O O O general-thank +bos great , i hope you have a great visit ! eos O O O O O O O O O O O general-bye +bos thanks so much you have been a huge help . eos O O O O O O O O O O O general-thank +bos have a nice day . good bye . eos O O O O O O O O O general-bye +bos i would like to find a train leaving on thursday . eos O O O O O O O O O O B-Train-Inform+Day O N/A +bos i 'd be happy to help you with that . where are you departure and arrival locations ? 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 i will be leaving from kings lynn , traveling to cambridge . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A +bos we have nineteen trains available that day . what time would you like to leave by ? 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 anytime after 13:30 would be great . eos O O O B-Train-Inform+Leave O O O O N/A +bos okay the tr2162 leaves at 14:11. eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos what 's the arrival time for that train ? eos O O O O O O O O O O Train-Request+Arrive +bos that train arrives at 14:58. will that work for you ? eos O O O O O B-Train-Inform+Arrive O O O O O O N/A +bos as long as it leaves after 13:30 , yes . eos O O O O O O O B-Train-Inform+Leave O O O N/A +bos it leaves at 14:11. would you like to book it ? eos O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos not right now . i 'm also looking for an entertainment attraction on the east side of town . i 'll need their phone number and postcode . eos 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 O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos okay we have two . the cherry hinton hall and grounds and funky fun house . eos 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 I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O N/A +bos can you send me the phone number and postcode for the funky fun house ? 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 Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223304705 with post code cb58hy eos O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Post N/A +bos thank you . that 's all i need for now . good-bye . 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 hi there , please find me a restaurant on the east side that serves russian 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 'm sorry , i ca n't find anything like that . eos O O O O O O O O O O O O O Restaurant-NoOffer +bos what about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos curry prince is in the east part of town in the moderate price range would you like to try that ? 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O N/A +bos yes , can you help me book a table for one at curry prince ? 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 , what day and time ? eos O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos on thursday at 12:30 for 1 person . eos O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A +bos you are all set , the reference number is y6l0viwc , 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 yes , thank you . i also need a train to stansted . eos O O O O O O O O O O O O O O Train-Inform +bos okay , great . we have a lot of results . would you like to narrow it down by departure location , day , departure time or arrival time ? eos O 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 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 +bos i 'd be leaving from cambridge , and would like to arrive by 9:00 on friday . eos O O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Day O O O N/A +bos i have train tr0916 that will leave at 07:40 and will arrive at the airport at 08:08. will that work for you ? eos O O O O B-Train-Inform+Id O O 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 N/A +bos excellent can i get 1 ticket 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 10.1 gbp payable at the station .reference number is : 74nepluk . can i hlep 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 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 is it . thank you ! eos O O O O O O O O O general-thank +bos ok. thank you . goodbye eos O O O O O O general-welcome,general-bye +bos hello , can you help me find a pricey singaporean restaurant in cambridge ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are none available , do you have another type of food . eos O O O O O O O O O O O O O O Restaurant-NoOffer +bos i sort of really had my heart set on singaporean food . eos O O O O O O O O O O O O O N/A +bos i 'm so sorry ! checked my sources and do n't see a singaporean restaurant in any part of town . may i help you in some other way ? eos 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 O O O O O O O general-greet,general-reqmore +bos yes can you find me a hotel that is cheap ? eos O O O O O O O O O O O O Hotel-Inform +bos in what area would you like the hotel to be ? eos O O O O O O O O O O O O Hotel-Request+Area +bos sorry that last sentence must have been a bad connection , disregard that . still looking for a restaurant , are there any expensive indian ones 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-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A +bos there are several . may i suggest curry garden is located in the centre and has an expensive price range . would you like a reservation ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform +bos yes , can you book a table for 8 people on saturday at 15: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 O N/A +bos a table is booked for saturday for 15:45 at 8 and for 8 people . reference number is b00kvhn 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 also looking for a place called cambridge and country folk museum . eos O O O O O O O O O O O O O O O N/A +bos the cambridge and country folk museum is located in the west . it has an entrance fee of 3.50 pounds . can i tell you anything else about it ? 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 O O B-Attraction-Inform+Area 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 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 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 need a taxi to take me to the restaurant from the museum . eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos what time of day would you like this booking for ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i need to get to the restaurant in time for the reservation . eos O O O O O O O O O O O O O O Restaurant-Inform +bos excellent . you are all set with a red skoda . the contact number is 07563648759. anything else i can help 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 general-greet,general-reqmore +bos no thanks that is all eos O O O O O O general-thank +bos enjoy your stay with us ! eos O O O O O O O general-bye +bos can you help me find an interesting college to visit ? eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos i can definitely help you find one of the many colleges in the area to visit . 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 O O O O O O O O Attraction-Request+Area,general-greet +bos can you recommend one to visit 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 sure , there are 13. most are free but some have an entrance fee . eos 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 N/A +bos what 's your favorite of them ? and what is its entrance fee ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i think you would like christ 's college and the entree fee is free . eos O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Fee O O N/A +bos i 'm also looking for a restaurant called the gandhi . can you help me find it ? 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 N/A +bos yes , it 's in the city centre . would you like me to book a table for you ? 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 O Booking-Inform +bos yes i need it booked for 8 people sunday at 12:45. eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos yes the reservation was successful and the booking number is susiyci0 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos great , thanks ! that 's all i need today . goodbye ! eos O O O O O O O O O O O O O O general-bye +bos goodbye , enjoy your stay ! eos O O O O O O O general-bye +bos i would like to find some entertainment in the centre of the city . 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 i do n't have anything that meets those criteria . can i check something else for you ? eos O O O O O O O O O O O O O O O O O O O general-reqmore,Attraction-NoOffer +bos how about some architecture to visit in the center ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i am showing 5 architecture in the centre . i could recommend all saints church . eos O 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 O N/A +bos ok , what 's the phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos they are reachable at 01223452587 , anything else that i can assist with ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos yes , please find a restaurant in the moderate price range and same area as the attraction . 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 i am showing 21 restaurants in that area and price . is there a certain cuisine you would enjoy ? 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 Restaurant-Request+Food +bos how about portuguese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos unfortunately , there are no portuguese restaurants that meet your requirements . can i look for something else for you ? eos 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 how about international food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos i am showing two international restaurants near the centre . the varsity restaurant and bloomsbury restaurant . would you like more information on either one ? eos O O O O O 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 O O O O O O O O O O Restaurant-Select,general-reqmore +bos please book the varsity for 5 people on tuesday at 17:00. 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 sure , your booking was successful . the table will be reserved for 15 minutes , reference number e8sv1e0d . may i assist 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 O general-reqmore +bos that is all thanks . 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-welcome,general-bye +bos i need to take a train going to cambridge on thursday . eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day 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 will be leaving from kings lynn . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos do you have a time you would like to travel ? eos O O O O O O O O O O O O Train-Request+Leave +bos i need to arrive by 12:15 eos O O O O O O B-Train-Inform+Arrive N/A +bos i have a train that arrives by 11:58. may i book it 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 for 6 people . eos O O O O O B-Train-Inform+People O N/A +bos okay . i have booked your train for 6 people with a total fee of 58.8 gbp payable at the station . your reference number is rtp2bqmf . eos O O O O O O O O O O B-Train-OfferBooked+People 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 N/A +bos great ! thanks ! i 'm also looking for something to do in the centre of town , can you tell me what 's in that area ? 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 O N/A +bos i have many options including architecture , cinemas , theaters and museums . eos O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos whatever you recommend , i just need the name and entrance fee , if you will . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos let me see what i can find . eos O O O O O O O O O general-greet +bos i am looking for a place to go in the centre . an attraction . please tell me about some places . 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 N/A +bos sorry , caught me napping . old school is a great place for architecture , would you like more info ? eos O 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 O O O general-greet,general-reqmore +bos yes thanks . that sounds great . i am just interested in 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 it is 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 for now . eos O O O O O O O O O N/A +bos no thank you that will be all eos O O O O O O O O general-bye +bos i 'm looking for an attraction in the west . eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos are you looking for anything in particular ? there are museums , colleges , and an entertainment venue on the west side of town . eos 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 B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O Attraction-Request+Name +bos i think a museum sounds good . eos O O O O B-Attraction-Inform+Type O O O N/A +bos there are several in that area . 4 has no entrance fee and 1 costs 3.50 pounds . did you have a preference ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O Attraction-Select +bos i suppose i could visit the one that cost . could i get the address , phone number and postcode to that location 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+Phone,Attraction-Request+Addr +bos cambridge and county folk museum is located at 2-3 castle street post code cb30aq . their phone number is 01223355159. is there anything else i could help you with ? 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 O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Post O O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos actually , i 'm looking for an expensive place to eat after i visit the museum . i 'm hoping for latin american food . eos O O O O O O B-Restaurant-Inform+Price 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 i 'm sorry , there are none that meet your criteria . is there anything else you would prefer , or maybe a not-so-expensive restaurant ? eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Select+Price O O O O O O Restaurant-NoOffer +bos how about indian food . eos O O O B-Restaurant-Inform+Food O O N/A +bos there are five options , but i recommend maharajah tandoori restaurant , would you like more information or a booking ? eos O O O B-Restaurant-Inform+Choice I-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 Booking-Inform,general-reqmore +bos okay , please book for tuesday at 13:15. it 'll be 5 of us dining . i 'll need the reference number eos 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 O O O O O O O Restaurant-Request+Ref +bos i am sorry , our system is down and i ca n't get that booked right now . 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 O O O O Booking-NoBook,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 your all set ! sorry for any confusion . your ref number is 9uqfb5ua make sure you get there 15 minutes ahead ! 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 general-greet +bos thank you . what kind of car will they be driving ? eos O O O O O O O O O O O O O general-thank +bos they will be driving a white skoda . is there anything else i can help with ? 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 general-reqmore +bos do you have their contact number ? eos O O O O O O O O N/A +bos yes , their contact number is 07346227585 eos O O O O O O B-Taxi-Inform+Phone O N/A +bos ok , i guess that is all . thanks a lot ! 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 general-welcome +bos 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 . eos O O O O O O O O O O O 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 cambridge has many important and historic sites to visit , can you tell me what types of attractions interest you most ? 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 O O O O Attraction-Request+Type +bos 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 expensive 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 B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O O N/A +bos there are 33 restaurants including bedouin which is african cuisine . eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O N/A +bos sounds good , could you book me a table for 5 on monday at 17: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 N/A +bos congradulatoions your reservation was successful . your reference number is 4h8l8vfa eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos after dinner we would like to visit a park . can you find one for me . please let me know the entrance fee , postcode , and area . thank you ! 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 Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Fee +bos sure , there are a number of parks . was there a specific area of town you were looking for ? 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 O O O O O O O Attraction-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 Attraction-Request+Area +bos i recommend wandlebury country park on the south side of town . entrance is free and the postcode is cb223ae . 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 I-Attraction-Recommend+Area O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O N/A +bos thank you . could you also 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 Taxi-Inform +bos definitely ! what time would you like to leave bedouin ? eos O O O O O O O O O O O O Taxi-Request+Leave,general-greet +bos no , i need a taxi to bedouin . i want to arrive by the booked time . eos O O O O O O O B-Taxi-Inform+Dest O O O O O O O O O O O N/A +bos your taxi reservation was successful . the contact number is 07420542713. is there anything else i can do for you ? eos 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 N/A +bos great . what kind of car will i be riding in so i do n't get into the wrong 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 red toyota , they can be reached at 07420542713 if there are issues , any other questions today ? eos 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 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 . have a wonderful day ! eos O O O O O O O O O O general-welcome,general-bye +bos i want some help finding a place 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 center , of many types . quieter fare includes architecture , parks and museums . if you 'd like more excitement , we have boats and nightclubs . 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 O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O N/A +bos how about nightclubs ? what is one that you would suggest ? eos O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos i would highly recommend the ballare . what would you like to know about it ? eos O O O O O O B-Attraction-Recommend+Name O O O O O O O O O O general-reqmore +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos the entrance fee for the ballare 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 yes , i am also looking for a restaurant in the same area as the ballare . eos 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 . was there a particular type of food you were 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,general-greet +bos do you have any modern glodal ones ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos nothing matches for modern global , can i run a search for a different food type ? eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O O Restaurant-Request+Food +bos how about international ? eos O O O B-Restaurant-Inform+Food O N/A +bos there are two options . i 'd recommend the varsity restaurant . would you like to book a table ? eos 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 Booking-Inform +bos i do n't need a reservation but i do need the address , phone number and price range . 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+Price,Restaurant-Request+Addr +bos the varsity restaurant is located in the centre of town serving international food . it is a moderately priced place located at 35 saints andrews street city centre . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos and what is their phone number ? eos O O O O O O O O Restaurant-Request+Phone +bos their phone number is 01223356060. can i help you with anything else ? eos O O O O O B-Restaurant-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 alright , have a wonderful time in cambridge ! eos O O O O O O O O O O general-bye +bos hello , i 'm looking for a place to go in the north . could you suggest some places ? 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 milton country park is in the north and has free admission . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee 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 . their phone number is 01223420060. is there anything else i can assist 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 yea i also need a train that goes to cambridge and should leave after 17:30. eos O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Leave N/A +bos what day will you be traveling , and where would you like to depart 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 +bos i 'm leaving kings lynn on wednesday . eos O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O N/A +bos is there a time you would liek to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos arrival time does not matter , just leave after 17:30 eos O O O O O O O O O O O N/A +bos how many people would you like to book ? eos O O O O O O O O O O Train-Request+People +bos i need to book for two people and 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 have a train leaving at 18:11. will that do ? eos O O O O O O O B-Train-OfferBook+Leave O O O O N/A +bos that would work . can you book that please ? eos O O O O O O O O O O O N/A +bos you train has been booked . total fee is 19.6 gbp which is payable at the station . your reference number is 5pvb9xyj . 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 N/A +bos perfect ! that is 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 you 're welcome . have a nice day . eos O O O O O O O O O O general-welcome +bos hi there ! can you give me some info on cityroomz ? eos O O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos cityroomz is located at sleeperz hotel , station road in the centre area . it is a moderatley priced hotel with a 0 star rating . 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 O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 Booking-Inform +bos yes please . i need it for 7 people for 3 nights starting on 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 O N/A +bos how many days would you like to book it for ? eos O O O O O O O O O O O O Booking-Request+Stay +bos i would like to book it for 3 nights beginning on tuesday . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos ok , your rooms have been booked . your reference number is cyjdar7r . 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 O general-reqmore +bos yeah , i need a restaurant in the west and with expensive pricing . 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 there are 9 expensive restaurants in the west area . do you prefer a certain type of food ? eos 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 O Restaurant-Request+Food +bos no , i do n't have a preference , but i need 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos i recommend graffiti , the number is 01223277977 and the postcode is cb30lx . would you like me to book a table for you ? eos O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O O O B-Restaurant-Recommend+Post O O O O O O O O O O O O O Booking-Inform +bos no , right now , i just need the infor . thanks ! 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 today ? eos 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 thank you for using our system . eos O O O O O O O O general-welcome +bos hi , i want a place to eat in the town centre . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos is there a specific price range or type of food you would like ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos expensive and european food please ? eos O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos i would recommend eraina , located on free lane city centre . eos 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 O O N/A +bos yes , i would like that choice . can you book me a table for 5 people ? eos O O O O O O O O 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 : 65f65vjp . 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 also give me information regarding a hotel called the bridge 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 O N/A +bos i 'd be happy to . it is a 3 star , moderate price range guesthouse located in the south part of town . would you like to reserve a room ? eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price O 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 O O O O O O O O O O Booking-Inform,general-greet +bos yes please book 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 O N/A +bos sorry , which day was that for ? eos O O O O O O O O O Booking-Request+Day +bos saturday , please . sorry , i do n't know how i forgot that information ! eos O B-Hotel-Inform+Day O O O O O O O O O O O O O O O N/A +bos done ! your reference number is e8kmb5oz . 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-greet,general-reqmore +bos i will need a taxi between the two places in time for the restaurant reservation . ( though , oddly enough , you did n't even ask about that when you made the rez.. ) eos O O O O O O O O O O O O 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 yes that is odd . what time did you need that booked for ? it looks like it was booked with no 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 Taxi-Request+Leave,general-greet +bos i need the taxi to get me to the restaurant by the booked time eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos what time do you want to leave ? eos O O O O O O O O O Taxi-Request+Leave +bos i would like to leave at 16:00 to ensure i make the restaurant on time . please provide me with a contact number and the car type . 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 O O O O O O O O Taxi-Request+Car +bos booking completed ! booked car type : red skodacontact number : 07228054313 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 can you please confirm that the restaurant is booked for saturday at 17:00 ? eos O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos the booking was already done . eos O O O O O O O Booking-Book +bos okay , i 'm all set then . thank you so much . eos O O O O 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 want a place to eat that serves swiss food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are no restaurants with swiss food kindly suggest another , eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O Restaurant-Request+Food +bos how about does anyone serve european food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have many places serving european food . do you have a price range preference ? eos 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 O O O Restaurant-Request+Price +bos it does n't matter . please make a recommendation and book a table for 8 people at 11:30 on saturday . 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 N/A +bos michaelhouse cafe , 15-19 trumpington street , reservation for saturday for 8 people . the table will be reserved for 15 minutes . reference number vrzwvkt7 . will there be anything else today ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People 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 needing help finding a room . i do n't care if they offer free parking or internet . 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 so many choices for you . it would be better to narrow the down by area . 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 i 'd like a hotel in the south 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 . eos O O O O O O O B-Hotel-Inform+Area 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 O O O N/A +bos i would recommend rosa 's bed and breakfast . would you like to make a booking ? 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 i do n't need a reservation right now but can i get more information ? eos O O O O O O O O O O O O O O O O N/A +bos rosa 's is a guesthouse in the cheap price range . it has 4 stars . the address is 01223512596 and the postcode is cb22ha . do you need more information ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Addr O O O O B-Hotel-Inform+Post O O O O O O O O O O general-reqmore +bos ok that sounds nice please book that for 3 nights for 8 people starting on saturday . 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 your room has been booked . your reference number is jxkuvl9y . eos 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 O general-thank +bos may i assist you with anything else today ? eos O O 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 Taxi-Inform +bos when would you like to leave by ? eos O O O O O O O O O Taxi-Request+Leave +bos i would like to leave in time to arrive at the restaurant for my reservation at 11:30. eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time N/A +bos ok i need departure location , arrival location and travel time to book your taxi . 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+Dest +bos i will be leaving rosa 's bed and breakfast and heading to the restaurant . please ensure the taxi arrives before 11:30. eos 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 O O O O O O O B-Taxi-Inform+Arrive O O N/A +bos okay i have booked the taxi and you should expect to see a yellow skoda and your contact number is 07075628107. 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 have a nice day . eos O O O O O O N/A +bos thank you . have nice trip and call back with any questions . 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 moderate priced place to dine in the centre of town eos O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O N/A +bos i 've got many here that match that description . would you like a specific food type ? maybe british food ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O B-Restaurant-Select+Food 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 jinling noodle bar is a chinese restaurant in the centre , 11 peas hill city centre 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 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 great ! can you see if there 's a table for 3 available at 16:00 on monday ? 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 your table for 3 has been reserved on monday at 16:00 at jinling noodle bar . your reference number is 3ul0pl4q . can i help with anything else today ? eos O O O O O B-Booking-Book+People O O O B-Booking-Book+Day O B-Booking-Book+Time 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 N/A +bos great . i also need to find a place to stay in the same price range as the restaurant and i am looking for 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 O B-Hotel-Inform+Type O N/A +bos would you also like that in the same area as the restaurant ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos yes , please , so moderately priced hotel in the centre . eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Restaurant-Inform+Area O O O N/A +bos i have one listing for cityroomz in the centre of town . eos O O O O O O B-Hotel-Inform+Name O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos great , we need that booked as well starting monday for 5 nights . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos will there be three people for the hotel reservation as well ? eos O O O O O O O O O O O O O Booking-Request+People +bos yes , i need a booking for 3 people . eos O O O O O O O O B-Hotel-Inform+People O O N/A +bos booking was successful ! your reference number is zxknh4xd . 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 N/A +bos i also need a taxi . eos O O O O O O O Taxi-Inform +bos your taxi is booked from cityroomz to jinling noodle bar for arrival at your 16:00 reservation . your taxi is a red honda . the contact number is 07715873440. anything else ? eos O O O O O O B-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 O B-Taxi-Inform+Arrive 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 no you have been great ! 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 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 moderately priced place to stay . eos O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are 3 hotels and 12 guesthouses in the moderate price range . what type of place do you want to stay at ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type B-Hotel-Inform+Price O O O O O O O O O O O O O O Hotel-Select +bos i would like a 4 star place to stay in but i do n't need parking . 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 depending on location , you have quite a few options . lets try narrowing down which area and other options you might want . in the east area a and b guesthouse would be good . there are several choices for 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 O 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O Hotel-Request+Area +bos i 'm not concerned about area , but i do need a hotel . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos i have none that are in the moderate price range with 4 stars . would you like to try a different search ? eos O O O O O O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O B-Hotel-NoOffer+Stars O O O O O O O O O O general-reqmore +bos are you sure ? it does not need to have free parking . eos O O O O O O O O O O O O O O N/A +bos i 'm sorry , but i 'm sure there are no hotels matching your criteria . would you like to search in any price range ? 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 Hotel-Request+Price +bos i think a bed and breakfast would be fine . i just need a moderate price range 4 star place . eos 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 N/A +bos avalon is a 4 star guesthouse in the north . it is moderately priced . would you like to book a room ? eos 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+Area O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Booking-Inform +bos yes , i want to book it for 1 people and 2 nights starting from 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 i have that booked for you ! booking was successful.reference number is : bq10xuij . eos 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 table for 1 on thursday at 16:45 at india house . can you do that for me ? 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O N/A +bos your table for 1 at india house this thursday at 16:45 booking was successful . the table will be reserved for 15 minutes . your reference number is : osuo8ydy . eos O O O O O O O O O O O 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 a taxi that will take me from the avalon to the india house by 16:45 , can you book that for me ? eos O O O O O O O O O O O O B-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 O N/A +bos yes , the booking is completed . car type is grey lexus and contact number is 0766024206. 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 well thank you thats all 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 want to try a local restraint , can you help ? eos O O O O O O O O O O O O O Train-Inform +bos by restraint , do you mean a restaurant ? eos O O O O O O O O O O N/A +bos yes , sorry . i would like to try indonesian food tonight and i would like it in centre please . 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+Area O O O N/A +bos i do n't have anything that meets those requirements . can i try something else ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos are there any lebanese options available ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos yes ! the ali baba is a moderately-priced lebanese restaurant in the centre of town . would you like to reserve a table ? eos 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos yes , i would like to book a table for 6 people at 20:00 on thursday . please give me a reference number . i am also looking for a 4 star guesthouse . 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 O O O B-Hotel-Inform+Stars O O O O O Restaurant-Request+Ref +bos your reference number is amv1fotc . would you like me to find a guesthouse in the city centre ? eos O O O O O B-Booking-Book+Ref O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O Hotel-Request+Type,Hotel-Request+Area +bos the location does n't matter , it just needs to be cheap . eos O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos alexander bed and breakfast is a cheap , four star guesthouse in centre . would you like me to book it 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+Price B-Hotel-Inform+Stars O B-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O O O O O O O O O Booking-Inform +bos no thanks do they have free internet ? if so i need the postcode for it . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Post +bos they do have free internet . the postcode is cb12de . can i help you with anything else ? eos O O O O O O O O O B-Hotel-Inform+Post O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos i need to book a taxi to commute between the two places , from the hotel to the restaurant . 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 O O O O O O O O O O O O O O O O N/A +bos alright , be on the look out for a red lexus . here is the contact number for the taxi service , 07962943978. is there 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 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 need . thank you . eos O O O O O O O O O O O O general-thank +bos you are welcome . have a wonderful visit . 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 O O general-welcome,general-bye +bos i want to find a zero star rated hotel . eos O O O O O O O O O O O N/A +bos interestingly enough , i have 3 of those ! do you have a certain area in mind ? i have places in the north and centre . 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 B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O O O Hotel-Request+Area +bos it should be in the cheap price range eos O O O O O O B-Hotel-Inform+Price O O N/A +bos there is a guesthouse located in the north and a guesthouse located in the centre , do you have a preference of area ? eos O O O O O O O O O O O O O O O B-Hotel-Select+Area O O O O O O O O O N/A +bos i would prefer the centre please . eos O O O O O O O O N/A +bos i have the el shaddai guesthouse . should i go ahead and book that now ? eos 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 can you please book that ? eos O O O O O O O O N/A +bos for how many people do i book and for how long ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos 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 . eos O O O O O O O O O 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 their address is 41 warkworth street , cb11eg . their phone number is 01223327978. they do indeed have free parking . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O O O O O O O O Hotel-Inform+Parking +bos great , thank you so much ! now i just need to find a place to eat . eos O O O O O O O O O O O O O O O O O O O general-thank +bos i have many different options for restaurants . do you have a preference of the area , price range , 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 O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area +bos let 's look for a cheap place . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are quite a few chinese restaurants in that area . how about golden house ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos sounds fine . could you make a reservation for 4 at 11:45 on wednesday ? i will need the reference number too 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 Restaurant-Request+Ref +bos i have made the reservation . your reference number is fzt238p9 . 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 thank you that will be all . eos 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 do you have information on all restaurants ? i 'm looking for a certain one . eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos there are 110 entries . is there a type of food you are searching for ? 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 i want to book a table for 4 people at 16:15 on tuesday in a restaurant called little seoul . please provide me with 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O N/A +bos your booking was successful and the reference number is v44g1k2d . they will hold your table for 15 minutes on tuesday at 16:15. 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 O O O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O O general-reqmore +bos yes . i am looking for a 3-star guesthouse . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos there are four different guesthouses that meet your requirements . did you want it in a specific area ? 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 O O O O Hotel-Request+Area +bos yes it must have wifi and be moderately priced eos O O B-Hotel-Inform+Internet O O O O O O O N/A +bos the bridge guest house is available . would you like me to book it ? 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 Booking-Inform +bos yes , please . for the same number of people , 2 nights , and the same day . i will also need a reference number . 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 O O O O O O O N/A +bos i was able to book that for you and your reference number is 2399p9me . eos 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 will need a taxi to get from one place to the other , please . eos O 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 leaving from the guesthouse and need a taxi for 4 ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos yes , just as long as i 'm at the restaurant in time for the reservations . eos O O O O O O O O O O O O O O O O O O N/A +bos the taxi picking you up will be a black fordcontact number : 07355341802. is there anything else i can assist you with ? eos O O O 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 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 for using our services . eos O O O O O O O O general-welcome +bos you are welcome for using your services . goodbye now . eos O O O O O O O O O O O O general-bye +bos okay , have a good trip goodbye eos O O O O O O O O general-bye +bos what kind of sports attractions are available 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 currently no available sports attractions in the centre of town . is there anything else i can do for you ? 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 I-Attraction-NoOffer+Area O O O O O O O O O O O general-reqmore +bos i am looking to go to a college then instead . eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos christ 's college is in town centre , located at saint andrew 's street . it has free entrance . do you want their contact number ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O 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 O O O O O N/A +bos yes , i will need the phone and address please . also , what is their 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+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos it is free to enter . the phone number is 01223334900 and the address is saint andrew 's street . can i help with anything else ? eos O O O B-Attraction-Inform+Fee 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 general-reqmore +bos i am also looking for a hotel to stay at with free wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos i see 3 hotels in the centre of the city , all have wifi for free , cityroomz is moderately priced . gonville and university arms are available . would you like to try them ? eos 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 I-Hotel-Inform+Area B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 Hotel-Inform+Internet +bos do any of the hotels have free parking ? eos O O O O O B-Hotel-Inform+Type O O O O N/A +bos the gonville hotel and the university arms hotel both have free parking . 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 Hotel-Inform+Parking +bos will you please book me at the gonville hotel for 2 people and 2 nights starting from wednesday . also may i get the reference number 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 B-Hotel-Inform+Day O O O O O O O O Hotel-Request+Ref +bos alright i 've got you booked , the reference number is wxc38spv . 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 . thank you ! eos O O O O O O O O O O general-thank +bos you 're 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 hello , do you know of any points of interest in the centre 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 there are 44 attractions in the center of town . what types are you interested in ? 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 Attraction-Request+Type +bos i 'm not sure . what types of attractions are there ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos you could visit a church or college . there are also 8 museums that are free of charge to enter . eos 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+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos i would like to visit a college . may i have the entrance fee and postcard ? 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 there is christ 's college , which has a free entrance fee . their postcode is cb23bu . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Post O O O O N/A +bos can i have information for a train departing from ely ? i 'm looking to arrive in cambridge by about 15:15 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 O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O N/A +bos tr3412 will arrive around 11:52 on tuesday if you 're interested in that . eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O N/A +bos i 'll take it for just me what is the travel time , and the price 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 the travel time is 17 minutes and the price is 4.40 gbp . 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 N/A +bos great thank you i think i have all the information i need eos O O O O O O O O O O O O O general-thank +bos would you like me to book that train for you ? eos O O O O O O O O O O O O Train-OfferBook +bos no thank you . appreciate the 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 i need a taxi , please . 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 want to be picked up from lynne strover gallery eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos where will you go ? eos O O O O O O Taxi-Request+Dest +bos i am going to the junction . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos what time do you want to be picked up at the gallery ? eos O O O O O O O O O O O O O O Taxi-Request+Leave +bos i do n't care about departure time but i need to arrive at the junction by 20:15 , please . 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 N/A +bos i have you booked into a black lexus . eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 07776842697. can i help you with anything else ? eos O O O O O B-Taxi-Inform+Phone 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 have a good one ! eos O O O O O O general-bye +bos i would like to eat at an expensive european food restaurant eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are five european restaurants , which area would you like to dine 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 the area does n't matter . can you make a recommendation , please ? eos O O O O O O O O O O O O O O O N/A +bos i would recommend eraina , it is at free school lane city centre . 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 N/A +bos great , can you book me a table for 2 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 unfortunately eraina is not available at that time . would you like to try the city stop restaurant ? eos O O B-Restaurant-Inform+Name O O O O B-Booking-NoBook+Time I-Booking-NoBook+Time I-Booking-NoBook+Time 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 sure , that would work . eos O O O O O O O N/A +bos please book another day or time slot . the place could be full eos 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 17:00 ? eos O O O B-Restaurant-Inform+Time O N/A +bos booking was successful . your reference number is kanpywac , eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks , that is all i need today . eos O O O O O O O O O O general-thank +bos the address for the restaurant is cambridge city football club milton road chesterton and the phone number is 01223363270. you will fond the restaurant in the north area of town . 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 O O O O B-Restaurant-Inform+Phone O O 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 i 'm looking for a moderate place to stay in the centre . eos O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O N/A +bos the city room hotel meets your requirements . do you need the phone number ? 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 does it have four stars ? eos O O O O O O O N/A +bos i 'm sorry , it only has 0 stars . would you like to try a different part of town ? 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+Area +bos no i would like to stay in the centre . can you recommend a cheap one in that area 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 O N/A +bos the alexander bed and breakfast has 4 stars and is within your price range . would you like me to book that 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 B-Hotel-Recommend+Stars O O O O O O O O O O O O O O O O O Booking-Inform +bos what their address ? do they have free parking ? eos O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Addr +bos the address is 56 saint barnabas rood , and they do have free parking . 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 Hotel-Inform+Parking +bos great can i also find a restaurant in the centre of town in the cheap price range ? eos 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 N/A +bos there are over 110 entries that fit the area and price range , what food type did you have in mind ? 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 O Restaurant-Request+Food +bos i do n't have a preference for food type . i do need reservations for 8 at 12:00 on thursday . 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 O N/A +bos that booking was unsuccessful . could you do another time ? eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos yes , how about 11:00 instead ? eos O O O O B-Restaurant-Inform+Time O O O N/A +bos okay you have reservations at dojo noodle bar and your reference number is wjjdibtf . 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+Ref O N/A +bos great . thanks so much . can you also get me a taxi from the alexander b & b to dojo noodle bar and get me there by 11:00 ? 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 O O O B-Taxi-Inform+Arrive O O O O O N/A +bos booking completed ! booked car type : grey toyotacontact number : 07149685492 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 , thank you , that will be all . goodbye eos O O O O O O O O O O O O general-bye +bos thank you and enjoy your visit to cambridge . 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 i am looking for the addenbrookes hospital eos O O O O O O O O Hospital-Inform +bos addenbrookes hospital is located at hills rd , cambridge , postcode cb20qq . 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 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 you are most welcome ! eos O O O O O O general-welcome +bos i need to find a hospital please with a infusion service department . eos O O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O O N/A +bos the telephone number is 01223586967 eos O O O O O O N/A +bos can i get the address please ? eos O O O O O O O O Hospital-Request+Addr +bos the address is hills rd , cambridge , cb20qq . 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 N/A +bos no , that 's all . good bye . eos O O O O O O 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 general-bye +bos i am looking for a place to stay . the hotel should be in the north and should be in the type of guesthouse 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 B-Hotel-Inform+Type O N/A +bos there are many results for a guesthouse in the north , what price range are you looking for ? eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price +bos i do n't care about the price but it needs to be a four star hotel . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos i have 8 options . guesthouse for all of them . do you have a price range preference ? 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 Hotel-Request+Price +bos i need a place with 4 stars . eos O O O O O O O B-Hotel-Inform+Stars 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 do they have internet and what 's the price range ? eos O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Internet +bos yes , they have free wifi and it 's moderately priced . eos O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O Hotel-Inform+Internet +bos ok that is all i needed for now . thanks ! 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 am looking for the addenbrookes hospital eos O O O O O O O Hospital-Inform +bos addenbrookes hospital is located at hills rd , cambridge , postcode cb20qq . 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 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 have a nice day . goodbye . eos O O O O O O O O general-bye +bos am looking for the addenbrookes hospital eos O O O O O O O Hospital-Inform +bos i can direct you to addenbrookes hospital in cambridge . is there a specific 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 postcode , please . eos O O O O O O O O O O O Hospital-Request+Post +bos okay . the postcode is cb20qq . is that everything you needed today ? eos O O O O O O O O O O O O O O O N/A +bos what 's the telephone number ? eos O O O O O O O N/A +bos postcode : cb20qq and telephone : 01223245151 eos O O O O O O O O N/A +bos thanks a ton . that 's all i want to know for 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 fantastic rest of your day ! eos 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 be in the type of guesthouse 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+Type O N/A +bos okay . what part of town do you want to stay in ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos any part of town as long as it includes free parking . eos O O O O O O O O O O O O O N/A +bos i need a hotel with free parking eos O O O O O O O O Hotel-Inform+Parking +bos you read my mind . yes , free parking . eos O O O O O B-Hotel-Inform+Parking O O O O O N/A +bos do you have a specific pricerange you are looking for ? eos O O O O O O O O O O O O Hotel-Request+Price +bos no , i 'm not picky . eos O O O O O O O O N/A +bos how about acorn house ? they have excellent reviews . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O N/A +bos yes , if acorn house has free parking , please book my reservation . eos O B-Hotel-Inform+Parking O O O O O O O O O O O O O N/A +bos what is your arrival date and how many days will you 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+Stay +bos i 'm sorry i do n't need a reservation . could you just confirm the price range , postcode and what area that 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 O O O Hotel-Request+Area,Hotel-Request+Post,Hotel-Request+Price +bos the acorn house is moderately priced , 4 stars , and in the north . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A +bos thanks so much . i wo n't be needing anything further today . 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 i need a taxi departing from leverton house . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos i 'd be happy to book that for you , first i 'll need to know 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 'm going to ugly duckling and must be there no later than 23:30 please eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O B-Taxi-Inform+Arrive O O N/A +bos i 've booked a red toyota , the contact number is 0757492861. eos 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 alright i have everything i needed and i appreciate your help . thank you and have a great night . 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 fun . eos O O O O O O O O general-bye +bos that 's all that i need today . thanks again ! eos O O O O O O O O O O O O general-thank +bos no problem ! it was a pleasure eos O O O O O O O O general-bye +bos can you give me the address for an indian restaurant in the south part 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 Restaurant-Request+Addr +bos taj tandoori is the only one matching your request . you can contact them at 01223 412299. eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos what is the address and price range ? eos O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Addr +bos the address of the venue is 64 cherry hinton road cherry hinton and in expensive price range . 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 B-Restaurant-Inform+Price O O O N/A +bos thank you , goodbye . eos O O O O O O general-bye +bos thank you and come again . eos O O O O O O O general-bye +bos i am looking for a college to see . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos do you have a part of town you would like to visit ? eos O O O O O O O O O O O O O O Attraction-Request+Area +bos i 'm not sure as i 'm not familiar with the area . do you recommend a particular college ? 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 clare college is nice and it is located in the west . would you like more information on it ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O B-Attraction-Recommend+Area O O O O O O O O O N/A +bos yes , may i please 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 their address is trinity lane , cb21tl . phone number is 01223333200. anything else ? eos O O O O B-Attraction-Inform+Addr B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O O O O general-reqmore +bos i would also like to find a japanese restaurant , if there are any in town . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos cambridge does have one japanese restaurant in the centre of town . it 's expensive but well worth it . would you like me to book it for you ? eos 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 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 . i would need a reservation on sunday for 3 at 11:30. eos 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 you 're all set ! your reference number is awaepkrt . eos O O O O O O O O B-Booking-Book+Ref 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 ? eos O O O O O O O O O O general-welcome,general-reqmore +bos i will need a 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 what time would you like ? eos O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i need to be at the restaurant at 11:30. eos O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos ok. i have reserved a white skoda . the contact number is 07229892999. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 it was my pleasure . eos O O O O O O general-welcome +bos i need to book a train ticket going to cambridge any day but has to arrive by 18:30 , can you assist me with that ? eos O O 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 O O O O O O N/A +bos i will be glad to 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 O Train-Request+Depart,general-greet +bos i will be leaving london kings cross on sunday . eos 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 awesome . will it be just you that wants to book this ? eos O O O O O O O O O O O O O O Train-Request+People,general-greet +bos actually , i decided not to book it just now . however , what 's 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 O Train-Request+Duration +bos all of the available trains for that day from london kings cross to cambridge have a travel time of 51 minutes . eos O O B-Train-Inform+Choice I-Train-Inform+Choice O 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 O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you . can you assist me with finding a hotel as well ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos certainly . what sort of hotel did you have in mind ? eos O O O O O O O O O O O O O Hotel-Request+Type,general-greet +bos i 'd like a hotel in the moderate price range with free wifi . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos i have 17 hotels that fit those criteria , is there a particular area or type of accommodation 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 O Hotel-Request+Area,Hotel-Request+Type +bos what have you got with 0 stars ? eos O O O O O O O B-Hotel-Inform+Stars O N/A +bos yes i have one called cityroomz . would you like me to book it for you ? eos O O O O O O B-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform +bos yes , for one person . i 'd like it for 4 nights starting sunday . please provide a reference number . eos O O O O O O O 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 the booking was successful . your reference number is kt14cb0j . 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 thank you ! i think that 's everything . you 've been a big 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 ! let me know if you need anything else . eos O O O O O O O O O O O O O O general-welcome,general-reqmore +bos i 'm looking for a place to dine in the moderate price range and in the town centre . eos 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 N/A +bos great ! we have a wide variety of foods to try . are you interested in a particular type ? 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 would like to try gastropub . do you have one that serves that ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos there is a restaurant called the cow pizza kitchen and bar on corn exchange street . would you like me to book a table ? eos 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 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 no thank you . can you tell me the postcode , address , and phone number please ? 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the postcode is cb23qf . the address is corn exchange street . and the phone number is 01223308871. anything else i can help you with ? eos O O O O B-Restaurant-Inform+Post 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 general-reqmore +bos i 'm looking for a place to stay that has 4 stars and is a guesthouse , what is there like that ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos acorn guest house looks like it matches your criteria , 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 O O O O O N/A +bos great , can i get their postcode , address , and phone number ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr,Hotel-Request+Phone +bos there phone is 01223353888 , postcode cb41da and address 154 chesterton road . would you like me to book there for you ? eos O O O O B-Hotel-Inform+Phone O B-Hotel-Inform+Post I-Hotel-Inform+Post 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 Booking-Inform +bos yes that would be great . thank you . eos O O O O O O O O O O general-thank +bos ok , what days would you like to book your stay ? eos O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos i would like to book it for 3 nights starting friday . eos 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 would you like to book this for ? eos O O O O O O O O O O O O Booking-Request+People +bos actually i 'm not sure yet how many people will be with me . can you just give me their phone number for 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 Hotel-Request+Phone +bos sure . their phone number is 01223353888. 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 general-reqmore +bos no , i do not think so . 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 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 +bos i am looking for a 3 star expensive place to stay in cambridge . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O O O O N/A +bos the gonville hotel is available and fits your requirements if you would like to book that just let me know . 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 O Booking-Inform +bos that sounds good ! eos O O O O O N/A +bos when would you like me to book this for you 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 Booking-Request+Day,Booking-Request+People +bos i 'd like to travel there myself , may i have the address ? eos O O O O O 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 today ? eos 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 i 'm also looking for places to that are near the hotel eos O O O O O O O O O O O O O Hotel-Inform +bos yes certainly . do you have a food type or price range preference ? eos O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos i forgot to ask , does the gonville hotel include free wifi and is it 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 O O N/A +bos yes , the gonville hotel is located near the centre and offers internet connectivity . would you like any more information about the hotel or proceed ? eos O O O B-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 Hotel-Inform+Internet,general-reqmore +bos actually , i 'm looking for an attraction in the area of the hotel . eos O O O O O O O O O O O O O O O O Attraction-Inform,Hotel-Inform +bos old schools seems like a pretty unique experience . would you like more information ? eos O O B-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 address please ? eos O O O O O O O O Attraction-Request+Addr +bos old schools is located on trinity lane and is free to enter . can i help you with anything else ? 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 O O O O O O O O O O O general-reqmore +bos can i get the precise address please ? eos O O O O O O O O O Attraction-Request+Addr +bos their postcode is cb21tt trinity lane , if you need more info you can call them at 01223332320. is there anything else i can assist you with ? eos O O O O B-Attraction-Inform+Post B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 no , that should be it . thanks ! eos 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 am looking for a train arriving by 21:45 and departing from cambridge . eos O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O N/A +bos alright . what day are you making this trip , and 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 O O Train-Request+Dest,Train-Request+Day +bos hi i would like to go to kings lynn on sunday please . eos 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 train tr1600 leaves cambridge at 20:11 and arrives in kings lynn at 20:58. would that work ? 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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O O general-reqmore +bos yes , that would work . can you book 7 tickets for that train ? i will need a reference number for that as well , 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 O O O N/A +bos i was able to book 7 tickets for that train for you . your reference number is efj3b73z . is there anything else i can assist you with ? eos O O O O O O O B-Train-OfferBooked+People 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 , what can you tell me about the aylesbray lodge 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 O O N/A +bos well , it 's a moderately priced 4 star guesthouse on the south side of town . are you interested in booking a stay there ? eos O O 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 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 yes , please . there will be 7 people for 3 nights starting thursday . please provide 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 N/A +bos your confirmation number is vf2708m3 . eos O O O O O B-Booking-Book+Ref O N/A +bos fantastic . that 's all i need . eos O 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-bye +bos i need a italian restaurant in the centre . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos what about pizza express ? it 's getting great reviews . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O N/A +bos is it an expensive restaurant ? eos O O O O B-Restaurant-Inform+Price O O N/A +bos no , pizza express is moderately priced . but i could find a cheaper option if you would like ? eos O 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-Select+Price O O O O O O O O N/A +bos i would prefer an expensive price range and need a reservation for 1 at 13:30 on monday . eos 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 am sorry but there are no italian restaurants in the expensive range in the centre . would you like to try another area or 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+Price I-Restaurant-NoOffer+Price 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 what would you suggest ? eos O O O O O O N/A +bos there are two moderately priced italian restaurants in centre or would you like a different type of food ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Food,Restaurant-Select +bos so , nothing that is expensive ? eos O O O O O B-Restaurant-Inform+Price O O N/A +bos no expensive with those specifications eos O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O N/A +bos okay , let 's just go with a moderately priced one . i need a table on monday at 13:30 for one 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 O O N/A +bos would you like to try pizza express ? eos O O O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O N/A +bos okay why not . i need a table for 1 at 13:30 on monday . and i need the 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 Restaurant-Request+Ref +bos okay . your booking was successful ! the reference number is ybcvluxu . 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 O N/A +bos thanks , what places to go are available in that same area ? eos O O O O O O O O O O O O O O general-thank +bos what kind of attraction are you looking for ? eos O O O O O O O O O O Attraction-Request+Type +bos anything will do . eos O O O O O N/A +bos how about holy trinity church . the architecture there is quite impressive . eos O 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 N/A +bos sounds interesting . what is the postcode ? eos O O O O O O O O O Attraction-Request+Post +bos the postcode is cb23nz . can i help you with any other information ? eos O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos i do not need more information . eos O O O O O O O O N/A +bos great . if you need help in the future , please contact us . eos O O O O O O O O O O O O O O O general-bye +bos i am looking for a swimmingpool in cambridge eos O O O O O O B-Attraction-Inform+Type O O N/A +bos we have four public pool in cambridge , do you have a preference on area ? 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 Attraction-Request+Area +bos no . which one is best ? eos O O O O O O O O N/A +bos parkside pools is located in the centre . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O N/A +bos that will work for me , but i would like to stay in the north part of town , are there any open guesthouses ? 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 B-Hotel-Inform+Type O O O N/A +bos how about acorn house ? it looks lovely eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O general-greet +bos i need one that 's expensive and has a 4 star rating . eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O N/A +bos i 'm sorry , i 'm afraid i do n't see any guesthouses matching that description . do you want to try a different price range or star rating ? eos O O O 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 O O O O O O N/A +bos maybe try for a moderate instead ? also , what was the entrance fee for parkside pools ? 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 Attraction-Request+Fee +bos i am sorry i do not have information on the entrance fee at the parkside pools but you can call them at 01223446100 and ask . 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 O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Phone O O O N/A +bos thanks . going back to the hotel booking , would you try a moderate price range , please ? 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 there are 7 entries with a moderate price range . is that what you wanted ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O general-reqmore +bos no , i would like an expensive hotel . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos i 'm not showing any entries here . can i help with anything else ? eos O O O O O O O O O O O O O O O O general-reqmore +bos try a moderately priced guesthouse in the north then . with 4 stars eos O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stars O N/A +bos there are 7 entries listed here . do you care about parking and internet ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos no it really does n't matter , just whatever is in the moderate price range . i 'll need it for 5 nights . 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 would you like to try the acorn guest house ? eos O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O N/A +bos that sounds great . can you book it for me ? eos O O O O O O O O O O O O N/A +bos how many nights are you wanting to stay ? eos O O O O O O O O O O Booking-Request+Stay +bos i need it for 5 nights starting on wednesday . eos O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos i 've started your reservation , but i 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 Booking-Request+People +bos i would like to book it for 5 people . thanks . eos O O O O O O O O O B-Hotel-Inform+People O O O N/A +bos it is booked , and your reference number is bg6ttzoq eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks for all the help . you 've taken care of both my concerns . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye +bos enjoy your trip . have a great day . eos O O O O O O O O O O general-bye,general-greet +bos we 're looking for some places to go in town . we 'd like some information on pools and boating in the centre . 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 O O O N/A +bos definitely ! are you more interested in a pool or a boat ? eos O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O N/A +bos my kids are wanting to swim . what are the options in that area of town ? eos O O O O O O O O O O O O O O O O O O N/A +bos here is an option in that part of town parkside pools . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos okay . may i have their telephone number , entrance fee and postcode ? 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 their phone number is 01223446100 , postcode is cb11ly , and there is no entrance fee listed . can i help with anything else ? eos O O O O O B-Attraction-Inform+Phone 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 O O O O O O O O O general-reqmore +bos yes , i keep hearing about this hotel called home from home . can you tell me anything about it ? 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 N/A +bos home from home is a 4 star guesthouse in the north . it has free wifi and free parking . would you like more information ? eos 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 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,general-reqmore +bos yes , i 'd like to book a room for 7 on sunday , please . eos 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 it will be for 2 nights . eos O O O O O O B-Hotel-Inform+Stay O N/A +bos i have booked the hotel for sunday for 7 people for 2 nights . your reference number is srsotyz4 . is there anything else i can help with ? eos O O O O O O O B-Booking-Book+Day 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 general-reqmore +bos i need a taxi between the two places . eos O O O O O O O O O O Taxi-Inform +bos before i can book you a taxi , what time are you planning on leaving parkside pools to go to 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 O Taxi-Request+Leave +bos i want to leave by 14:15. eos O O O O O O B-Taxi-Inform+Leave N/A +bos i booked the taxi . it will be a red ford and their phone number is 07801759620. 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 thanks . you 've been a great help today . eos O O O O O O O O O O O general-thank +bos you 're welcome ! 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 general-welcome,general-reqmore +bos no you have taken care of all my needs thank you so much 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 general-thank +bos you 're very welcome . it was a pleasure to help you . good-bye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye +bos hello , may i have a list of museums in the west ? 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 7 : cafe jello gallery , cambridge and county folk museum , cambridge book and print gallery , kettle 's yard , lynn strover gallery , museum of classical archaology , and people 's portraits exhibition ( girton college ) . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Choice 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 O O O O O O O O O O O O O O N/A +bos please give me the entrance fee and postcode of county folk museum eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos the entrance fee is 3.50 pounds and the postcode is cb30aq . would you like any other information ? eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O O O O O O O O general-reqmore +bos i need a place to eat near the museum . i do n't want to spend much so it should be cheap . 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 B-Restaurant-Inform+Price O O O O O O O O N/A +bos in the west , i would only have 2 cheap restaurants . la margherita is an italian place . and thanh binh serves vietnamese food . which would you prefer ? eos O O O B-Restaurant-Inform+Area 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Select +bos i would like to go to thanh binh , please . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos excellent . for how many would you like a reservation and at which preferred date and time ? 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+Time,Booking-Request+Day +bos i would like the reservation to be for 4 people on thursday at 18:30 , 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 N/A +bos you 're all set ! your reference number is : 5uqzqh6i . eos O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos i would also like a taxi to get me to the restaurant by that time eos O O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos i would be happy to book a taxi for you . will your pick-up point be the county folk museum ? 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 yes it will . please make sure it arrives by the booked time and 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 O O Taxi-Request+Car +bos no problem ; i have booked you a taxi . it is a yellow honda , and you may reach them at 07387972202. is there anything else we 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 O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos nope , that 's all i needed today . goodbye ! eos O O O O O O O O O O O O general-bye +bos great thank you so much . eos O O O O O O O general-bye +bos good morning ! i need to take a train to cambridge on tuesday . 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 i 'm sure we can accommodate you . where are you departing from ? eos O O O O O O O O O O O O O O O Train-Request+Depart +bos i 'm looking to leave from ely and arrive by 12:15 eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Arrive O N/A +bos okay , the tr3412 leaves at 11:35 and arrives by 11:52. would you like me to book tickets ? 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 Train-OfferBook +bos yes , that would be great . i would like to book a ticket 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 i booked your train ride . your reference number is crlmatvb and it will cost 13.2 gbp when you go to the station . eos 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 I-Train-OfferBooked+Ticket O O O O O O O O N/A +bos thanks . i am looking for an asian oriental restaurant in the centre . do you have any ? eos 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 O O O N/A +bos i have options ranging from cheap to expensive . if price is no issue , kymmoy is the best . eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O B-Restaurant-Recommend+Name O O O O O O N/A +bos i need something moderately priced . eos O O O O O O O N/A +bos j restaurant meets your requirements . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos sounds good . can i have their address ? eos O O O O O O O O O O Restaurant-Request+Addr +bos yes . the address is 86 regent street , city centre . can i book a reservation for you ? eos 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 , i 'm just figuring out my options right now . you have been very helpful , 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 O O O O O O O O O O O O O general-bye +bos let me know if i can help more . eos O O O O O O O O O O general-bye +bos i need to dine on british food in the west . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos what are you more interested in a moderately priced or an expensive restaurant ? eos O O O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O N/A +bos i do not care . eos O O O O O O N/A +bos saint johns chop house is a moderately-priced british restaurant on the west side . 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 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 O Booking-Inform +bos no , i do n't need a reservation right now , just 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 their phone number is 01223353110. 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 need to see if there 's a train from london liverpool street that arrives by 8:00 on saturday . 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 O B-Train-Inform+Day O O O N/A +bos tr7909 fits your description . can i book for you ? eos O B-Train-Inform+Id O O O O O O O O O O Train-OfferBook +bos no , i am also looking for a train . the train should arrive by 08:00 and should go to cambridge.the train should depart from london liverpool street and should leave on saturday . eos O O 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 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 N/A +bos tr7397 arrives in cambridge by 07:07 on saturday , would you like to book a ticket ? eos O B-Train-OfferBook+Id O O B-Train-OfferBook+Dest O O O B-Train-OfferBook+Day O O O O O O O O O N/A +bos no thank you , 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 using the cambridge towninfo centre . goodbye eos O O O O O O O O O O O general-bye +bos i need information on a swimmingpool to visit . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are 4 swimmingpools . one in the east , two in the north , and one in the centre . 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 N/A +bos we 're going to be in the centre so maybe that one . can i get the postcode of 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 Attraction-Request+Post +bos yes their postcode is cb11ly . eos O O O O O B-Attraction-Inform+Post O N/A +bos thanks . hey , is yu garden still open ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos yes it most certainly is . would you like their telephone number ? eos O O O O O O O O O O O O O O N/A +bos i do n't need their number , but will you please book a table for 7 people at 15:00 on wednesday ? 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 i 've booked a table for seven at yu garden . your reservation is at 15:00 on wednesday . your reference number is 799f0aeg . can i help you with anything else ? eos O O O O O O B-Booking-Book+People I-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name 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 O O general-reqmore +bos yes , i 'll also need a taxi that will take me between the two places . i 'll need to arrive at the restaurant by 15: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+Arrive O O O O N/A +bos i was able to book you a taxi it will be a yellow volkswagen . the driver 's contract number is 07156664502. is there anything else i can 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 B-Taxi-Inform+Phone O O O O O O O O O O O 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 glad 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 'm looking for restaurants and colleges in the city centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i can help . lets start with restaurants . is there a particular cuisine 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 Restaurant-Request+Food +bos i do n't have a preference for the restaurants . eos O O O O O O O O O O O Restaurant-Inform +bos are you simply looking for a recommendation or did you want something in particular ? there are about 69 different restaurants to choose from . eos O 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 general-reqmore +bos i would like to eat at and expensive gastropub type restaurant . can you give me the phone number of a place that fits this description ? eos 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 O O O O O O O O O N/A +bos the slug and lettuce is a gastropub in that area . their number is not provided , but the address is 34-35 green street . would you like to make a reservation ? 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 I-Restaurant-Inform+Name O O 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 Booking-Inform +bos yes please . for just myself at 14:00 on monday . eos O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O N/A +bos i have made those reservations your reference number is sffowoee . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos great , i also need to find a taxi for my commute on monday . eos O O O O O O O O O O O O O O O O Taxi-Inform +bos i need to know your departure and arrival sites as well times to book your taxi . 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,Taxi-Request+Arrive +bos i would need it by the time my reservation is . eos O O O O O O O O O O O O N/A +bos okay , i will work on getting this booked for you . eos O O O O O O O O O O O O O N/A +bos take your time . eos O O O O O N/A +bos what is your departure site ? eos O O O O O O O Taxi-Request+Depart +bos from the gastropub eos O O O B-Taxi-Inform+Depart N/A +bos okay , and where do you wish to travel to from the restaurant ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos that 's was incorrect . i meant to say that i need the taxi from the college , 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 Restaurant-Inform,Taxi-Inform +bos i 'm sorry , i do n't know the specific college your 're talking about . eos O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O O O N/A +bos sorry , i 'm getting ahead of myself . can you please recommend a college for me to visit in the centre ? eos 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 that 's ok ! i recommend emmanuel college . is there any information you would like to have ? 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 O O Attraction-Inform,general-reqmore +bos i need their phone number please . eos O O O O O O O O Attraction-Request+Phone +bos okay ! their phone number is 01223334200. shall i book that taxi for you now ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O Booking-Inform +bos please book the taxi for me eos O O O O O O O Taxi-Inform +bos okay . a yellow honda will pick you up , their contact number is 07691246482 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 N/A +bos ok thank you for your help today . eos 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 +bos no that is it . thank you . eos 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 hi i am looking for a cheap hotel that has free parking . are there any around town ? 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 i have the cambridge belfry in the west area . would you like to make a reservation ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos is this a guesthouse ? eos O O O O O O N/A +bos no , this is a hotel , were you looking for a guesthouse ? eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Select+Type O O O N/A +bos yes , i 'm sorry , i should have told you earlier . eos O O O O O O O O O O O O O O N/A +bos we have 9 guesthouses . can you give me more details as to the area and price preference you are looking for so i can assist you better ? 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 Hotel-Request+Price,Hotel-Request+Area +bos can you pick your favorite one and book a room for me ? 3 of us will be arriving on tuesday , and we 'll want to stay 2 nights . eos 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 B-Hotel-Inform+Stay O O O O N/A +bos i have booked you for alexander bed and breakfast on 56 saint barnabas road . your reference number is m6fh844s . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Booking-Book+Ref O O N/A +bos thanks . i am also looking for a multiple sports attraction 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 O N/A +bos i 'm sorry , there are no multiple sports venues in the centre of town . would you like me to look in a different area ? eos O O O O O O B-Attraction-NoOffer+Type I-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 O Attraction-Request+Area +bos are there any cinemas available ? eos O O O O B-Attraction-Inform+Type O O N/A +bos yes . there is vue cinema . the address is the grafton centre , east road and postcode is cb11ps . 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 O O B-Attraction-Inform+Post O O O O N/A +bos what is the phone number for the vue cinema ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name Attraction-Request+Phone +bos the phone number for the vue cinema is 08712240240. would you like more information ? 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 general-reqmore +bos yes , i also need the address and postal code , please . eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the grafton centre , east road , cb11ps . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post I-Attraction-Inform+Post 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 you 're welcome . have a wonderful day and let me 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 need a place to stay , and i need it to provide free parking . eos O O O O O O O O O O O O O O O O O N/A +bos there are lots of places to choose from . are you looking for something in a specific area of town ? 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 , but i 'd like something with 4-star quality . eos O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos that narrows it down to 19 places to stay . i 'll need to know what part of town you want to stay in or your pricerange to better help you . 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 Hotel-Request+Area,Hotel-Request+Price +bos any that have free wifi will be fine . i 'll need to know the hotel type and postcode . 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+Type +bos ok , if you are happy with a guesthouse , there 's alexander bed and breakfast , which is a cheap four star place in the city centre . does that sound good ? eos O O O O O O O O B-Hotel-Inform+Type 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+Stars O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Hotel-Select +bos can you give me their post code ? eos O O O O O O O O O Hotel-Request+Post +bos the postcode is cb12de , can i assist with anything else ? eos O O O O B-Hotel-Inform+Post O O O O O O O O general-reqmore +bos i also need a train leaving at 19:00 from cambridge on tuesday . it should be arriving to london kings cross . eos O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos the tr4125 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 yes , two tickets please eos O O O O O O N/A +bos okay i have booked those for you and your reference number is fg8y4arw . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +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 you are very welcome ! i hope you have a great trip ! enjoy ! eos O O O O O O O O O O O O O O O O general-welcome,general-greet +bos thank you very much ! eos O O O O O O general-thank +bos you are quite welcome , we are 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 general-welcome,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 I-Train-Inform+Day 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-Inform+Leave O O O O B-Train-Inform+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 great , can you help me find an expensive 2 star hotel that has free wifi ? eos O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O N/A +bos i would recommend express by holiday inn cambridge on the east side . 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+Area I-Hotel-Recommend+Area O N/A +bos that 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 help you with that . what day will you arrive and for 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 Booking-Request+Day,Booking-Request+Stay,Booking-Request+People +bos i will get there thursday and stay for 2 nights . i am the only guest staying . eos 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 would you like me to book the room for you ? eos O O O O O O O O O O O O Booking-Inform +bos yes please , for 1 person , 2 nights starting thursday . eos O O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos unfortunately , this will not let me book at this time . eos O O O O O O O O O O O O O Booking-NoBook +bos is a 1 night stay available ? eos O O O O B-Hotel-Inform+People O O O N/A +bos your booking at express by holiday inn cambridge was successful for 3 days 2 nights arriving in thursday for a party of 1. would you like your reference number ? 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 O B-Booking-Book+Stay O O O O B-Booking-Book+Day O O O O O B-Booking-Book+People O O O O O O general-reqmore +bos i need the reference number to confirm my booking at the hotel . you should 've provided that 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 Hotel-Request+Ref +bos reference number is : 9ztp686k . do you require any further assistance ? eos O O O O O B-Booking-Inform+Ref O O O O O O O O general-reqmore +bos that will be all . thanks . eos 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 what have you got on the west side , in the way of places to stay offering 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 O O N/A +bos i have two guesthouses and two hotels . any preference ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O Hotel-Request+Type +bos that does n't matter to me but i do want to make sure i stay somewhere 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 N/A +bos i would recommend the cambridge belfry hotel . it is 4 stars and has excellent ratings . would you like more information ? 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+Stars O O O O O O O O O O O general-reqmore +bos yes , could you tell me the postcode and the price range ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price +bos the cambridge belfry post code is cb236bw and it is fairly cheap compared to other hotels in the area . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Post O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O N/A +bos that would be fine . i also need a train that leaves after 21:30 on wednesday . eos 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 'd be happy to help . where are you traveling to ? eos O O O O O O O O O O O O O O Train-Request+Dest +bos i will go to london 's kings crossing from cambridge . eos 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 i have only found 1 train from cambridge to london kings cross on wednesday . it leaves at 23:00. will that work ? eos O O O O O O B-Train-Inform+Choice 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 O O B-Train-Inform+Leave O O O O general-reqmore +bos that would be just fine can you book that for 6 people ? eos O O O O O O O O O O O O B-Train-Inform+People O N/A +bos your reservation for 6 on the tr7942 train was successful , the total fee is 141.6 gbp payable at the station . your reference number is : 4su5fygn . eos O O O O O B-Train-OfferBooked+People O B-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 O B-Train-OfferBooked+Ref O O O N/A +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 you 're very welcome ! goodbye ! eos O O O O O O O O general-welcome,general-bye +bos hello , can you help me with my plans as far as finding a place to stay ? eos O O O O O O O O O O O O O O O O O O O general-greet +bos of course , do you need anything specific ? eos O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Name,Hotel-Request+Type,Hotel-Request+Internet,Hotel-Inform,general-reqmore +bos yes . the hotel should be 4 stars and located in the west with free parking please . eos O B-Hotel-Inform+Parking O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area O O O O O O N/A +bos we have three choices , any other preferences ? eos O O O B-Hotel-Inform+Choice O O O O O O general-reqmore +bos as long as it is a hotel , i would like to book it . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos how many nights and for how many people ? eos O O O O O O O O O O Booking-Request+Stay,Booking-Request+People +bos i would like it starting thursday for 8 people for 5 nights . eos 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 need the day you want to arrive . eos O O O O O O O O O O O Booking-Request+Day +bos i will need to be there on wednesday . eos O O O O O O O O O O N/A +bos there are 2 hotels available , the huntingdon marriott and the cambridge belfry . do you want an expensive hotel or a cheap 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 O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O N/A +bos i 'm sorry i actually need it for thursday , sorry . any price range is fine . eos O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O O Train-Request+Price +bos okay . your booking at the cambridge belfry was successful . the reference number is ljoey6h2 . can i help you with anything else today ? eos O 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 O O general-reqmore +bos i am also looking for a train . the train should depart from bishops stortford and should go to 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 O B-Train-Inform+Dest 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 traveling on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos what time would you like to arrive in cambridge ? eos O O O O O O O O O O O Train-Request+Arrive +bos arrival time is n't the issue , but i have morning meeting so i ca n't leave bishops stortford until after 12:15 . eos 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 O O Train-Request+Arrive +bos there is a train leaving at 13:29 and arriving at 14:07. 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 what is the price and travel time ? eos O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos the price is 10.10 pounds , and the travel time is 38 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 O N/A +bos thank you so much . i think that 's all i need now . 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-greet +bos thank you for your help . 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 was 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 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 no thanks . i 'd just like to know the travel time please . eos O O O O O O O O O O O O O O O Train-Request+Duration +bos the total travel time is 60 minutes . is there anything else you need 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 O general-reqmore +bos i need to find a expensive hotel in the north . eos O O O O O O O O O O B-Hotel-Inform+Area O N/A +bos i do n't have anything that matches your description . we do have some 4 star options in the moderate price range to offer or we could search in another part of town . eos 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 I-Hotel-Inform+Price O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos ok how about a guesthouse in the north that is expensive with free parking . eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Price O O O O N/A +bos i am sorry but there is nothing matching that request . would you like to try another price range 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 Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Price +bos sure let 's try a moderate price range . eos O O O O O B-Hotel-Inform+Price O O O O N/A +bos acorn guest house is a moderate piced 4 star guesthouse with free internet and parking . would you like to reserve this one ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 give me the hotel , phone number , and postcode ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos the hotel phone number and post code are 01223353888 and cb41da . eos O O O O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone B-Hotel-Inform+Post O N/A +bos all set . thanks a lot . 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 i am looking for a train to cambridge . i need to arrive by 20:00 eos 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 where will you be departing from ? eos O O O O O O O O Train-Request+Depart +bos i 'll be heading in from leicester on thursday . eos O O O O O O B-Train-Inform+Depart O O O O N/A +bos okay , tr0363 departs at 09:09. would you like me to do book that for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Depart O O O O O O O O O O O O Train-OfferBook +bos yes , please book it for me . eos 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 want to know the price of the ticket . eos O O O O O O O O O O O O Train-Request+Price +bos the price is 37.80 pounds per ticket eos O O O O B-Train-Inform+Ticket O O O N/A +bos thanks ! i 'm also looking for a guesthouse in the east . it does n't need to have 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 O O O O O O O N/A +bos did you have a price range in mind ? eos 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 O N/A +bos what is the price range ? eos O O O O O O O Hotel-Request+Price +bos cheap price range and free wifi eos O B-Hotel-Inform+Price O O O O O Train-Request+Price +bos i have the allenbell located at 517a coldham lane it meets all your specifications . 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 I-Hotel-Inform+Addr O O O O O O O O O O Booking-Inform +bos no thanks , just needed the address . that 's all for today thank you ! eos O O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos well , then you have a nice day ! eos O O O O O O O O O O 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 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 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 O 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 B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O general-reqmore +bos that sounds perfect please book for the same group of people for 2 nights starting on wednesday . 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 N/A +bos done ! your reference number is 9qijmoo2 . 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 . you have helped me bunches today . eos 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-greet +bos thanks , i 'll call if i need anything else . eos O O 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 O general-bye +bos i am hoping you can help me with my planning . i am trying to find information on the trains . 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 i can definitely help you with that . can you give me more information , like your departure and destination 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 Train-Request+Depart,Train-Request+Dest,general-greet +bos i will be departing from stansted airport to go to cambridge on wednesday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos i am getting the information up now , do you have a specific arrival or departure time ? 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 arrive by 13:15. eos O O O O O O O B-Train-Inform+Arrive N/A +bos tr6386 departs at 12:24 and arrives by 12:52. 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 . can you help me find a very cheap , not shabby hotel that has 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 O N/A +bos i have a lot of great choices to offer you . do you have a preference to what part of cambridge you 'd like to 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 O O O O O O O O O O O O Hotel-Request+Area +bos itshould be in the centre eos O O O O O B-Hotel-Inform+Area N/A +bos there are two guesthouses : alexander bed and breakfast , and el shaddai . would you like to stay in one of those guesthouses ? eos O O O O O 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 one of them has free wifi ? eos O O O O O O O O O N/A +bos both facilities do . eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O N/A +bos book for 2 people for 2 nights from wednesday eos O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day N/A +bos i made your reservation for 2 people for 2 nights starting wednesday at the alexander bed & breakfast . your reference number is 8jx02f2t . is there anything else i can do ? eos O O O O O O O B-Booking-Book+People O O O O B-Booking-Book+Day I-Booking-Book+Day 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 general-reqmore +bos sorry , can you actually book it for 3 people for 2 nights , please ? eos 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 your booking has been changed . your new reference number is fvtmm086 . eos O O O O O O O O O O O B-Booking-Book+Ref O O general-greet +bos thank you that is all i needed . 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 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 O O 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-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 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 yes , please . i need a train for wednesday . eos O O O O O O O O B-Train-Inform+Day 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 cambridge from ely . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos trains go to cambridge from ely at 35 past the hour , every 2 hours . what time would you like to travel ? eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest 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 need to leave after 10:00 , so that 's 10:35 , right ? can you book passage for 3 people for me ? eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+People O O O O O O O O O O O O O O N/A +bos i 've got a train leaving at 9:35. after that , the next one does n't go out until 11:35. would you like me to book the 9:35 for you ? eos O O O O O O O B-Train-OfferBook+Leave 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 N/A +bos no , book the 11:35 train , please . eos O O O O B-Train-Inform+Leave B-Train-Inform+People O O O O N/A +bos booking for tr2006 departing ely at 11:35 and arriving in cambridge at 11:52 has been confirmed . total fee of 13.2 gbp payable at the station , reference number 024l8bki . anything else ? eos O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Arrive 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 general-reqmore +bos that is it for today . have a great day eos O O O O O O O O O O O N/A +bos thanks for letting us assist you ! enjoy your visit ! eos O O O O O O O O O O O O general-greet +bos i need a train from cambridge on tuesday eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos there are plenty of those ! where are you headed , and at what 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 Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest +bos i 'm heading to norwich and need to leave after 11:15 from cambridge eos O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O O O N/A +bos there are 13 trains . the one that leaves closest to your requested time is the tr5949 , which leaves at 11:36. does that interest 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 O O B-Train-Inform+Leave O O O O O O O Train-Select +bos yes , that would be great ! i need 7 tickets , please . oh , and 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 Train-Request+Ref +bos i have booked the tr5949 for 7 , departing from cambridge at 11:36 and arriving in norwich at 12:55. reference number : ur9dktik . anything else i can help you with ? eos O O O O O B-Train-OfferBooked+Id 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 O B-Train-OfferBooked+Ref O O O O O O O O O O O N/A +bos yes , as a matter of fact , i also need a place to stay . eos O O O O O O O O O O O O O O O O O N/A +bos there are many different hotels in cambridge , do you have an area or price range in mind ? eos O O O B-Hotel-Inform+Choice O B-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+Area +bos is there anything in the south with a star of 4 ? it does n't have to have free parking . eos 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 N/A +bos sure , we have two hotels for you aylesbray lodge guest house , and rosa 's bed and breakfast . can i book one of these for you today ? eos O O O O O 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 O O O O O O O O O O O O Booking-Inform +bos could we try the aylesbury house ? eos O O O O O O O O N/A +bos alright . what day would you like to stay , how many nights and 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+People,Booking-Request+Day,Booking-Request+Stay +bos actually i need more information on the hotels . does aylesbury house have free parking ? eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos the train was booked for 7 tickets departing at the correct time and providing the reference number . also , more info is needed about a hotel . eos O O O O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Leave I-Train-OfferBooked+Leave O O O O O O O O O O O O O O O O N/A +bos i still need to know if aylesbury house has free parking . eos O O O O O O O O O O O O O N/A +bos the aylesbray lodge has free internet and free parking . would you like a reservation , or perhaps i can give you their contact information ? 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 O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos yes , please . i will need their address and what price range it is in . eos 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 certainly . this guesthouse is located at 5 mowbray road and is in the moderate price range . is there any other information you need ? eos 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 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 that 's it , you have been very helpful ! thank you ! eos O 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 +bos thank you . we will . eos 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 you 've been extremely helpful . and i hope you have a wonderful day . eos O O O O O O O O O O O O O O O O N/A +bos let us know if you need anything else . goodbye ! eos O O O O O O O O O O O O general-bye +bos hi ! would you please help me find a hotel to stay at ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos certainly , what can i use to narrow down your search ? eos O O O O O O O O O O O O O general-reqmore +bos it needs to be 2 star , have free parking and free wifi . eos O O O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos we have 3 results . what area are you interested in staying in ? and what 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 Hotel-Request+Area,Hotel-Request+Price +bos i do not have a preference . please pick one and get me a booking for 8 people for 3 nights staring from friday . 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+Stay O O B-Hotel-Inform+Day O O N/A +bos i was able to book you at the ashley hotel . your booking was successful . reference number is : 79f1xiw2 . 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 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 train that should leave after 16:45 destination bishops stortford eos O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest N/A +bos i see a departing train leaving at 17:29. eos O O O O O O O O B-Train-Inform+Leave N/A +bos i need to travel on monday , departing cambridge . does that make a difference ? eos 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 that train still meets your criteria . train tr2530 departs cambridge for bishops stortford on monday at 17:29. would you like me to book this ? 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 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 O O O Train-OfferBook +bos yes , i need 8 tickets . and could you provide 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 booking was successful , the total fee is 80.8 gbp payable at the station . your reference number is 99vhj3ar . 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 no thanks , that will be everything . 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-welcome +bos i so excited to see some of your great attractions ! can you suggest a college in the centre ? also i need a train schedule from airport to cambridge on saturday . 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 O O O O O O O N/A +bos let 's start with your college request . we have 13 in the centre of town . wht features are you interested ? maybe , we can narrow your search . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Choice 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 N/A +bos if you could recommend one that would be great ! can you send me the address , 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 O Attraction-Request+Fee,Attraction-Request+Addr +bos sure , were you looking for a free one or one with an entrance fee ? eos 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 I-Attraction-Select+Fee N/A +bos thank you , i 'm looking for one with an entrance fee . eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos corpus cristi charges 2 pounds , do you want their phone number ? eos O B-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 N/A +bos yes and their address please . eos O O O O O O O Attraction-Request+Addr +bos the address is king 's parade and the phone number is 01223338000. eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Phone O N/A +bos thanks . can you also help me find a moderately priced guesthouse in the west with free parking ? eos O O O O 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 N/A +bos sure , i have one possible option here . it is hobsons house . would you like a reservation ? eos O 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 Booking-Inform +bos yes . please book for 4 people , from sunday , for 2 nights . and tell me the refernce number eos 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 booking was successful , the reference number is rbky459t. , any further questions today ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos yes , i need a taxi to take me to the hobson 's house . eos O O O O O O O O O O O O O O O O Taxi-Inform +bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart +bos i will need to depart from corpus cristi by 04:45 to go to hobson 's house . i will need to know the contact number and car type please . eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 Taxi-Request+Car +bos your contact number is 07902709327 and the car type is a black toyota . is there anything else i can help you with ? eos 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 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 type of entertainment 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 i 'm sorry , i could n't find anything like that in the centre . eos O O O O O O O O O O O B-Attraction-NoOffer+Area O O O O N/A +bos how about a theatre type ? eos O O O O B-Attraction-Inform+Type O O N/A +bos how about the adc theatre ? it 's located in centre . would you like more information ? eos O 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 tell me the address ? eos O O O O O O O O Attraction-Request+Addr +bos the adc theatre address is park street post code is cb58as eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Post N/A +bos i would also like to find and expensive , 4 star place to stay . eos 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 would you like the hotel to also be in the centre area ? we have one in centre and one in the west area . eos O O O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area 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 in the same area as the attraction please . so i guess centre eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos i have the university arms hotel . would you like to make a booking ? 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 Booking-Inform +bos yes please , 6 people for three nights starting on tuesday . eos O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O O N/A +bos your all set ! reference number is ye34vavo . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos yes i would like a taxi from the theatre to the hotel . 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 and or arrive ? eos O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i want to drive by 05:00. 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 Taxi-Request+Car +bos your booking is completed , a blue bmw will be picking you up . their contact number is : 07241940832. do you need any further assistance 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 that was all i needed . thanks so much ! eos O O O O O O O O O O O general-thank +bos thank you for using the cambridge town info centre services ! we 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 O O O general-bye +bos please find me a place to go in the centre eos O O O O O O O O O O B-Attraction-Inform+Area N/A +bos there are many places to go in the centre of town , what types of places do you want to visit ? 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 Attraction-Request+Type +bos what 's the postcode for your favorite attraction ? eos O O O O O O O O O O Attraction-Request+Post +bos my favorite attraction in the centre of town is the man on the moon . it 's a concerthall . their postcode is cb12lf . would you like more information ? eos O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area 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 O B-Attraction-Inform+Post O O O O O O O O O O N/A +bos thanks ! i am looking forward to checking it out . can you help me in finding a guesthouse to stay at for tonight ? 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 24 guesthouses available . did you have any other criteria ? 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 a 3 star place in a moderate price range . also , free wifi . eos O B-Hotel-Inform+Internet 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 i found 3 guesthouses that meet your request ; is there an area you prefer ? 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 no preference , however , i do need a guesthouse for 8 people for 3 nights starting on tuesday . once you have booked , please provide the reference number . thank you . 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 O O O O O O O O O O O O O O Hotel-Request+Ref +bos i suggest the bridge guest house and i can make a reservation right now for you . what are your dates ? 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 Booking-Request+Day,Booking-Request+Stay,Booking-Inform +bos 8 people and 3 nights starting from tuesday . eos O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A +bos reference number is : joygndz0 . what else may i do for you ? eos O O O O O B-Hotel-Inform+Ref O O O O O O O O O general-reqmore +bos thanks i also need a taxi that will leave the man on the moon by 07:00 eos 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 N/A +bos ok great , and where will you need to go ? eos O O O O O O O O O O O O Taxi-Request+Dest +bos to bridge guest house please . eos O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos booking completed booked car type : white teslacontact number : 07099497147 eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A +bos that is it . have a great day eos O O O O O O O O O N/A +bos you are welcome eos O O O O general-welcome +bos i 'm finished now . thank you . eos O O O O O O O O O general-thank +bos you 're welcom . good bye . eos O O O O O O O O general-welcome,general-bye +bos i would like to find a museum in the west to go to . 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 several museums in the west . some of the more popular ones are the museum of classical archaeology , the lynne strover gallery , and the cafe jello gallery 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 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 can i have the address to the cafe jello museum ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos the cafe jello gallery , is at 13 magdalene street is there anything else ? 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 I-Attraction-Inform+Addr O O O O O general-reqmore +bos is there a moderately priced british restaurant anywhere in town ? eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O N/A +bos saint johns chop house would suit your needs , can i book a table for you ? 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 O O O O N/A +bos yes , please book a table . eos O O O O O O O O N/A +bos okay , at what time , what day , and for how many people please ? eos 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 i do n't need it booked right now . can i please have 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 O O Restaurant-Request+Post,Restaurant-Request+Phone +bos of course ! the postcode is cb30ad . the phone # is 01223353110. anything else ? eos O O O O O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O general-reqmore +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 are welcome anytime eos O O O O O general-welcome +bos thank you very much ! 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 are there any trains running this friday ? eos O O O O O O O B-Train-Inform+Day O N/A +bos there are lots of trains running on friday . do you have specific departure and destination points in mind ? 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 Train-Request+Depart,Train-Request+Dest +bos i am leaving cambridge going to norwich on friday anytime after 16:15 will work for me eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O N/A +bos tr7047 leaves cambridge at 16:36 and arrives in norwich at 17:55. will that work ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 Train-OfferBook +bos thank you - that is exactly what i need eos O O O O O O O O O O general-thank +bos can i book the train for you or help you with something else ? eos O O O O O O O O O O O O O O O general-reqmore,Train-OfferBook +bos i 'm also looking for a hotel to stay at in the centre . internet is not important . can you help me with that ? eos 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 O O O O N/A +bos there are 3 hotels in the centre of town with free wifi . do you have a price range ? 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 Hotel-Request+Price,Hotel-Inform+Internet +bos yes i would like it to be 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 i only am showing 1 it is cityroomz , when were you planning your stay so i can book the room for you ? 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 O O O O Booking-Request+Day,Booking-Inform +bos that is all for the hotel room . could you help me with one last thing ? i need the travel time for train tr7047 eos O O 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 total travel time is 79 minutes , just to double check , can i assist with anything else ? 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 general-reqmore +bos i do need a hotel room booked . eos O O O O O O O O O Hotel-Inform +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 there will be seven of us . eos 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 please get me the reference number too . eos O O O O O O O O O Hotel-Request+Ref +bos okay , how many days will you be staying ? eos O O O O O O O O O O O Booking-Request+Stay +bos i'lll be staying 3 nights starting on tuesday . eos O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos you are now booked at cityroomz ! your reference number is d8mu26mh . 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 that 's all thanks ! eos 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 +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 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+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 I-Train-Inform+Dest 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-OfferBooked+Ref O O O O O O O O O O O O O O general-reqmore +bos hi . i am looking for a hotel to stay in . eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos do you have a hotel in mind or a price range ? eos O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Name +bos i wanted somewhere expensive : d eos O O O O B-Hotel-Inform+Price O O N/A +bos there are five expensive hotels in cambridge . do you have a star preference or area in mind ? 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 Hotel-Request+Area,Hotel-Request+Stars +bos yes . i 'm looking for a 3 start hotel eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos i recommend the gonville hotel located in the centre of town . would you like me to book you a room or do you need anymore information ? eos 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 O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos is there an expensive hotel with 3 stars that is located in the south ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O N/A +bos yes , there is the lensfield hotel . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos book it for 1 people and 2 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 N/A +bos i was able to book your room per your request . the reference number is : 9rxkq7c3 . 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 can you locate a train that will take me to the hotel . eos O O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos yes , where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart +bos the train should depart from cambridge and should leave on sunday . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O N/A +bos what is your destination , and what time would you like to leave ? eos O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Leave +bos i 'd like to leave after 13:00 on sunday and i want to go to kings lynn . 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 options available would you like me to book something for you . eos O O O O O O O O O O O O O O O Train-OfferBook +bos i just need the train id , please . eos O O O O O O O O O O Train-Request+TrainID +bos sure thing tr7423 . thank you eos O O O B-Train-Inform+Id O O O N/A +bos thanks for serving me ! eos 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-greet +bos you too much appreciated . eos O O O O O O N/A +bos glad to be of service . goodbye . eos O O O O O O O O O general-welcome,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-Inform+Id I-Train-Inform+Id B-Train-Inform+Day I-Train-Inform+Day 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 O O Train-OfferBook +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 N/A +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 can you help me find a specific restaurant that i 'm looking for ? eos O O O O O O O O O O O O O O O Restaurant-Inform +bos what is the name of the restaurant ? eos O O O O O O O O O Restaurant-Request+Name +bos the name of the restaurant is city stop restaurant . can you book a table for me ? 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 O N/A +bos i 'd be happy to . can you tell me what day for the reservation ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day,general-greet +bos thursday please , for 3 people at 15:15. eos O B-Restaurant-Inform+Day O 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 : awv50vgm . 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 a place to stay with a star rating of 5 and includes free wifi . 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 N/A +bos there are no stars but there are several stars . would you like a room in one of them ? eos O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform,Hotel-Select +bos i do n't understand . i 'm looking for a 5-star hotel . in the moderate price range , preferably . 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 there is no 5 star hotels in the area . there are 17 4-star hotels , though . want to book one of them ? 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 O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O O Booking-Inform +bos yes that will be fine . eos O O O O O O O N/A +bos may i recommend the very popular 4 star kirkwood house located in the north part of town with free wifi and parking ? eos O O O O O O O O B-Hotel-Recommend+Stars 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 O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos sorry , i 'm looking for a 5 star hotel . eos O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos i 'm sorry , but there really are no 5-star hotels in any part of town . how would you like to proceed ? 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 I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O O O O O O general-reqmore +bos can you check for 4 stars instead please ? eos O O O O O O B-Hotel-Inform+Stars O O O N/A +bos there are several with four starts . i would recommend the acorn guest house . eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos thanks very much ! what is their postcode and phone number ? eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos their phone number is 01223353888 and their postcode is cb41da . eos O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O N/A +bos did they have free parking ? eos 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 okay , that 's great to know . thanks ! i wo n't be needing anything else 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 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 please find me somewhere to stay ? i need a moderately priced hotel but i 'm not fussy about parking eos 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 O O O O N/A +bos sure , which part of town do you want to stay in ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos i really like the north . it seems much more peaceful . eos O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos i have two hotels available . i 'd recommend the ashley hotel . would you like more information ? 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 O O O O O O O O general-reqmore +bos is it a 4 star ? if so , can you give me the phone number ? eos O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O O Hotel-Request+Phone +bos the acorn guest house is 4 stars . does it need to be a hotel or can it be a guesthouse ? 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 O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos either way is fine with me . what 's the phone number ? eos O O O O O O O O O O O O O O Hotel-Request+Phone +bos their phone number is 01223353888 eos O O O O O B-Hotel-Inform+Phone N/A +bos i also would like to find chinese food in the north . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos hakka and the hotpot are expensive , golden wok is moderately priced , any preferences ? eos 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 I-Restaurant-Inform+Price O O O O Restaurant-Select +bos no , could you just reserve a table for 4 at 11:45 thurs and i 'll need the ref # too please eos O 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 Restaurant-Request+Ref +bos a table has been booked at hakka . the reference number is wbyi96yh . is there anything else i can do for you today ? eos O O O O O O O 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 no , that will be all . thank you ! eos 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 N/A +bos can you help me find a train arriving at 18:15 going to cambridge ? eos O O O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Dest O N/A +bos sure ! where are you heading in from ? and what day ? 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 peterborough going to cambridge on monday and i need to get there by 18:15 , 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 O N/A +bos sure thing , would you like me to book this for you ? eos O O O O O O O O O O O O O O Train-OfferBook +bos i 'll need passage for five , but i also need to know what time the last train gets there before 18:15. eos 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 N/A +bos which day do you want to travel to narrow down my options eos O O O O O O O O O O O O O Train-Request+Day +bos monday would be best please . eos O B-Train-Inform+Day O O O O O N/A +bos how about tr3021 ? it leaves at 05:19 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that 'll do . i 'll need 5 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 82.5 gbp payable at the station .reference number is : cwlkmzer . what else can i do for you 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 O general-reqmore +bos i need to find some place in the east for multiple sports . i 'd like to get the address , phone number , and postcode please . eos 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos it is at colville road , cherry hinton , postcode cb19ej , phone 01223576412. eos O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O B-Attraction-Inform+Phone O O O N/A +bos okay , 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 thats all for today eos O O O O O O N/A +bos im glad i was of some help eos O O O O O O O O general-welcome +bos thanks again , thats all for now . eos O O O O O O O O O general-thank +bos okay . enjoy your visit to cambridge ! it 's a wonderful place . 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 modern american food and should be in the centre 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+Area O N/A +bos i 'm sorry , we do n't have any restaurants like that in the centre . eos O O O O O O O O O O O O B-Restaurant-Inform+Area O O O O Restaurant-NoOffer +bos do you have a similar restaurant that is close to centre ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos i have the gourmet burger kitchen , serving north american cuisine in the center of town . 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos yes , i would like that . eos O O O O O O O O N/A +bos would you like me to book that for you ? what day and time ? 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+Time,Booking-Request+Day,Booking-Request+People,Booking-Inform +bos i 'm sorry i misread that you said north american . if there 's no modern american , then can you try italian instead ? 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 certainly . and you have 9 choices in italian cuisine . do you have a price range in mind ? eos O 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 O Restaurant-Request+Price +bos expensive italian will do . eos O B-Restaurant-Inform+Price O O O O N/A +bos i recommend the caffe uno . they are located at 32 bridge street , centre . would you like me to book it for you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O 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 Booking-Inform,Restaurant-Select +bos no thanks , i just need the phone number please . eos O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223448620. is there anything else i can do for you 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 place to stay . i 'd like it to be in the north and same price range as the restaurant . 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 O O O O O O O N/A +bos unfortunately , i do n't show anything in the north that is expensive . can i try another area or price range for you ? 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 Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Price +bos is there anything in the moderate price range ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos yes , there are several places that meet that criteria . do you have star preference or any other criteria ? 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,general-reqmore +bos yes i would prefer a 4 star and would like for it to have free parking . eos O O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A +bos i have several options in the north meeting those requirements . would you prefer a guesthouse or a hotel ? eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos i have no preference . what do you recommend ? eos O O O O O O O O O O O N/A +bos acorn guest house is my favourite . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos what area is that in again ? eos O O O O O O O O N/A +bos it is located in the north . they are moderately priced . they are 4 star rated and offer free internet and parking . do you need me to book a room ? eos O O O 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+Internet,Hotel-Inform+Parking +bos get me their phone number and hotel type eos O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Type +bos they are a guesthouse and the phone number is 01223353888. eos O O O O B-Hotel-Inform+Type O O O O O O N/A +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 you too , enjoy your stay . eos O O O O O O O O general-bye +bos i need to catch a train that departs from leicester after 18:30. eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos we have 35 trains taking that route , what day of the week will you need that ? 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+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 tr8632 leaves at 19:09. want to book it ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O Train-Select,Train-OfferBook +bos yes , please . i 'll need a booking for 6 and the reference number . eos O O O O O O O O O O O O O O O O O N/A +bos just to be certain , book 6 train tickets to cambridge from leicester on tuesday at 19:09 , correct ? eos O O O O O O O B-Train-OfferBook+People O O B-Train-OfferBook+Dest O B-Train-OfferBook+Depart O B-Train-OfferBook+Day O B-Train-OfferBook+Leave O O O O N/A +bos yes , that is correct eos O O O O O O N/A +bos okay , the booking was successful . your reference number is m3uvolvxd . the total fee of 226.8 gbp is payable at the station . eos O O O O O O O O O O B-Train-Inform+Ref O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O Train-OfferBooked +bos thanks ! i 'm also looking for a place to stay that 's a guesthouse . eos O O O O O O O O O O O O B-Hotel-Inform+Type 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 cheap , but i still need free wifi . eos O B-Hotel-Inform+Price O O O O O O O O N/A +bos there are 9 that meet those requirements , was there an area you wanted 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 what 's the best one of those options ? i need it for 4 nights . eos O O O O O O O O O O O O O O O O O N/A +bos i would suggest the alexander bed and breakfast , it has a 4 star rating , free parking and internet and it is in the cheap price range . would you like a reservation ? 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 O O B-Hotel-Recommend+Stars O O O O O O O O O O B-Hotel-Recommend+Price O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos yes please . for 5 nights for the same group of people . eos O O O O O B-Hotel-Inform+Stay O O O O O O O O N/A +bos what day would you like that on ? eos O O O O O O O O O Booking-Request+Day +bos tuesday please . thanks eos O B-Hotel-Inform+Day O O O N/A +bos okay . your booking was successful . the reference number is w7dgp5w4 . 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 that was all i needed today , thank you very much . 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 a train out of cambridge . eos O O O O O O O O B-Train-Inform+Depart O O N/A +bos where would you like to go ? eos O O O O O O O O Train-Request+Dest +bos i am going to broxbourne on and need to arrive by 14:45. eos O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive N/A +bos what day would you be traveling . i 'd be happy to look that up and 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 Train-Request+Day,Train-OfferBook +bos i would like that to be for wednesday and i will need tickets for 3 people please . 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 okay , the tr6167 leaves at 13:01 and arrives by 14:01. would you like me to book this one ? 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 Train-OfferBook +bos yes please , for 3 people . i also need to know if the restaurant la minosa is still open . 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 N/A +bos booking was successful , the total fee is 53.7 gbp . reference number is : gkn1secp . unfortunately , i do n't have the hours of operation for la mimosa . but their phone number is 01223362525. eos 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Phone O O O O O O N/A +bos can you book the la mimosa for the same group of 3 people at 11:30 on wednesday ? 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 that booking was successful and the reference number is f7ei7e4y . eos O O O O O O O O O O O B-Booking-Book+Ref 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 if there is anything else , please contact us . good bye . eos O O O O O O O O O O O O O O general-bye,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 we have over 100 restaurants to choose from . do you have a food 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 Restaurant-Request+Food +bos no , not really , but it 's nice to know i have a lot of choices . i 'm also looking into booking a train 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+Dest O O O O O O N/A +bos i can help you with train information into cambridge . where are you departing from ? eos O O O O O O O O O B-Train-Inform+Dest O O O O O O O Train-Request+Depart +bos i 'm leaving from stansted airport . i need to leave after 10:15 on wednesday . eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A +bos we have a train leaving at 10:24. would you like to book tickets ? eos O O O O O O O B-Train-Inform+Leave O O O O O O O Train-Select,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 your reservation for 7 tickets on the tr0467 train was successful . your reference number is : hdt6n9d9 . eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id O O O O O O O O B-Train-Inform+Ref O O N/A +bos thank you for your help . eos O O O O O O O general-thank +bos your reservation for 7 tickets on the tr0467 train was successful . your reference number is hdt6n9d9 anything else i can help you with ? eos O O O O O O O O B-Train-OfferBooked+Id O O O O O O O B-Train-Inform+Ref I-Train-Inform+Ref O O O O O O O O general-reqmore +bos thanks ! i am looking for a restaurant called travellers rest . i want to make a reservation there 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 N/A +bos 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 . eos O O O O O O 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+Time +bos it should be for wednesday at 17:45 and 7 people please eos O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A +bos your booking was successful and your reference number is 79ul6ex4 . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you so very much . eos O O O O O O O general-thank +bos no problem , may i assist with anything else ? eos O O O O O O O O O O O general-welcome,general-reqmore +bos that is all for now . thanks ! eos O O O O O O O O O general-thank +bos you 're very welcome and we hope you enjoy your stay . eos O O O O O O O O O O O O O general-welcome,general-bye +bos hello , i would like to find the el shaddai hotel . can you help me ? 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 N/A +bos the el shaddai hotel is located at 41 warkworth street , would yo+u like the phone number ? 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 O O O O general-reqmore +bos can i book a stay there for 1 person for 5 nights starting tuesday 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 N/A +bos your booking was successful , reference number is 8t4aj6p9 , 1 person for 5 nights starting tuesday at the el shaddai . can i help you with anything else ? eos O O O O O O O O B-Booking-Book+Ref O B-Booking-Book+People O O B-Booking-Book+Time O B-Booking-Book+Day O O O O O O O O O O O O O O O general-reqmore +bos nope , that 'll do it . thanks for your help ! 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 looking for a 4-star place that 's moderately priced . eos O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Price O O O O N/A +bos i can help you finding a room that suits your needs . i have about 11 different options . can you tell me what area of town you prefer ? eos O 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 O O O O O O O O Hotel-Request+Area +bos the east would be best . eos O O B-Hotel-Inform+Area O O O O N/A +bos there are three options , two of which have both free parking and free wifi . would you like to book at one of them ? 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 O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i do need free wifi . eos O O O O O O O N/A +bos how about the carolina bed and breakfast ? they have free wifi . i can book 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 O Hotel-Recommend+Internet,Booking-Inform +bos no . i may decide later . could i get the address though . eos O O O O O O O O O O O O O O O Hotel-Request+Addr +bos the address is 138 perne road and the postcode is cb13nx . is there anything else i can help you with today ? 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 O general-reqmore +bos no i think that will be all , thanks . eos 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 yes , can you give me the information on the huntingdon marriott 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 O N/A +bos absolutely . it is an expensive hotel located in the west part of town . it has 4 starts and includes free wifi and parking . would you like help booking a room ? eos O O O O O B-Hotel-Inform+Price 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 O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please , i need a reservation for 6 people for 5 nights starting on saturday . 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 sorry , there are not enough rooms available for that time period . perhaps a different day or a shorter stay might yield better results . eos O O O 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,general-reqmore +bos how about for 1 night ? if that works , i 'll need a reference number of course . eos 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 booking was successful . your reference number is : oo8qda62 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you so much . goodbye . eos O O O O O O O O general-bye +bos goodbye . have a nice stay ! eos O O O O O O O O general-bye +bos hello , i am looking for a guesthouse located in the centre eos O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O N/A +bos ok , there are 2 guesthouses located in the centre of town . they are in the cheap price range . would you like to book one ? eos O O O O O B-Hotel-Inform+Choice O 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 Booking-Inform +bos do they both include free parking ? eos O O O O O O O O N/A +bos yes , they both have free parking . eos O O O O O O O O O Hotel-Inform+Parking +bos how about internet ? can i get wifi for free ? eos O O O O O O O O O O O O Hotel-Request+Internet +bos yes , they both have free wifi as well . eos O O O O O O O O O O O Hotel-Inform+Internet +bos thank you , that 's all . goodbye . eos O O O O O O O O O O general-bye +bos not a problem . if you need more assistance , let me know . eos O O O O O O O O O O O O O O O general-bye +bos i 'm looking for cheap lodgings . eos O O O O B-Hotel-Inform+Price O O O N/A +bos alexander bed and breakfast is an option . it is located at 56 saint barnabas road . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos what 's it 's star rating ? eos O O O O O O O O N/A +bos it has a 4 star rating . would you like me to book a room 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 Booking-Inform +bos yes . i need it for four people and five nights . eos O O O O O O O O O O O O O N/A +bos what day do you want that booking to start ? eos O O O O O O O O O O O Booking-Request+Day +bos i need it to start thursday night and once it is booked , can you send me the reference number ? eos 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 Hotel-Request+Ref +bos you 're all set ! your reference number is xzy6oubq . 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 general-reqmore +bos no , i 'll let you know if anything else comes up . eos O O O O O O O O O O O O O O N/A +bos ok , have a great day . do n't hesitate to contact us if you think of something you do 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-bye +bos i am looking for a 2 star hotel that also includes free wifi . eos O O O O O O O B-Hotel-Inform+Stars O O O O O O O N/A +bos the ashley hotel is a 2 star moderately priced hotel that includes free wifi . would you be interested in booking a room at this location ? 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 I-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+Internet +bos where is it located ? i 'm looking for something in the east . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos express by holiday inn cambridge is a 2 star hotel with free wifi . it is in the east , and is in the expensive price range . 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+Stars B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O Hotel-Inform+Internet +bos what type of place is the express ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name Hotel-Request+Type +bos express by holiday inn cambridge is a hotel . 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 B-Hotel-Inform+Type O N/A +bos do they also have free parking ? eos O O O O O O O O N/A +bos yes , it has free parking and wifi . would you like me to make a reservation for you at the express by holiday inn cambridge ? eos 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 O O O Booking-Inform,Hotel-Inform+Parking +bos what type of hotel is it ? eos O O O O O O O O Hotel-Request+Type +bos this is an expensive hotel . eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O N/A +bos 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 ? eos O O O O O O O O O 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 it is a hotel , not a guesthouse . eos O O O O B-Hotel-Inform+Type O 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 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 . that will be everything . eos O O O O O O O O O O general-thank +bos glad to help . thank you and goodbye ! eos O O O O O O O O O O general-bye +bos could you tell me where cotto is located ? eos O O O O O O B-Restaurant-Inform+Name O O O N/A +bos i have them at 183 east road city centre , 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 N/A +bos great ! do you know what price range they are in ? eos O O O O O O O O O O O O O Restaurant-Request+Price +bos sure , they are in the moderate price range . eos O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos thanks , good bye . 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 aloha ! can you help me find a hotel , please ? eos O O O O O O O O O O O O O Hotel-Inform +bos i would be happy to help you . what area are you interested in ? eos O O O O O O O O O O O O O O O O Hotel-Request+Area +bos i 'm not sure but i 'm looking for something in the cheap price rating with 4 stars . eos 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 N/A +bos i have 7 guesthouse and 1 hotel matching your inquiry . would you like a certain area or price range ? eos 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 Hotel-Request+Area,Hotel-Request+Price +bos i need free parking . eos O O O O O O N/A +bos it 's looking like they all offer both free parking and wifi . would you prefer to stay in a particular 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 Hotel-Request+Area,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i would like you to book me into the hotel for tuesday for 5 nights and 2 people . eos O O O 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 N/A +bos you have a reservation at autumn house , located at 710 newmarket road . reference number bft509gx . 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 N/A +bos not that is it thank you . eos O O O O O O O O general-thank +bos thank you , enjoy your stay . bye . eos O O O O O O O O O O general-bye +bos i was just in 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 O N/A +bos sorry to hear that . if you need to reach the police in parkside , cambridge cb11jg , their number is 01223358966 ? let me know if there is anything else i can 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 O O O O O O O O O O O N/A +bos i am calling the police and if i need anything else will contact you later . goodbye . eos O O O O O O O O O O O O O O O O O O O Police-Inform +bos ok , please reply if you need any further assistance . eos O O O O O O O O O O O O general-bye +bos 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 ? eos O O O O O O O O O O O O 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 hotels available , do you have any preferences to price or 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 Hotel-Request+Area,Hotel-Request+Price +bos not really . but it should be in the north . eos O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are two hotels on the north end , the ashley hotel and the lovell lodge . which 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 N/A +bos i would prefer a guesthouse thats 4 star rated . do either of those fit the bill ? 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 N/A +bos no , i 'm afraid they 're both two stars . would you like to try one of them anyway ? eos O O 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 O Hotel-Select +bos do they have free wifi at either of them ? eos O O O O O O O O O O O Hotel-Request+Internet +bos yes both have free internet . which one do you prefer ? eos O O O O O O O O O O O O O N/A +bos i would really like a four star guesthouse in the north area , i do n't need parking . eos O O O 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 okay , i 've found several place that meet those requirements . i suggest the avalon . would you like me to make a reservation for you ? eos O O O O B-Hotel-Inform+Choice 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 O O Booking-Inform +bos first could you tell me the price range for the avalon ? eos O O O O O O O O O O O B-Hotel-Inform+Name O Hotel-Request+Price +bos the price range at the avalon is moderate . do you have any more questions ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price O O O O O O O O general-reqmore +bos yes , can you confirm if the avalon has internet , please ? eos O O O O O O O O O O O O O O N/A +bos yes they does , but no free parking though . eos O O O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos cool . thanks i 'm good now . goodbye . eos O O O O O O O O O O O general-bye +bos you have a wonderful day ! eos O O O O O O O general-bye +bos hi . is there a hotel named home from home ? i think i have heard of that . 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 N/A +bos home from home is a 4 star guesthouse on the north side . eos 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 B-Hotel-Inform+Area O O N/A +bos all right , could you book a room for me ? there will be 8 people for 4 nights , arriving monday . 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 N/A +bos i 'm afraid they ca n't handle that booking . 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos sure . i could stay for 1 night . eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos i was able to book for one night . the reference number is mcs16ksp . is there anything else i can help you with ? 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 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 you 're welcome . enjoy your visit ! eos O O O O O O O O O general-bye +bos i 'm looking for a hotel in the north side . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos i have many options in the north . all are in the cheap to moderate range . do you have any further requirements ? eos O O O B-Hotel-Inform+Choice 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 'd like 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 O N/A +bos ashley hotel and lovell lodge are both available eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos the ashley hotel sounds fine , can you book that for me please . also , i need the postcode of that hotel as well . 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 O O O Hotel-Request+Post +bos the post code is cb41er . what day would you like the reservation for ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O O Booking-Request+Day +bos actually , i do n't need a booking . thanks . 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 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 yes could you please give me information on the attraction called tenpin ? eos O O O O O O O O O O O O B-Attraction-Inform+Name O N/A +bos yes it is an entertainment venue and it is located at cambridge leisure park , clifton way . their telephone number is 08715501010. is there anything else you would like to know ? eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 O O O O general-reqmore +bos yes . could you please give me the postcode and entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos the postcode is cb17dy and i am sorry but we do not have any information on the entrance fee . 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+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 general-reqmore +bos yes can you help me find a place to stay ? i need a hotel that includes free wifi and has a star of 1. 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 B-Hotel-Inform+Stars O N/A +bos there are none showing up under that criteria , shall i look at other options for you ? 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 yes please see if there are any other options . eos O O O O O O O O O O O N/A +bos there is a hotel with 0 stars called cityroomz and a hotel with 2 stars called ashley hotel . they both have free wifi . do either of these interest you ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Select,Hotel-Inform+Internet,general-reqmore +bos no , is there one with free parking and 4 star ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos huntington marriot hotel , the cambridge belfry and the university arms hotel all have a 4 star rating , free parking and also include wi-if . can i book any of those for you today ? 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 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 +bos yes , go ahead and book it for 2 nights on thursday for 3 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 O N/A +bos great ! you 're booked at the huntingdon marriott hotel with reference number o18fi4l8 . may i help 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 O general-reqmore +bos no thank you , that is everything i needed . eos 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 an expensive hotel to stay in . eos O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos i found 5 places , university arms hotel has good ratings eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos is that a hotel or guesthouse ? i prefer an expensive guesthouse if possible . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos i could n't find any expensive guest houses . perhaps a different price range or another style of hotel ? eos 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 Hotel-Request+Price,Hotel-Request+Type +bos can you try searching for moderate priced hotels ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos i have both moderate guesthouses and hotels across the city . do you have an area preference ? eos O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O O O Hotel-Request+Area +bos i prefer the east and would like free wifi eos O O O O B-Hotel-Inform+Area O O O O O N/A +bos i have 3 guesthouse matching your description . one has no parking . i can book you at the carolina bed and breakfast if 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 Booking-Inform,Hotel-Inform+Parking +bos that could be really nice , thank you . eos O O O O O O O O O O general-thank +bos 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 . eos O O O O O O O O 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 please , book the hotel for 5 days for 4 people starting on friday . eos 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 sure , can i just make sure you want a moderate guesthouse , east part of town , free internet , for 5 days starting on friday ? eos O O O O O O O O O O O O O O O O O O O O B-Booking-Inform+Stay O O B-Booking-Inform+Day O O O O O N/A +bos on second thought , i do n't want to book it today . can you just confirm that it is in the east part of town ? that is 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 O O O O O O O O N/A +bos yes . i have 3 guesthouses on the east part of town . a & b has no parking . carolina b & b and warkworth do provide free parking . eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area 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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos that is all the information i need . thanks so much . i 'll book it myself later . 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 sounds good . please let me know if you need anything else . goodbye . eos O O O O O O O O O O O O O O O O general-bye,general-reqmore +bos can you find me a chinese restaurant with moderate prices ? eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O N/A +bos you have your choice of the jinling noodle bar , lan hong house , shanghai family restaurant , or the golden wok . 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 N/A +bos which one of these restaurants is 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 jinling noodle bar , lan hong house , and shanghai family restaurant are all in the centre of town . 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 B-Restaurant-Inform+Area O O O O O N/A +bos thanks ! can i have the address , phone number , and postcode for jinling noodle bar , please ? 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 O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure.the address is 11 peas hill city centre , postcode cb23pp , and the phone number is 01223566188. can i book a table for 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 B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform +bos no thanks . that 's not necessary . i think i have all i need . have a 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 general-thank +bos thank you . have a good night , goodbye . eos O O O O O O O O O O O general-bye +bos i am looking for a asian restaurant in the centre eos O O O O O O O O O O B-Restaurant-Inform+Area N/A +bos i have 4 listings , can i get a price range 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 Restaurant-Request+Price +bos yes , i 'd prefer mid-range please . eos O O O O O O O O O N/A +bos that sounds like the yippee noodle bar . could i book it for you ? 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 Booking-Inform +bos i 'm sorry could you check again but in the cheap price range ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos i found two restaurants : dojo noodle bar and j restaurant . which one of these do you prefer ? 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 O O O O O Restaurant-Select +bos do either have a table available at 17:00 on friday for 5 people ? eos O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People O N/A +bos yes , i reserved a table at j restaurant for you . reference number is bm3n0suh , and the table will be held for 15 minutes . will that be all ? 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 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 general-thank +bos have a nice time , 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 need to find a place to stay in the east part of town with free parking . 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 there are 6 places to stay in the east part of town with free parking . do you have a preferred price range ? eos 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 O O O O O Hotel-Request+Price,Hotel-Inform+Parking +bos i do n't have a preferred price . i 'm looking for any sort of guesthouse there and absolutely require wifi access . eos O O O 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 allenbell is on the east side of town , is a guesthouse type , and has parking and wifi . would you like me to book it ? eos O O B-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 I-Hotel-Inform+Area O B-Hotel-Inform+Type 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 it for 5 people and 3 nights , starting from monday . eos O B-Hotel-Inform+Internet 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 booking was successful . your reference number is : 7nwczep1 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos that is all , thank you eos 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-bye +bos please provide me information on the restaurant one seven . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos restaurant one seven serves british food in the centre area at moderate prices . would you like to book there ? eos 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 B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos yes i would like to book a table for 3 people at 20: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 O N/A +bos i have you booked for a table of 3 at 20:00 on wednesday , would you like a confirmation receipt ? 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 O O O O O O O general-reqmore +bos yes , please give me the reference number . eos O O O O O O O O O O Restaurant-Request+Ref +bos i am sorry the booking was unsuccessful can i help you find another place in the same area 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 Booking-NoBook,general-reqmore +bos i am disappointed but willing to try another place in the same area and price range . 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 N/A +bos there are 21 different restaurants that follow those criteria . did you want to stay within the british theme or try something else ? 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 yes , we can stick to british please eos O O O O O O O O O N/A +bos the oak bistro was available to be booked , your reference number is eo5vq6ej . 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 N/A +bos thanks for all of your help you were great ! eos O O O O O O O O O O O general-thank +bos you 're welcome ! your table will be reserved for 15 minutes . enjoy your meal ! 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 to find a restaurant that serves swedish food and expensive . eos O O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O N/A +bos i am sorry there are no restaurants that serve swedish food in the expensive range . would you like to try another 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 Restaurant-Request+Food,Restaurant-NoOffer +bos how about indian or italian then ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos stazione restaurant and coffee bar is a nice place.do you want 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 O O O O O O O general-reqmore +bos can you help me find a hotel ? eos O O O O O O O O O Hotel-Inform +bos i sure can , what would you like for your hotel ? eos O O O O O O O O O O O O O Hotel-Request+Type +bos i 'm looking for something moderately priced with a 4 star rating . eos O O O O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O N/A +bos i have 11 hotels that would meet your criteria . did you have a certain area that 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 O O O O O Hotel-Request+Area +bos no , but i would like to have free wifi . eos O O O O O O O O O O O O N/A +bos there are several that meet your criteria . do you need free parking ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Parking +bos that does not matter . which one would you recommend ? eos O O O O O O O O O O O O N/A +bos i recommend the a and b guest house . do you want me to book it 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 O O O O O O O O O O Booking-Inform +bos actually , i would like something that has 4 stars . does a and b have 4 stars ? 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+Stars O O O O O O O O O O N/A +bos yes , a & b guesthouse does have 4 stars . are you ready to book a room ? 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+Stars O O O O O O O O O O Booking-Inform +bos yes , and can i get the phone number for the guesthouse , please . eos O O O O O O O O O O O O O O O O Hotel-Request+Phone +bos the number is 01223315702. is there anything else that i can help you with ? eos O O O O B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , you have been very helpful , thanks . i do n't need anything else at the moment . 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 have a great day ! eos O O O O O O general-bye +bos i need an expensive place to dine 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 what type of food are you wanting at this restaurant ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos type of food does not matter to me . eos O O O O O O O O O O N/A +bos yes there are 33 such restaurants . 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 Booking-Inform +bos yes and book one in the centre of town for tonight . eos O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos certainly . how many will be in your party ? eos O O O O O O O O O O O Booking-Request+People +bos just one , and can you book me for 14:00 ? eos O O O O O O O O O O O O N/A +bos fitzbillies restaurant is british cuisine . would you like me to book a reservation ? 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 Booking-Inform +bos sure , for thursday . eos O O O B-Restaurant-Inform+Day 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 please book 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 okay . i got you into the cambridge chop house and your reference number is t3xzdzfc . 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 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 thank you for using this service . good bye . eos O O O O O O O O O O O general-bye +bos i need a train out of cambridge eos O O O O O O O B-Train-Inform+Depart N/A +bos okay ! where would you like to go ? eos O O O O O O O O O O Train-Request+Dest,general-greet +bos i want to go to stevenage . eos O O O O O O B-Train-Inform+Dest O N/A +bos these trains run every two hours , starting at 05:21. what time would you like to depart ? eos 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 i want to arrive at stevenage by 20:45. eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos the tr2515 meets your criteria . would you like to book some tickets ? eos O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O O O O O O O N/A +bos does that train travel on friday ? and can i get the total travel time ? eos O O O O O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Duration +bos tr8118 is your best bet . it will arrive in stevenage at 20:10 , and the travel time from cambridge is 49 minutes . 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 B-Train-Inform+Depart O O B-Train-Inform+Time I-Train-Inform+Time O O N/A +bos great . i actually do n't need tickets yet . could you tell me about a restaurant called the slug and lettuce ? 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 O O O N/A +bos sure it is a gastropub in the centre of town and is quite expensive eos O 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 B-Restaurant-Inform+Price N/A +bos ok. can you also tell me the postcode and address ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos 34 - 35 green street , cb23ju . 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 , i think that 's about everything i need right now . thank you ! eos O O O O O O O O O O O O O O O O O general-thank +bos glad to help , have a blessed day . eos O O O O O O O O O O general-welcome,general-bye +bos thanks . you too . good bye eos O O O O O O O O general-bye +bos enjoy your stay ! eos O O O O O general-bye +bos 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 ? eos O O O O O O 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 sure can ! would you like a guesthouse or a hotel ? eos O O O O O O O O O O O O O O Hotel-Request+Type +bos i would like a moderate priced guesthouse please . it also needs to have 4 stars and free parking . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos i have several nice guest houses that fit your request . what part of town do you prefer ? 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 O O O O Hotel-Request+Area +bos i am pretty indecisive so none . can you pick a 4 star place and book me for 3 people and 2 nights starting on tuesday ? eos 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 N/A +bos your reservation at limehouse for this tuesday for 3 days 2 nights for 3 people was successful . your reference number is : ovcfxdnp . eos O O O O B-Booking-Book+Name I-Booking-Book+Name O 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 O O O B-Booking-Book+Ref O O N/A +bos awesome , thanks a lot . that 's all i needed help with today . eos O O O O O O O O O O O O O O O O N/A +bos you are welcome . eos O O O O O general-welcome +bos can you help me find information on saint john 's college ? eos 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 saint john 's college is in the centre of town on saint john 's street . the entrance fee is 2.50 pounds . can 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+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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos is there an exact address , like a street number ? thanks ! eos O O O O O O O O O O O O O O Attraction-Request+Addr +bos it is on saint john 's street , though it does n't have an exact street number . is there anything else you would like to know ? 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 O O O O O O O O O O O general-reqmore +bos yes , i 'm also looking for a train that leaves on friday after 11:15. 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 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 Train-Request+Depart,Train-Request+Dest +bos cambridge is my destination and from leicester eos O B-Train-Inform+Dest O O O O O B-Train-Inform+Depart N/A +bos the tr3877 leaves at 12:09 on friday . 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 B-Train-Inform+Day O O O O O O O O O O O Train-OfferBook +bos yes , can you book it for 1 person , please ? eos O O O O O O O O B-Train-Inform+People O O O O N/A +bos it has been booked . your total fee is 37.79 gbp , which is payable at the station . your reference number is 2x743c2d . 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 N/A +bos great . thanks for all your help ! eos 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 +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 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 can you find a college in the centre ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos i show 13 colleges . downing college is nice and admission is free . would you like more information on it ? eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos i 'm not interested in that college . is there another one you 'd recommend and if so , what is their 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+Fee +bos christ 's college is free . do you need anything else ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O O O N/A +bos yes a restaurant that serves gastropub food 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 N/A +bos backstreet bistro is an excellent place to dine . shall i book it for you ? 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 that sounds great . can you please make a reservation for 7 people on thursday at 14:45 ? eos 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 booking was successful . the table will be reserved for 15 minutes.reference number is : rek8fkj8 . 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 'll also need a taxi that will take me from the college to the restaurant . i need to arrive by 14: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 O O N/A +bos a taxi has been booked . the car will be a black audi and the contact number is 07646954910. 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 N/A +bos thank you for all your help . eos O O O O O O O O general-thank +bos you 're welcome . you 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 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 N/A +bos absolutely , what kinda of place you are looking for ? eos O O O O O O O O O O O O Attraction-Request+Type +bos i do n't know . can you recommend something ? eos O O O O O O O O O O O N/A +bos people 's portraits exhibition at girton college is a museum in the west . can i give you the address 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 O O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Area O O O O O O O O general-reqmore +bos i need the phone number and entrance fee please . eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos the phone number is 01223338901 , admission is free . eos O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O N/A +bos i also need a train ticket on friday leaving peterborough arriving by 15:00 eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O B-Train-Inform+Arrive N/A +bos tr2521 will arrive at 14:38. would you like a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos no , thanks . that is all for me . eos O O O O O O O O O O O general-thank +bos thanks for visiting , have a lovely day ! eos O O O O O O O O O O general-bye +bos actually , there is one more thing . you 've given me the train id , and the arrival time in cambridge . but , when does the train depart peterborough ? eos 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+Depart O O O O O O O Train-Request+TrainID +bos the train departs at 13:48. eos O O O O O B-Train-Inform+Leave N/A +bos great . 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 excellent , have a great day ! eos O O O O O O O O general-bye +bos i need a expensive restraint om cambridge in the centre eos O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area N/A +bos i have several options for you . what type of food are you interested in ? i can gladly book a reservation with a little more information . 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 O O O O O O O Booking-Inform,Restaurant-Request+Food +bos my husband 's family will be with us for a birthday dinner , so how about italian . they are from an italian family . 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 N/A +bos okay , how about caffe uno located on 32 bridge street ? eos O O 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 O N/A +bos please book a table for 2 on monday at 18:15. eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos happy birthday to your husband ! your reservation will be held for 15 minutes . the reference number is e3cnap2 . 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 general-greet +bos i am planning a trip in cambridge eos O O O O O O O O N/A +bos all right , and how can i help with that ? eos O O O O O O O O O O O O general-reqmore +bos i 'd like to come by those high speed trains from leicester eos O O O O O O O O O O O B-Train-Inform+Depart O N/A +bos what day will you be traveling ? eos O O O O O O O O Train-Request+Day +bos my travel day is saturday . i 'd like to arrive in cambridge by 20:30. eos 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 the tr8070 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 no , not right now . what is the travel time , please ? eos O O O O O O O O O O O O O O O Train-Request+Duration +bos starts from 05:09 eos O O O O N/A +bos ok book for 1 please eos O O O O O O N/A +bos the cost of your ticket will be 30.24 pounds eos O O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket N/A +bos i also need a hotel in the west and should be in the moderate price range . eos 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 how many stars would you like ? eos O O O O O O O O Hotel-Request+Stars +bos the hotel should have a star of 3 eos O O O O O O O O B-Hotel-Inform+Stars N/A +bos hobsons house meets your requirements . would you like to book ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O Booking-Inform +bos yes , for 2 people for 3 nights . eos O O O O O O O B-Hotel-Inform+Stay O O N/A +bos when would you like to arrive ? eos O O O O O O O O Booking-Request+Time +bos on saturday please eos O O B-Hotel-Inform+Day O N/A +bos booking was successful.reference number is : uakxt244.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 N/A +bos awesome , thanks so much for your help ! that is all i needed , 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 thank you for contacting cambridge town info centre . have a nice day ! eos O O O O O O O O O O O O O O O general-greet +bos can you find me an expensive place serves panasian food ? eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos i have n't found any expensive panasain restaurants . should i try another price range ? eos O O O O O O O O O O O O O O O O O N/A +bos are there restaurants that serve mediterranean food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have a couple . both are in the centre . la mimosa , shiraz restaurant eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos i am interested in la mimosa . please book a table for 7 at 15:15 on wednesday . thanks for your help ! 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 O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : er5dfe50 . 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 's it . thank you so much . 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 can you suggest somewhere around here where i can see multiple sports and is 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 N/A +bos i 'm sorry . i was unable to find anything that matched 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 O O O O O general-reqmore,Attraction-NoOffer +bos yes , can you please see if there are any types of colleges located in the centre ? eos 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 yes there are five colleges in centre . four are free to get into , one is 2 pounds . eos O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 N/A +bos could you give me the address for the one that is 2 pounds . eos O O O O O O O O O O O O O O O Attraction-Request+Addr +bos that address is king 's parade . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos i need a train out of cambridge as well . i need to leave on friday . eos O O 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 what is your destination ? eos O O O O O O Train-Request+Dest +bos i want to go to peterborough . eos O O O O O O B-Train-Inform+Dest O N/A +bos there are several available . do you have a preference on time ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O Train-Request+Leave +bos i would like to leave after 09:00. eos O O O O O O O B-Train-Inform+Leave 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 dont mind as long as we leave after 09:00 eos O O O O O O O O O O O N/A +bos i have a train here that is leaving from cambridge on friday at 09:06 and arrives at 09:56. would this be good for you ? eos O O O O O 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 B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes . that 's perfect . i need 4 tickets please eos O O O O O O O B-Train-Inform+People O O O O N/A +bos your reservation for 4 tickets on the tr3071 train was successful , the total fee is 66 gbp payable at the station . your reference number is : nzfz3vhb . eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id 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 ok. thanks . i am all set . eos O O O O O O O O O general-thank +bos i 'm glad i could be of assistance . 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 i 'm excited to be traveling to cambridge and would like to find some places to go 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 B-Attraction-Inform+Area O O O O N/A +bos luckily , there are 44 places to go in the town centre . do you have a certain type of place you would like to go ? eos O O O O O B-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 O O O Attraction-Request+Type +bos yes , i would like a theatre in the centre . eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos the mumford theatre is in town centre , located at anglia ruskin enterprise , east road . would you like their phone number ? eos O O B-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 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 would like their phone number . eos O O O O O O O O O Attraction-Request+Phone +bos okay , their phone number is 08451962320. eos O O O O O O B-Attraction-Inform+Phone O N/A +bos i 'm also looking for the carolina bed and breakfast . what area is it in ? 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 Hotel-Request+Area +bos the carolina is in the east part of town . would you like me to book a room for you ? eos O O B-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 Booking-Inform +bos no , that 's okay , i just needed to know what area it was in . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos just in case you need it the phone number is 01223247015. was there anything else i can assist you with today ? eos 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-reqmore +bos no , thanks - i 'm all set . you 've been a great help . eos O O O O O O O O O O O O O O O O O general-thank +bos no problem . have a great stay . eos O O O O O O O O O general-bye +bos i 'm looking for a hotel to stay in . i prefer something in the expensive price range , and also one that offers 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 O N/A +bos the gonville hotel may be a good option . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos i 'd like a place with 3 stars . eos O O O O O O O B-Hotel-Inform+Stars O O N/A +bos the lensfield hotel or gonville hotel both meet your criteria . would you like me to make a reservation for you at either option ? 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 O O O O O Booking-Inform,Hotel-Select +bos what area is it in ? eos O O O O O O O Hotel-Request+Area +bos the gonville hotel is in the centre area and the lensfield hotel is in the south area . would either of these hotels work 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 O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Select +bos i want the one in the south eos O O O O O O O B-Hotel-Inform+Area N/A +bos in that case , you 'd prefer the lensfield . do you need to book a room ? 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 Booking-Inform +bos yes can you please . thank you eos O O O O O O O O general-thank +bos which day would you be arriving at the hotel , 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 Booking-Request+Day,Booking-Request+Stay +bos wednesday for 4 people , just one night . eos O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O N/A +bos booking was successful.reference number is : h9ce5kk3 . 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 i also need a train going to leincester from cambridge . i want to leave on monday and arrive at 13:00. eos O O O O O O O O O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Arrive O N/A +bos how many tickets do you need ? eos O O O O O O O O Train-Request+People +bos 4 people please . eos O O B-Train-Inform+People O O N/A +bos your tickets have been booked . your reference number is 6f8ivdhh . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos i need to find a vietnamese restaurant in the moderate 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 i 'm sorry , we do n't have anywhere that matches those criteria . is there something else i can find 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 Restaurant-NoOffer,general-reqmore +bos can you try chinese ? eos O O O O B-Restaurant-Inform+Food O N/A +bos i have four choices for chinese restaurants . three are in the center of town and one is in the north . any preference ? eos 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 O O O O O O B-Restaurant-Inform+Area O O O O O general-reqmore +bos i 'm a pathological liar . i do n't want chinese . i actually want british food . 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 all righty , then . we have five moderately priced british restaurants . i 'm almost afraid to ask , but does location matter ? eos O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-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 Restaurant-Request+Area +bos i 'd like it to be in the centre please . eos O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are 4 options for british food in the centre . restaurant one seven , the oak bistro , the copper kettle and cotto . do any of those sound good to you ? eos O O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O Restaurant-Request+Area +bos recommend one and book a table for 3 people at 17:45 on tuesday and get me 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos the oak bistro . booking was successful . the table will be reserved for 15 minutes.reference number is : tmov7wre . 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 B-Booking-Book+Ref O O O N/A +bos thank you . i am also looking for a place to stay . eos O O O O O O O O O O O O O O general-thank +bos okay , what requirements do you have for a place to stay ? eos O O O O O O O O O O O O O O general-reqmore +bos i would like a three star hotel . i 'm trying to unplug on this trip , so free internet is n't necessary . eos O O O O 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 guesthouse in the north is three stars with no internet , are you open to a guesthouse or is a hotel preferred ? eos 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 Hotel-Request+Type,Hotel-Inform+Internet +bos i would prefer a hotel , in the moderate price rage . it should be 3 stars . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i apologize , but there are no hotels that meet your criteria . are you open to a different star rating or 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 O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Stars +bos yes , could you make a suggestion maybe ? eos O O O O O O O O O O N/A +bos the ashley hotel is moderately-priced and 2-stars . would that be ok ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O general-reqmore +bos actually , i am open to a guest house . can you check to see if there is a 3-star guesthouse in the moderate range ? 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 B-Hotel-Inform+Price O O O O N/A +bos there are 4 guesthouses with a 3 star rating . would you like to stay in a particular area of town ? there are choices in the north , south , and west . eos 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 O O Hotel-Request+Area +bos since none of them seem to be close to the restaurant , can you suggest one for me ? eos O O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos i recommend hobsons house in the west . can i give you the address ? eos 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 general-reqmore +bos could you book it for me ? i need it for 3 people for 3 days . eos O O O O O O O O O O O O O B-Hotel-Inform+People O O O O N/A +bos i have you booked for 3 people , 3 days starting on tuesday , reference number is yb9wdnd7 , any other questions ? eos O O O O O O O B-Booking-Book+People O O O O B-Booking-Book+Day O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos i also need a taxi that arrives at the booked time . eos O O O O O O O O O O O O O Taxi-Inform +bos i 'd be happy to help with your request , first i 'll need to know 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 O O Taxi-Request+Dest +bos yeah i want to get tp the restaurant at the time you booked it for me eos 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 N/A +bos i just need to confirm , will you be leaving from the hotel ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos yes , my pick-up point will be the hotel . i need to be at the restaurant by 17:45. can you book the taxi for me , please ? eos 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 O O O N/A +bos your taxi reservation has been booked . the car type is black ford and the contact number is 07375823066. is there anything else i can do for you 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 O O O O O O O general-reqmore +bos no , that 's it . thanks for your help . 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 enjoy your stay in cambridge eos O O O O O O general-greet +bos help me find a place to stay . i need a cheap hotel in the east . eos 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 N/A +bos i 'm so sorry , but i could n't find anything fitting your specifications . would you like for me to look in 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 Hotel-NoOffer,Hotel-Request+Area +bos i might be able to spend more if the hotel comes with free wifi . eos O O O O O O O O O O O O O O O O N/A +bos ok , the express by holiday inn cambridge has wifi but it 's expensive . do you want to book it ? 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 B-Hotel-Inform+Price O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos no . let me clarify . i am looking for a hotel or guesthouse but i would like it to be cheap and in the east with 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+Price O O O B-Hotel-Inform+Area 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 i need a cheap place to stay in the east area with wifi , please . eos O O O O O O O O O O O O O O O O O N/A +bos i cant find a entry , would you want a different location ? eos O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos can you find me a train on thursday ? i am leaving from cambridge . eos O O O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Depart O N/A +bos of course . where are you headed ? eos O O O O O O O O O Train-Request+Dest +bos i 'm going to liverpool street in london . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A +bos i have 10 trains going to liverpool street 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 I-Train-Inform+Dest B-Train-Inform+Depart O O O O O O O O O O O Train-Request+Arrive +bos i want to arrive by 15:00. eos O O O O O O B-Train-Inform+Arrive N/A +bos i have train tr5504 that leaves at 11:59 and arrives by 13:27. would this fit your schedule ? 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 N/A +bos no , find me one that leaves after 08:00 please . eos O O O O O O O O B-Train-Inform+Leave O O O N/A +bos tr2715 leaves at 09:59 and arrives by 11:27 , does this suit your needs better ? 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 N/A +bos can you book for 8 people ? please include the reference number . eos O O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos your reference number is 8p0jzi40 and you 'll owe 132.8 gbp . anything else i can do ? eos O O O O O B-Train-OfferBooked+Ref I-Train-OfferBooked+Ref O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O general-reqmore +bos i also need to find a place to visit in the west part 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 is there anything in particular you 'd like to see 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 Attraction-Request+Name,Attraction-Request+Type +bos there 's nothing in particular . could you recommend something fun to do ? eos O O O O O O O O O O O O O O O N/A +bos the magdalene college sounds like a blast and its also free . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Fee O N/A +bos can you give me the phone number , please ? eos O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223332138. eos O O O O O B-Attraction-Inform+Phone N/A +bos great ! what is their postcode please ? eos O O O O O O O O O Attraction-Request+Post +bos their postcode is cb30ag eos O O O O B-Attraction-Inform+Post N/A +bos thank you , that will do it for me today . eos O O O O O O O O O O O O general-thank +bos enjoy your time at the college ! eos O O O O O O O O general-bye +bos i will be visiting family in the south part of cambridge and we would liek to get one last boating excursion in . any boating places in the south area ? eos O O O O O O O O B-Attraction-Inform+Area 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 it looks like there is n't any boating in the south area . would you like me to look in a different area of town ? eos O O O O O O O B-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 Attraction-Request+Area +bos how about a nightclub in the south ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos sure , the place is on 22 sidney street and the postcode is cb23hg . phone number is 01223324600. eos 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 O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone 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 i can help you with ? eos O O O O O O O O O O O general-reqmore +bos i would like place to stay . the hotel should be in the type of guesthouse and should include free wifi 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 aylesbray lodge guest house is a nice four star guesthose with internet available . would you like me to book you a room ? 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 B-Hotel-Inform+Type O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos i would prefer a guest house that has one star . is there one available also 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 N/A +bos no , i 'm sorry there are no 1 start guesthouses offering free wifi . is there anything else i can help you with ? 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 O O O O O O O O O O O Hotel-NoOffer+Internet,general-reqmore +bos okay , the four will be fine , then . i do n't need to book , yet . 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 O general-thank +bos no problem . are you sure you do n't want to go ahead and 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 +bos can you book it for 4 people for 2 nights starting friday ? eos O O O O O O O O O O B-Hotel-Inform+Stay O O O N/A +bos okay . i have a reservation for 4 for two nights starting friday . eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Stay I-Booking-Book+Stay B-Booking-Book+Day O N/A +bos i am wanting to visit a college while i am traveling in town . do you have any listings ? 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 there are 18 colleges that you can visit . is there a particular part of town that 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 O Attraction-Request+Area +bos i have no preference for the area , would you recommend one for me ? i would also 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 O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos christ 's college is located in the centre of town at listed postcode cb23bu . the entrance fee is free . would you like more information ? 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 O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos no thanks , but i do need a place to stay . could you find me something 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 N/A +bos there are five places with parking , is there a specific price range you would like to look for ? 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+Price,Hotel-Inform+Parking +bos no nothing specific , but the cheaper the better eos O O O O O O O O O O N/A +bos is there an area of town you 'd prefer ? eos O O O O O O O O O O O Hotel-Request+Area +bos i would prefer to stay in the west side of town . eos O O O O O O O O O O O O O N/A +bos any other requests ? eos O O O O O general-reqmore +bos thank you ! i would like it to have at least 4 stars . eos O O O O O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos i have two , would you prefer a guesthouse or hotel ? eos 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 does n't matter . do both include wifi ? eos O O O O O O O O O O N/A +bos yes both have wifi eos O O B-Hotel-Inform+Choice O O Hotel-Inform+Internet +bos you know what , come to think of it i think i would prefer to stay on the south side of town . can you check for a 4-star hotel there ? 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 B-Hotel-Inform+Stars O O O O O N/A +bos there are two 4-star hotels : aylesbray lodge guest house and rosa 's bed and breakfast . eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type 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 could you get me the postcode for rosa 's b & b ? and is that a hotel or guesthouse ? 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 Hotel-Request+Post +bos rosa 's bed and breakfast is a guesthouse . it has internet and parking , as requested , and the postcode is cb22ha . shall i book a room for you at rosa 's ? 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 O O O B-Hotel-Inform+Post O O O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes i will also need to book a taxi from rosa 's for 04:45. eos O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos just to confirm , you want a taxi from rosa 's to christ 's college with a departure time of 04:45 , 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 Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest +bos that is correct . eos O O O O O N/A +bos okay you have a booked car , a blue tesla , contact number 07113187062. 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 N/A +bos thank you . i think 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 you are most welcome . have a good day . eos O O O O O O O O O O O general-welcome,general-bye +bos hi , i am looking for information for my upcoming trip . can you help me with some attractions ? 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 absolutely . which area of town will you be visiting ? eos O O O O O O O O O O O O Attraction-Request+Area +bos i 'd like something in the east . eos O O O O O O B-Attraction-Inform+Area O O N/A +bos there are many attractions in the east , including boats , museums , swimming pools , parks , and sports . are you interested in anything specific ? eos O O O B-Attraction-Inform+Choice O 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 O O O O O O O O Attraction-Request+Type +bos no , it does n't matter pick something for me . i 'll need to know what the entrance fee is 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 Attraction-Request+Fee +bos i would suggest the funk fun house . i do not have an entrance fee listed but you can call them at 01223304705. eos O O 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 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 B-Attraction-Recommend+Phone O N/A +bos that sounds interesting , what type of attraction is it ? eos O O O O O O O O O O O O Attraction-Request+Type +bos there are quite a few options in the center . and most museums are free to enter . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Fee O O O N/A +bos what type of attraction is the funk fun house ? eos O O O O O O O O O O O Attraction-Request+Type +bos it is an entertainment attraction . eos O O O O B-Attraction-Inform+Type O O N/A +bos great . i also need 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 O N/A +bos there are 202 trains that meet your criteria . would you like to narrow it down by departure site , arrival time , or 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+Leave,Train-Request+Depart,Train-Request+Arrive +bos yes , the train should leave after 9:00. i 'm departing from ely . i 'll need the arrival time and travel time , please ? eos 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 O Train-Request+Duration,Train-Request+Arrive +bos the earliest is tr4212 which leaves at 09:35. it arrives by 09:52 and takes 17 minutes . eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you , that is everything i need . 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 want to find a place to stay in the north with free parking . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos i have several hotels in the north that offer free parking . do you have a preferred price range so that i can narrow it down for you a bit ? eos 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 O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Parking +bos yes , i would prefer a moderate price range . eos O O O O O O B-Hotel-Inform+Price O O O O N/A +bos the acorn guest house appears to meet your criteria . would you like more details on this hotel ? 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 general-reqmore +bos that sounds great , could you make the reservations for me there then ? i will be there sunday with 3 people and we will stay for 2 nights . 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+People O O O O O O B-Hotel-Inform+Stay O O O N/A +bos i am sorry the acorn does n't have a room available then , how about 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 no , lets try ext weekend , see if you can book it for then ? eos 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 still no availibility . would you like to try a different hotel then ? 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 , same price range . eos O O O O O O O N/A +bos hamilton lodge has the same amenities and is right next door . would you like me to book that property 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 O O O O Booking-Inform +bos yes , please . eos O O O O O N/A +bos booked ! reference number : 2ba346ma . eos O O O O B-Booking-Book+Ref O O O N/A +bos okay great . thank you very much . 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 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 for your help . eos O O O O O O O O O O O O general-thank +bos no problem . have a great day . good-bye . eos O O O O O 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 i have 32 hotels with free wifi . is there a specific part of town 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 O O O Hotel-Request+Area,Hotel-Inform+Internet +bos no , it just needs to be in the moderate price range . i prefer guesthouses . 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 N/A +bos i have 14 entries , would you like it to have free parking ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Parking +bos that does not matter . what ones have availability for 7 people for 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 N/A +bos is there a star rating you would prefer to stay at eos O O O O O O O O O O O O Hotel-Request+Stars +bos i would like 3 stars or higher please eos O O O O O B-Hotel-Inform+Stars O O O N/A +bos i have the bridge house south area , the hamilton lodge in the north and hobsons house in the west . which one would you like me 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Hotel-Select +bos try booking the bridge house please . eos O O O O O O O O N/A +bos i 'm sorry , that one is unavailable . would you like to try another ? 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 if it 's in the same price range . eos O O O O O O O O O O O O N/A +bos i have the hamilton lodge in the north , would you like me to book that one ? 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 Booking-Inform,Hotel-Select +bos yes , please . and i will need the reference number . eos O O O O O O O O O O O O O Hotel-Request+Ref +bos i have booked the hamilton lodge for you . starting on saturday for 2 nights for 7 people . your reference number is 63gdbabk . is there anything else i can do for you ? eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name 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 O O general-reqmore +bos okay great . that is all i need . eos O O O O O O O O O O N/A +bos so glad i could help . have a great day ! good-bye ! 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 in the south part 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 i have one hotel and 3 guesthouses in the south . what price range are you interested in ? eos O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price +bos it would be great if it was an expensive hotel with a 3 star rating . eos O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O N/A +bos the lensfield hotel meets all those criteria . would you like me to book it for you ? 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 , please , we need it for 2 nights starting on tuesday for 3 people . 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 N/A +bos i 'm sorry , booking was unsuccessful . 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 Booking-NoBook,general-reqmore +bos yes that 's fine , can you please stay in the same price range though ? eos O O O O O O O O O O O O O O O O O N/A +bos there is nothing in the same price range in the south . would you like to try another area ? eos 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 i do n't care about the area anymore ... could you please book an expensive 3 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 B-Hotel-Inform+Type O O O N/A +bos i was able to book you at the gonville hotel . your reference number is lw5ydjub . 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 great . thank you for all your help . eos 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 an expensive room , in the east . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O N/A +bos i can recommend the express by holiday inn cambridge . would you like me to make a reservation ? 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 O O O O O O O O O Booking-Inform +bos does it have free parking ? and is it a 2 star hotel ? because that is what i 'm looking for . 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 N/A +bos yes it is . 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,Hotel-Inform+Parking +bos please . could you please book it for 1 person starting thursday for 4 nights eos 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 N/A +bos i 'm sorry , that booking 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 O O Booking-NoBook,general-reqmore +bos yes , are there any other hotels in the same price range ? eos O O O O O O O O O O O O O O Hotel-Inform +bos no that is the only hotel in that price range . it there anything else ? eos O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos i am looking for a guesthouse to stay in that has free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos i have 21 guesthouses that fit that criteria . is there a particular area of the city 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 O O O O O Hotel-Request+Area +bos no but can you find one in the moderate price range ? eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos the acorn guest house has a 4 star rating and has both free internet and parking . can i book a stay for you ? 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 O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no.what other hotels are nearby ? eos O O O O O O O Hotel-Inform +bos the guesthouses in the north are arbury lodge guesthouse , archway house , hamilton lodge , home from home , kirkwood house and limehouse . eos 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 B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos go ahead and book the archway house please and i need a reference number . eos O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos what size party and how long will your stay be ? eos O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos there will be two of us staying 4 nights from wednesday . eos O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos unfortunately , we were unable to book that guesthouse . should we try one of the other guesthouses ? 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 one of the others . eos O O O O O O O O O O N/A +bos i was able to book the acorn guesthouse and your reference number is bj3cl2qu . 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 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 okay great . enjoy your stay . eos O O O O O O O O general-bye +bos yes you can help me i need to find a place to stay that includes free wifi and is in the moderate price range . 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 B-Hotel-Inform+Price O O O N/A +bos i have 17 places that match your request . is there an area or 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 Hotel-Request+Area,Hotel-Request+Price +bos yes east part of town eos O O B-Hotel-Inform+Area O O O N/A +bos i have 3 guest house on that side of town . the warkworth house is a real good one if you would like 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 N/A +bos could you make me a reservation for thursday for 4 nights ? there will be 5 people . eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+People O O O N/A +bos i am sorry the booking was unsuccessful for that time , there are 2 others can i check with either of them ? 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 O O O O O O Booking-NoBook,Booking-Inform +bos yes please check them for me . eos O O O O O O O O N/A +bos booking was successful . your reservation is at a and a guest house . starting on thursday for 4 nights for 5 people . your reference number is ofj58gx8 . 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 B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay O O B-Booking-Book+People 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 le t us know if you need anything else , good day . eos O O O O O O O O O O O O O O general-bye +bos i am looking for a moderate price placed to say in the north side of the city please . 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 O O N/A +bos there are several that fit the bill . i could recommend limehouse . would you like me to help you book there , or are there other factors you 'd like to consider ? eos O O O B-Hotel-Inform+Choice O O O O O O O B-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 Booking-Inform,Hotel-Select +bos as long as there is available parking i 'd like to book my reservation there please . eos 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 limehouse . when would you like the reservation ? eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O Booking-Request+Day +bos can i get it starting monday for 3 nights with 6 people please eos O 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 something else ? eos O O O O O O O O O O O Booking-NoBook,general-reqmore +bos can you find me a hotel in the moderate price range ? eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are 18 hotels in the moderate price range . are you looking for free parking or free wifi ? 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 Hotel-Request+Parking,Hotel-Request+Internet +bos i do n't need internet . are any of them 3 stars ? eos O O O O O O O O O O O O O O N/A +bos no none of them are 3 stars or 4 stars , i have a few that are 2 stars would they be okay ? eos O O O O O O O O O O O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Stars O O O O O O O Hotel-Inform+Choice,general-reqmore +bos if that 's all that is available that 's fine , i need it for 1 person for 3 nights starting thursday , please book one for me 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 O O O N/A +bos great ! i have booked you at lovell lodge with reference number 6yi7enac . may 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 no that is all i need . thanks for your help . eos O O O O O O O O O O O O O general-thank +bos have a good day . thank you for using our service . eos O O O O O O O O O O O O O general-greet +bos thank you ! have a great day ! eos O O O O O O O O O general-thank +bos you are welcome . good bye . eos O O O O O O O O general-welcome +bos can you help me find an expensive restaurant please ? eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos sure , i have 57 options for you ! eos O O O O O B-Restaurant-Inform+Choice O O O O N/A +bos i feel like chinese eos O O O O B-Restaurant-Inform+Food N/A +bos i can reserve at the the good luck chinese food takeaway which is an expensive chinese restaurant . eos 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 O B-Restaurant-Inform+Price O O O N/A +bos great ! i need a table for 8 on friday evening . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O N/A +bos is there a specific time in the evening that you would like ? eos O O O O O O O O O O O O O O Booking-Request+Time +bos how about at 18:45 ? eos O O O O B-Restaurant-Inform+Time O N/A +bos booking was successful . the reference number is kvkizqt9 eos O O O O O O O O O B-Booking-Book+Ref N/A +bos thank you ! i 'm also looking for a guesthouse that 's cheap . eos O O O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Price O O O O N/A +bos i have a few cheap guesthouses in town , do you have a specific area that you would prefer to be in ? eos O 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 O O Hotel-Request+Area +bos yes , the west area , please . eos O O O B-Hotel-Inform+Area O O O O O N/A +bos i have one finches bed and breakfast . 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 O Booking-Inform +bos not right now , but could you give me their address and postcode ? 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 O O O O Hotel-Request+Post,Hotel-Request+Parking,Hotel-Request+Addr +bos you can contact the finches bed and breakfast . their address is 144 thornton road , zipcode cb30nd . parking is free . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post O O O O O O O Hotel-Inform+Parking +bos thank you for all of your help eos O O O O O O O O general-thank +bos thank you for using this service goodbye eos O O O O O O O O general-bye +bos can you help me find a cheap restaurant in the south that serves chinese ? eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O N/A +bos yes , there 's a restaurant called the lucky star and is on cambridge leisure park clifton way cherry hinton . their phone number is 01223244277. eos O O O O O 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 B-Restaurant-Inform+Phone O O O N/A +bos thanks so much for your help do you know if i need 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 i can make a reservation for you . do you know what day ? eos O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Inform +bos can you reserve a table for just 1 person on saturday at 13: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 yes i can , your reference number for that booking is iirb479m . is there anything else i can do ? 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 'm also looking for some places to go in town . eos O O O O O O O O O O O O O N/A +bos byard art is a great place . they are located at 14 king 's parade and their number is 01223464646. their is no entrance fee . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O 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 I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A +bos is this a theatre or museum ? eos O O O O O O O O N/A +bos byard art is a museum . 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+Type O O O O O O O O O O O O general-reqmore +bos actually , can we see if there are any theaters to visit in the area ? eos O O O O O O O O O O O O O O O O O N/A +bos yes , there 's a theater called the junction on clifton way . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos great ! can i have the postcode please ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb17gx . do you need help with anything else ? eos 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 thank you for your help . eos O O O O O O O O O O O O general-thank +bos glad to have been of help . we 're here if you need anything else . thanks 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 O O O general-welcome,general-bye +bos i 'm looking for unusual 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 O N/A +bos what price range do you prefer ? eos O O O O O O O O Restaurant-Request+Price +bos i have no preference . eos O O O O O O N/A +bos there are no restaurants in the south part of town serving unusual type food . eos O O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O Restaurant-NoOffer +bos what about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos frankie and bennys is an italian restaurant 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 B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Price O O 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 postcode for frankie and bennys is c.b 1 , 7 d.y and the phone number is 01223 412430. eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos thank you , goodbye eos O O O O O general-bye +bos goodbye eos O O general-bye +bos i 'm looking for a cheap restaurant in the east 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 the missing sock is a nice restaurant in the east part of town in the cheap price range 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 B-Restaurant-Inform+Price 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 of the missing sock is finders corner newmarket road and the phone number is 01223 812660. may i help you with anything else today ? 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 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 , i have everything 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 thank you for using our system . good bye eos O O O O 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 am wanting to take a train to london kings cross from cambridge . 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 N/A +bos sure ! what day and time would you like to travel ? eos O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i need to arrive on thursday by 12:45. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive N/A +bos earliest is the tr8272 , leaving cambridge at 05:00. would you like to reserve a seat or look for something a bit later in the morning ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave 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 book this train , for 3 people , thank you . eos O O O O O O O O O O B-Train-Inform+People O O O O O N/A +bos okay , you 're booked for 3 tickets with reference number azi34l6d . may i help with something else ? eos 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 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 . eos O O O O O O O O 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 29 hotels with free wifi and parking , is there a particular area or 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 O O O Hotel-Request+Price,Hotel-Request+Area,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i do n't mind the area , but i 'd like it to be expensive . i love spending money ! 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 i have so many to choose from in this category . would you like me to choose one for you ? 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 Booking-Inform +bos i want one with free wifi and free parking . eos O O O O O O O O O O O N/A +bos i think the university arms hotel would be perfect for you . it is a 4 star expensive hotel right in the centre of town with both free parking and internet 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 B-Hotel-Recommend+Stars B-Hotel-Recommend+Price O O O O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet +bos that sounds wonderful , could you get me their phone number ? eos O O O O O O O O O O O O O Hotel-Request+Phone +bos sure thing . you can phone at 01223351241. anything else ? eos O O O O O O O O B-Hotel-Inform+Phone O O O general-reqmore +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 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 an expensive 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 do you have a preference as to food type ? i found matches for british , indian , chinese , and gastropub . 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 O O Restaurant-Request+Food +bos i do n't have a preference . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos the grafton hotel restaurant is an expensive restaurant in the east part of town that serves british food . 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 B-Restaurant-Inform+Food O O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos the address of the grafton hotel restaurant is grafton hotel 619 newmarket road fen ditton . 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 I-Restaurant-Inform+Addr O N/A +bos thank you and 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 bye . eos O O O general-bye +bos enjoy your meal . eos O O O O O general-bye +bos goodbye . eos O O O general-bye +bos good bye eos O O O general-bye +bos i am looking for african food eos O O O O O B-Restaurant-Inform+Food O N/A +bos there is one african restaurant listed called bedouin . would you like more information for this restaurant ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Name O O O O O O O O O O general-reqmore +bos yes . i need the address please . eos O O O O O O O O O Restaurant-Request+Addr +bos the address is 100 mill road 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 thank you . goodbye . eos O O O O O O general-bye +bos can i get a cantonese restaurant ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry there are no cantonese restaurants . would you like something else ? eos O O O O O O B-Restaurant-Inform+Food 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 there are several chinese restaurants in town . would you prefer something in the cheap , moderate or expensive price range ? 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 B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A +bos i would like the phone number for a moderately priced chinese restaurant . eos O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O Restaurant-Request+Phone +bos how about shanghai family restaurant ? its number is 01223 301761. eos O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name 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 very welcome . have a good evening . eos O O O O O O O O O O O general-welcome,general-bye +bos i would like to find a restaurant in the centre of town that serves irish 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 N/A +bos i 'm sorry but there are no restaurants matching your criteria . would you like a different style 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 how about french food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there is cote , an expensive french restaurnt in the centre of town . eos O O O B-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 N/A +bos okay . may i have the phone number and address please ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure , cote is located at bridge street city centre . its phone number is 01223311053. is there anything else i can help you with ? 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 O O O O B-Restaurant-Inform+Phone O O O O O O O O O O O O general-reqmore +bos thank you . eos O O O O general-thank +bos okay thank you eos O O O O general-welcome +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 'm looking for a restaurant that 's expensive and in the centre . 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 the cambridge chop house is available , would you like to book there ? 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 Booking-Inform +bos what food type does it have ? can you also provide me their phone number ? 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 I-Restaurant-Inform+Name Restaurant-Request+Phone,Restaurant-Request+Food +bos they serve british food and their phone is 01223359506. 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+Phone O O O O O O O O Booking-Inform +bos i do n't need to book a table at the moment , but i also wanted to find a college to visit in the same area . 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 O O O O N/A +bos i love the downing college in the city centre . it 's free to attend . it 's on regent street and is free . would that work ? eos O 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-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O O Booking-Inform +bos that sounds perfect . thank you for your help today ! eos O O O O O O O O O O O O general-thank +bos is there anything else i can do ? eos O O O O O O O O O general-reqmore +bos no , that 's it ! thank you so much ! eos O O O O O O O O O O O O general-thank +bos have a good trip ! eos O O O O O O general-bye +bos is there any good jamaican food in cambridge ? eos O O O O O B-Restaurant-Inform+Food O O O O N/A +bos no , i 'm sorry . i did n't pull up any matches . any other types of food you would like me to look into ? eos O O O O 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 something in the moderate price range . also , in the centre of town . 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 what food type could you like ? eos O O O O O O O O Restaurant-Request+Food +bos let 's try lebanese . eos O O O B-Restaurant-Inform+Food O O N/A +bos i have one listing for ali baba . would you like any other information ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O general-reqmore +bos book for me a table for 1 person at 14:45 on saturday eos O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O N/A +bos i have made those reservations and the reference number is xomi0tbu . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i am also interested in visiting colleges nearby . eos O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos i have 13 colleges available in the centre . did yo have one particular in mind ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O O O O general-reqmore +bos what types of college are they ? eos O O O O O O O O N/A +bos may i recommend hughes hall . it is in the centre of town and has free entrance ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O O N/A +bos do you have there address ? eos O O O O O O O Attraction-Request+Addr +bos the address of hughes hall is wollaston road . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos i also need a taxi to get from college to the restaurant . i need to arrive by 14:45. eos 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 a white audi will pick you up at hughes hall at 14:45. the contact number is 07128258422. eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave 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 thank you . you as well ! eos O O O O O O O O general-bye +bos i want a cheap restaurant in the west part of town . i need its address and phone number please eos 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 la margherita serves cheap italian in the west area . it is located at 15 magdalene street city centre , phone 01223 315232 eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area 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+Phone I-Restaurant-Inform+Phone O N/A +bos thank you goodbye . eos O O O O O general-bye +bos thank you . eos O O O O general-welcome +bos i 'm looking for an expensive restaurant in the east 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 there are 5 expensive restaurants in the east , what food type 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 do n't care . eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos how about the royal standard at 290 mill road city centre ? eos O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name O O B-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr I-Restaurant-Select+Addr 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 247877. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos hello , i will be in cambridge later on this week and i ca n't seem to find king 's college . i am not sure how to find it , can you help ? 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 O O O O O O O O O O O O O O O O O N/A +bos yes , kings college is in the center of town and the address and postal code is king 's parade , cb21st respectively . eos 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 O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O O O N/A +bos and what 's the entrance fee ? eos O O O O O O O O Attraction-Request+Fee +bos there is no entrance fee , kings college is free ! 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 N/A +bos that 's great ! can you also help me find a train going to norwich ? eos O O O O O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos i found 133 trains going to norwich , what date , time or station will you be leaving 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 Train-Request+Leave,Train-Request+Depart,Train-Request+Day +bos i would like to leave on sunday and depart from cambridge . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O N/A +bos there are 19 that leave on sunday from cambridge . do you want to depart or arrive by a certain time ? 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 Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive by 15:15. eos O O O O O O O O N/A +bos i have a train that departs from cambridge at 13:38 and arrives in norwich by 14:55. would you like to place a booking ? 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 O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos i would like to make a booking for 7 people please . eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos i 've booked you on tr8185 , for 7 people . it departs cambridge at 13:36 and arrives in norwich at 14:55. eos O O O O O B-Train-OfferBooked+Id O O 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 O O N/A +bos thank you . can i have the reference number for that booking ? eos O O O O O O O O O O O O O O Train-Request+Ref +bos the booking reference number is 9sdiivsb . 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 general-reqmore +bos no , that was all i needed 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 system ! eos O O O O O O O O general-bye +bos i want a train from cambridge to bishops stortford . 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 see several options for trains from cambridge to bishops stortford . what day and time would you like to depart ? 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 O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos wednesday , with an arrival time by 13:30 in bishops stortford . eos O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos the closest arrival time i can get for you is 12:07 on train tr8224 . would you like to book some tickets ? eos 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 O O O O Train-OfferBook +bos yes , 7 tickets , please . and i 'll need the reference number . eos O O O B-Train-Inform+People O O O O O O O O O O O O Train-Request+Ref +bos great , i 've book your tickets , your reference number is he1l803e . anything else i can do for you ? 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 i 'm looking to go to a college in the centre of town . can you recommend something for me ? 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 N/A +bos there are 13 colleges in the centre . is there something specific you 're looking for ? 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 Attraction-Request+Name +bos nothing specific , just give me the first one that pops up . i 'll need the phone number , entrance fee 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos christ 's college is located in the centre of town . entrance is free , phone number is 1223334900 , and post code is cb23bu . 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 I-Attraction-Inform+Area O O B-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 O O O O O O O general-reqmore +bos thank you . that 's it . 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-welcome,general-bye +bos can you help me find places to watch cinema ? eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos sure , there is a cinema in the south part of town as well as one in the centre . do you prefer either ? eos 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 I-Attraction-Inform+Area O O O O O O Attraction-Select +bos i 'm going to be in the centre . can you tell me a little about the one there ? 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 the vue cinema is in the centre of town . the address is the grafton centre on east road , postcode cb11ps , and the phone number is 08712240240. eos 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 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 B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O N/A +bos great i also need a train that will leave after 21:15 and travel on wednesday eos O O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Day N/A +bos at what time should the train arrive ? eos O O O O O O O O O Train-Request+Arrive +bos i do n't care as long as it leaves after 21:15. eos O O O O O O O O O O B-Train-Inform+Leave O N/A +bos alright , departure and destination ? eos O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i need to go from bishops stortford 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 tr1728 arrives by 24:07. would you like a ticket ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos i 'll need 7 tickets , actually . eos O O O O B-Train-Inform+People O O O O N/A +bos booked , the total fee is 70.7 gbp payable at the station .reference number : ed1tzf4q . eos 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 N/A +bos thank you so much for everything , i am all set . eos O O O O O O O O O O O O O general-thank +bos great . enjoy your trip ! goodbye . eos O O O O O O O O O general-welcome,general-bye +bos yes , i need to take a train from kings lynn on monday , can you help me ? eos O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O N/A +bos we have 19 trains going that route monday the first departure is at 05:11am and going hourly from there , what time did you have in mind ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Day 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 Train-Request+Leave +bos i need to arrive in cambridge by 16:00. what are my options ? eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O N/A +bos there are two that arrive closest to your requested time ; tr2257 arrives by 14:58 and tr1863 arrives by 15:58. would either of those work best for you ? eos O O O 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+Arrive I-Train-Inform+Arrive O O O O O O O O O Train-Select +bos can i have the price , travel time , and departure time for the tr1863 , 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,Train-Request+Leave +bos the price for this train is 9.80 pounds.the departure time is at 15:11 and the trip is a total of 47 minutes . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Leave O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thanks . i 'm also looking for peking restaurant . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos peking restaurant is expensive chinese food in the south area . the address is 10 homerton street city centre . would you like me to make reservations for you ? 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+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 Booking-Inform +bos thank you ! will you please book a table for 4 people at 20:30 on the same day ? 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 O O N/A +bos your table has been booked for 4 people on monday . reference number is z7tqct8f . is there anything i can 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 will be all . thank you . eos O O O O O O O O O general-thank +bos i hope you have a good stay in town . please feel free to call back with any questions . 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 need a train to stevenage . i need to get there by 16:45. 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 found 42 trains that arrive in stevenage . what day are you traveling and where are you departing from ? eos O O O O B-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+Depart,Train-Request+Day +bos i 'm traveling on wednesday and departing from cambridge . eos O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O N/A +bos tr7245 arrives closest to your requested time , it departs cambridge at 15:21 and arrives in stevenage at 16:10. would you like me to book you a ticket ? eos O B-Train-Inform+Id 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+Arrive O O O O O O O O O O O Train-OfferBook +bos yes , i 'd like a booking for 2 people , please . eos O O O O O O O O B-Train-Inform+People O O O O O N/A +bos alright , you 're all booked ! your reference number is vhb237pp . is there anything else i can assist 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 O O general-reqmore +bos yes , i 'm looking for a hotel that includes free parking as well as 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 N/A +bos i found 29 hotels do you have any other requirements ? eos O O O O B-Hotel-Inform+Choice O O O O O O O general-reqmore +bos i need one in the expensive price range . eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos great , we have 5 options , express by holiday inn cambridge , gonville hotel , huntingdon marriott hotel , the lensfield hotel and university arms hotel . can i book one of these for you ? 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+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,Hotel-Select +bos does the university arms have an availability for 3 nights for 2 people starting sunday ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O B-Hotel-Inform+Day O N/A +bos yes ! i have booked a room for you at the university arms . your reference number is jelu5hy6 . 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 B-Booking-Book+Ref O O O O O O O O O O O O O O N/A +bos that should do it . thank you very much ! 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 hope you have a nice day too . eos O O O O O O O O O O N/A +bos thank you for using cambridge towninfo centre eos O O O O O O O O general-bye +bos i am looking for a four star hotel in cambridge . it needs to include 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 i have 19 different options . is there an area or price range you prefer so that we can 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 Hotel-Request+Area,Hotel-Request+Price +bos do you have any with free wifi ? eos O O O O O O O O O Hotel-Request+Internet +bos they all offer free wifi actually . eos O O O O O O O O N/A +bos i would like a guesthouse with a star rating of 4. once we select lodging , i would like you to send the postcode and address . 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 O Hotel-Request+Post,Hotel-Request+Addr +bos there are many options available . is there a particular area you would like to stay ? 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 if you could recommend one that would be great , as long as it has free parking and is 4 stars . 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 N/A +bos the acorn guest house on the north side in the moderate pricerange , it has a 4 star rating with free parking . do you want me to book the reservation ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O B-Hotel-Recommend+Price O O 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,Booking-Inform +bos i do n't need a reservation yet . could you give me the address and postcode for it ? 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 acorn guest house is located at 154 chesterton road , cb41da . is there any other way i can be of assistance ? 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 O O O O O O O O O O general-reqmore +bos yes , i need a train that goes to cambridge and arrives by 19: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 have 1029 travelling to cambridge . can you be more specific on what day you 'd like to leave and time/place you 'd like to depart from ? 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 O O O O O O O O Train-Request+Day,Train-Request+Depart,Train-Request+Arrive +bos yes , i 'll be coming in 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 O O N/A +bos train tr9802 leaves at 15:39 and will get you to your destination at 17:07. the cost of the ticket is 16.60 pounds . would you like me to book it for you ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O 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 O O O O O O O O O Train-OfferBook +bos yes , i would like a booking for one person . eos O O O O O O O O O O O O N/A +bos i have reserved your ticket . your reference number is quechw83 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos that will be all , thank you . eos O O O O O O O O O general-thank +bos thank you for using towninfo . eos O O O O O O O general-bye +bos i 'm looking for a place to stay in cambridge . it should be in the north and have a 4 star rating . eos 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+Stars O O O O N/A +bos we have 8 hotels available for booking in the north . would you be interested the arbury lodge guesthouse ? eos O O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos i do need to make sure it 's not too expensive . is that one 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 Train-Request+Price +bos yes , it is moderately priced . would you like more information about it or assistance booking a ticket ? eos 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 Booking-Inform +bos yes , could you please book it for 5 people for 2 nights ? also , could you provide the reference number when complete . 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 Hotel-Request+Ref +bos i will be happy to do so . on what day would you like to begin your 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 +bos i will be starting my stay on thursday . eos O O O O O O O O B-Hotel-Inform+Day O N/A +bos i 've successfully booked your stay at the arbury lodge guesthouse , your reference # is qyglcine . would you like directions ? 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 O O O N/A +bos yes , directions please . eos O O O O O O N/A +bos the hotel is located at 82 arbury road . i will send directions to the hotel . is there anything else i can help with ? 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 O O O O O O O O O O general-reqmore +bos yes i need to inquire about a train from peterborough to cambridge for thursday . i need the travel time , departure time and price . arriving 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 O O O O B-Train-Inform+Arrive O O O Train-Request+Duration,Train-Request+Price,Train-Request+Leave +bos tr8431 leaving at 11:48 and arriving at 12:38 is the closest match . it costs 16.50 per person and will take 50 minutes . would you like 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 B-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 Train-OfferBook +bos yes , please book the tr8431 train . thank you ! eos O O O O O O O O O O O O Train-Inform +bos how many tickets are needing to purchase ? eos O O O O O O O O O Train-Request+People +bos please book 5 tickets . eos O O O O B-Train-Inform+People O N/A +bos alright . train tr8431 is booked for 5 people and the reference number is j2ooj4qq . may i help you with anything else ? eos O O O O B-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 general-reqmore +bos that 's everything that i need . you 've been a great help . thank you . eos O O O O O O O O O O O O O O O O O O general-thank +bos great ! thank 's or using our service . have a great day . eos O O O O O O O O O O O O O O O general-bye +bos thanks so much ! goodbye . eos O O O O O O O general-bye +bos goodbye , and thanks for connecting the cambridge towninfo centre ! eos O O O O O O O O O O O O general-bye +bos i am looking for a cheap place to dine in the centre of cambridge . 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 if you are interested in chinese food , there is rice house located at 88 mill road city centre in the cheap price range . eos O O O O O O B-Restaurant-Recommend+Food 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 B-Restaurant-Recommend+Price O O O O N/A +bos i prefer russian food actually . eos O O O B-Restaurant-Inform+Food O O O N/A +bos i ca n't find any cheap russian restaurants . are you open to moderate price ? eos O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos no . it really does need to be cheap . what about chinese in the centre ? eos O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O N/A +bos there are 3 restaurants matching that , charlie chan , rice house , and golden house . 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 I-Restaurant-Inform+Name O O O N/A +bos i want to book a golden house table for 1 person at 16:30 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 great your reservation is all set , the reference number is d6vcx5ia eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos could you also help me book a train for monday ? eos O O O O O O O O O O B-Train-Inform+Day O N/A +bos i 'd be glad to help , where are you traveling to ? eos O O O O O O O O O O O O O O Train-Request+Dest +bos i am traveling to birmingham new street eos O O O O O O O O N/A +bos we have five trains going that way . 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 O N/A +bos i 'd like to leave cambridge and arrive by 12:45 eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O N/A +bos i have booked you for trainid tr1111 for 23.60 pounds . it will arrive to cambridge at approximately 11:51. eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O B-Train-OfferBooked+Arrive O N/A +bos okay , what is the departure time and travel time ? eos O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos your train will leave at 11:00 and travel for approximately 51 minutes . is there anything else i can help you with ? eos 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 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 calling . eos 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 , and goodbye . eos O O O O O O O O general-welcome,general-bye +bos can you help me find a restaurant called `` cotto '' ? eos O O O O O O O O O B-Restaurant-Inform+Name O O O N/A +bos yes . cotto is located at 183 east road city . would you like the phone number ? 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 O O general-reqmore +bos yes , and also the postcode . eos O O O O O O O O Restaurant-Request+Post +bos phone number is 01223302010. postcode is cb11bg . eos O O O O B-Restaurant-Inform+Phone O O B-Restaurant-Inform+Post O N/A +bos thanks , i also need a train that leaves after 20:15 on wednesday . eos O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos there are 546 trains leaving after 20:15. where would you like to leave from and where do you want to go ? 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 Train-Request+Depart,Train-Request+Dest +bos i am leaving from cambridge and heading to ely . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos train id tr8533 is available to leave at 21:50 and arrive by 22:07. would you like to book this now ? eos O O O B-Train-Inform+Id 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 . thank you . eos O O O O O O O O general-thank +bos before i book , i just want to confirm you only need one ticket ? eos O O O O O O O O O O O O O O O O Train-OfferBook +bos yes , that 's right . it 's just for me . eos O O O O O O O O O O O O O N/A +bos it 's all booked , reference is 824hfy0q eos O O O O O O B-Train-OfferBooked+Ref 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 general-thank +bos thank you . have a great day . goodbye eos O O O O O O O O O O general-bye +bos do you have any recommendations for a restaurant in the south area in a high price range ? eos 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 yes , there 's the good luck chinese food takeaway , peking restaurant , and taj tandoori . how do those sound ? 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 O O O O O O O N/A +bos do the serve mediterranean food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos there is no expensive mediterranean restaurant in the south . eos O O O O B-Restaurant-NoOffer+Price O O O O B-Restaurant-NoOffer+Area O N/A +bos how about one that serves chinese food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are two expensive chinese restaurants , the good luck chinese food takeaway and the peking restaurant . would you like to book a table with either of these ? eos 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 I-Restaurant-Inform+Name O O O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos can you make a reservation for 1 on monday at 17:00 at peking restaurant 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 N/A +bos i 'm sorry but there was no availability for 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 O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos how about 16:00 ? could you please provide me with the reference number also ? eos O O O B-Restaurant-Inform+Time O O O O O O O O O O O O Restaurant-Request+Ref +bos your booking was successful and the reference number is 1yyk3kqs . may i assist 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 no , that 's it . thanks ! eos O O O O O O O O O general-thank +bos would you provide me with the address ? eos O O O O O O O O O N/A +bos 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 ! eos O O O O O O O O O O O O O O O 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 good day ! eos O O O O O O general-bye +bos can you find me a turkish restaurant in the expensive price range please ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A +bos i have found the meze bar restaurant located in centre area . can i book this for you ? 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 Booking-Inform +bos no . that 's okay . thank you . what is some other information on this location ? eos O O O O O O O O O O O O O O O O O O O general-thank +bos they are located in the centre of town , their postcode is cb13nf , and they are located at 196 mill road city centre . 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+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 O O N/A +bos thank you for that information i should have everything i need now . eos O O O O O O O O O O O O O O general-thank +bos are you sure i ca n't help you with anything else ? eos O O O O O O O O O O O O O general-reqmore +bos i 'm looking for a train from birmingham new street to cambridge . eos 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 there are 133 trains , 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 Train-Request+Day,Train-Request+Leave +bos sure , wednesday i would like to leave after 14:45 please . eos O O B-Train-Inform+Day O O O O O O B-Train-Inform+Leave O O O N/A +bos i have 9 trains that leave every hour and the first one is at 15:40. would you like me to book you the 15:40 train ? eos O 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 O O O N/A +bos yes but can you make a booking for 6 people ? i would like a 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 Train-Request+Ref +bos booking was successful for tr5567 , the total fee is 450.6 gbp payable at the station . the reference number is 4arzytlc . is there anything else you need help with ? 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 O O general-reqmore +bos nope that should be it thank you eos O O O O O O O O general-thank +bos booking was successful , the total fee is 450.6 gbp payable at the station . reference number is : 4arzytlc . 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 i need to find a place to stay with four stars 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 Train-Request+Price +bos i have 11 different options available . did you have an area in mind for 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 Hotel-Request+Area +bos no but i 'd like it to include free wifi and be in some kind of 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 there are 11 hotels that match your search . would the acorn guest house in the north work for you ? 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 O O B-Hotel-Inform+Area O O O O O N/A +bos possibly . i 'd like their address , and to 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 Hotel-Request+Parking,Hotel-Request+Addr +bos they do offer free parking . their address is 154 chesterton road . eos O O 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 great ! also , i need to take a train from ely on sunday . eos O O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O O N/A +bos ok , and what time will you be traveling ? eos O O O O O O O O O O O Train-Request+Leave +bos i need to arrive in cambridge by 20:00 please . eos O O O O O O O O B-Train-Inform+Arrive O O N/A +bos alright , i have eight trains of that type . they leave 35 minutes after the hour every hour , starting at 5:35 and running until 19:35. would you like to book ? 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 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 can you give me information on the one arriving in cambridge closest to 20:00. i just need the train id and price . thanks eos O O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos the closest arrival time is 19:52 , the trainid is tr4883 and the cost is 3.52 pounds . eos O O O O O O B-Train-Inform+Arrive 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 great . thank you very much for your help . that is all for today . eos O O O O O O O O O O O O O O O O O general-thank +bos i 'm happy to have assisted you ! 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 O O O O O O O O general-greet +bos i am looking for an indian restaurant that is in a cheap price range eos O O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O N/A +bos there are 4 such restaurants , 3 in the centre and 1 in the north . which area do you prefer ? eos O O 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 O O O O O Restaurant-Select +bos i prefer one in the centre , and would like to reserve a table for 2 at 13:45 on friday . please forward me the reference number once it is booked . eos 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 O O O O O O O O O O N/A +bos booking was successful at kohinoor . the table will be reserved for 15 minutes . your reference number is : mp6jc0pa . eos O O O O O B-Booking-Book+Name O O O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos excellent . i 'm also looking to depart from birmingham new street by train the same day as the restaurant . is that possible ? 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 O O O O O O N/A +bos i have 10 trains departing after the time of your reservation leaving on the :40 of the hour starting at 14:40 to 23:40. would you like me to book one ? 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 Train-OfferBook +bos are those going to cambridge ? because i really really need to arrive by 10:45. eos O O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Arrive O N/A +bos there are 5 departing on that day by the restaurant with you arriving by 10:45. would you like me to book you a ticket ? eos O O O O B-Train-Inform+Choice 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-OfferBook +bos yes please book two tickets and i need my reference number as well . eos O O O O O O O O O O O O O O O N/A +bos great , i was able to get you two tickets , your reference number is : f4sqspae and are payable at the station . anything else today ? eos 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 O O O general-reqmore +bos no thank you , you have been very helpful ! and have a wonderful day ! 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 . 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 i want a train out of stevenage on saturday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos alright , did you have a certain destination in mind ? eos O O O O O O O O O O O O Train-Request+Dest +bos i want to arrive by 11:30 at cambridge . eos O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A +bos there are three trains , one arrives at 6:43 , one at 8:43 , and one at 10:43 , which would you like to book ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O 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 Train-Select +bos the one arriving at 10:43. i just need 1 ticket and 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 N/A +bos great ! i 've booked your trip on saturday leaving stevenage and arriving in cambridge at 10:43. your reference number is 5cws7er4 . is there anything else i can help with ? eos O O O O O O O B-Train-OfferBooked+Day O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart 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 O O O O O O O O O general-reqmore +bos i also would like to find an italian restaurant to eat at in the west . eos 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 there are two options . prezzo is moderately-priced and la margherita is cheap . would you like me to book a table for you at one of those ? 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 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,Restaurant-Select +bos la margherita is perfect for me , please book me a table at that one . eos O O O O O O O O O O O O O O O O O N/A +bos what day and time would you like the table at la margherita ? eos O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name Booking-Request+Day,Booking-Request+Time +bos saturday at 15:15. eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos i was unable to book a reservation at la margherita for saturday at 15:15. is there another day or time that you would like ? eos O O O 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 Booking-Request+Day,Booking-Request+Time +bos could you see if there 's anything at 14:15 ? eos O O O O O O O O B-Restaurant-Inform+Time O O N/A +bos the booking was successful . your reservation number is c9sbut9t . 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 's it . eos O O O O O O O N/A +bos okay , thank you . goodbye . eos O O O O O O O O general-bye +bos yes , i hope so . are there any chinese restaurants toward the east end 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 O N/A +bos yes , there 's just one : yu garden ! eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos great can you book a table for 1 at 19:30 on monday ? 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 booking was successful . the table will be reserved for 15 minutes . reference number is : 5mr8ko1d . 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 i think that takes care of everything . thanks ! eos 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 am looking for hotel with a star five rating and free wifi eos O O O O O O O O O O O O O O N/A +bos we do n't have any that match that criteria . would you like to widen your preferences ? 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 how many stars do the expensive places have ? eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos huntingdon marriott hotel and university arms hotel both have 4 stars . would you like to book one of these ? 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+Stars O O O O O O O O O O Booking-Inform +bos sure , lets try the university arms hotel . eos O O O O O O O O O O Hotel-Inform +bos ok , how many nights would you like to book ? eos O O O O O O O O O O O O Booking-Request+Stay +bos no , i do n't need to book a room , i just need the address please . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos certainly . the university arms hotel is located on regent street and their postcode is cb21ad . is that all ? 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 I-Hotel-Inform+Addr O O O B-Hotel-Inform+Post O O O O O O general-reqmore +bos no , i also need a train leaving cambridge monday going to kings lynn please . eos O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos i have found 19 trains going from cambridge to kings lynn on monday . what time would you like to depart ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O Train-Request+Leave +bos i need to be in kings lynn by 9:45 on monday . eos 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 i have found you a train leaving cambridge at 8:11am and arriving in kings lynn at 8:58am . the train ticket costs 9.80 pounds and the train id is tr3596 . 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 O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Id O O N/A +bos could you make me a booking for 1 ? eos O O O O O O O O B-Train-Inform+People O N/A +bos a booking for 1 on tr3596 departing kings lynn at 811 has been made . you can pay the 9.8 gbp at the station . eos O O O O O B-Train-OfferBooked+People B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O O B-Train-OfferBooked+Leave O O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O N/A +bos may i have the reference number for the booking please ? eos O O O O O O O O O O O O Train-Request+Ref +bos your booking code is 5mpluds6 . can i help you with anything else ? eos O O O O O B-Train-OfferBook+Ref O O O O O O O O O general-reqmore +bos that 's everything , thank you ! eos O O O O O O O O general-thank +bos it was my pleasure . let me know if you need anything else , i 'm 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 general-bye +bos i 'm looking to swim today . is there anywhere i can go ? eos O O O O O O O O O O O O O O O N/A +bos abbey pool and astroturf pitch is in the east part of town if that would work for you ? 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 O O O O O O N/A +bos no , i 'm actually looking for something in the north . is there anything available there please ? eos 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 , there are two in the north . would you like their information ? eos O O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos hi , few questions . i am looking for a restaurant called the little seoul . also , could you give me the phone numbers , address , and entrance fees for both those places ? 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 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 ! let me get the pool information first . i found one that is an outdoor pool and one that is a learner pool . 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 B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O Attraction-Select +bos the outdoor pool would be best . for the restaurant i need to reserve it for 5 people at 14:30 on sunday . please give me the reference number of the reservation . 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 O O O O Restaurant-Request+Ref +bos the outdoor pool is called jesus green outdoor pool located at between victoria road and the river cb43px eos 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 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 N/A +bos ok , thanks . can you reserve the restaurant for me for 5 people at 14: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 've made the reservations for you . the reference number is nfkr3vxl . eos O 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 your help . eos O O O O O O O O O general-thank +bos you are welcome . can i assist 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 need a taxi to get 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 ok i have a black volvo booked for you eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O N/A +bos can i please get the taxi company 's phone number in case i need it ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Phone +bos you can reach them on 07704971911 eos O O O O O O B-Taxi-Inform+Phone 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 enjoy your time in cambridge ! eos O O O O O O O general-bye +bos hi , i am looking for information on place to go . eos O O O O O O O O O O O O O N/A +bos what area of town are you interested in going to ? eos O O O O O O O O O O O O Attraction-Request+Area +bos i would like to go to the centre of town eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos i would recommend all saints church . they are located on jesus lane . eos 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 O O N/A +bos i would like to go to a college . do you have any colleges in the centre ? eos 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 13 colleges in the area ranging from free to several pounds admission . i 'd suggest christ 's college and it 's free ! eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type O O O O B-Attraction-Recommend+Fee O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O N/A +bos that sounds great , what 's the postcode please ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postal code is cb23bu . eos O O O O O B-Attraction-Inform+Post O N/A +bos i am also trying to find an expensive restaurant that serves indian food . eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos we have 14 restaurants matching your query . do you have an area preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area +bos no can you just recommend your favorite to me please eos O O O O O O O O O O O N/A +bos i would suggest the curry garden . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos that sounds great ! please book it for thurdsday , at 14:45 , and for 3 people . eos O O O O O O O O O O B-Restaurant-Inform+Time O O O B-Restaurant-Inform+People 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 okay . well , how about 13:45 ? is that time available ? eos O O O O O B-Restaurant-Inform+Time O O O O O O O O N/A +bos your table is booked for 13:45 , ref # 5vxvb79s . is there anything else i can do for you today ? eos O O O O O O B-Booking-Book+Time B-Booking-Book+Ref O O O O O O O O O O O O O O O general-reqmore +bos great , i also need a taxi to go between the two ! eos O O O O O O O O O O O O O O Taxi-Inform +bos a black ford will be picking you up before 13:45 the contact number is 07421810927 is there anything else i can help you with ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O B-Taxi-Inform+Leave I-Taxi-Inform+Leave O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O O O N/A +bos no that 's everything i needed . have a great night . eos O O O O O O O O O O O O O N/A +bos glad to be of help . have a great day . eos O O O O O O O O O O O O general-greet +bos 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 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 O O B-Taxi-Inform+Arrive O O O O O O N/A +bos yes , it 's picking you up there and taking you to the restaurant in time for your reservation . 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 O O O N/A +bos okay , thanks . i 'm all set . goodbye ! eos O O O 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 +bos when visit i would like to visit king 's college , do you have the times and the address ? eos 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 Attraction-Request+Addr +bos the address is king 's parade . i do n't have the times . 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 O O O O O O O O general-reqmore +bos i need the post code and the entrance fee . eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos the entrance fee is free and the post code is cb21st . eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O N/A +bos thanks . i 'm also looking for a place to dine at . can you 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-thank +bos yes , what type of restaurant are you looking at ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i am looking for some south indian food that is expensive . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O N/A +bos unfortunately there are no south indian cuisine restaurants in your preferred area . would you like me to check another part of town ? 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 +bos no , can you search for chinese food instead ? eos O O O O O O B-Restaurant-Inform+Food O O O O 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 north and moderate price range eos O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O N/A +bos we have one chinese restaurant in that area , golden wok . would you like to make a reservation ? 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 O O O Booking-Inform +bos no , i do n't need one right now . in fact , i 'm all set . 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 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 need something in the realm of entertainment in the centre of town . what do you have ? 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 there are no entertainment venues in the centre of the city . would you like to try a different part of town , or a different 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 O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos stay in the centre , but try looking for architecture attractions please . eos O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Type O O O O N/A +bos i have 5 different architecture attractions i can offer . can i suggest holy trinity church ? or would you like something else ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 general-reqmore +bos that sounds interesting . could i please get the church 's 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+Addr +bos holy trinity church 's address is market street and the postcode is cb23nz . 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 thank you . can you help me with a train for thursday ? eos O O O O O O O O O O O B-Train-Inform+Day O O N/A +bos certainly what is your departure location and destination ? 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 Train-Request+Leave,Train-Request+Dest,Train-Request+Depart +bos leave after 15:45 , from cambridge to leiceister . eos O O O O O B-Train-Inform+Depart O O O O N/A +bos there 's a few choices , but here 's one that i think will be a good fit . train tr3564 leaves on thursday at 17:21 and arrives by 19:06. is this good ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O O 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 B-Train-OfferBook+Arrive O O O O O O O O N/A +bos that sounds great , i have everything i needed . thank you ! eos O O O O O O O O O O O O O O general-thank +bos welcome , hope you enjoy your stay . eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a multiple sports location in the centre of town . eos O O O O O O O O O O O O O O O N/A +bos i 'm sorry , there is not a multiple sports center in the centre of town , but there is one in the east if you are interested in 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 O O O O O O O O O N/A +bos actually , i really want something in the centre of town . how about nightclubs ? any good ones in the centre of town ? eos O O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Type O O O O O O O O O O O O N/A +bos sure . club salsa is very popular . it is at 1 station road . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A +bos we would like to try that club . can you tell me the postcode and if they have an entrance fee ? 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 Attraction-Request+Fee +bos the entrance fee is 5 pounds . eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos what is the postcode for that ? i am also looking for an indian restaurant near the nightclub , are there any ? 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 O O O N/A +bos i can only process one at a time would you like the post code or the nightclub info ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Select +bos postcode please , than search for an indian restaurant if you are able to eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O Attraction-Request+Post +bos club salsa 's postcode is cb12jb . my favorite indian restaurant is saffron brasserie , but it 's expensive . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Post O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price O O O O O N/A +bos great , as long as the restaurant is near the nightclub . do you happen to know the postcode 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 Restaurant-Request+Post +bos the post code for saffron brasserie is cb21la . may i assist with anything else today ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Post 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 it was no problem at all ! have a good one ! 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 cambridge . i am looking for an attraction that has sports and located in the centre , 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 O O O O B-Attraction-Inform+Area O O O O O O O O O N/A +bos it does n't look like such a place exists . would you like me to look 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 Attraction-Request+Area,Attraction-NoOffer +bos no i would like to go somewhere in the centre . is there a theatre of any type ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O B-Attraction-Inform+Type O O O O O N/A +bos there are 4 theatres in the center - adc theatre , cambridge arts theatre , mumford theatre , and the cambridge corn exchange . would you like more information on any of those ? 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 O O O O O O O O O O O N/A +bos yes , may i please have the address , postcode , and phone number for the adc theatre ? 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 the adc theatre is in postcode cb58as and is located on park street . the phone number is 0122300085. eos O 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+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O N/A +bos great , thanks . i also need to book a train going to cambridge , and i will be departing from broxbourne . eos 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+Depart O O O O N/A +bos what is your departure day and time ? eos O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i would like to leave on thursday and arrive by 19:00. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos ok , there are 13 different options , if you give me a departure time , we can narrow it down from there . 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 +bos i have no set departure time as long as my arrival time is before or at 19:00. eos O O O O O O O O O O O O O O O O O O N/A +bos tr1828 will get you in at 18:32. you leave at 17:32. may i book that for you ? eos O B-Train-Inform+Id O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos i do n't need to book at the moment , thanks . all i need is the ticket 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+Price +bos the price of tr1828 from broxbourne to cambridge is 17.90. is there anything else i can help you with ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Ticket O O O O O O O O O O general-reqmore +bos no , that 's all for today . thank you ! eos O O O O O O O O O O O O general-thank +bos okay . do not hesitate to call us back if you need anything else . eos O O O O O O O O O O O O O O O O general-welcome +bos alright . goodbye . eos O O O O O general-bye +bos thank you for using our site and let us know if you need anything else in the future . eos O O O O O O O O O O O O O O O O O O O O general-bye +bos yeah , i 'm going to be looking for some british food . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are several restaurants close to your location , how about one called , restaurant one seven ? the restaurant is located on de vere univeristy arms regent street city centre . eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area I-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 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 I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O O O N/A +bos are any of those options 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 , restaurant one seven is located in the centre of town , as are 4 other restaurants with british food . eos O 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 O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Food O O O O N/A +bos is it expensive ? i 'd like to really paint the town red ! eos O O O B-Restaurant-Inform+Price O O O O O O O O O O O N/A +bos it is in a moderate price range . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos is there a restaurant in the centre that serves british food and is in the expensive price range ? eos O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes , there are 3 - fitzbillies restaurant , the cambridge chop house , and midsummer house restaurant . my favorite is midsummer house restaurant - utterly decadent ! may i reserve a table for you ? eos 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 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 Booking-Inform +bos yes . reserve a table for 1 person at 16:30 on tuesday . 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 booking was successful . the table will be reserved for 15 minutes . reference number is : lif9iwl5 . 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 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 ? eos O O O O O O O O O O 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 there are 44 attractions in your area . can you let me know what type of attraction 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 O Attraction-Request+Type +bos any type is fine , so please list all 44 attractions . eos O O O O O O O O O O O O O Attraction-Inform +bos all saints church is a great place . would you like to know more ? eos 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 just whether or not they have an entrance fee . eos O O O O O O O O O O O Attraction-Request+Fee +bos no it 's free to enter , anything else ? eos O O O B-Attraction-Inform+Fee O O O O O O O general-reqmore +bos just a taxi to get me from the church 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 Restaurant-Inform,Taxi-Inform +bos great . i was able to book your ride for you . your driver will be in a yellow volvo and you can reach them at 07341534913. 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 B-Taxi-Inform+Phone O O N/A +bos cool , thank you ! i wo n't be needing 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 general-thank +bos great , i hope you have a lovely time in town ! eos O O O O O O O O O O O O O general-bye +bos can you help me find an italian restaurant in the city center ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos sure . what is your price range ? eos O O O O O O O O O Restaurant-Request+Price +bos my price range is expensive . eos O O O O O B-Restaurant-Inform+Price O N/A +bos i recommend booking a table at caffe uno . you 'll love their homemade pasta ! eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O N/A +bos that 's great . can you send me the phone number and postcode for caffe uno ? 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 Restaurant-Request+Post +bos i 'm sorry . i can not find details for caffe uno . eos O O O O O O O O B-Restaurant-NoOffer+Name I-Restaurant-NoOffer+Name O O O O N/A +bos i am actually looking for an italian place . in the centre . eos O O O O O O O O O O O O O O N/A +bos the caffe uno 's phone number is 01223448620 and the postcode is cb21uj . may i help you with anything else ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 general-reqmore +bos i 'm looking for info on museum of classical archaeology eos 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 it 's a free museum on sidgwick avenue in the west part of town . lots of interesting things there . eos O O O B-Attraction-Inform+Fee B-Attraction-Inform+Type O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Choice O O O O O O N/A +bos great ! i also need a taxi to get there . i want to leave caffe uno at 12:30. can you give me the contact number & car type for the taxi ? eos 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 O O O O O O O O Taxi-Request+Car +bos in order to reserve your taxi , may i please have your destination ? eos O O O O O O O O O O O O O O O Taxi-Request+Dest +bos i need to commute between the two places you looked up . eos O O O O O O O O O O O O O N/A +bos i have booked your car . it is a blue ford car , and the contact number for the booking is 07881357778. 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 B-Taxi-Inform+Phone O O N/A +bos thank you that 's all the help i need today . 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-bye +bos i need a one-star hotel , please . eos O O O O O B-Hotel-Inform+Type O O O N/A +bos i 'm sorry , there does n't seem to be any 1 star hotels in the area . can i look for something different for you ? eos 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 O O general-reqmore +bos are you sure ? eos O O O O O N/A +bos yes , quite sure . would you be willing to step up to a 3 star option ? i have some good choices that i 'm sure you will love . eos O O O O O O O O O O O O O O B-Hotel-Select+Stars 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+Stars,general-greet +bos well , if there are no 1 stars , might as well try for 4 stars . cheap though . eos O O O O 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 there is the cambridge belfry in the west that is a cheap 4 star hotel . it has internet and parking . would you like me to book it for you ? 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+Price I-Hotel-Recommend+Price 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 Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos no thank you , i just needed the information for now . eos O O O O O O O O O O O O O general-thank +bos was 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 yes . i am looking for a fun place to visit while i 'm in the west side of town . is there an awesome attraction you could recommend ? 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 sure ! how about funky fun house ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O general-greet +bos what kind of attraction is it ? eos O O O O O O O O Attraction-Inform +bos entertainment . but i made an error , it is in the east . eos O B-Attraction-Inform+Type O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos oh , okay . i need something in the west . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos whale of a time is an entertainment attraction in the west . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type O O O B-Attraction-Recommend+Area O N/A +bos thank , i just need their address , and then we can work on a taxi afterwards . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos the address is unit 8 , viking way , bar hill . when would you want a cab for ? 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 Taxi-Request+Leave +bos great . i need a taxi from the hotel to there by 20:30. eos O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos let me find a taxi for you . eos O O O O O O O O O general-greet +bos i 'll need the car type and contact number . eos O O O O O O O O O O O Taxi-Request+Car,Attraction-Request+Type +bos i will get that for you . eos O O O O O O O O general-greet +bos okay , so what is it ? eos O O O O O O O O N/A +bos you 'll be riding in style in a black skoda . you can call them at 07191841492. 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 N/A +bos thank you so much . eos O O O O O O general-thank +bos anything else today ? eos O O O O O general-reqmore +bos not you took care of everything i need . thanks . eos O O O O O O O O O O O O general-thank +bos great . have a nice time in cambridge . bye . eos O O O O O O O O O O O O general-bye,general-greet +bos i 'm looking for a swimmingpool attraction in the centre . eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos there is one , parkside pools , located at gonvill place . the phone number is 01223446100 and the postcode is cb11ly . eos O O O 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 entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos my apologies . i do not show the entrance fee in my database , but if you call them , i 'm sure they can give you that information . 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 O O O O O O O O O O O O O O O O O N/A +bos okay . i need some information on an italian restaurant in the expensive 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 N/A +bos there are about 5 different restaurants that have great italian food . did you have a preference on the area of town ? eos O O O O O B-Restaurant-Inform+Choice 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+Area +bos yes i need the restaurant to be in the centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos i think clowns cafe would be perfect for you . would you like me to book a reservation ? eos 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 before you do that , is it expensive and in the same area as the swimming pool you recommended ? 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 expensive and in the centre . eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O N/A +bos do they have a table available for 3 people at 11:00 on monday ? eos O O O O O O O O O O O O O O O N/A +bos yes , shall i go ahead and reserve a table for you ? eos O 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 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-greet +bos i am looking for a cheap restaurant that serves scottish food . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos unfortunately , there are no restaurants in town that offer scottish food . is there another type of food you might be interested in ? eos O O O O O O O B-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 i 'm not sure what do you recommend ? eos O O O O O O O O O O N/A +bos i 've heard good things about the lucky star . it serves cheap chinese food in the south . does that work for you ? eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Price 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 to be honest with you , i really would prefer a restaurant in the centre that serves scottish food so let 's try that one more time 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 O O O O O O O N/A +bos i do n't have anything that meets that criteria . eos O O O O O O O O O O O Restaurant-NoOffer +bos let 's find an italian one then , i still need it to be in the center . eos 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 have the ask located at 12 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 N/A +bos perfect , could you make a reservation for 4 on tuesday at 19:00 , if that time does n't work then try 18:00. could i get the reference number after booking ? 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 O O O O O O O O Restaurant-Request+Ref +bos okay , the book was successful , your reference number is rkr9duwv . 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 O N/A +bos can you also look up to see if there are any multiple sports available 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 N/A +bos sorry there are no mutliple sports attractions in the centre of town . would you like to try a different type or area ? 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 O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos how about colleges in the area ? eos O O O B-Attraction-Inform+Type O O O O N/A +bos we have 13 colleges in the centre of town . personally , i would recommend christ 's college located on saint andrew 's street . 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 B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O N/A +bos what type of college is it , and can i get the postcode ? eos O O O O O O O O O O O O O O O Attraction-Request+Post +bos christ 's college postcode is cb23bu it is a attraction classified as a college . eos O B-Attraction-Inform+Name B-Attraction-Inform+Type O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O O O O N/A +bos alright , thank you , i believe that is all i need . 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 , can you help me find a cheap guesthouse ? eos O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O N/A +bos there are 9 to choose from . what area would you like ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Area +bos i do n't care . i 'd like a hotel though , with 4 stars . eos O 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 okay , the cambridge belfry fits all of your needs . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O N/A +bos that sounds wonderful . can you please book a reservation for 7 people ? eos O O O O O O O O O O O O O O O N/A +bos on which day would you like to start this reservation ? eos O O O O O O O O O O O O Booking-Request+Day +bos sunday , for 4 nights please . eos O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O N/A +bos i was able to book the room the reference number is ys8h6aoe . 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 thank you so much . that is 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 trip ! eos O O O O O O O O O O general-welcome,general-bye +bos i am traveling to cambridge and excited about seeing location attractions . could you help me find a place to go , like a 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 B-Attraction-Inform+Type O O O N/A +bos certainly . i have many available . is there a particular area you are looking in ? i have several in the west and centre . eos 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O Attraction-Request+Area +bos can you give me the entrance fee for one of the colleges in the centre ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos corpus christi is 2 pounds , which is in centre . eos 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 O O N/A +bos i 'm also looking for a hotel in the centre . i do n't want to stay in a guesthouse . it needs to be a hotel . 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 O O O O N/A +bos i can book you at the university arms hotel . it has a 4 star rating , free parking and wifi . does this interest you ? eos 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+Stars O O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos yes . that would be great . eos O O O O O O O O N/A +bos what will be the first day you will stay 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 Booking-Request+Stay,Booking-Request+Day +bos i want to stay for 5 nights starting on tuesday . eos O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos i 'm sorry but you 'll have to book another day or a shorter stay . when 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-NoBook,Booking-Request+Day,Booking-Request+Stay +bos can you see if they have just 1 night available ? eos O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos your booking was successful with a reference number of s1htvv32 . is there 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 general-reqmore +bos i need a taxi please between the 2 places . i want to leave the attraction by 2:30. eos O O O O O O O O O O O O O O O O O O O Taxi-Inform,Attraction-Inform +bos booking completed ! please look out for a grey bmw , their contact number is 07130839627. 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 O B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos awesome , thanks ! i think that takes care of everything i needed . eos O O O O O O O O O O O O O O O general-thank +bos okay great please enjoy your stay and do n't hesitate to call us back 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 O general-bye +bos i need to find a hotel with free wifi to stay at . can you help 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 sure can . are there any other requirements you 'd like to include in your search ? eos 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 would like a 1 star hotel . eos O O O O O O O O O Hotel-Inform +bos i am sorry but could not find a 1 star hotel with your needs . if there is anything else i can help you with let me know , thaks . eos O O 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 O O O O O O O O O O O general-reqmore +bos ok , try a 4 star hotel . eos O O O O O B-Hotel-Inform+Stars O O O N/A +bos there are several 4 star hotels . do you have a particular area in mind ? eos 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 Hotel-Request+Area +bos 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 . eos O O O O O O 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 +bos i recommend the acorn guesthouse it 's located at 154 chesterton road and their number is 01223353888. is there anything else i can help you with today ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name 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 O O O general-reqmore +bos yes , can you recommend a college i could visit while i am there ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos we have quite a few , clare hall is one of my favorite 's 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 N/A +bos that sounds good . can i get their phone number and address please ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone i have listed is 01223332360. can i hlep with anything else today ? eos O O O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos um , how about the address too please ? eos O O O O O O O O O O Attraction-Request+Addr +bos clare hall address is herschel road in west area , postal code cb39al . i hope this helps today . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Post O O O O O O O O general-greet +bos i am looking for a train to cambridge leaving on sunday . eos O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O N/A +bos may i please have where you are departing from ? eos O O O O O O O O O O O Train-Request+Depart +bos i am departing from leicester and need to leave after 8:45. eos O O O O O B-Train-Inform+Depart O O O O O O N/A +bos two trains leave after 8:45 , tr1079 leaves at 9:09 and arrives at 10:54 , and tr1744 leaves at 10:09 and arrives at 11:54 , there are also 3 other trains that leave later . eos O O 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 O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Leave I-Train-Inform+Leave O O O N/A +bos great i 'll take tr1079 for two people please 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 great , your reservation is booked , your reference number is n7mg5rd7 and the total cost is 60.48 gbp eos 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+Ticket I-Train-OfferBooked+Ticket O O N/A +bos great . i 'm also looking to book that for two people . also , i 'm interested in places around town . any parks in the south area ? 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 B-Attraction-Inform+Area O O O O O O O O N/A +bos there are 2 parks in the south area . both are free . eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O N/A +bos can i get the phone numbers for both please ? eos O O O O O O O O O O O Attraction-Request+Phone +bos absolutely you can ! sheep 's green and lammas land park fen causeway can be reached at 01223302580 and you can dial 01223243830 to get in touch with wandlebury country 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+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O general-greet +bos can i please get the entrance fee for the lammas land park ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos the entrance fee is free . can i help you with anything else ? eos O O O O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos no , that 's all . you 've been very helpful ! thank you . eos O O O O O O O O O O O O O O O O general-thank +bos you are most welcome please let us know if we can help you 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-reqmore +bos i would like to book a train . eos O O O O O O O O O Train-Inform +bos ok , let 's narrow this down a bit . where are you traveling to , 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 O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest,Train-Request+Day +bos after 19:00 on friday from leicester to cambridge . eos O O B-Train-Inform+Leave O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos okay great , there are 5 trains leaving after 19:00. the earliest being 19:09 and arriving by 20:54. would that work for you ? eos O O 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 Train-Select +bos yes , i think the 20:54 arrival time should work . eos O O O O O O O O O O O O Train-Request+Arrive +bos how many tickets do you want for this tr4365 train ? eos O O O O O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O Train-Request+People +bos one ticket please . eos O O O O O N/A +bos ok. you are booked . your reference number is 231k9boe . eos O O O O O O O O O O O B-Train-OfferBooked+Ref N/A +bos also can you help me with finding information on an attraction called ballare ? eos O O O O O O O O O O O O O B-Attraction-Inform+Name O N/A +bos no problem . it is a nightclub located in the centre , located at heidelberg gardens , lion yard and charges a 5 pound entrance fee . eos O O O O O O B-Attraction-Inform+Type I-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 O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O N/A +bos wow , that was exactly what i needed . thanks so much ! eos O 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 help you with ? eos O O O O O O O O O O O O O O O O general-reqmore +bos that was all the questions i had , thanks very much for helping me . 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-greet +bos i need some help finding 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 O B-Hotel-Inform+Stars O O O O O N/A +bos we have two guesthouses , one in the north and one in the east both are priced moderately , can i help with any other questions ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O general-reqmore +bos i prefer the north . eos O O O O B-Hotel-Inform+Area O N/A +bos ok , that would be avalon guesthouse . do you want to book a room there ? 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 Booking-Inform +bos yes , please . 3 people for 5 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 booking was successful.reference number is : 9zvm9epe . anything else today ? eos O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos no , that 's all i need . thanks . eos O O O O O O O O O O O general-thank +bos no problem , enjoy the rest of your day . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm sorry , i just remembered i 'm looking for an attraction as well . 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 Attraction-Inform +bos sure , what would you like to know ? eos O O O O O O O O O O general-reqmore +bos i would like something near the avalon guesthouse . eos O O O O O O O O O O N/A +bos i have many attractions in that area . what type of attraction are you interested 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+Type +bos it does not matter can you recommend one please ? eos O O O O O O O O O O O N/A +bos how about a boating attraction . the riverboat georgina would be nice . would you like additional information ? eos O O O O B-Attraction-Inform+Type 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 general-reqmore +bos yes please ! could i get their entrance fee and address ? eos O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos i 'm sorry but you will have to go there in person to see the fee , but the address is cambridge passenger cruisers , jubilee house . 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 I-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos could i have the phone number as well ? eos O O O O O O O O O O N/A +bos sure it is 01223902091 eos O O O O B-Attraction-Inform+Phone N/A +bos thank you very much . that is all i needed . eos O O O O 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-welcome,general-bye +bos i would like to take a train from leicester that arrives by 16: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 the latest arrival time is 15:54. eos O O O O O O B-Train-Inform+Arrive N/A +bos i need the train to go to cambridge and leave 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 the tr9488 leaves from leicester and arrives in cambridge at 06:54. would you like a ticket ? eos O O B-Train-Inform+Id I-Train-Inform+Id O O O O O O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos i just need to know the price of the ticket and travel time between leicester and cambridge . 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 yes please book it for me and i need a confirmation number eos O O O O O O O O O O O O O N/A +bos hello ! i 'm lookng for someplace 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 i have many attractions in the center of town . do you have a specific type in mind ? 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 would like to visit a museum . eos O O O O O O O B-Attraction-Inform+Type O N/A +bos there are 11 museums in the centre what type 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 O O O O Attraction-Request+Type +bos well i also will be needing somewhere to stay . is there a museum located close to a 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 there are several hotel options in the centre if you are interested in staying that part of town . eos 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 N/A +bos first let 's work out what attraction i 'll choose . can you pick me your favorite in the centre and tell me their address and entrance fee , please ? 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 Attraction-Request+Fee,Attraction-Request+Addr +bos the primavera is a nice museum with free entrance and is located at 10 king s parade , postcode cb21sj . is there anything else i can help you with ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type O O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post O O O O O O O O O O O O general-reqmore +bos can you recommend me a hotel with free wifi in the same area ? eos O O O O O O O O O O O O O O O N/A +bos i have 5 different places that ranges from cheap to expensive . do you have a preferred price range ? 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 O O O O O O O O O Hotel-Request+Price +bos something cheap with free wifi would be perfect , i 'm trying to keep this trip from busting my budget . eos 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 suggest alexander bed and breakfast . it is cheap and has 4 stars . would you like me to make a reservation for you ? 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 B-Hotel-Recommend+Price O O O B-Hotel-Recommend+Stars O O O O O O O O O O O O O Booking-Inform +bos yes , please . i need it for one person , for three nights , and starts on wednesday . 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 N/A +bos i have a room booked for you for 3 nights starting wednesday . the reference number is q6m0jjpa . is there anything else i can help with ? eos 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 O O O O O general-reqmore +bos no , thank you . i do n't have any other questions at this time . goodbye . eos 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 us and have a nice day . eos O O O O O O O O O O O O general-bye +bos i need the location of addenbrookes hospital , if you do n't mind . eos O O O O 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 particular department , i need the address and postcode please . eos 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 . post code is cb20qq . eos O O O O O O O O O O O O O O N/A +bos i need to find a hospital please . 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 , but can you give me their phone number and address please ? thanks ! eos O O O O O O O O O O O O O O O O O Hospital-Request+Addr,Hospital-Request+Phone +bos phone number is 01223245151 and their address is hills rd , cambridgepostcode cb20qq eos O 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 you are welcome . thanks for contacting the 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 am looking for a local restaurant in the south that offers modern european cuisine eos 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 N/A +bos i found one for you called restaurant alimentum . would you like me to book it for you ? eos O 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 O Booking-Inform +bos yes ! eos O O O N/A +bos what day would you like to book your reservation ? eos O O O O O O O O O O O Booking-Request+Day +bos two people at 11:15 for 2 people . eos O O O O O O O O O N/A +bos for which day shall i book the table ? eos O O O O O O O O O O Booking-Request+Day +bos tuesday , please . eos 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 : imsy2gmj . 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 B-Booking-Book+Ref 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 have a great day ! eos O O O O O O general-bye +bos i 'm looking for a moderately priced restaurant that serves chinese food . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 4 chinese restaurants in your price range . are you interested in a particular location to narrow down the choices ? 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+Area +bos i need a restaurant located in the centre please . eos O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are three options which are centrally located , would you like to try the lan hong house ? eos O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos yes , i would like to book a table for 7 people at 14:00 on monday . 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 i have you booked at lan hong house on monday at 14:00. reference number is : onoccl26 . anything else i can do for you ? eos O O 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 B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos yes , i 'm looking for somewhere to play soccer near the restaurant . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos if you are looking to play soccer , would i be correct in that you are interested in a park 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos i 'm sorry , no , i 'm interested in a multiple sports attraction . eos O O O O O O O O O O O O O O O O Attraction-Inform +bos i 'm sorry , there are no multiple sports attractions in the centre area . would you like to look in another area ? eos 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 O O O O O O O O O O O O Attraction-Request+Area +bos okay , what about a college ? eos O O O O O B-Attraction-Inform+Type O O N/A +bos there are 13 colleges near the restaurant . do you have a specific one you 'd 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 O O O Attraction-Select +bos no , it does n't matter . eos O O O O O O O O N/A +bos there are 13 colleges nearby , would you like to try trinity street college ? eos O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos sure , can i have their phone number please ? eos O O O O O O O O O O O Attraction-Request+Phone +bos of course ! their phone number is 01223338400. 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 i need to book a taxi for the commute between the two places . can you book one for me so i arrive 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 N/A +bos ok , a white skoda will pick you up at trinity college and get you to the lan hong house by 14:00. the contact number is 07340629776. can i help further ? eos 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 O O O O O B-Taxi-Inform+Dest I-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 N/A +bos no , that 's all the information i need . thank you . eos O O O O O O O O O O O O O O general-thank +bos 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 ! eos O O O O O O O O O O O O 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 good to go . thanks ! eos O O O O O O O O O general-thank +bos thank you , and have a nice day ! eos O O O O O O O O O O general-greet +bos i 'm looking for a restaurant that serves canapes food . expensive range should do it . eos O O O O O O O O B-Restaurant-Inform+Food O B-Restaurant-Inform+Price O O O O O O O N/A +bos unfortunately there are no canapes restaurants . eos O O O O O B-Restaurant-NoOffer+Food O O N/A +bos hmmm . can you check again ? it should be 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 am sorry but there are no restaurants that fit that criteria in the centre . eos O O O O O O O O O O O O O O O B-Restaurant-NoOffer+Area O N/A +bos could you try a restaurant that serves british food instead ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos yes , we have three british restaurants in the central area . might i recommend fitzbillies restaurant ? 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos that sounds fine , can you reserve a table for 3 people at 13: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 O N/A +bos your table is booked , ref # hhfeegnf . 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 general-reqmore +bos i do need 4 star hotel as well . eos O O O O O O B-Hotel-Inform+Stars O O O N/A +bos great , i have 21 options for you ! eos O O O O O B-Hotel-Inform+Choice O O O O N/A +bos i would like it to be in the expensive range too . eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos okay we have the huntingdon marriott hotel and the university arms hotel that match your specifications . 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 O N/A +bos does either have free wifi ? eos O O O O O O O N/A +bos yes , both have internet . eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O Hotel-Inform+Internet +bos great , either one is fine . i need a reservation for 3 people for 3 nights starting tuesday . if 3 nights is not available try 2 nights and reference number . 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 O O O O O O O O O O O O O N/A +bos i have it booked for tuesday for 3 people for 3 nights at the marriot . your reference number is : 30ceha2h . is there anything else i can help you with ? eos O O O O O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay 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 general-reqmore +bos no , thank you . that 's it for today . eos O O O O O O O O O O O O general-thank +bos glad to be of service . have a great day . eos O O O O O O O O O O O O general-welcome,general-bye +bos you too , enjoy the rest of your day . eos O O O O O O O O O O O N/A +bos it was a pleasure to assist you . good day . 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 . can you help ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos sure , what kind of food were you interested in ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i do n't have a preference . just need it to be cheap and in the south . eos 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 nandos is my favorite . cheap but excellent portuguese place . would you like a table there ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O O O O O Booking-Inform +bos please get me their address . eos O O O O O O O Restaurant-Request+Addr +bos sure , it 's cambridge leisure park clifton way cb17dy . is there anything else i can help you with ? eos 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 yes , i need a place to stay , a guesthouse please . eos O O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos i will be happy to help with that , is there a certain area you were looking 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 O Hotel-Request+Area +bos i 'm looking for something in cambridge , probably in the south as well , but it 's not necessary . 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 bridge guest house has a 3 star rating and is at 151 hills road eos 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos is bridge guest house in the south ? if so , i will also need a taxi to take me from the restaurant to the guesthouse . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 N/A +bos yes bridge guesthouse is in the south . sure when would you like to leave the restaurant ? 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 Taxi-Request+Leave +bos what is the star of that hotel ? the address , including area of town too . eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Addr +bos it is rated 3 stars and is in the south and its address is 151 hills road . eos O O 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 N/A +bos great , thanks . can you also help me get a taxi from 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 sure , when would you like arrive by ? eos O O O O O O O O O O Taxi-Request+Arrive +bos thanks ! i do n't care , i just want to leave at 06:45 , please . eos O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O O N/A +bos alright ive booked you a red volkswagen from nanfos to the bridge guesthouse that leaves at 06:45. their contact number is 07562063340. anything else i can do to help ? eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 thanks that 's all i need . eos O O O O O O O O general-thank +bos okay , i am glad i could assist . eos O O O O O O O O O O general-welcome +bos thanks again , goodbye . eos O O O O O O general-bye +bos you are welcome to cambridge eos O O O O O O general-welcome +bos are there any british restaurants in the center of town ? eos O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos there are 7 restaurants in the center of town that serve british cuisine . would you prefer one with an expensive , moderate , or cheap price range ? 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 B-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O O O N/A +bos is there such thing as cheap british cuisine ? where is that ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there is no cheap british food in the centre . would you prefer a moderately priced one ? eos O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O O O B-Restaurant-Select+Choice I-Restaurant-Select+Choice O O O N/A +bos perhaps . i 'm also looking for a place to go .. maybe a park in the centre ? 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 N/A +bos we have cambridge university botanic gardens . could you like more information on them ? 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 O N/A +bos yes please , can i have the address ? eos O O O O O O O O O O Attraction-Request+Addr +bos of course . the address listed is bateman street . eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos are there any moderately priced restaurants near the botanic gardens ? eos O O O O O O O O O O O O Restaurant-Request+Price +bos there are 4 moderately priced british restaurants in the same area as the botanic gardens . 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos i 'm sorry - i 'd really like the name of a british restaurant in city center , i do n't mind what price but please do tell me what the price is . 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 O O O O O O O O O O O O O Restaurant-Request+Price +bos ok , how about restaurant one seven ? it serves british cuisine in city centre . it 's moderately priced . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-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 N/A +bos sounds great . i do n't need a reservation but can i get a taxi from restaurant one seven to the gardens ? eos 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 sure , i 'll need to know a time frame for arrival or departure though . eos 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 would like to leave the restaurant by 14:45. eos O O O O O O O O O B-Taxi-Inform+Leave N/A +bos alright , i have your taxi booked to pick you up at restaurant one seven at 14:45 to go to the cambridge university botanical gardens . 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+Leave 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 can i get a contact number for that taxi ? eos O O O O O O O O O O O Taxi-Inform +bos sure thing , it will be a black audi and contact number 07098094342. 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos hi , i 'd like to find out more about any luxury hotels that have at least a 3-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 O N/A +bos i have found 2 luxury hotels that both have 3 star ratings . the gonville and the lensfield hotel are both available to book . eos O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars 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 Booking-Inform +bos the hotel should be expensive and does not need to have free parking . eos O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Parking O O O O O N/A +bos both the gonville and lensfield are expensive . both also do have free parking . do either one of those sound suitable ? eos O O O O O B-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 O Hotel-Select,Hotel-Inform+Parking +bos the first one sounds ok to me . eos O O O O O O O O O N/A +bos i can go ahead and book it for you . eos O O O O O O O O O O O Booking-Inform +bos yes please make a booking for 1 people and 5 nights starting from 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 N/A +bos i made a reservation for you at the gonville hotel for 5 nights starting saturday . your reference is pux8nrce . 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 O B-Booking-Book+Stay 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 no thank you . that was all i needed . eos O 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 i am looking for information in cambridge eos 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 i need some places to go . maybe some place in the centre are of the town . multiple sports type ? 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 unfortunately there are no multiple sport type attractions in the centre of town ? would you like info on another attraction or in another area ? eos 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 Attraction-Request+Name,Attraction-Request+Area +bos can we try to find a theatre ? i 'll need the phone number , please ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Phone +bos i recommend the mumford theatre . they are located at anglia ruskin enterprise , east road . their phone number is 08451962320. 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 O B-Attraction-Recommend+Phone O O O N/A +bos thank you . i also need information on a train to leicester 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 have several options , what is your timeframe like ? eos 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:00 please . eos O O O O O O B-Train-Inform+Arrive O O N/A +bos and from where will you be departing ? eos O 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 B-Train-Inform+Depart O N/A +bos the tr3564 will get you there by 19:06. would you like for me to book it ? eos 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 Train-OfferBook +bos yes , please . i need 6 tickets . eos O O O O O O B-Train-Inform+People O O O N/A +bos the reservations have been made and the reference number is f82v85k4 . and the total fee is 226.8 gbp . eos O O 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 N/A +bos no thanks ! that 's it for now . eos O O O O O O O O O O general-thank +bos okay i am glad i could assist . eos O O O O O O O O O general-bye +bos goodbye and thanks . have a great day . eos O O O O O O O O O O general-bye +bos welcome anytime you need us eos O O O O O O general-welcome +bos i need a place to stay in the centre that includes free wifi . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos we have 5 places in the center , ranging from cheap to expensive . what 's your price range ? 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 I-Hotel-Inform+Price O O O O O O O O Hotel-Request+Price +bos i 'm looking to stay in a guesthouse and i would like the place to have a 1 star rating.is anything like that available ? 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 no , but i do have a 0 star ! want to live on the wild side and give it a try ? 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 Hotel-NoOffer,Booking-Inform +bos i do n't think so . how about one with a 4-star rating then ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos the alexander bed and breakfast is just what you need , then . would you like for me to book you a room ? 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 O Booking-Inform +bos not at the moment . i 'd just like to know about the parking , price range , 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 Hotel-Request+Phone,Hotel-Request+Parking,Hotel-Request+Price +bos alexander b & b is a cheap guesthouse . they are 4 stars and offer free parking and wifi . their postcode is cb12de . phone number is 01223525725. eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O O O O O O O O B-Hotel-Inform+Post O O O B-Hotel-Inform+Phone O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos awesome , thanks . i 'm also looking for a train that leaves on sunday after 13: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 O N/A +bos i can help you find a train but first i need to know your departure and arrival station . 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 i am departing from standsted airport and would like to go to cambridge . eos O O O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos we have 11 trains leaving every hour from 13:24 to 23:24. how early or late do you want to leave ? eos O O O O B-Train-Inform+Choice 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+Leave,Train-Request+Arrive +bos let 's go with 13:24. please give me the arrival time and train id . 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 train id is tr6980 , it will arrive by 13:52 , can i assist with anything else ? 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 general-reqmore +bos that is all for tonight . thanks for your help ! 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 attractions in the centre . eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos the city centre has many attractions to offer . do you have a specific type of attraction you are interested in ? eos O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-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 would like the attraction in the centre , and i would like the amount of the entrance fees in the centre . 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 Attraction-Request+Fee +bos there are many museums with free entrance , or nightclubs with fees around 4-5 pounds . would you be interested in more information on any of these ? eos O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 actually , can you find a train to birmingham new street for me ? i need to leave after 19:45. 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 O O O B-Train-Inform+Leave O O N/A +bos what is your departure site and day of travel ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos should depart from cambridge and go to birmingham new street eos O O O O B-Train-Inform+Depart O O O O O O N/A +bos there are 28 trains that fit that criteria , 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 O O O Train-Request+Arrive +bos it does n't matter , the first train after 19:45 works for me . i need to book it for four people , and please provide the reference number . eos O O O O O O O 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 O O O Train-Request+Ref +bos i was able to book 4 tickets on train tr7769 departing at 20:01 and arriving at 23:44. your reference number is h6ucciba . is there anything else ? eos O O O O O O O B-Train-OfferBooked+People O 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+Ref O O O O O O general-reqmore +bos no , that will do it ! 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 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 a train leaving on sunday and arriving in cambridge . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A +bos i have 202 trains matching your preferences . what location 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 Train-Request+Depart +bos i am leaving from birmingham new street any time after 13:15. eos 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 have 11 trains matching your preferences . leaving every hour at :40 starting at 13:40. which 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 O O O O O Train-Select +bos i 'll take the first train at 13:40 for 7 people please and i will need the reference number 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 Train-Request+Ref +bos certainly , i have booked the train , your reference number is pg27s8v6 . may i help you with anything else ? 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 N/A +bos yes , can you give me a list of places i can go once 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 N/A +bos we have lots of attractions ! is there a particular type of place or area of town you 're 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 O O O O O Attraction-Request+Area,Attraction-Request+Type +bos yes , i 'm looking for a park in the east . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O N/A +bos the cherry hinton water play is just the place . would you like any further info ? 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 O O O O O O O O O general-reqmore +bos yes can i please get that address phone number and entrance fee for the cherry hinton ? 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 of course . it is free and the address is cherry hinton hall , cherry hinton road . phone number-01223446100 eos O O 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 B-Attraction-Inform+Phone O O N/A +bos great , thanks ! i ca n't think of anything else i need right now , so you 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 O general-thank +bos thank you for using our system ! eos O O O O O O O O general-greet +bos i need a train that arrives by 11:45 leaving from ely . can you help me ? eos O O O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Depart O O O 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 'm leaving on wednesday . eos O O O O B-Train-Inform+Day O O N/A +bos train tr5348 leaves at 05:35 and arrives at 5:52. is that suitable 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 Train-OfferBook +bos does it go to cambridge ? eos O O O O O B-Train-Inform+Dest O N/A +bos yes it does . eos O O O O O general-greet +bos that 's great . can you make a booking for me for 5 people ? eos O O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos booking for 5 people on tr5348 on wednesday at 05:35 going to cambridge was successful . i do not have reservation numbers at the moment . cost is 4.40. eos O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O O O O O O O O O O O O B-Train-OfferBooked+Ticket O O N/A +bos i also will need a hotel eos O O O O O O O Hotel-Inform +bos your train reference number is uorey9nl . the total fee is 22 gbp . what area do you want to stay in ? eos 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 Hotel-Request+Area +bos it does n't matter , i 'd like it to be a guesthouse in the moderate price range . 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 N/A +bos the a and b guest house fits your request , 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 I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O 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 the guesthouse does have internet . eos O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O Hotel-Inform+Internet +bos thank you for all of your help . eos O O O O O O O O O general-thank +bos you are quite welcome , do you need me to make a reservation for the guesthouse ? eos O O O O O O O O O O O O O O O O O O general-welcome,Booking-Inform +bos yes , please . i 'd like a room for 5 people on wednesday for 3 nights . 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 N/A +bos alright , your booking is complete . reference number is tbfookpc . anything else today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos that 's all i needed tonight . thanks for the help . eos O O O O O O O O O O O O O general-thank +bos i hope you enjoy your trip . have a great day . eos O O O O O O O O O O O O O general-bye,general-greet +bos i am looking for information 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 need a train going from cambridge to kings lynn on sunday . eos 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 N/A +bos i would be happy to help . those trains leave every hour , starting at 05:11. how early do you want to depart ? 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 O O O O O O O O O Train-Request+Leave +bos anything after 13:00 please eos O O O B-Train-Inform+Leave O N/A +bos i have the tr8241 leaving at 13:11. will that work ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O general-reqmore +bos that 's perfect please make a booking for 5 and then let me have the reference number . also can you help me find an architecture attraction ? 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 B-Attraction-Inform+Type O O O O Train-Request+Ref +bos booking was successful , the total fee is 39.2 gbp payable at the station .reference number is : 20rfdcgc . 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 help me find an architecture attraction to visit ? eos O O O O O O O B-Attraction-Inform+Type O O O O N/A +bos yes , i can help with that . there are 5 attractions in the center of cambridge , 4 are churches and the other is an old school . 4 are free and 1 costs 2 pounds . do you have any preferences or would you simply like a random recommendation ? eos O O O O O 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 O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type 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 O O O general-reqmore +bos just give me a recommendation please . eos O O O O O O O O N/A +bos all saints church is very nice can i give you information on that one ? eos 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 yes please , what area of town is it in ? eos O O O O O O O O O O O O Attraction-Request+Area +bos it is in the centre and it 's free . eos O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O N/A +bos sounds great . that is all i needed . bye . eos O O O O O O O O O O O O general-bye +bos okay perfect . have a great day , goodbye . eos 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 i can help ! what are you looking for ? eos O O O O O O O O O O O general-reqmore +bos let 's start with a moderately priced place to eat . eos O O O O O O O O O O O O N/A +bos what kind of food do you like ? eos O O O O O O O O O Restaurant-Request+Food +bos never mind , i do n't want a restaurant . i want to go to a mulitple sports centre 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+Area O O O O O O O O O N/A +bos i 'm sorry , but there is n't a multiple sports place in the centre of town . eos 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 O O N/A +bos okay can you check for colleges in the centre ? eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are 13 colleges 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 general-reqmore +bos yes please and can i get the phone number and post code . eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos i recommend christ 's college . the number is 01223334900 and post code is cb23bu . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Phone O O O O B-Attraction-Recommend+Post O O O N/A +bos thank you . i am also looking for a train that goes from cambridge to broxbourne . 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 i 'd be happy to help . 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 +bos i 'll be traveling on wednesday . i 'd like to arrive by 12:00. eos O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O O N/A +bos tr3279 leaves at 09:01 and arrives at 10:01. how does that sound ? eos 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 sounds great . i would like to book it for 4 people please . eos 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 71.59 gbp payable at the station .reference number is : 6ymfzr8e . 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 . that is all for now . eos O O O O O O O O O general-thank +bos welcome anytime you need us eos O O O O O O general-welcome +bos i appreciate that . eos O O O O O N/A +bos we hope you have a lovely time on your trip ! do n't hesitate to reach out if you think of 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 general-bye +bos i want a train leaving on thursday . eos O O O O O O O B-Train-Inform+Day 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 should depart from stansted airport and arrive by 08:00 at cambridge eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Arrive O B-Train-Inform+Dest N/A +bos i have the tr6437 leaving at 07:24 and arriving at 07:52. would you like me to book that 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 make a booking for 7 people and could i get the reference number eos O O 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 70.7 gbp payable at the station reference number is : dmxyqfpz . is there anything else you need 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 no that will be all thank you ! eos O O O O O O O O O general-thank +bos i hope you enjoy your time in cambridge , have a great day ! eos O O O O O O O O O O O O O O O general-bye +bos what can you tell me about the allenbell hotel ? eos O O O O O O O O B-Hotel-Inform+Name O O N/A +bos sure ! they offer cheap guesthouses and are very affordable . they have a 4 star rating and offer free wifi and parking . phone is 01223210353 eos O O O O B-Hotel-Inform+Price 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 B-Hotel-Inform+Phone O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-greet +bos great can i book it for 7 people 5 nights starting monday eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day N/A +bos i 'm sorry , the allenbell could not accommodate that particular reservation . would you like to try for a different day , or a shorter stay ? eos 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 O O O Booking-Request+Day,Booking-Request+Stay +bos could you try four nights ? eos O O O O O O O N/A +bos i was able to book your stay at the allenbell beginning on monday for 4 nights for 7 people . your reservation number is 77vg1s1i . 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 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 general-reqmore +bos i am looking for an expensive indian food restaurant , please . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O N/A +bos there are 14 indian restaurants matching your criteria . do you have a preference in the area ? 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 Restaurant-Request+Area +bos any area is fine . eos O O O O O O N/A +bos i have curry garden located in cetre and is considered expensive . would you like to make reservation for this ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Price O O O O O O O O O O Booking-Inform +bos yes that sounds perfect . we 'd like a table at 17:45 on the same day , and it 's the same group of people as before , 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 O O O O O N/A +bos thank you , i was able to book you . the table will be reserved for 15 minutes . the reference number is ujgppfrv . 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 N/A +bos thanks so much ! your help is appreciated . have a nice day . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos have a great day ! thank you ! eos O O O O O O O O O general-welcome,general-bye +bos hello , i need to book a ticket going to cambridge arriving by 16:30 , can you help me with that ? eos O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O O O O O O O O O N/A +bos there are a lot of trains available . where are you departing from ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O Train-Request+Depart +bos i 'm departing from broxbourne on friday . eos O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos tr2145 looks like it will get you there with plenty of time to spare . eos O B-Train-Inform+Id O O O O O O O O O O O O O O N/A +bos thanks , could you let me know the departure and arrival time ? eos O O O O O O O O O O O O O O general-thank +bos of course . it was actually the tr2144 , my apologies about that.. it leaves at 14:32 and gets you there at about 15:32. it costs 17.90 pounds . eos O O O O O O O B-Train-Inform+Id O O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+Arrive O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos excellent . i 'm also looking for a particular attraction . it 's called saint catharine 's college . any information ? 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 N/A +bos absolutely . it is a college located in the centre . it 's free to enter and it is located on king 's parade . eos O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O B-Attraction-Inform+Fee O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O N/A +bos what is the postcode for saint catherine 's college ? i want to be able to enter the address into my gps to 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 O O Attraction-Request+Post +bos saint catharine 's college is located at king 's parade postcode cb21rl . it is free to get in . do you also need their phone number ? 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 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 O O O N/A +bos no thanks , that 's everything 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 could you just confirm the entrance fee , attraction type , and postcode for saint catharine 's ? 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+Type +bos the entrance fee for the college is 0. it 's free . and the postcode is cb21rl . eos O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O O N/A +bos thank you so much for all your help . that is all i needed for 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 . 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 'm looking for a train that leaves from cambridge on tuesday . eos 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 travelling to ? eos O O O O O O O O Train-Request+Dest +bos i will be traveling to leicester and would like to arrive before 21:15. eos O O O O O O B-Train-Inform+Dest O O O O O O O N/A +bos when could you like to arrive by ? eos O O O O O O O O O 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 i have the tr8207 that will arrive by 21:06. would you like me to book that for you ? eos 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 O Train-OfferBook +bos yes but i need that to be booked for 3 people . i would like the reference number please . i also need a place to stay as well . 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 N/A +bos booking was successful , the total fee is 113.4 gbp payable at the station . your reference number is abkff3sh . what type of place are you looking for ? 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 Hotel-Request+Type +bos i would like a 4-star guesthouse in the north in a 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 sure thing , i would suggest this one 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 great can you book that for me from sunday for 2 nights for 4 people . eos 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 N/A +bos your booking was successful . your reference number is 7zj4cttg . will that be all for 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 'm looking for a hotel called the 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 O N/A +bos the arbury lodge guesthouse is a 4-star guesthouse in the north area . would like 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 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 yes please ! for 5 people and for 5 nights . starting wednesday . eos 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 all set . the reference number is pwyhrhpr . 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 general-reqmore +bos i am finished , 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 . 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 an expensive restaurant in the east . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos royal standard is an expensive gastropub in the east . would you like to book a table ? eos 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 O O O O O O O O O Booking-Inform +bos that wo n't be necessary . can you just give me their address and phone ? 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 the address is 290 mill road city centre . the phone number is 01223247877. 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 B-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos nope . i 'm all set . thanks again . eos 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-welcome +bos hi ! i would like to find a hotel to stay in . i do n't care about the 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 i 'll be glad to help . what area of town are you looking for ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos the area is not too important , honestly . but i would like it to be a hotel and 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+Type O O O B-Hotel-Inform+Stars O O O O N/A +bos does price matter , because i can find you a cheap one or an expensive one ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos cheap one , please . eos O B-Hotel-Inform+Price O O O O N/A +bos the cambridge belfry meets your criteria ! 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 Booking-Inform +bos yes , please ! book it for 7 people and 3 nights starting from wednesday . 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 booked ! your reference number is 2cajen22 . eos O O O O O O B-Booking-Book+Ref O O N/A +bos great ! thanks ! eos O O O O O general-thank +bos you are most welcome . is there anything else i can help with ? eos O O O O O O O O O O O O O O O general-reqmore +bos no thank you that was all , goodbye . eos 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 'm looking for a 3 star hotel . eos O O O O O O B-Hotel-Inform+Stars O O O N/A +bos there are 6 hotels listed at 3 star . there are 2 in the north , 1 south , 1 west and 1 centre . would you like more information ? eos 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O N/A +bos i do n't care where the hotel is located , but i 'm looking for something 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 O O O N/A +bos i have 4 options for you . do you need free wifi and parking ? i have 3 that offer these and 1 that does not . 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+Internet,Hotel-Request+Parking,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please . can you recommend me of them ? eos O O O O O O O O O O O N/A +bos the hamilton lodge is nice and in the north area . would you like a booking today ? 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 O Booking-Inform +bos no , thank you . can i just get the address , please ? eos O O O O O O O O O O O O O O O Hotel-Request+Addr +bos the hamilton lodge is located 156 chesterton road . would you like me to help you with anything else ? 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 O O O O O O O O general-reqmore +bos that 's all i need today - i appreciate your help ! eos O O O O O O O O O O O O O N/A +bos of course . let me know if there 's 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 general-bye +bos i 'm going to be in the north part of town next week . can you help me find a place to stay ? 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 N/A +bos we have 13 places to stay on the north side of town . do you have any preference of whether you 'd like to stay in a hotel or a guesthouse ? eos 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 O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O N/A +bos let 's see ... i 'd like to get free internet . and if you have a place with 4 stars , that would rock ! 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 N/A +bos there are quite a few that would meet those requirements . would you prefer a cheap or moderate rate for your stay ? 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 B-Hotel-Select+Price I-Hotel-Select+Price O O O O N/A +bos honestly , the price range does n't matter to me . is there anything you can recommend ? 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 the acorn guest house that is rated 4 stars and in the moderate price range . 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+Stars O O O B-Hotel-Recommend+Price O O O N/A +bos that sounds good . what 's its phone number , please ? eos O O O O O O O O O O O O O Hotel-Request+Phone +bos the phone number is 01223353888. would you like any other info ? eos O O O O O B-Hotel-Inform+Phone 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 enjoy your stay and let me know if you need anything else . eos O O O O O O O O O O O O O O general-bye +bos could you help me find a moderately priced 4 star hotel ? eos O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O N/A +bos unfortunately , i do n't have any hotels meeting those requirements , but i do have several guesthouses that do . would you be interested in one of those ? eos O O O O O O B-Hotel-NoOffer+Type 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 Hotel-Select +bos yes , i think that would be fine . something in the north , please . eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos i have 7 guesthouses in the north that are moderately priced and 4 stars , are you looking for internet or parking ? 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 B-Hotel-Inform+Stars O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos not really . as long as it 's in the north it 's good . eos O O O O O O O O O O O O O O O O N/A +bos when and how long are you wanting to stay ? i can see what is available . 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 i need it for 4 nights starting on wednesday . eos O O O O O O O O O O O N/A +bos one more question . how many people are in your party ? eos O O O O O O O O O O O O O Booking-Request+People +bos please make the reservation for 2 people . eos O O O O O O O O O N/A +bos there are 7 guesthouses that fit your needs . may i recommend arbury lodge guesthouse ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos sure , that sounds fine . can you book that for me ? eos O O O O O O O O O O O O O O N/A +bos there is no availability at arbury on wednesday , unfortunately . would you like to try a different hotel ? eos O O O O O O B-Booking-NoBook+Name O B-Booking-NoBook+Day O O O O O O O O O O O O N/A +bos sure , choose one for me . eos O O O O O O O O N/A +bos unfortunately , there is no availability at any of the 7 guesthouses for your needs . 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 B-Hotel-Inform+Choice 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 for 3 nights ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos that did the trick . i was able to book for 2 people for 3 nights starting wednesday at the acorn guest house . reference number is g591zuvt . eos O O 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-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Booking-Book+Ref O O O N/A +bos thank you so much ! that 's all . bye ! eos 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 could i ask for your help in finding a guesthouse to put my friends up in nearby ? 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 of course ! cambridge boasts many wonderful guesthouses . what did you have in mind ? eos O O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O N/A +bos some place moderately priced , with free wifi . eos O O O B-Hotel-Inform+Price O O O O O O N/A +bos i have 14 options spread out all over town . do you have a preference as to the area you want to 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 O Hotel-Request+Area +bos i do n't have a preference . which one looks best to you ? eos O O O O O O O O O O O O O O O N/A +bos the a and b guest house is on the east side of town and has 4 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 I-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Inform +bos no thank you , that is all i needed . 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 . please contact us if you need more information or would like to make a reservation . 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 general-bye +bos i will be sure to do that . eos O O O O O O O O O N/A +bos here is the number for the guesthouse if you have any further inquiries : 01223315702. thank you ! eos O O O O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Phone O O O O N/A +bos are there any cheap cantonese restaurants in town ? eos O O O O B-Restaurant-Inform+Price O O O O O N/A +bos yes , there are many cheap restaurants in cambridge ! what type of food would you like ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price O O O O O O O O O O O O O Restaurant-Request+Food +bos i 'd prefer cantonese , but i 'd be up for italian if necessary . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos i do n't have a cheap cantonese option , but i do have 5 italian places in that price range . is there an area in the city you 'd like to dine at ? eos O O O O O B-Restaurant-Inform+Price 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+Area +bos how about an italian place for 3 people at 17:45 on wedensday eos O O O O O O O O O O O O O N/A +bos i 'd like to recommend la margherita , found in the north . eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O O N/A +bos that would be great - can you make that reservation ? eos O O O O O O O O O O O O N/A +bos your booking was successful . your reference number is ggymviia . can i assist 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 that 's all i needed . 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 hello ! i need a train departing cambridge after 18:30 , please . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave 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 on friday and go to birmingham new street . eos 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 i have 5 trains departing cambridge on friday to birmingham new street . the earliest is leaving at 19:01 arriving by 21:44 , will this suit you ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O N/A +bos yes . i 'd like 3 tickets on the 19:01 train , please . and can i have the reference number ? 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 Train-Request+Ref +bos booking was successful for tr5389 , the total fee is 225.3 gbp payable at the station . your reference number is e9opmwvm . do you need further assistance ? 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 general-reqmore +bos yes . i would like to know about places to go in the west area 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 well , there are quite a few museums and colleges you can visit in this area . do you want to pay an entrance fee ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 Attraction-Request+Price +bos i would like to go to a concerthall . eos O O O O O O O O O O N/A +bos i 'm sorry but i do n't have any concert halls in the west part of town . 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 I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O N/A +bos i suppose a museum would do as well . any recommendations for museums west of town ? 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 absolutely ! we have 7 of them . would you like details on any specific one ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O O O O O general-reqmore +bos any of them would be fine . can you just give me the name , address with postcode and the phone number ? 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+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos sure thing ! i 've picked for you kettle 's yard museum . their phone is 01223295264 and they 're located in postcode cb30aq at 23 high street , fen ditton . is that everything you need 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+Phone O O O O O B-Attraction-Inform+Post 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 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 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 about places i can go in town ? eos O O O O O O O O O O O O O O O O N/A +bos do you have a particular attraction or type of attraction in mind ? we have boats , colleges , and a great deal of architecture . 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 I-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type O O O Attraction-Request+Type,Attraction-Request+Name +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 several museums available . 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 O Attraction-Request+Area +bos please focus your search to the west . eos O O O O O O O B-Attraction-Inform+Area O N/A +bos i would recommend the lynne strover gallery . admission 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+Fee O N/A +bos plese get me the phone number and address eos O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the phone number is 01223295264 and the address is 23 high street , fen ditton . what else can i do for you ? 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 O O O general-reqmore +bos yes i need a place to stay that is a hotel that is moderate and i need it for 5 nights for 1 person from tuesday . 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 B-Hotel-Inform+Stay O O B-Hotel-Inform+People O B-Hotel-Inform+Day 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 Hotel-Request+Area +bos i need the reference number too . i am not particular as to where , as long as it is near 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 Hotel-Request+Ref +bos is parking and free wifi important to you ? eos O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos i would prefer it to include both . thanks for asking . eos O O O O O O O O O O O O O N/A +bos there are over a dozen to choose from . are you looking for a particular star rating ? do you prefer a guesthouse or a hotel ? 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 O O B-Hotel-Select+Type I-Hotel-Select+Type O O Hotel-Request+Stars +bos i have no preference . please make a recommendation and book a room for me . 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 . is it okay to book there ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O Booking-Inform +bos if the acorn guesthouse is in the moderate range with wifi and parking , please book the above nights 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 N/A +bos okay ! i have booked you and your reference number is 5x4po32w . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks , take care . eos 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 thank you that is all . eos O O O O O O O O general-thank +bos your welcome , enjoy your stay in cambridge . eos O O O O O O O O O O general-welcome,general-bye +bos can you help me find a hotel in cambridge , preferably with free wi-fi , please ? eos O O O O O O O O O O O O O O O O O O Hotel-Inform +bos what price range and what area of town ? eos O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i want it moderately priced and i do n't care what part of town . eos O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos they ashley hotel in the north is moderately priced with free wifi . would you like to book a room ? eos O B-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 I-Hotel-Inform+Price 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 6 people , 4 nights beginning on saturday . 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 N/A +bos i have made those reservations for you . your reference numbers are orvrfo2u . eos O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am also looking for somewhere fun 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 city centre boasts over 40 different attractions . do you have any thoughts on what type of attraction you 'd like to see ? eos O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 Attraction-Request+Type +bos hmm i actually have no clue . could you just recommend your favorite attraction in the centre and tell me its type and postcode please ? 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 Attraction-Request+Post,Attraction-Request+Type +bos i like the adc theatre . its post code is cb58as . would you like more information about this theatre ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Post O O O 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 O O O general-thank +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-welcome,general-bye +bos i am looking for a specific hotel . eos O O O O O O O O O Hotel-Inform +bos 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 . eos O O O O O O O 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 +bos it was arbury lodge guesthouse . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos of course . that 's in the north part of town and moderately priced . would you like me to book a room ? eos O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area 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 need one for 4 nights for two people staring from saturday . eos 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 : 04uq2gxw . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thanks ! can you also tell me if there are 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 O O O O O O Attraction-Inform +bos sorry , there are none , can we try another area ? eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos how about a nightclub instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there are five options , i personally recommend kambar , would you like more info ? eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Recommend+Name O O O O O O O O general-reqmore +bos i like the name . could you give me kambar 's address , 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,Attraction-Request+Addr +bos kambar is at 1 wheeler street . the postcode is cb23qb and the entrance fee is 5 pounds . eos O B-Attraction-Inform+Name 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos can you book me a taxi and give me the contact number and car type ? it should pick me up from the hotel at 13:45 and take me to kambar eos O 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 B-Taxi-Inform+Dest O Taxi-Request+Car +bos your car has been booked . the car is a black honda and the contact number is 07050481392. anything else you need help 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 general-reqmore +bos no , there is nothing else i need today . eos O O O O O O O O O O O N/A +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 , i 'm looking for information on entertainment attractions located 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 O N/A +bos i 'm sorry . at the moment there are no entertainment attractions available in the centre . eos O 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 O O N/A +bos can you help me find a restaurant ? eos O O O O O O O O O Restaurant-Inform +bos sure , i can help with that . are you sure i ca n't help you find another attraction that you may like ? there are so many great things 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 O O O O O Attraction-Request+Type,general-reqmore +bos you convinced me . how about a college ? eos O O O O O O O O O B-Attraction-Inform+Type N/A +bos yes , there several colleges available . most have free entry . do you have one in mind ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O B-Attraction-Inform+Fee O O O O O O O O O O Attraction-Request+Name +bos no . just give me your best recommendation . eos O O O O O O O O O O N/A +bos i recommend emmanuel college they are free to visit and located on saint andrew 's street . do you still want me to find a restaurant ? eos 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 I-Attraction-Recommend+Addr O O O O O O O O O O O O general-reqmore +bos not at this time but could you help me with a moderate priced hotel eos O O O O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type N/A +bos we have 18 choice sany other preferences , any at all ? please dont make me pick between 18 places , i want to make sure we find a good fit 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 i need a moderately priced hotel with free parking and wifi . eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O N/A +bos please show me a moderately priced hotel nearby , and please make sure it includes 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 N/A +bos i need a moderately priced hotel with free parking and wifi . eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O O O O O N/A +bos i recommend acorn guest house eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos that sounds good . please book it for 6 people and 5 nights starting from 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 ok , i 've made the booking for you . your reference number is : uz1kfaai . 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 that is all i needed for now . have a great day eos O O O O O O O O O O O O O N/A +bos thanks ! you have a great day as well ! bye ! eos O O O O O O O O O O O O O general-bye +bos are there any museums i could go to in the west part of town ? thanks . eos 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 7 museums in the west area , how much did you want to spend to enter ? 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 O Attraction-Request+Price +bos i 'd like something in the cheap price range please . eos O O O O O O O O O O O O N/A +bos you should try kettle 's yard on castle street . it is free . phone # 01223748100. 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-Inform+Fee O O B-Attraction-Inform+Phone O O O N/A +bos can you give me the postcode for kettle 's yard ? eos O O O O O O O O O O O O Attraction-Request+Post +bos yes sure . it is cb30aq . eos O O O O O B-Attraction-Inform+Post O O N/A +bos thanks ! i also need information on leverton house . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos what would you like to know ? eos O O O O O O O O general-reqmore +bos do they have free internet ? eos O O O O O O O Hotel-Request+Internet +bos yes , there is free internet and free parking . it is a guesthouse . do you need more information ? eos 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 Hotel-Inform+Parking,general-reqmore +bos no that was all i needed . thank you . goodbye . eos O O O O 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 feel like going to a nightclub . eos O O O O O O O B-Attraction-Inform+Type O N/A +bos okay , the soul tree nightclub is a popular one . would you like the address or phone number ? 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 O O O O O O N/A +bos i will really apreciate . eos O O O O O O N/A +bos it is located in 1-6 exchange street . call them on 01223477900 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 N/A +bos what is the entrance fee ? is it in the west part of town ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos the cover charge is only 4 , and i show a dj squalour from ibiza doing a show there tonight . eos O O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O O O O N/A +bos is there a way you can get me a ticket ? eos O O O O O O O O O O O O N/A +bos they do not have an advanced booking system , but i can get you their number if you want to call their box office . eos O O O O O 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 provide the number . eos O O O O O O O O N/A +bos 01223477900. is there anything else i can do for you ? eos O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos i also need a hotel . preferably a 4 star one with free parking . eos 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 there are 2 hotels that meet those specification in the west and one in the centre . which area would you prefer ? 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+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O Hotel-Select +bos i would like to book the one that is in the west please . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are two hotels in the west . i recommend the cambridge belfry . how many people will be staying , and how many nights , and what day will you arrive ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 Booking-Request+People,Booking-Request+Stay,Booking-Request+Day +bos it will be 3 people for one night . eos O O O O O B-Hotel-Inform+People O O O O N/A +bos what day would you like the reservations to begin ? eos O O O O O O O O O O O Booking-Request+Day +bos starting on monday please . eos O O O B-Hotel-Inform+Day O O N/A +bos booking complete . reference number is vy2l76my . eos O O O O O O B-Booking-Book+Ref O O N/A +bos no that is all i needed for the night thank you . eos O O O O O O O O O O O O O general-thank +bos thank you and have a wonderful time here in our city of cambridge ! eos 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 some attractions in the west . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos what type of attraction would you like to go to ? eos O O O O O O O O O O O O Attraction-Request+Type +bos no specific preference , just need a recommendation eos O O O O O O O O O N/A +bos there are 5 colleges , an entertainment attraction and seven museums . they vary in admission price , how much would you like to pay ? eos O O O O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type 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 Attraction-Request+Price +bos i would like you to pick one and tell me the type , fee and the phone number please . surprise 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 Attraction-Request+Phone,Attraction-Request+Type +bos magdalene college has free admission and their phone number is 01223332138 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+Phone N/A +bos great , thanks . i am also wanting to find a place to stay . ugh , i hate guesthouses though so it needs to be a hotel room 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 B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O O O N/A +bos i have two choices in the west . one is in the cheap price range and the other is expensive . 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 O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Select +bos i need it to have 4 stars please . eos O O O O O O O B-Hotel-Inform+Stars O O N/A +bos both hotels have 4-star ratings . eos O O B-Hotel-Inform+Type O B-Hotel-Inform+Stars O O N/A +bos you choose . can you book me at one for 6 people for 3 nights starting saturday ? 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 N/A +bos ok , i 've made you a booking at the cambridge belfry , on back lane , cambourne , cb236bw . phone is 01954714600. the reference number is jxgopprz . eos O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O B-Hotel-Inform+Addr B-Hotel-Inform+Post O O B-Hotel-Inform+Phone O O O O B-Booking-Book+Ref O O O O O O O N/A +bos thanks that 's all the help i need today . have a great day . eos O O O O O O O O O O O O O O O O general-thank +bos glad i could help , bye . eos 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 what price range and in what area ? eos O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i do n't care about price , but i 'd like to stay in the south . i do like guesthouses better than hotels . eos O O O 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 O O O N/A +bos do you have a preference of number of stars ? eos O O O O O O O O O O O Hotel-Request+Stars +bos i do not have a star preference . eos O O O O O O O O O N/A +bos how about aylesbray lodge guesthouse on mowbray road ? it has 4 stars and is in the moderate price range . 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 O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O N/A +bos great . can you tell me their post code , and if they have internet ? eos O O 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 cb17sr and they have internet . would you like me to book it ? eos O O O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O O O O O O O O O Hotel-Inform+Internet +bos i 'm not ready to book yet . would you also look up places i can visit 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 O O O O O N/A +bos of course , any museums you 're interested in ? eos O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O N/A +bos i 'd like to find a very nice park out in the south . eos O O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O N/A +bos i would recommend sheep 's green and lammas land park fen causeway 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr N/A +bos can i have their address and postcode . eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos of course ! their address is fen causeway , newnham road and the post code is cb22ad . 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+Post O O O general-greet +bos i also need to book a taxi to leave the hotel by 05:45 , contact number and car type . 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 Taxi-Request+Car +bos booking completed ! booked car type : grey audicontact number : 07742989750help desk : ( your response ) 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 N/A +bos thanks for your help ! 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 place to stay in the cheap price range . eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos alexander bed and breakfast is available eos O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos it should be a star of 4 and should be in the type of guesthouse . is it ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Type O O O Attraction-Request+Type +bos yes it is . can i give you the contact ? eos O O O O O O O O O O O O general-reqmore +bos i would like to book it for 6 people staying 4 nights . eos O O O O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos i 'd be happy to help with your request , what day will you be arriving ? eos 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 on tuesday . eos O O O O O O B-Hotel-Inform+Day O N/A +bos okay . your booking was successful and the reference number is 7sjqkm1t . eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . while i have your attention , do you mind looking up a particular attraction for me ? i believe it was called `` 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 B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O N/A +bos yes their address is wollaston road and their telephone number is 01223334898. 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 could you tell me their postcode and what kind of attraction it is ? eos O O O O O O O O O O O O O O O Attraction-Request+Post +bos of course , it is a college and the post code is cb12ew . eos O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Post O O N/A +bos i need a taxi leaving the college at 03:00 then . eos O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos and what is your destination ? eos O O O O O O O Taxi-Request+Dest +bos hughes hall college postal code cb12ew eos O O O O O O O Attraction-Request+Post +bos i need the destination from hughes hall college . eos O O O O O O O O O O Taxi-Request+Dest +bos hey , can you help me out ? i am looking for something to do . what kind of entertainment is out there in the center 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 O O O O O O O O O O N/A +bos there are no entertainment attractions 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 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 that 's not necessary . are there any colleges in that area instead ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are 13 colleges in town centre . gonville and caius college is on trinity street with free entrance . do you want more information on any others ? eos O O O O B-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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Fee O O O O O O O O O O O O general-reqmore +bos that actually sounds great . could you give me the phone number for gonville and caius college ? eos O O O O O O O O O O O O O O O O O O O N/A +bos the phone number for the gonville and caius college is 01223332400. 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 B-Attraction-Inform+Addr O O O O O O O O N/A +bos actually , yes . i am looking for a cheap place to stay with free parking . eos O 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 what part of town would you like to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos i would prefer the east side . eos O O O O O O O O N/A +bos there are several guest houses on the east side . do you need free parking or internet ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos yes , both please . i 'm looking to get a room just for me for 2 nights on friday at a place that offers wifi and parking free . eos O B-Hotel-Inform+Parking 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 O O O O O O O O O N/A +bos i am sorry , but that was not successful . would you like to pick 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 Booking-Request+Day,Booking-Request+Stay +bos how about one night ? eos O O O O O O N/A +bos great ! you 're booked at autumn house for one night . your reference number is n4tvfkgs . would you like more information ? eos 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 N/A +bos i 'd also like a taxi between the places if possible . eos O O O O O O O O O O O O O Taxi-Inform +bos 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 ? eos O O O O O O O O O O O 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,Taxi-Request+Depart +bos i need to go from the college to the hotel , and i want to leave the college by 20:45 , please . 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 N/A +bos ok , i have a yellow bmw taxi booked to pick you up . their contact number is 07146618833. is there anything else i can do for you 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 B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos no , that is all i will need today . thank you very much . 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-welcome,general-bye +bos i am looking for an expensive restaurant serving mediterranean food . eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O N/A +bos i have found two expensive mediterranean restaurants , la mimosa and shiraz restaurant . both are in the centre area . would you like more information on either one of these restaurants ? eos O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food 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 O O O O O O O O N/A +bos is there anything else ? eos O O O O O O N/A +bos no sir . that 's all i have eos O O O O O O O O O N/A +bos thank you goodbye . eos 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 want to find a restaurant in any part of town and serves seafood . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Food O N/A +bos loch fyne is a restaurant in the city centre that serves seafood . would you like more information ? 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 B-Restaurant-Inform+Food O O O O O O O general-reqmore +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 the phone is 01223 362433 and it is in the expensive range . eos O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O B-Restaurant-Inform+Price O O N/A +bos that sounds great . thanks ! eos 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 searching for a restaurant serving vietnamese 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 N/A +bos there is one vietnamese restaurant , but it 's in the west end of town . would that work for you ? 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 O O O O O O O O O Booking-Inform +bos i prefer to stay in the centre of town . is there a turkish restaurant ? eos 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 yes there are three restaurants serving turkish food in the center of town in the moderate and expensive price range . which price range 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 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 O Restaurant-Request+Price,Restaurant-Select +bos i do n't care about the price range . eos O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Restaurant-Request+Price +bos anatolia serves turkish food in the centre of town . would you like their phone number ? eos 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 I-Restaurant-Inform+Area O O O O O O O O general-reqmore +bos can you give me the address ? eos O O O O O O O O Restaurant-Request+Addr +bos the anatolia is located at 30 bridge street city centre . is there any other information you need ? 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 O O general-reqmore +bos what price range is anatolia ? eos O O O O O O O Restaurant-Request+Price +bos anatolia is in the moderate price range eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A +bos thank you goodbye . eos 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-bye +bos i want to find a cheap 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 missing sock is a cheap restaurant in the east . eos 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 I-Restaurant-Inform+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 their phone number is 01223 812660 and their address is finders corner newmarket road . eos O O O O O B-Restaurant-Inform+Phone I-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 O N/A +bos ok , thanks . that 's all i need . 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 need some portuguese food ! i need a restaurant in any area . please give me a 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 Restaurant-Request+Phone +bos nandos is located in the south area . address is cambridge leisure park clifton way and phone number is 01223 327908. eos O B-Restaurant-Inform+Name O 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 O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos is there anything else ? eos O O O O O O N/A +bos nandos city centre is in the centre part of town . their phone number is 01223 327908 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 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 indian 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 there are two restaurants serving indian food in the north part of town . what price range do you want ? 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 Restaurant-Request+Price +bos i do n't care . however , i would like to know their price range as well as their address and phone number . eos 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 O O O O O Restaurant-Request+Phone,Restaurant-Request+Price,Restaurant-Request+Addr +bos royal spice is a cheap indian restaurant located at victoria avenue chesterton . their number is 01733 553355. is there anything else i can do for you today ? 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+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 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 i want to find a moderately priced restaurant in the south 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 two choices in the south part of town with moderate price . one is pizza hut cherry hinton , which is italian food . and the other is restaurant alimentum , which is modern european food . eos O 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O 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+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O N/A +bos what is the address and phone number of alimentum ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos restaurant alimentum is located at 152 - 154 hills road and the phone number is 01223 413000. 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 I-Restaurant-Inform+Phone N/A +bos thank you very much good bye eos O 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 the phone number of a restaurant in the west part of town that serves italian ood . eos 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 Restaurant-Request+Phone +bos prezzo is an italian restaurant in the west part of town , their phone number is 01799 521260. 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 I-Restaurant-Inform+Area 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 thank you . goodbye ! eos O O O O O O general-bye +bos i am looking for a cheap 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 missing sock is located in the east part of town and in the cheap price range . 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 O B-Restaurant-Inform+Price O O O N/A +bos could i have the phone number and address please ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number is 01223 812660 and the address is finders corner newmarket road . 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 O N/A +bos thank you , goodbye eos O O O O O general-bye +bos glad to help . 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 N/A +bos do you have a certain price range or food type you are looking for ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos vietnamese food eos O B-Restaurant-Inform+Food O N/A +bos thanh binh is a vietnamese restaurant in the west 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 phone number and postcode please eos O O O O O O Restaurant-Request+Post +bos thanh binh 's phone number is 01223 362456 , their postcode is c.b 3 , 0 a.f 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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O 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-bye +bos i 'm looking for a moderately priced spanish restaurant . eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O N/A +bos yes , there is a restaurant named la tasca located in the centre on 14-16 bridge street . would you like me to book a reservation 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 I-Restaurant-Recommend+Area B-Restaurant-Recommend+Addr I-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 . eos O O O O O O N/A +bos can i look anything else up for you ? eos O O O O O O O O O O general-reqmore +bos on second thought , i would like a reservation , thanks . table for 7 , at 17:00 on thursday . 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 O O N/A +bos yes i was able to make that reservation and your reference number is u81js4t8 . eos O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you so much . i also need to find a train to get me to petersborough by 14:45. eos O 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 may i have where you will be departing from and the day of travel 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 Train-Request+Day,Train-Request+Depart +bos i do n't need to leave at a certain time as long as i make it by 14:45. eos O O O O O O O O O O O O O O O O O O O N/A +bos what day will you be traveling ? are you leaving from cambridge ? eos O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Depart +bos friday and depart from cambridge eos O B-Train-Inform+Day O O O B-Train-Inform+Depart N/A +bos i have 18 trains for you . do you want me to book a train ? 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 book a train that meets my requirements . eos O O O O O O O O O O O O Train-Inform +bos the earliest to get you there before 14:45 is the tr9859 , leaving cambridge 05:06 , arriving peterborough 05:56. will that do , or do you prefer something a little later in the day ? eos O O O O O O O O O O O B-Train-Inform+Id O B-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 O O O N/A +bos that time will be fine . eos O O O O O O O N/A +bos got that just about ready will that be for yourself only or multiple people ? eos O O O O O O O O O O O O O O O O Train-Request+People +bos it will be for seven people eos O O O O O O O N/A +bos booking was successful , the total fee is 115.5 gbp payable at the station .reference number is : oyngui4l . 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 a bunch ! i 'm all set 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 service . goodbye ! eos O O O O O O O O O O general-bye +bos hi am looking for a train leaving broxbourne at 11:00. eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos there are no trains leaving at exactly 11:00. is a train leaving friday at 11:32 okay ? eos O O O O O O O B-Train-NoOffer+Leave I-Train-NoOffer+Leave O O O O O B-Train-Select+Day I-Train-Select+Day B-Train-Select+Leave O N/A +bos that should be fine , can you book that on thursday to cambridge ? eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O N/A +bos yes , i can . how many tickets do you require ? eos O O O O O O O O O O O O O Train-Request+People +bos one ticket , please . eos O O O O O O N/A +bos the price of the ticket is 17.90 pounds , shall i book it for you now ? eos O O O O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O O N/A +bos yes , please . i 'm also looking a ticket to the scott polar 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 O O N/A +bos okay you 're all set for your train ticket . also the scott polar museum is free ! would you like their address or 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 B-Attraction-Inform+Fee O O O O O O O O O O O O Train-OfferBooked,general-reqmore +bos no , just the postcode eos O O O O O O Attraction-Request+Post +bos sure , the postcode of the scott polar museum is cb21er . 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+Post O O O O O O O O O O O O O general-reqmore +bos no , i think that 's all that i 'm looking for . thank you very 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 general-thank +bos you 're welcome . enjoy your time ! eos O O O O O O O O O general-welcome,general-bye +bos thank you so much for the assistance ! eos O O O O O O O O O general-thank +bos excellent . i hope you have a great time ! eos O O O O O O O O O O O general-bye +bos is the travellers rest restaurant still open ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos it appears that they are open , but their number is 01223276182 to verify . does that help ? eos O O O O O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos can i book a table for six people on sunday ? at 12:15 ? eos O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos reference number is : 7wxpz42x . anything else ? eos O O O O O B-Booking-Book+Ref O O O O general-reqmore +bos i also need to find a train from ely to cambridge . eos O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O N/A +bos let me narrow down the choices . what day will you be traveling ? and , what time do you want to arrive or 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 Train-Request+Leave,Train-Request+Arrive,Train-Request+Day,general-greet +bos i will be traveling on sunday . eos O O O O O O B-Train-Inform+Day O N/A +bos alright i have 10 trains . please tell me when you want to leave or arrive eos O 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 'd like to arrive by 08:15. please select the first option that comes up and book for 6 people , then send me the reference number eos O O O O O O B-Train-Inform+Arrive 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 the booking was successful and your reference number is ckrjk7ni . eos O O O O O O O O O O B-Train-OfferBooked+Ref 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 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 thank you . goodbye . eos O O O O O O general-bye +bos lad we could help , call back soon ! eos O O O O O O O O O O general-welcome,general-bye +bos is there any french food in cambridge ? eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos yes there is one eos O O O O B-Restaurant-Inform+Choice N/A +bos well , can you give me some information on it ? eos O O O O O O O O O O O O N/A +bos well there are two french restaurants actually , sorry had a blond moment . one in the north and one in the centre , which one were you 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 O O O O O N/A +bos i would like something expensive . is either option expensive ? eos O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos both are expensive options . eos O O O B-Restaurant-Inform+Price O O N/A +bos can you book me a table for two at the one in the centre for saturday at 19:00 and send me a ref number . 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 O O O O N/A +bos excellent choice ! i 've booked you a table for 2 at the cote . your reference number is euohk8lx and the table will be reserved for 15 minutes . eos O O O O O O O O O O B-Booking-Book+People O 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 N/A +bos great ! i am also looking for a train for the same day , departing from london kings cross and going to cambridge . it should arrive by 11:00. 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 I-Train-Inform+Depart O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O N/A +bos there are three trains that would bring you to cambridge by 11:00. they depart at 5:17 , 07:17 , and 09:17. which train would you prefer ? eos O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-Select +bos let 's book the earliest train , to give us more time to enjoy the city . please book seats for two and 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 O O O O O O O O O O O N/A +bos okay , you 're booked . your reference number is r2of8d6q . your total cost is 37.76 gbp payable at the station . how can i further assist you ? 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 general-reqmore +bos that is all for today . thank you very much 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 welcome and thanks for inquiring with us eos O O O O O O O O general-welcome +bos i 'm looking for a place to eat in the centre of town . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are a lot of great places to eat in the centre . do you have a type of food in mind ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Food +bos can you look up greek food please ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i do not have any greek in the centre . do you have anything else in mind ? eos O O O O O O B-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O O O O O O O O O general-reqmore +bos what about mediterranean food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there 's 3 restaurants that match that criteria . what 's your price range ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Restaurant-Request+Price +bos my price range is $ 50 to $ 75 dollars for 2 people . i would also like something that is walking distance from 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 O O O O Train-Request+Price +bos the gardenia seems to match your criteria , it is the cheap price range and in the centre , as is your hotel . would you like a table booked ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O O O O Booking-Inform +bos yes , please . can you make a reservation on tuesday at 12:15 ? table for 8. eos O O O O O O O O O O O O O O O O O O N/A +bos sure thing , i will work on getting this booked for you . eos O O O O O O O O O O O O O O Booking-Inform +bos if tuesday at 12:15 is not available , i would be willing to come earlier . eos O 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 done ! your table will be reserved for 15 minutes . the reference number is ykx6v4o8 . 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 thanks . i also need train information for wednesday with an arrival by 16:15. eos O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos that wo n't be a problem , can you tell me where you 're leaving from and 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+Depart,Train-Request+Dest +bos it should depart from cambridge , destination is kings lynn . eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos tr 9468 arrives at 15:58 , do you need more information or a booking ? 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 general-reqmore,Train-OfferBook +bos i need the travel time , departure time and the price per ticket please . eos 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 that train departs at 15:11. the total travel time is 47 minutes . the cost of the ticket is 9.80 pounds . eos O O O O 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+Ticket I-Train-Inform+Ticket O O N/A +bos thank you for the information . i appreciate it . good bye . 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 hello , i 'm looking for a restaurant that serves mondern european foods for modest prices . eos O O O O O O O O O O O O O O O O O O N/A +bos yes , there 's the river bar steakhouse and grill located in the centre and is on quayside off bridge street . their phone number is 01223307030. 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 I-Restaurant-Inform+Name 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 B-Restaurant-Inform+Phone O O O N/A +bos that sounds terrific . 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 yes , can you make reservations for us ? we 'll need a table for 6 on sunday at 16:30. 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 O O N/A +bos your booking was successful ! your reference number is da8chtds . you need 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 no , that 's it . thank you . good-bye . eos O O 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 'm looking to book a train to cambridge . i need it to arrive by 16:00. i also need it to department from cambridge . can you assist me ? eos O O O O O O O O B-Train-Inform+Depart 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 so you want a train to and from cambridge ? can you please clarify and also give a day ? 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,Train-Request+Day +bos i need to go to leicester on saturday and arrive by 16:00 eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos train tr5677 will get you to leicester by 11:06. can i reserve some tickets for you ? eos 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 Train-OfferBook +bos yes , please . i need five tickets . eos O O O O O O O O O O N/A +bos your booking was successful , the total fee is 151.19 gbp payable at the station . your reference number is : 581grl6j . is there anything else i can do to assist ? 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 general-reqmore +bos can you check for italian restaruants in the centre area ? thank you in advance . eos 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 what price range are you looking to for please ? eos O O O O O O O O O O O Restaurant-Request+Price +bos i 'm looking for a expensive restaurant . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos you have 4 options . may i recommend don pasquale pizzeria ? i can try to make a reservation for you , if you like . 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 O O O O O O Booking-Inform +bos yes , please book a table for 5 at 13:30 on saturday . eos O O O O O O O O O O O O O O N/A +bos you have a table for five booked at don pasquale pizzeria at 13:30 on saturday . is there anything else i can assist you with ? eos O O O O O O B-Booking-Book+People O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Time O B-Booking-Book+Day O O O O O O O O O O O general-reqmore +bos can i have the reference number ? eos O O O O O O O O N/A +bos oh , yes , i 'm sorry . the reference number is p0x6x7az . eos O O O O O O O O O O B-Booking-Book+Ref O O O O N/A +bos thank you for 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 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 oh , yes , i need the location of the parkside police station . where would i find that ? 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 it 's address is parkside , cambridge with postcode cb11jg eos O O O O O O O O O O O N/A +bos ok , thanks very much . eos 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 goodbye eos 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,general-bye +bos i need a taxi to come to the place by 07:30. eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave N/A +bos okay - just to confirm , your departure site is the place ? and where would you like the taxi to take 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 Taxi-Request+Depart,Taxi-Request+Dest +bos i need to get to thanh binh , please . and yes , my departure location is the place . eos 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+Depart I-Taxi-Inform+Depart O O O N/A +bos thank you . please look for a yellow audi with the contact number 07260634336. 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 thank you thats all i need eos O O O O O O O general-thank +bos alright do n't hesitate to contact us again if you need more assistance . eos O O O O O O O O O O O O O O O general-reqmore +bos i need to book a taxi to arrive by 18:15 to take me to india house . eos O O O O O O O O O O B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos no problem , but first can you tell me where you need to leave from ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos autumn house . i also need car type and contact number eos O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O O O O O Taxi-Request+Car +bos booking completed ! booked car type : red fordcontact number : 07514562305 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 hello . i am looking for a recommendation for a place to eat . eos O O O O O O O O O O O O O O O general-greet +bos okay , i need some more information . do you have a type of food or area 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 Restaurant-Request+Area,Restaurant-Request+Food +bos i am looking for a place that is in the centre and offers the americas 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 N/A +bos sorry , i could n't find anything . eos O O O O O O O O O Restaurant-NoOffer +bos where else could ypou suppose i get american food eos O O O O O O O O O O N/A +bos i 'm not sure , nothing is coming up for that type of food . would you like to try a different cuisine ? 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 O O O Restaurant-Request+Food,Restaurant-NoOffer +bos how about italian ? i love pasta . eos O O O B-Restaurant-Inform+Food O O O O O N/A +bos i have found a few italian restaurants located in the centre area of town what price range are you looking for ? eos O 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O Restaurant-Request+Price +bos it does n't matter really . but i want to book for 5 people at 18:15 on wednesday . so whichever one could accommodate that works for me . 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 O O O O O O O O O O N/A +bos great i have you at stazione restaurant and coffee bar at 18:15 and the reference number is zm5sfsmh . is there anything else i can help you with ? 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+Time O O O O O B-Booking-Book+Ref O O O O O O O O O O O N/A +bos no thank you , 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 general-thank +bos the location is at market hill city centre cb23nj the phone number is 01223352607. 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 B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O O O O O O O O O O N/A +bos there seems to be an error . thanks for booking the italian restaurant . that is all i needed . 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 just want to confirm , do you need any further assistance ? eos O O O O O O O O O O O O O N/A +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 N/A +bos can you help me find a train please ? eos O O 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 am headed to cambridge this week . eos O O O O O B-Train-Inform+Dest O O O N/A +bos where are you leaving from , please ? eos O O O O O O O O O Train-Request+Depart +bos i will leave from leicester . eos O O O O 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 friday is preferable . eos O B-Train-Inform+Day O O O N/A +bos there are trains running from leicester to cambridge every hour from 5:09 to 23:09 on friday . did you have a particular time in mind ? would you like to book tickets ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest 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 B-Train-Inform+Day O O O O O O O O O O O O O O O O O Train-Request+Leave,Train-OfferBook +bos i 'd like whichever arrives by 16:15 please . eos O O O O O O O O O O N/A +bos tr6247 leaves leicester at 14:09 friday and arrives in cambridge at 15:54. will that work for you ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave B-Train-Inform+Day 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 will be fine . book for 3 people eos O O O O O O O O B-Train-Inform+People O N/A +bos alright . booking was successful . your reference number is 87mi5ovy . eos O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos thanks for your help . 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-bye +bos can i find the parkside police station eos O O O O O O O O Police-Inform +bos the phone numbe for the parkside police station is 01223358966. eos O O O O O O O O O O O N/A +bos thank you , i also need the postcode and address . eos O O O O 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 O N/A +bos thank you for your help eos O O O O O O general-thank +bos you 're welcome . have a great night . eos O O O O O O O O O O general-greet +bos can you help me out with a taxi booking ? eos O O 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+Arrive +bos i need to leave after 18:15. eos O O O O O O B-Taxi-Inform+Leave N/A +bos okay , no problem at all . what are your pickup and dropoff locations ? 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 to be dropped off at bridge guest house . eos O O O O O O O O O O O O N/A +bos and where will you be picked up from ? eos O O O O O O O O O O Taxi-Request+Depart +bos i need to be picked up from the cambridge corn exchange . 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 N/A +bos your taxi has been booked . look for a blue toyota . the contact number is 07852954476. 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 general-reqmore +bos no that 's all thank you goodbye eos O O O O O O O O general-bye +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-bye +bos i am looking for 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 there are 4 places in the south . 3 guesthouses and 1 hotel . which would you prefer ? eos O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O Hotel-Select +bos i am looking to stay at a place with four stars , please . eos O O O O O O O O O O O O O O O N/A +bos the aylesbray lodge guest house is a 4 star hotel located at 5 mowbray 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 B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos thank you for the 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-greet +bos i am looking for a train . the train should arrive by 21:00 and should leave on sunday eos O O 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 okay , where are you departing 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 B-Train-Inform+Depart O N/A +bos where are you heading to from cambridge ? eos O O O O O O O O O Train-Request+Dest +bos i 'm trying to get to broxbourne . eos O O O O O O B-Train-Inform+Dest O O N/A +bos train tr8736 leaves at 5:01 and arrives at 6:01. eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos perfect . please book it for 3 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos i have it booked the reference number is iyhxk218 and the price is 42.96 gbp . 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 N/A +bos great , thanks for your help . eos O O O O O O O O general-thank +bos absolutely , have a great day ! eos O O O O O O O O general-bye +bos i 'm looking for a train that goes to cambridge , it should leave after 20:45. eos O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Leave O O N/A +bos there are 245 trains that meet those criteria . where would you like to depart 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 O O Train-Request+Depart,Train-Request+Day +bos i am looking at departing after 20:45 from the birmingham new street on monday . eos O O O O O O 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 N/A +bos there are three trains that meet that criteria . one departs at 21:40 , one departs at 22:40 and the last departs at 23:40. which would you like ? 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O Train-Select +bos i 'll need one that i can book tickets for 7 people , lets try the one that departs at 21:40 first . 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 great , i booked your train for 7. your reference number is di6zql94 . is there anything else i can help with ? eos 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 general-reqmore +bos thank you . i also need to find a place to stay . eos O O O O O O O O O O O O O O general-thank +bos there are several hotels in the area that might fit your needs . what is your preferred price range and do you need internet and parking as well ? 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+Price,Hotel-Request+Parking,Hotel-Request+Internet +bos i just need something cheap in the east area if you have it . it does n't need to have internet or parking if it 's not available at the cheapest hotel . eos O O O O O B-Hotel-Inform+Price 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 Hotel-Request+Parking +bos i have three guesthouses available meeting your requests . all three have internet and parking available as well . 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 N/A +bos perhaps , i need to think on this for a moment . eos O O O O O O O O O O O O O N/A +bos just let me know what you decide or if i can help you with something else . eos O O O O O O O O O O O O O O O O O O general-reqmore +bos of the three hotels you found , do any include free parking ? eos O O O O O O O O O O O O O O Hotel-Request+Parking +bos yes , the allenbell , autumn house , and leverton house all include free parking . how else may i help you ? 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 O Hotel-Inform+Parking,general-reqmore +bos great , thanks . i 'll handle the rest , but you 've been very helpful 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 - safe travels ! eos O O O O O O O O general-welcome,general-bye +bos i am looking for a museum to visit in the centre of cambridge . eos O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O N/A +bos we have 11. the museum of archaelogy and anthropology is a popular choice . it 's over on downing street , and offers free admission . 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Fee O O O O O N/A +bos that sounds great , can you tell me their full 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+Addr +bos university of cambridge , downing street . postcode cb23dz . anything else . eos 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 general-reqmore +bos yes , can you help me find some places to eat ? eos O O O O O O O O O O O O O N/A +bos absolutely , would you like the restaurant to be in the centre as well ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos yes , please . it should be in the cheap price range . eos O O O O O O O O O O O O O O N/A +bos the incorrect domain was selected , please fix . eos O O O O O O O O O O general-reqmore +bos asian food please . eos O O O O O N/A +bos wrong domain wo n't let you book a table eos O O O O O O O O O O Booking-NoBook,general-reqmore +bos also , i need to book a hotel with free wifi , and it does n't need to have free parking . the price should be cheap or moderate , and i need the postcode . 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 B-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Post +bos cityroomz hotel is in the centre and is moderately priced with internet . the postcode is cb12tz . shall i book that for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Post O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos not right now , thanks . i do need a taxi , though . i want to leave the hotel at 03:30 ( i 'm an early riser ! ) and head to the museum . 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 O O O O O O O O O O O O O O N/A +bos no worries , we have 24/7 taxi service , your are set . look for a white toyota , they are reachable at 07763641643 , any further questions ? 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 B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos thank you that is all i needed . eos O O O O O O O O O general-thank +bos thank you for calling the cambridge towninfo centre . if you need anything else do not hesitate to call us back . have a fun 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-bye +bos i 'm looking for an expensive indian restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i have 5. how about the curry garden ? they serve indian food and is in the expensive price range . eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O O O B-Restaurant-Recommend+Price O O O O N/A +bos that sounds great can i get 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 sure ! their address is 106 regent street city centre and their phone number is 01223302330. would you like me to book a table for you ? 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 B-Restaurant-Inform+Phone O O O O O O O O O O O O Booking-Inform +bos hmm , not right now , but i am looking for a particular hotel . it 's called allenbell . what can you tell me about that ? 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 O N/A +bos absolutely . allenbell is a 4 star guesthouse in the east located at 517a coldham lane that has both internet and parking available . eos O O B-Hotel-Inform+Name 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 O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos i need it for three nights , six people , from tuesday on . eos O O O O O O O O O O B-Hotel-Inform+Day O O O O N/A +bos i 'm sorry , that is n't available . can you book a shorter stay , or possibly a different day of 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 O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos yeah , try it for 1 night instead of 3 , please . eos O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A +bos booking was successful . the reference number is : o5hd5f55 eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you for your help today . eos 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 i 'm looking for a restaurant that is high end chinese . eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 've found 9 high end chinese restaurants . is there an area you prefer ? 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 Restaurant-Request+Area +bos yes , i 'd like it to be in the south . eos O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos i have two , how many will be dining with you ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Booking-Request+People +bos which one would you recommend ? i do n't need a reservation , just 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos i recommend the peking restaurant the phone number is 01223354755 and there address is 10 homerton street city centre . is there anything else you need ? eos 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+Phone I-Restaurant-Recommend+Phone 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 general-reqmore +bos great i also am looking for a place to stay with free parking in the south part of town too . 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 sure i have several choices for you . do you have a price range preference ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos i would like it to be in the expensive price range . eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos i found one hotel , the lensfield hotel . would you like to make 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 Booking-Inform +bos do they also have internet available ? eos O O O O O O O O Hotel-Request+Internet +bos yes , internet is available . eos O O O O O O O Hotel-Inform+Internet +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 great . thanks i will . eos O O O O O O O O general-bye +bos have a great day too . goodbye . eos O O O O O O O O O general-bye +bos goodbye ! i hope your day is great . eos O O O O O O O O O O general-bye +bos i 'm looking for a 4 star hotel to stay in . eos O O O O O O B-Hotel-Inform+Stars O O O O O O N/A +bos what day would you like me to book a hotel ? eos O O O O O O O O O O O O Booking-Request+Day +bos before i book , i 'd like to make sure that it is a guesthouse with free parking . do you have anything with those amenities ? 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 O N/A +bos yes . there are 16 options . do you have a price point ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Price +bos anything works . is there a 4 star guesthouse with both free parking and free wifi ? 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 acorn guest house is a 4-star guest house with free parking and free wifi . would 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 O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes . i need 6 rooms for 3 nights , starting saturday . 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 was able to get you those 6 rooms . your reservation number is hag2vezk . is there anything else ? eos O O O O O O O O O B-Booking-Book+People 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 cheap place to eat that serves modern european food . 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 N/A +bos the river bar steakhouse and grill is available if that works 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 Restaurant-Select +bos yes . can you get us a table at 14:00 on saturday ? eos O O O O O O O O O O O O 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 it will be for the same amount , 6 people . eos O O O O O O O O O B-Restaurant-Inform+People O O N/A +bos i was able to book the river bar for 6 people at 14:00 on saturday , reference number 79dx01y4 . the table will be reserved for 15 minutes . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+People O B-Booking-Book+Time O B-Booking-Book+Day O O B-Booking-Book+Ref O O O O O O O O O O O N/A +bos awesome . how about a taxi between the two places ? eos O O O O O O O O O O O O Taxi-Inform +bos 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 ? eos O O O O O O O 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+Depart +bos no , i need it to get me at the hotel and have me to the restaurant by 14:00 for our reservation . the pickup time does n't really matter . eos 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 O O O O N/A +bos booking completed ! i have a red toyota picking you up . the contact number is 07956621045. is there anything else i can help with ? 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 O O O O O O O O O O general-reqmore +bos no , that covers everything.thanks so much ! eos 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-welcome +bos hello . i 'm trying to find a restaurant in the centre that serves indian 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 O N/A +bos great ! i 've found 9 entries for your criteria . is there a certain price range you 're looking for ? 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 Restaurant-Request+Price +bos i 'm looking for something sort of on the cheap side . eos O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos we 've narrowed it down to 3. kihinoor , the gandhi , and mahal of cambridge . would you like me to make a reservation for you ? eos O O O 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 O O O O O O O O O O O O O Booking-Inform +bos yes please make a reservation for 3 people at 16:00 on saturday at any of those choices . 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 N/A +bos i was able to book at kohinoor for 16:00 on saturday for 3 people . your reference number is ntj52asi . the table will be held for 15 minutes . eos O O O O O O O B-Booking-Book+Name O B-Booking-Book+Time 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 O O O O O N/A +bos i am also looking for a guesthouse that includes free wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos yes i have several . what area and price range do you prefer ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos the guesthouse should be in the same price range as the restaurant with a 4 start rating 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 alexander bed and breakfast matches those qualifications , as well as being located in the centre . would you like a reservation or more information ? 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 B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform +bos i would like to book that for 5 nights please . eos O O O O O O O O O O O O N/A +bos how many guests will be staying at alexander bed and breakfast with you ? eos 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 Booking-Request+People +bos the same two that i 'm taking to the restaurant , so there are three of us all together . 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 and what night would you like to start your stay ? eos O O O O O O O O O O O O Booking-Request+Day +bos the same day as the restaurant reservation which is saturday . eos O O O O O O O O O O B-Restaurant-Inform+Day O N/A +bos i 'm sorry , they were not able to accommodate those days . would you like to try booking a different date or for a shorter stay ? eos O O 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 O O O O O Booking-Request+Day,Booking-Request+Stay +bos then how about 3 nights ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos i 've booked accommodations at the alexander bed & breakfast for 3 days beginning saturday , your reference number is 6kqfima2 . 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+Stay O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O O N/A +bos great . that 's what i was looking for . thanks for your help . eos O O O O O O O O O O O O O O O O general-thank +bos enjoy your stay and have a nice day . eos O O O O O O O O O O general-bye +bos yes , i am looking for a place to stay . it should be a guest house . 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 . there are many guesthouses to choose from . what is your price range and what area would you like ? eos O 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 Attraction-Request+Area,Attraction-Request+Price +bos i 'm looking in the moderate price range and should be located in the centre . eos O O O O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Area O O N/A +bos i am not showing any guesthouse in the centre area in your price range . would you like to try another type of hotel or area ? 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 O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type +bos what is available in the centre ? eos O O O O O O B-Hotel-Inform+Area O N/A +bos we do n't have any guest houses in the centre . how about a hotel ? or an expensive one ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area O O O O O O O O O O O O N/A +bos lets try a hotel instead . eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O N/A +bos the cityroomz hotel is in the moderate price range and in the centre . it also has internet . would you like me to make a reservation for you ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos no just the postcode and phone number will be fine . i need to find a french restaurant in the centre as well . eos 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 O O O Hotel-Request+Post,Hotel-Request+Phone +bos the postcode is cb12tz and the phone number is 01223304050. eos O O O O B-Hotel-Inform+Post O O O O O B-Hotel-Inform+Phone N/A +bos i need a french restaurant in the same area as well . eos O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos there 's one restaurant called cote , but it 's expensive . would this be fine ? eos O O O O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O O O O O O N/A +bos yes and can i get the phone number please . eos O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223311053. eos O O O O O B-Restaurant-Inform+Phone N/A +bos 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 for contacting cambridge towninfo centre . goodbye ! eos O O O O O O O O O O O general-bye +bos hello , can you recommend an expensive restaurant in cambridge ? eos O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos we have a lot of them . any specific location ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Area +bos i was hoping to find a place that serves indian food . eos O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have 14 restaurants that serve expensive indian food . is there area of town you would like ? 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 O Restaurant-Request+Area +bos i 'm looking for a restaurant in the center of town . eos O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O N/A +bos i am unable to find any indian restaraunts in the the center of town . can you narrow down your preferred area please ? eos O O O O O O O B-Restaurant-NoOffer+Food 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 an expensive indian restaurant in the centre , i will require the address and phone number please . eos 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 Restaurant-Request+Addr +bos i 'm not getting any results for those specific , 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 Restaurant-NoOffer,general-reqmore +bos i 'm really looking for an indian restaurant in the expensive price range in the town centre . what can you recommend ? eos O O O O 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 O O N/A +bos i would recommend the curry garden in the city center . eos O 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 i need an address and phone number for the restaurant . eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos their address is 106 regent street city centre and phone is 01223302330. is there anything else you require ? 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 O O O O O O O general-reqmore +bos i am also looking for a place to stay in the same area and 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 i have two hotel in the centre , shall i book one ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O O O O O Booking-Inform +bos does one not have free internet ? eos O O O O O O O O N/A +bos both gonville hotel and university arms hotel have free wifi and are expensive options in the centre of town . 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 B-Hotel-Inform+Price O O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O Hotel-Inform+Internet +bos can you book me at the gonville hotel ? i also need a taxi booked.i need the taxi 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 can you please give me the day you are starting your stay , number of days , and the number of people 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 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 23: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 B-Taxi-Inform+Leave O O O N/A +bos okay you 're all set for a car . there will be a white volkswagen taking you from the gonville to curry garden , leaving the hotel at 23:45. their contact number is 07462048280. eos 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+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 N/A +bos okay , thank you so much . 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 , are there any moderate turkish 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 i have found anatolia , a turkish restaurant that is moderately priced . eos O O O O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O N/A +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 . shall i book it ? eos O O O O O O O O O O Booking-Inform +bos yes , i need it to be booked for 5 at 17:30 on friday . i 'll also be needing the reference number for that 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 your reservation was successful . your reference number is viczdb72 . 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 general-reqmore +bos yes , i also need a 4 star hotel with free wifi . eos O B-Hotel-Inform+Internet 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 in the center that have 4 stars and wifi . they also all have free parking and vary only in price . 2 expensive and 1 cheap . eos O O O O B-Hotel-Inform+Choice 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 B-Hotel-Inform+Price I-Hotel-Inform+Price Hotel-Inform+Internet,Hotel-Inform+Parking +bos what is the name of the cheap hotel ? eos O O O O O O O O O O Hotel-Inform +bos the cheap hotel is the cambridge belfry . would you like a reservation ? eos O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Booking-Inform +bos yes please book that for me.i also need postcode , phone number , 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+Phone +bos what is the size of your party and how long will you be staying ? eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos it would be for 5 people for three nights . eos O O O O O O O O O O O N/A +bos phone : 01954714600 postal code : cb236bw area : back lane , cambourne . room has been booked for friday , 6 people for 3 days . eos O O B-Hotel-Inform+Phone B-Booking-Book+People O B-Booking-Book+Stay O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Booking-Book+Day O O O O O O O O O O O O N/A +bos excellent , thank you so much for your help ! eos O O O O O O O O O O O general-thank +bos you 're welcome . was there anything else i could 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 no , thank you for your help ! goodbye ! eos O O O O O O O O O O O general-bye +bos you 're welcome . i 'm glad i was able to help . 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 stuck up here in kings lynn and really need to get into cambridge . can you look up a train for me please ? eos O 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 O O O O O N/A +bos 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 ? eos O O O O O O O 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 would like to leave on saturday after 17:00 eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos i have 7 different trains . the first one after 17:00 is train tr1499 . it leaves at 17:11 and arrives at 17:58. 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 N/A +bos that works for me . what is the price for that ? eos O O O O O O O O O O O O O Train-Request+Price +bos 7.84 pounds for each ticket . would you like me to book the train ? eos 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 no , i 'm not ready to book yet . thanks though . can you recommend a latin american restaurant ? eos 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 N/A +bos i 'm sorry there are no latin american restaurant eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O N/A +bos are there any in the centre in the cheap price range ? eos O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O Train-Request+Price +bos i have fifteen places to dine in the centre , in a cheap range . what type of food would you like ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Food +bos what about one that serves asian oriental food ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos dojo noodle bar and j restaurant both are available , which would you prefer ? 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 dojo noodle bar , can you book me a table for 7 at 20:30 on saturday ? and i will need the reference number as well 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 O O O O O O O O O Restaurant-Request+Ref +bos good news , your booking was succesful . your reference number is k7lwvq5a . can i do anything else 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 general-reqmore +bos yes can you please book the train for me as well ? eos O O O O O O O O O O O O O Train-Inform +bos did you want the tr1499 booked that leaves on saturday at 17:11 and if so , for how many people ? eos O O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O B-Train-OfferBook+Day I-Train-OfferBook+Day B-Train-OfferBook+Leave O O O O O O O O Train-Request+People +bos just the one ticket please . eos O O O O O O O N/A +bos your seat is booked on tr1499 leaving kings lynn on saturday at 18:11 for cambridge , reference number is 0ngrlozv . is there anything more i can help with today ? eos O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Day I-Train-OfferBooked+Day B-Train-OfferBooked+Leave O B-Train-OfferBooked+Dest O O O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos that is everything i need , thank you . eos O O O O O O O O O O general-thank +bos perfect . enjoy your trip ! eos O O O O O O O general-bye,general-greet +bos thank you , that will be all ! eos O O O O O O O O O general-thank +bos no problem , enjoy the rest of your day . eos O O O O O O O O O O O general-welcome,general-bye +bos need a train leaving on thursday after 14:30 eos O O O O O O B-Train-Inform+Day O O N/A +bos i found 195 trains that match your prerequisites . what is your destination ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Dest +bos i am going to london liverpool street from cambridge . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O N/A +bos train tr3237 arrives at 17:27 and cost 16.60 pounds . would you like me to book it ? 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 O O O Train-OfferBook +bos no thanks , i 'm not sure how many seats i 'll be needing yet . eos O O O O O O O O O O O O O O O O O general-thank +bos okay . just call us back when you do . eos O O O O O O O O O O O general-greet +bos oh , i am also looking for an african restaurant in the centre ... north african , to be exact . eos O O O O O O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Food O O O O O O O O N/A +bos there are n't any in that particular area , do you have any alternative preferences ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos hmm , can you see if there might be an expensive restaurant that serves specifically `` north african '' food in the centre of town ? eos 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 B-Restaurant-Inform+Area O O O O O O N/A +bos i apologize , but we are do n't have any north african restaurants in this town at all . i do have an expensive african restaurant in the centre . will that suffice ? eos O O O O O O O O O B-Restaurant-NoOffer+Food B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O 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 O O N/A +bos no , if i ca n't get north african i 'd really prefer something radically different . chinese , maybe ? 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 N/A +bos how about the ugly duckling ? they serve chinese food and are located in the centre of the city . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos okay . can you book me a table for 7 at 11:00 for thursday ? 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 that booking was unsuccessful . would you like to try another time ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos sure , can we try for 10:00 instead ? eos O O O O O O B-Restaurant-Inform+Time O O O N/A +bos booking for 10:00 was successful . your reference number is xvuucpbh . is there anything else i can help with ? eos O O O B-Booking-Book+Time O O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O O N/A +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 . have a great day ! eos O O O O O O O O O O general-welcome,general-bye +bos hi , i 'd like a train leaving from cambridge on thursday , please . 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 certainly . did you have a destination in mind ? eos O O O O O O O O O O O Train-Request+Dest,general-greet +bos yes london kings cross . eos O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos great . now what time would you like to leave by or arrive by ? eos 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 arrive by 10:30 in london kings cross . eos O O O B-Train-Inform+Arrive O O O O O N/A +bos tr8636 will arrive by 09:51 , 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 yes please bookm it for me and i need the departure time . eos O O O O O O O O O O O O O O Train-Request+Leave +bos how many tickets do you need ? eos O O O O O O O O Train-Request+People +bos just one please eos O O O O N/A +bos ok perfect , i have that booked for you then , 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 Train-OfferBooked,general-reqmore +bos i also need a college to go to in the west . eos O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O N/A +bos i have 5 different options for you . might i suggest clare hall . it has free admission and it is a great campus to tour . 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 B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O O O O N/A +bos that sounds great ! what is their address ? eos O O O O O O O O O O Attraction-Request+Addr +bos it is located on herschel road and the phone number is 01223332360 eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 you are welcome . please let us know if you ever need assistance with 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 a train to cambridge for tuesday . would you be able to help ? eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O N/A +bos what time do you want to depart by and where from ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i need the train to leave after 9:30 from london liverpool 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 N/A +bos are you leaving in the morning or the evening ? eos O O O O O O O O O O O Train-Request+Leave +bos i am leaving at 9:30. that is in the morning . eos O O O O O O O O O O O O N/A +bos there is a train leaving at 9:39. would that work ? eos O O O O O O O B-Train-Inform+Leave O O O O N/A +bos do you have anything leaving after 9:30 ? eos O O O O O O O O O N/A +bos there is tr5691 leaving at 11:39 today . it is 88 minutes and costs 16.60 pounds . eos O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos when does that train arrive ? eos O O O O O O O Train-Request+Arrive +bos the train arrives by 13:07. eos O O O O O B-Train-Inform+Arrive N/A +bos could i have the phone number please ? eos O O O O O O O O O Restaurant-Request+Phone +bos i 'm sorry there is no phone number for that train . eos O O O O O O O O O O O O O Train-NoOffer +bos oh ! right . i need a phone number for a restaurant . a chinese place , in the south , and on the cheap if possible . 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 B-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Phone +bos the lucky star is a cheap chinese restaurant in the south.the phone number is 01223244277. would you like me to book you a reservation ? 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 B-Restaurant-Inform+Phone O O O O O O O O O O Booking-Inform +bos no , thank you . that was all i needed today . eos O O O O O O O O O O O O O general-thank +bos alright . i hope you have a great day ! eos O O O O O O O O O O O general-bye +bos yes hello ! i 'm looking for a train leaving on tuesday from norwich to cambridge . eos O 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 N/A +bos there are a total of 133 trains traveling from norwich to cambridge . is there a particular day that you would like to travel on ? eos O O O 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 Train-Request+Day +bos i will travel on tuesday to cambridge from norwich , and i need to arrive by 19:15. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O N/A +bos perfect . did you have a departure time in mind ? you could leave norwich as early as 05:16 or as late as 17:16 and still make it on time . 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 I-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 earlier in the day is safer , thanks . i just need 1 ticket on the earliest ride . eos O O O O O O O O O O O O O B-Train-Inform+People O O O O O O N/A +bos i booked tr3932 , reference number is fiw5abo2 . eos O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ref O O N/A +bos thank you , i 'm also looking for place to go in town , specifically the south . what kinds of things are there to 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 there are many attractions in that area . would you prefer a museum , nightclub , cinema , theatre or park ? eos 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 B-Attraction-Select+Type I-Attraction-Select+Type O O O O N/A +bos i would like a museum can i have the phone number and entrance fee ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Fee +bos the byard art museum has no entrance fee . their phone number is 01223464646. anything else i can help with ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee I-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 that 's all i need . thanks . eos O O O O O O O O O general-thank +bos you 're welcome ! please contact us in the future if you need any other 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 +bos i would like to know if you have any information on a place called tang chinese ? 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 N/A +bos of course ! it 's an expensive chinese restaurant in the centre , at napier street city centre cb11hr . may i help with anything else ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-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 general-reqmore +bos are you able to book a reservation or do i have to call them ? eos O O O O O O O O O O O O O O O O N/A +bos i can attempt to book a reservation for you . what date are you looking for ? eos O O O O O O O O O O O O O O O O O O Booking-Request+Day +bos saturday at 15:15. the reservation is for 1 person . i also need a train departing from cambridge that will arrive at my destination by 16:30. eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time 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+Arrive N/A +bos you 're booked for that time and your reference number is be3t5wy3 . what destination do you have in mind for your train ? 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 Train-Request+Dest +bos my destination is broxbourne on sunday . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos train tr4541 is leaving cambridge to broxbourne on sunday at 15:01 and arriving at 6:01. it costs 14.32 pounds . should i book it for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Day I-Train-Inform+Day 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 Train-OfferBook +bos that wo n't be necessary . thank you ! eos O O O O O O O O O O general-thank +bos anything else that i can assist with today ? eos O O O O O O O O O O general-reqmore +bos that 's everything i need . eos O O O O O O O N/A +bos alright , have a great day ! eos O O O O O O O O general-bye +bos i need a train leaving broxbourne after 17:00. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos what day would you be traveling ? eos O O O O O O O O Train-Request+Day +bos i will be leaving on a friday . eos O O O O O O O B-Train-Inform+Day O N/A +bos tr4322 leaves at 17:32 and arrives by 18:32. may i book that 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 O Train-OfferBook +bos arrives in cambridge by 18:32 ? i need to get to cambridge . eos O O O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos it does . the price is 17.90 , can i book a ticket for you ? eos O O O O O O B-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook +bos no . i 'm not ready to book yet . can i get some information on little saint mary 's church ? 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 O O O N/A +bos the church is located in the centre the address is little saint mary 's lane and the phone number is 01223366202. is there anything else i can help with ? eos O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 general-reqmore +bos that takes care of everything , thank you ! eos O O O O O O O O O O general-thank +bos glad i could help you today ! eos O O O O O O O O general-welcome +bos i 'm looking for a train please . eos O O O O O O O O O Train-Inform +bos where would you like to leave from , and where will you be going ? eos 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 cambridge and heading to stansted airport on tuesday . eos 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 N/A +bos there are 19 trains leaving for stansted airport with the earliest leaving at 5:40. would you like to leave early morning or afternoon ? eos O O O O B-Train-Inform+Choice O 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 B-Train-Select+Leave I-Train-Select+Leave N/A +bos early morning for 7 people . may i have 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 i have you on the 5:40 tr1656 . reference number is : 65kstg9s . is there anything else you would like me to do ? eos O O O O O O B-Train-OfferBooked+Leave B-Train-OfferBooked+Id 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 also am looking for an attraction to visit in the centre of town , can you recommend something ? 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 are you interested in things like architecture , colleges , theatre , or something else ? there are many attractions in the centre of town . eos O O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type 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 N/A +bos i need the attraction type , address , and postcode plerase eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type,Attraction-Request+Addr +bos how about the all saints church . it is an architectural attraction . its postcode is cb58bs and the address is jesus lane . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type O O O O B-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A +bos that is perfect ! thank you so much , 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 goodbye . eos O O O general-bye +bos i am looking for a train to cambridge from kings lynn . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos there are many trains from kings lynn to cambridge . what time would you like to leave ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O O O O Train-Request+Leave +bos i need to leave wednesday after 21:15. eos O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos for how many people ? eos O O O O O O Train-Request+People +bos i am traveling alone . eos O O O O O O N/A +bos thank you , i have booked you a seat on tr8385 leaving kings lynn at 22:11 cost of 9.8 gbp . the reference number is t7puqpr1 . eos O O O O O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O B-Train-OfferBooked+Ref O O O N/A +bos thank you . what is the arrival time in cambridge , please ? eos O O O O O O O O O O O O O O Train-Request+Arrive +bos arrival time is 23:58 eos O O O O B-Train-Inform+Arrive N/A +bos could i also have the price ? eos O O O O O O O O Train-Request+Price +bos the total fee is 9.8 gbp payable at the station . anything else i can help 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 general-reqmore +bos i 'm also looking for places to go in town . i would like an architecture type in the centre . 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 N/A +bos how about all saints church ? it fits your criteria and has no entrance fee ! 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+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A +bos that sounds great , what is their phone number ? eos O O O O O O O O O O O Attraction-Request+Phone +bos the phone number for all saints church is 01223452587. can i assist you with anything else ? 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 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 and have a great trip . goodbye . eos O O O O O O O O O O O general-bye +bos hi i am looking for a 4 star guesthouse . can you help me ? eos 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 we found 5 guest houses for you , but i need to know your preferred area . 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 +bos i do n't really care about the area , but i would like it 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 could recommend the allenbell . it is priced cheap and has 4 stars . eos O O O O O B-Hotel-Recommend+Name O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O N/A +bos sounds good , i need rooms 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 O N/A +bos i have booked the allenbell for you starting on tuesday for 4 nights for 7 people . your reference number is ix0qvrb4 . is there anything else i may assist with ? eos O 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 B-Booking-Book+Ref 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 thank you for using our system today ! eos O O O O O O O O O general-welcome +bos i 'm looking for a train that goes 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 O N/A +bos greetings , what day and time do you need a train for ? eos 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 on monday after 08:45. eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos there are 15 trains . the earliest leaves at 9:40. trains are every hour at 40 past after that until 23:40. would you like to book a seat ? 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 I-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes . what is the price ? eos O O O O O O O O Train-Request+Price +bos the price for your train is 75.10 pounds . would you like me to book it 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 Train-OfferBook +bos not right now , thanks . i would like more information on williams art and antiques . 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 N/A +bos it 's a museum located in the centre of town located on gydir street , no . 5 dale 's brewery , and admission is free . eos O 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O O O N/A +bos great . that 's perfect . thank you ! eos O O O O O O O O O O general-thank +bos absolutely . 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 that 's all that i needed , thank you . eos 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-bye +bos i am looking for a place called tenpin , can you give me more information about it ? eos 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 tenpin is an entertainment facility located in south cambridge . their phone number is 871 550 1010. eos O B-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone I-Attraction-Inform+Phone N/A +bos can i have the entrance fee and address please ? eos O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos certainly , the address is cambridge leisure park , clifton way , however we do n't have the entrance fee listed . 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+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 N/A +bos okay . well can you also help me with a train that leaves on saturday and goes to peterborough ? eos O O O O O 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 there are 38 trains that leave from cambridge on saturday . did you want to leave in the morning or later in the 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 O O O O O O Train-Request+Leave +bos i need a train that leaves after 18:15. eos O O O O O O O O B-Train-Inform+Leave N/A +bos the train that leaves earliest after 18:15 is the tr2569 train leaving at 18:34. would that suffice ? 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 Train-OfferBook +bos that should be fine . how long does it take to get there ? eos O O O O O O O O O O O O O O O N/A +bos it is a 50 minute trip eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos what time does the train arrive to peterborough ? eos O O O O O O O O B-Train-Inform+Dest O Train-Request+Arrive +bos the train arrives at 19:54. would you like me to book that ? eos O O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos yes , please . thank you for your help ! eos O O O O O O O O O O O general-thank +bos i am sorry . the train arrives at 19:24. i can book this for you if i know how many tickets you need . 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 Train-Request+People,Train-OfferBook +bos actually , i do n't need tickets at this time . thanks for your 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 okay , let me know if and when i can book it for you . eos O O O O O O O O O O O O O O O O general-bye +bos sure . that 's all i needed today . eos O O O O O O O O O O N/A +bos have a nice day eos O O O O O general-bye +bos hi there , i 'm looking for any information that you have on a place named mumford theatre . 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 N/A +bos mumford theatre is in the centre of town their number is 08451962320 , their postcode is cb11pt , and their address is anglia ruskin enterprise , east road 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+Phone O O O B-Attraction-Inform+Post O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos do you need any more information on the theatre ? eos O O O O O O O O O O O N/A +bos i 'm sorry , i do n't understand your request . eos O O O O O O O O O O O O N/A +bos never mind . can you tell me if there are trains to there from cambridge arriving by 20:15 ? eos 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 O N/A +bos are you wanting taxi service to the theater . i'n not sure i understand your request . eos O O O O O O O O O O O O O O O O O O Taxi-Request+Dest +bos no . i need a train that goes to stansted airport please . eos O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O N/A +bos there are many trains available . what day and time do you want to leave ? eos O O O B-Train-Inform+Choice O 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 . i do n't care about the departure time . eos O O O O O O B-Train-Inform+Day O O O O O O O O O O N/A +bos there is a train from cambridge to stansted every hour on the :40 on monday . the closest arrival to 20:15 is the 11:40 , arriving at 12:08. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O N/A +bos thank you . could i get the id of the 11:40 train ? also , is the travel time 35 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 Train-Request+Duration,Train-Request+TrainID +bos sure . the train id is tr1552 and the travel time is 28 minutes . anything else i can help you with ? eos O O 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 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 . good-bye . eos O O O O O O O general-welcome,general-bye +bos can you tell me anything about cafe jello 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 , the cafe jello gallery is a museum located at 13 magdalene street in the west side of town . would you also like their phone number ? eos O O 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area O O O O O O O O O O O O O N/A +bos yes i would . eos O O O O O N/A +bos the phone number is 01223312112. do you need the postcode ? eos O O O O O B-Attraction-Inform+Phone O O O O O O N/A +bos no , but i am looking for a train from ely on thursday . 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 are 10 trains that day . is there a particular time you 'd like 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 O Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive after 2:00 in the afternoon . eos O O O O O O O O O O O O N/A +bos we have the tr0813 that arrives at 11:52 on thursday . does that work ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O N/A +bos i think that could work please make a booking for 6 people eos O O O O O O O O O O O O B-Train-Inform+People N/A +bos booking was successful ! your reference number is gxie5o8f . you have to pay 26.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 I-Train-OfferBooked+Ticket O O O O O N/A +bos thank you very much that is all i needed . 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 're welcome , and you have a nice day as well ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos hello , i need a train that will be departing from birmingham new street 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+Day O O N/A +bos many trains leave from birmingham new street on monday . what time of day would you like to travel ? eos 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 Train-Request+Arrive,Train-Request+Leave +bos i would like to leave for cambridge after 13:00. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Leave N/A +bos tr1328 leaves birmingham new street at 13:40 and arrives in cambridge at 16:23. would you like to purchase a ticket ? 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 Train-OfferBook +bos yes , i 'll need 8 ticket on that train , please . and may i have the reference number ? 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 your booking was successful . the total fee is 600.79 gbp , payable at the station , and your reference number is 35rqlg92 . 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 can you also help me find a place to visit while i am in town . maybe 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 O N/A +bos there are 23 museums . which area would you like ? eos O O O O B-Attraction-Inform+Choice O O O O O O O Attraction-Request+Area +bos i do n't have a preference . could you just give me the phone number of the first museum on the list 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+Phone +bos the first museum is the broughton house gallery . their phone number is 01223314960. 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 O O O O B-Attraction-Inform+Phone 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 we appreciate your business . thank you for using our services , take care ! 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 museum in the south . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos the byard art is in the south . 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 O O O O O general-reqmore +bos yes , thank you . may i have their phone number ? eos O O O O 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 can i also have the postcode ? eos O O O O O O O O Attraction-Request+Post +bos yes , the postcode is cb21sj . is there anything else i can assist 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 'm also looking for a train from cambridge that will leave after 08:30. it should leave on thursday , and i want to travel to bishops stortford . eos 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 B-Train-Inform+Day O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O N/A +bos i have 8 trains leaving after 08:30. the first one leaves at 09:29. would you like me to book it ? 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 O O O O O O O Train-OfferBook +bos can i just get the price on that one ? eos O O O O O O O O O O O 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 thank you . that 's all i need today . eos O O O O O O O O O O O general-thank +bos let me know if i can be of further assistance . eos O O O O O O O O O O O O general-bye +bos i am looking for a train departing from bishops stortford going to cambridge . eos 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 there is one leaving at 05:29 if you would like to take that . eos O O O O O O B-Train-Inform+Leave O O O O O O O O N/A +bos i need to leave on tuesday and arrive by 11:30. are there any trains that will get me there on time ? 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 O O O O N/A +bos yes - on tuesday there are trains at 5:29 , 7:29 , and 9:29 , all of which arrive before 11:30. how many tickets do you need ? eos O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O Train-Request+People +bos unsure , just gathering information right now . could you give me the train id of the train departing at 9:29 ? 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 +bos sure . the trainid is tr2083 eos O O O O O B-Train-Inform+Id O N/A +bos are there any attractions i can check out if i decide to go ? eos O O O O O O O O O O O O O O O Attraction-Inform +bos there are 79 attractions in cambridge . would you like to narrow it down by type of attraction or area ? 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,Attraction-Request+Type +bos i 'm looking for someplace in the east , please . eos O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos would you like to try the camboats attraction as it is located in the east ? eos O O O O O O O B-Attraction-Recommend+Name O O O O O O O B-Attraction-Recommend+Area O N/A +bos yes please . can you give me the post code , phone number and address 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,Attraction-Request+Addr +bos the postcode , phone number , and address to comboats is : cb58sx , 01223902112 , the plough , green end , fen ditton . eos O O O O O O O O O O B-Attraction-Inform+Post B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O N/A +bos thanks for all your help . have a nice day . eos O O O O O O O O O O O O general-thank +bos you 're welcome , enjoy the rest of your stay ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a multiple sports attraction in the area of center . eos O O O O O O O O O O O O O O O N/A +bos we currently do not show any locations that fit that criteria . would like me to look 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 O O Attraction-Request+Area,Attraction-NoOffer +bos no , how about a swimming pool in that area ? eos O O O O O O O O O O O O N/A +bos parkside pools is located at gonville place . i do not have the entrance fee available , but the phone number is 01223446100 and the postcode is cb11ly 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 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 B-Attraction-Inform+Post O N/A +bos thank you for the phone number . thanks for the help ! eos O O O O O O O O O O O O O Attraction-Request+Phone +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 am also looking for a train leaving friday . eos O O O O O O O O O B-Train-Inform+Day O N/A +bos there are 404 trains that day , what destinations do you need ? eos O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Dest +bos i am looking to depart cambridge , head to ely , and arrive by 18:30 eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O O N/A +bos alright , there are seven trains that meet that requirement , starting at 5:50 and running once an hour every hour until 17:50. would you like me to book any of these trips ? 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 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 1 person the train that departs at 17:50. eos O O O O O O B-Train-Inform+People O O O O O O O N/A +bos booking was successful for tr9933 , the total fee is 4.4 gbp payable at the station . reference number is : p4u5t2n6 . 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 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 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 that 's everything i needed , 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 enjoy your trip ! eos O O O O O general-bye +bos hi , could you tell me some attractions in cambridge ? eos O O O O O O O O O O O O Attraction-Inform +bos hello , there are some wonderful museums and most of them are free entrance . we have holy trinity church located on market st. eos O O O O O O B-Attraction-Inform+Type O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 N/A +bos a swimming pool sounds like much more fun , does n't it ? eos O O O O O O O O O O O O O O N/A +bos there are four pools , abbey pool and astroturf pitch , jesus green outdoor pool , kings hedges learner pool , and parkside pools . which would you like ? 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 I-Attraction-Inform+Name O O O O O O O O O Attraction-Select +bos any one of those is fine . may i get the entrance fee ? eos 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 is not listed . would you like a phone number for one of them ? 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 O O O N/A +bos yes . i am also looking for a train , leaving on friday after 10 , depart cambridge , going to leicester . eos O O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O O O O N/A +bos tr5648 will be departing cambridge friday at 10:21 , and arriving by 12:06 in leicester . would you like to book a seat for this train ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart I-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 O O O O Train-OfferBook +bos that will work . can i have this booking for six people as well as 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 Train-Request+Ref +bos i 've booked that . your reference number is 0icm79om . eos O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos great thank you that should be all 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 museum 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 i have seven museums in the west . 6 of them are free , and one has an entrance fee . do you have any specific museum you want to visit ? eos O O O O B-Attraction-Inform+Type 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+Price I-Attraction-Inform+Price I-Attraction-Inform+Price O O O O O O O O O O O O Attraction-Select +bos i do not have a specific museum i want to visit . eos O O O O O O O O O O O O O N/A +bos would you rather have a free museum or go to one with an entrance fee ? eos O O O O O O O B-Attraction-Select+Type O O O O O O B-Attraction-Select+Price I-Attraction-Select+Price I-Attraction-Select+Price N/A +bos i 'd like the address for the one with the entrance fee please . eos O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos the cambridge and county folk museum is located at 2-3 castle street postcode cb30aq , it has an entrance fee of 3.50 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 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 B-Attraction-Inform+Price I-Attraction-Inform+Price O N/A +bos thanks . now i need to book a train from norwich . eos O O O O O O O O O O O B-Train-Inform+Depart O N/A +bos there are 133 trains leaving norwich . what day and time are you interested in ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i 'm going to cambridge on saturday and want to arrive by 14:15 please . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O O N/A +bos tr2602 leaves at 5:16 and arrives at 6:35 if you would like that one . eos 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 yes , please book that for 4 people , and i 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 Train-Request+Ref +bos i successfully booked 4 tickets on tr2602 for saturday . your reference number is zpcego23 . is there anything else i can be of help with ? eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Day 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 's everything i needed today . 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 you are quite 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 someplace to go in the west . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos might i recommend the whale of a time entertainment venue ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Type I-Attraction-Recommend+Type O N/A +bos sure . may i have the phone number please ? eos O O O O O O O O O O O Attraction-Request+Phone +bos of course , it is 01954781018. is there anything else i can assist you with today ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos can i get a train departing ely and leaving on wednesday ? eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Day O N/A +bos there are 10 trains that leave ely on wednesday , what is your destination ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O Train-Request+Dest +bos cambridge . should leave after 15:00 eos O B-Train-Inform+Dest O O O B-Train-Inform+Leave O N/A +bos there are 5 trains leaving after 15:00. the times are 15:35 , 17:35 , 19:35 , 21:35 and 23:35. which would you like ? 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 O O O O Train-Select +bos the 15:35 will be fine . please book that for four people . eos O O O O O O O O O O O O O O N/A +bos okay , i have four tickets booked on the 15:35 train from ely to cambridge on wednesday . total is 17.6 gbp , reference number ukd02oc6 . anything else i may help with ? eos O O O O B-Train-OfferBooked+People I-Train-OfferBooked+People O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Depart B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest B-Train-OfferBooked+Day O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos i have everything . thanks eos O O O O O O general-thank +bos glad to have been of service . thank you and have a good 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 need a train to arrive by 12:15 on saturday . can you help me ? eos O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O N/A +bos wonderful , i can help you . could you help me by telling me where you 're departing from , and where you 'd 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 O O O O Train-Request+Depart,Train-Request+Dest +bos i am leaving birmingham new street going to cambridge . i need a ticket that leaves on saturday and will get me there by 12:15 , can you help ? eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart 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 N/A +bos the train closest to your requested arrival time is the tr4382 . it departs birmingham new street at 08:40 and arrives in cambridge at 11:23. shall i book you a ticket ? eos O O O O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Depart I-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 O O O O O O O Train-OfferBook +bos i 'm not ready to book , but appreciate the information . eos O O O O O O O O O O O O O N/A +bos no problem at all ! is there anything more 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 i would also like to find a place to dine that serves italian food and should be in the centre 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 O O O B-Restaurant-Inform+Area O O N/A +bos i can help you with that . what price range are you looking for ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Price +bos it should be in the expensive price range . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are 4 in the area i recommend stazione restaurant and coffee bar . 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 I-Restaurant-Recommend+Name O N/A +bos yes , that 's fine . can i have the address please ? eos O O O O O O O O O O O O O O Restaurant-Request+Addr +bos yes , the address is market hill city centre . eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A +bos perfect , that is all i need for right now . thank you for all of 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 you are very welcome ! thank you for reaching out to the cambridge towninfo centre . i 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 O O O O general-bye +bos hey there , i need a train from stevenage that leaves after 09:45. can you help ? 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 N/A +bos i would be happy to help with your request , 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 O O O O Train-Request+Dest,Train-Request+Day +bos we are going to cambridge and would like to leave on monday after 09:45. thanks for your help . eos O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Day O O O O O O O N/A +bos would a train departing at 09:54 work for you ? eos O O O O O O B-Train-Select+Leave O O O O N/A +bos that sounds great ! could you give me the arrival time , travel time , and train id 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+Duration,Train-Request+Arrive,Train-Request+TrainID +bos sure . it 's train tr8265 , arrives at 10:43 in cambridge and has a duration of 49 minutes . can i book you seat ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O B-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 Train-OfferBook +bos maybe later . i am also looking for an expensive restaurant . eos O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there are many expensive restaurants in the city . do you have an area or type of cuisine that you 'd prefer ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price 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 no , i 'll take your recommendation . i do need postcode , 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos i would recommend bedouin , address is 100 mill road city centre , phone is 01223367660 and post code is cb12bd . eos 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 B-Restaurant-Recommend+Phone O O O O B-Restaurant-Recommend+Post O O O O O N/A +bos okay , that 's great ! thank you very much ! that 's all i needed . 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 today ? eos O O O O O O O O O O O O general-reqmore +bos no , that would be all . thanks . bye . eos O O O O O O O O O O O O general-bye +bos alright , thanks 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-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 there are several options to choose from in the centre in the cheap price range . what kind of food are you in the mood for ? eos O O O B-Restaurant-Inform+Choice 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 O Restaurant-Request+Food +bos i do n't really have a preference . i just need something for sunday at 18:00. there will be 2 of us . 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 B-Restaurant-Inform+People O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : eyegc64e . dojo noodle bar . is there anything else ? eos O O O O O O O O O O O O O O O B-Booking-Book+Ref B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O O O O general-reqmore +bos i need a train from kings lynn to cambridge , if possible . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O O O N/A +bos there are 133 trains available . tell me more about your trip . eos O O O O B-Train-Inform+Choice O O O O O O O O O N/A +bos i 'd like to arrive by 08:00 , and i 'd like to travel on the same day that i 'm going to the noodle bar . 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 N/A +bos i have train tr5198 departing at 07:11 and arriving at 07:58. 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 N/A +bos yes , that works great . could you book 2 tickets for me 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 is successful , you will need to pay 15.68 at the station , your reference number is 9njnseic. , anything else that i can help with ? eos 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 O O O O O O O O general-reqmore +bos no thank you . that will be it . 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 general-bye +bos i 'm looking for expensive restaurants in the east . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O N/A +bos the grafton hotel is an expensive restaurant in the east . their phone number is 01223241387. eos 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 B-Restaurant-Inform+Phone O N/A +bos i am looking for a place that serves indian food . eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos in that case , i 'd recommend pipasha restaurant , at newmarket road fen ditton . it 's a great expensive indian restaurant in the east . would that work for you ? eos O O O O O O B-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 B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area O O O O O O O O O O O O N/A +bos please , it will be 3 people for 14:00 on wednesday . 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 the booking was successful you reference number is nlrq7hos they will hold the table 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 N/A +bos thank you very much , goodbye . eos O O O O O O O O general-bye +bos thank you and enjoy your meal ! eos O O O O O O O O general-bye +bos thanks , i 'm sure we will ! oh ! i just remembered , we need some train tickets too , on the same day . can you help with those 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 O O N/A +bos where will you want to be traveling to and from ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos we are going from london kings cross to cambridge and we need to be there by 11:30. 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 O O O O O B-Train-Inform+Arrive N/A +bos train tr3810 is the closest to an 11:30 arrival it would leave at 9:17 and get to there by 10:08 , would you like me to book you ? eos O O B-Train-Inform+Id O O O O 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 Train-OfferBook +bos i do n't think i am ready to book . thank you . eos O 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 ? eos O O O O O O O O O O O general-reqmore +bos no thank you , i hope you have a wonderful day and thank you 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 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 peterborough that leaves after 17:30. eos O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos please be specific on your day of travel an your departure site . eos 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 N/A +bos there is a train leaving at 18:06 and arriving at 18:56 , is that acceptable ? eos 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 , can you book that for 7 people and give 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 N/A +bos sure thing ! booking was successful with a total fee of 92.4 gbp , your reference number is sti1rob6 . 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 O N/A +bos i 'll also be needing a restaurant . i would like it to be in the centre and cheap . eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O N/A +bos there is a asian restaurant in that location , the dojo noodle bar , their address is 40210 millers yard city centre . eos O O O O B-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 B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos do you know if they serve cantonese food ? eos O O O O O O O O O O N/A +bos it does n't look like it . it shows asian oriental . eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos are there any restaurants in that area that serve cantonese ? eos O O O O O O O O O O B-Restaurant-Inform+Food O N/A +bos no there are not any restaurants in that area that serve cantonese . eos O O O O O O O O O O O O B-Restaurant-NoOffer+Food O N/A +bos what about one that serves chinese food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there 's charlie chan . it serves chinese food and is located in the centre . is that good ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 that sounds perfect . can you book a table for the same group of people at 10:00 for the same day as the train ? 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 O N/A +bos i am sorry we could not book you for saturday at 10:00. would you like to try another time ? eos O 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 Booking-Request+Time +bos try 9:00 then for the same group of people at charlie chan please . i will need the reference number . 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 N/A +bos sorry no tables available . how about a different time or another day perhaps ? eos 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 is there another chinese restaurant we could try in the centre ? eos O O O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Area O N/A +bos there are 2 other cheap chinese places in the city centre : rice house and golden house . would you like to try a reservation at one of these ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-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 O O O O Booking-Inform,Restaurant-Select +bos yes , please . try 10 or 9. eos O O O O O O O O O N/A +bos i successfully booked a table for 7 at the rice house restaurant on saturday at 9:00. the table will be reserved for 15 minutes . the reference number is purbiht2 . eos O 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+Day O B-Booking-Book+Time O O O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos thank you that will be all eos O O O O O O O general-thank +bos sounds great . have a wonderful day ! eos O O O O O O O O O general-bye +bos i 'm looking for a chinese restaurant in the centre of cambridge . eos 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 quite a few chinese restaurants in the area ! do you have a price range you 'd like to stay within ? eos 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 +bos no , anything is fine . can you suggest a great one ? eos O O O O O O O O O O O O O O N/A +bos jinling noodle bar looks like a good place . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O N/A +bos can i have their phone number and address ? also , are there any trains that go from peterborough to cambridge ? eos 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos sure no problem . address is 11 peas hill city centre and phone number is 01223566188. would you like to book a reservation ? 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+Phone O O O O O O O O O Booking-Inform +bos what is the price range of the restaurant ? eos O O O O O O O O O O Restaurant-Request+Price +bos this restaurant is of the moderate price range . would you like to book a table ? eos O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos no thanks , but i do need some train info . i 'll be leaving from peterborough on tuesday , sometime after 15:15. 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 B-Train-Inform+Leave O O O O N/A +bos the tr5933 leaves peterborough at 15:19. eos O O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos could you book that for me for 2 people ? eos O O O O O O O O O B-Train-Inform+People O N/A +bos sure thing . i 've booked two tickets on tr5933 . the total fee is 33 gbp and your reference number is tl4r46ys . is there anything else i can help you with ? eos O O O O O O B-Train-OfferBooked+People 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 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 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 need a train to broxbourne , please . eos O O O O O O O B-Train-Inform+Dest O 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 on saturday and i am departing from cambridge . eos O O O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Depart O N/A +bos there are 19 trains that day do you have a time you will be traveling ? 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 need to arrive by 16:15 and i want to book it for 6 people . eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O O N/A +bos i have one that leaves at 14:01 and arrives at 15:01. would you like be to book that one ? 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 yes please , book that for 6 people and i need 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 the booking was successful and your feference number is cjc7ykbl . may i help you with anything else 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 general-reqmore +bos i am looking for a restaurant called the lucky star and would like to book the same six people there on the same day . is that a possibility ? 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 O O O O O O O N/A +bos the lucky star is a chinese restaurant on the south side falling in the cheap price range . i can try making a reservation for you ; how many people in your party ? 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+Area I-Restaurant-Inform+Area 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 O O Booking-Request+People,Booking-Inform +bos like i mentioned previously , it 'll be for the same 6 people , on the same day ( saturday ) , at 11:45 please . eos O O O O O O O O O O O B-Restaurant-Inform+People O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O O N/A +bos your booking was successful . the reference number is : pwsaa94f . 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 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 using cambridge towninfo centre . please remember 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-welcome,general-greet +bos i am looking for a moderately priced restaurant that serves indian 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 there are 4 restaurants to choose from . do you have a part of town you prefer ? 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 yes , i 'd like the restaurant to be in the centre . eos O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos i 'm sorry , there are no restaurants that match all of your criteria . would you like to look for a different type of cuisine , 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 O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer +bos how about a chinese restaurant in the centre ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos ok , i have 3 restaurants that meet your requests , would you like me to book one of them 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 O O Booking-Inform +bos yes , i need a table for 5 people on tuesday at 12:30. could i have the reference number as well for that ? 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 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 q9mqw1q4 . 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 would also like a train on wednesday , departing from cambridge eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O N/A +bos i can help you with that ! what is your destination , 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 O O Train-Request+Dest,Train-Request+Leave +bos i want to go broxbourne and i 'd like to arrive by 15:30. eos O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O N/A +bos i have tr5164 departing at 14:01 and arriving in broxbourne at 15:01 , the cost is 17.90 pounds . would this work for you ? eos O 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 O O O O O O O O Train-Select +bos what is the travel time ? eos O O O O O O O Train-Request+Duration +bos the travel time is 60 minutes . would you like to book a ticket ? 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 yes that would be great . eos 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 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 . eos O O O O O 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 it was a pleasure working with you today . contact us again if you need any more 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-bye +bos i 'm planning my trip to cambridge and i need help . can you find me some expensive dining options on the west side 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 O B-Restaurant-Inform+Area O O O O O O N/A +bos how about cambridge lodge restaurant located on cambridge lodge hotel 139 huntingdon road city centre . eos 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 I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A +bos does it serve indian food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos no it doesnt but the tandoori palace and the cocum does . would you like me to 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 O Booking-Inform,Restaurant-NoOffer +bos i think i will try the cocum . can i book a table there for 2 on sunday at 12:15 ? and will you please give me the reference # ? eos O O O O O O O B-Restaurant-Inform+Name 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 Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes . your reference number is 5vef6lft . 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 i 'm also looking for a train for the same day as my restaurant booking that departs from bishops strotford . 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 look that up for you . first , a few details : can i confirm a desired time frame and that the destination is 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 B-Train-Select+Dest O O O Train-Request+Leave,general-greet +bos i would like to arrive in cambridge by 9:45 on sunday . eos O O O O O O O O O O O O O N/A +bos tr9219 departs at 05:29 and arrives at 06:07 , can i purchase tickets for you ? eos 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 O N/A +bos how much would the tickets be eos O O O O O O O N/A +bos the price is 8.08 pounds per ticket , would you like to book a seat ? eos O O O O B-Train-OfferBook+Ticket I-Train-OfferBook+Ticket O O O O O O O O O O O N/A +bos that wo n't be necessary . 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 hi , can you give me information on trains ? i need to leave from london liverpool street on sunday , heading 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+Day O O B-Train-Inform+Dest O O O O N/A +bos yes , there are several leaving every 2 hours . the ride is 88 minutes long . can i reserve a seat for you ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O 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 Train-OfferBook +bos can you reserve a seat for me on a train that arrives at cambridge by 20:30 ? eos O O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Arrive O N/A +bos i have one arriving at 19:07 would that be okay ? eos O O O O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos yes . what is the price and train id of that one ? eos O O O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos the trainid is tr8260 and the price is 13.28 pounds . you said you wanted one seat reserved for this train ? eos 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 O O O O O O O O O O Train-Request+People +bos yes please . i am also looking for a restaurant in the west side of the city . i would like it to be an expensive restaurant . eos 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 O B-Restaurant-Inform+Price O O O O N/A +bos i have several places , which type of food do you prefer ? 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 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 . eos O O O O O 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 what date would you like the reservation for ? eos O O O O O O O O O O Booking-Request+Day +bos on sunday as well . may i also have the reference number please ? eos O O B-Restaurant-Inform+Day O O O O O O O O O O O O Restaurant-Request+Ref +bos i reserved you a table at graffiti . it 's a great british restaurant in the west . your reference number is ssxx4dvl . is there anything else i can help with ? eos O O O O O O O B-Booking-Book+Name O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area 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 . appreciate your help . eos O O O O O O O O O general-thank +bos it was my pleasure . have a wonderful evening . goodbye . eos 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 were any swimming pools 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 O N/A +bos yes , parkside pools are located at gonville place , postcode cb11ly . their phone number is 01223446100. 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+Addr I-Attraction-Inform+Addr 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 thanks , for giving me the address and phone number already . how much 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+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos it looks like the parkside pools does not have it 's entrance fee available for the public 's record . i apologize about that . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 N/A +bos that 's ok. i need a train departing from stevenage 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 i have trains into cambridge from stevanage on thursday . what time of day would you like to travel ? eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O O O O O Train-Request+Leave +bos i would like to arrive by 9:30 eos O O O O O O O O N/A +bos there are only 2 that fit your time frame . the tr1044 arrives at 8:43. that would be the closest to your requested arrival time . is that okay ? eos O O O O O B-Train-Inform+Choice 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 O O O O O N/A +bos that will be okay , please book it for me . eos O O O O O O O O O O O O N/A +bos your booking has been successful ! the total fee is 25.6 gbp and the reference number is hbb3hcgf . do you need 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 B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos that should do it thank you eos 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 would like the departure time for the train please , i never got it . eos O O O O O O O O O O O O O O O O O Train-Request+Leave +bos no problem ! the departure time for your train is 07:54. may i assist you with anything else today ? 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 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 wonderful . have a great day ! eos O O O O O O O O general-welcome,general-bye +bos can you help me find a hotel called bridge 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 certainly ! the bridge guest house is a moderately priced accomodation in the south . is there other information you would like to know ? 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 O O B-Hotel-Inform+Area O O O O O O O O O O O O N/A +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos yes , they do ! would you like a room ? eos O O O O O O O O O O O O Booking-Inform +bos not right now , that 's all , 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 ! goodbye . eos O O O O O O O O O O O O general-bye +bos i need a train leaving 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 133 trains leaving kings lynn , do you have a particular day you are traveling ? eos 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 O O O Train-Request+Day +bos yes , i 'd like to travel on wednesday , and i 'd like to arrive in cambridge no later than 15:30. eos O O O O O O O B-Train-Inform+Day O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive O O O O N/A +bos tr8143 departs at 14:11 and arrives in cambridge by 14:58 , does this suit your needs ? 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 N/A +bos yes it does . can you verify the total travel time and price ? eos 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 47 minutes , and the fee is 9.80gbp per ticket . 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 I-Train-Inform+Ticket O O N/A +bos i also need a nightclub in the west . eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos there are no nightclubs in the west . would you like to try another 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 Attraction-Request+Area +bos could you look up a college instead then ? eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos churchill college is located in the west part of town . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O N/A +bos could you get me the postcode and entrance fee for there ? eos O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos they have free entrance . their postcode is cb30ds . eos O O O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Post O O N/A +bos thanks a lot , that 's all . 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-welcome +bos thank you goodbye . eos O O O O O general-bye +bos enjoy your travels ! let us know if we can be of 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 'm looking for more information on scott polar museum eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Type O N/A +bos the address is lensfield road and the admission is free . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee O N/A +bos what type of attraction is it ? eos O O O O O O O O Attraction-Request+Type +bos it is a museum . would you like more information on it ? eos O O O O B-Attraction-Inform+Type O O O O O O O O O general-reqmore +bos no . however , i do need some information regarding a train that i can take to cambridge . can you assist me with that ? eos 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 O O N/A +bos i sure can ! what day are you traveling ? eos O O O O O O O O O O O Train-Request+Day +bos i will be leaving on monday . eos O O O O O O O O N/A +bos and can you tell me a preferred time to travel and where you will travelling to ? 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 need to leave from bishops stortford . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos i have 10 trains that match your criteria . 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 Train-Request+Arrive,Train-Request+Leave +bos i want to get there early , lets say by 9:00. eos O O O O O O O O O O O O N/A +bos there is a train leaving at 9:29 and arriving by 10:07. 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 , please book me 1 seat ! eos O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 10.1 gbp payable at the station .reference number is : wi8ur8mb . 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 the help , that is all i need . 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 +bos yes , please i need to book a train to cambridge that should arrive by 20:45 on wednesday . can you book it for me ? eos O O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O O O O N/A +bos yes i can . first please tell me your departure location . eos O O O O O O O O O O O O O Train-Request+Depart,general-greet +bos i would leave from stanstedt airport . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos okay , how about tr5910 that leaves at 05:24 ? eos O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O N/A +bos that will work for me . eos O O O O O O O N/A +bos i booked tr5910 . your reference is xg1tx6q8 . eos O O O B-Train-OfferBooked+Id O O O B-Train-OfferBooked+Ref 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 N/A +bos okay . what part of town would you like to visit , and what type of attraction 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 Attraction-Request+Area,Attraction-Request+Type +bos i was thinking of visiting a college . i think maybe the centre of town might have better selection . 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 yes you could visit queens college . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos great ! do they have an entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry , queen 's college is n't in the centre of town . if you 'd like , you can visit christ 's college , they have no entrance fee . eos O O 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 B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O N/A +bos that sounds much better , what 's their phone number ? eos O O O O O O O O O O O O Attraction-Request+Phone +bos the phone is 01223334900. need a hotel room ? eos O O O O B-Attraction-Inform+Phone O O O O O Booking-Inform +bos no , thank you . i do n't need a hotel at this time . eos 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 find today ? eos O O O O O O O O O O O O general-reqmore +bos no that it is it . thank you . eos O O O O O O O O O O general-thank +bos please do n't hesitate to contact us again if you need anything . 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 general-welcome,general-bye +bos i am planning a trip and need help with a particular hotel . eos O O O O O O O O O O O O O O Hotel-Inform +bos do you have the hotel name ? eos O O O O O O O O Hotel-Request+Name +bos carolina bed and breakfast , please . i want to book it . 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 great . what nights will you be staying ? eos O O O O O O O O O O Booking-Request+Day,general-greet +bos i will be coming in on saturday for 4 nights with 5 guests . 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 N/A +bos booking was successful . reference number is : dcv1bnpm . 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 can you suggest any places to go in town ? eos O O O O O O O O O O O N/A +bos any preference on area or type of attraction ? eos O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos some entertainment in the centre . eos O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos i do n't have anything specifically listed as entertainment in the centre . would you be interested in something else ? 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 N/A +bos how about architecture ? i will need the entrance fee , phone number and postcode . eos O O O B-Attraction-Inform+Type O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos i 'd recommend all saints church . the entrance fee is free , the postcode is cb58bs , and the phone number is 01223452587. eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O O O O N/A +bos great . that is all the info i needed today . eos O O O O O O O O O O O O N/A +bos do you need me to book anything for you ? eos O O O O O O O O O O O Booking-Inform +bos nothing today , thanks . bye ! eos O O O O O O O O general-bye +bos happy to be of service , and thanks for using the cambridge towninfo centre ! eos O O O O O O O O O O O O O O O O general-bye +bos hey looking for a train to go to cambridge . want one that will leave on wednesday . eos O O O O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Day O O N/A +bos okay , where will you be departing from ? eos O O O O O O O O O O Train-Request+Depart +bos i will depart from london kings . i would like to leave after 17:00 on wednesday . 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+Leave O O O N/A +bos the tr6045 departing london kings cross for cambridge on saturday at 17:17 should work for you , would you like more information or to make a booking ? eos O O B-Train-Inform+Id O 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 O O O O O O O O Train-OfferBook +bos what 's the price for that one ? eos O O O O O O O O O Train-Request+Price +bos the price for that ticket is 23.60 pounds . would you like to make a booking ? 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 not at this time , can you tell me about places to go near the centre ? eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos sure ! there are 44 attractions in that area . what do you 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 Attraction-Request+Type +bos it does n't matter can you recommend one ? eos O O O O O O O O O O N/A +bos broughton house gallery is a nice museum in the centre of town eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area N/A +bos can i get the address please ? eos O O O O O O O O Attraction-Request+Addr +bos the address is 98 king street eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos thanks , is there an entry fee for that ? eos O O O O O O O O O O O general-thank +bos no , it 's free ! is there anything else you need ? eos O O O B-Attraction-Inform+Fee 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 general-thank +bos your welcome , have a great day ! eos O O O O O O O O O general-welcome,general-bye +bos hey , i was wondering if there are any multiple sports venues on the west side ? eos O O O O O O O O O O O O O O O O O O N/A +bos not on the west side , no . there is on multiple sports venue in cambridge , and it 's in the east . eos O O O O 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 college to visit instead ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos we have 5 colleges to visit on the west side . churchill college is a nice one , and it 's free to enter . eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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 O O N/A +bos can i have the address and postcode of churchill college and entrance fee ? 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 thing , the address of churchill college is storey 's way , postcode cb30ds . 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 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 O general-reqmore +bos i also need a train on tuesday departing from broxbourne . eos O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O N/A +bos what time did you want to travel ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos leaving anytime after 17:45 please . eos O O O O B-Train-Inform+Leave O 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 the earlier the better , so whichever train leaves closest to 17:45 eos O O O O O O O O O O O B-Train-Inform+Leave O N/A +bos the closest train is tr8653 , it leaves at 18:32 , shall i book 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 Train-OfferBook +bos what is its arrival time and how long will it take ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos the arrival time for tr8653 is 19:32 and the travel time is 60 minutes . eos O O O O O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Arrive O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos if there is n't anything earlier that is close to 17:45 i will take the train at 18:32. eos O O O O O O O O O O B-Train-Inform+Leave O O O O O O O O N/A +bos no , there is not anything earlier than 18:32. how many tickets do you want to purchase ? eos O O O O O O B-Train-NoOffer+Leave I-Train-NoOffer+Leave I-Train-NoOffer+Leave O O O O O O O O O O Train-Request+People +bos i would to get a list of 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 the holy trinity church is a great example of architecture , broughton house gallery is a good , free museum , and the cambridge university botanic gardens is a lovely park . eos O O O O O O O O O O O O O O O O O B-Attraction-Inform+Price 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 I-Attraction-Inform+Type O O O N/A +bos can you provide the address and postcode for all of those suggestions ? thank you ! 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 all saints church architecture centre 01223452587 cb58bs jesus lane freegreat saint mary 's church architecture centre 01223350914 cb23pq market square 2 poundsholy trinity church architecture centre 01223355397 cb23nz market street freelittle saint mary 's church architecture centre 01223366202 cb21qy little saint mary 's lane freeold schools architecture centre 01223332320 cb21tt trinity lane 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 O O O O O O O O O O O O O O O O O O O O O Attraction-Recommend +bos can you help me find a train now ? eos O O O O O O O O O O Train-Inform +bos yes , we have dozens of trains . what is your desired departure site and destination ? eos O O O O B-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 the train to depart from cambridge and go to london kings cross on monday . i need to arrive by 08:30 please . 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 B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O O O N/A +bos tr7075 cost 23.60 pounds eos O B-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos i need a train going to bishops stortford . eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos ok. are you departing from cambridge ? eos O O O O O O O O Train-Request+Depart +bos yes , that 's why i 'm requesting help from cambridge towninfo . eos O O O O O O O O B-Train-Inform+Depart O O O O O N/A +bos what day and time would you like to depart ? eos O O O O O O O O O O O Train-Request+Leave,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 alright , 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 Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive by 10:00. eos O O O O O O O B-Train-Inform+Arrive N/A +bos okay . tr6572 departs at 05: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 what is the price ? eos O O O O O O Train-Request+Price +bos the price is 8.08 pounds per person , would you like me to book you ? eos 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 O O O N/A +bos yes book it and i need a reference number please eos O O O O O O O O O O O N/A +bos okay i got 1 ticket for you . the reference number is 3uo2ljiv . 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 general-reqmore +bos i am looking for a theatre in the east , any one 's you recommend ? eos 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 'm sorry , there are no theatres in the east . 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 N/A +bos ok , how about a park in the east ? eos O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i have the cherry hinton water play park . they have free entrance . the address is cherry hinton hall , cherry hinton road . the postcode is cb18dw . phone number is 01223446100. 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+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 B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O 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 general-thank +bos i am glad to help enjoy ! eos O O O O O O O O general-welcome +bos i think it might be a good time to end the conversation . i 've got to go . 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 have a nice day . eos O O O O O O general-bye +bos i 'm looking for find more information about an attraction i want to visit . what can you tell me about 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 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 that 's a museum on the east side , with free admission . eos O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O N/A +bos what is their postcode ? eos O O O O O O Attraction-Request+Post +bos their postcode is cb15dh . 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 yes , i am coming from peterborough to cambridge , i need to take a train that will allow me to arrive by 08:15 eos 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 B-Train-Inform+Arrive O 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 monday is fine eos O B-Train-Inform+Day O O N/A +bos well i can put you on the tr6741 you will arrive at 08:09 , how many tickets please ? eos O O O O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O Train-Request+People +bos i want to make a booking for 6 people . eos O O O O O O O O O B-Train-Inform+People O N/A +bos okay great ! your reference number is haxfbkap , is that all you needed ? eos O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos yes , thank you 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 do you need help finding a restaurant ? cambridge has all types of cuisines . eos O O O O O O O O O O O O O O O O general-reqmore +bos thank you for all your help . have a good day ! 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 general-welcome,general-bye +bos i am looking for some places to go in the east . i 'd like an entertainment attraction . can you give me some suggestions and phone numbers please ? eos O O O 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 O O O O O O O O O N/A +bos cherry hinton hall 's number is 01223446104. the phone number for funky fun house is 01223304705. eos 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 B-Attraction-Recommend+Phone I-Attraction-Recommend+Phone N/A +bos what other types of attractions are available in the east ? eos O O O O O O O O O O B-Attraction-Inform+Area O Attraction-Request+Type +bos there are swimming pools , parks , museums and multiple sport attractions as well . eos 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 N/A +bos what type of attraction is cherry hinton hall ? eos O O O O O O O O O O Attraction-Request+Type +bos it is an entertainment place , does that satiate your desires ? eos O O O O B-Attraction-Inform+Type O O O O O O O O Attraction-Select +bos that sounds great . i also need a hotel in the same area as the attraction eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos do you have an accommodation type or price range ? eos O O O O O O O O O O O Hotel-Request+Type,Hotel-Request+Price +bos i need a hotel with free parking . eos O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Parking O O N/A +bos there is no hotel in the east with free parking eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O N/A +bos okay can you look for a hotel without free parking ? eos O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos i did n't mention that there are guesthouses in the east with free parking . did you specifically need a hotel type or would a guesthouse be okay ? eos O O O O O O O B-Hotel-Select+Type I-Hotel-Select+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 O Hotel-Inform+Parking +bos i will take anything with free parking . eos O O O O O O O O O N/A +bos i recommend the allenbell guesthouse . would you like to book a room there ? eos 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 can you let me know if they have internet , their address , and phone number ? eos 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 yes allenbell has internet and the phone number is 01223210353 address is 517a coldham lane . would you like for me to reserve you a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone 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,Hotel-Inform+Internet +bos are there any trains leaving after 17:15 that go to the stansted airport ? eos O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos i have a train leaving cambridge at 17:40 and arriving at the airport at 18:08. can i book that for you ? eos O O O O O 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 Train-OfferBook +bos yes , as long as its leaving cambridge on friday ... .thank you eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day 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 5 tickets . can you please also provide the reference number ? eos O O B-Train-Inform+People O O O O O O O O O O N/A +bos booking was successful , the total fee is 50.5 gbp payable at the station .reference number is : 3r5w0fnb . is there anything else i can help 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 general-reqmore +bos i would like to find a german restaurant 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 i 'm sorry , there are no results for a german restaurant in the town centre area . would you like me to look in other areas , or try for another cuisine ? eos 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 O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area +bos what options are there for moderately priced restaurants at the centre ? eos O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos there are 21 various restaurants in town centre . possibilities include british food , asian oriental , italian , turkish , international . do any of those sound good to you ? 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 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 is the asian oriental food chinese food or from another country ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos i 'm not sure i understand your request . could you be a little more specific ? eos 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 to book a chinese restaurant is that clear ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos yes , i understand you now . there are three restaurants with chinese cuisine to choose from : the jinling noodle bar , the lan hong house , and the shanghai family restaurant . eos O O O O O 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 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 N/A +bos are all 3 of those restaurants moderately priced and in the centre 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 N/A +bos yes , all of them are . which one could you like me to book for you ? 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 Booking-Inform,Restaurant-Select +bos let 's try the lan hong house . i 'll need a table for 5 at 14:45 friday . eos O O O O O O 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 excellent choice . i have booked lan hong house for friday at 14:45 , party of 5. the reference number is bhrh5jy4 . 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 B-Booking-Book+Time B-Booking-Book+People O O O O O O O B-Booking-Book+Ref O N/A +bos great thanks . i think that 's all i needed for today . 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 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 a train to cambridge and i need it to leave after 12:45. eos O O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Leave N/A +bos there are 833 trains that meet your needs . would you like to narrow it down by departure station and/or day of 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 O O O Train-Request+Depart,Train-Request+Day +bos i 'm leaving from peterborough and need to travel on tuesday . eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Day O O N/A +bos that narrows it down to 23 choices . what time were you wishing to arrive ? eos O O O O O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Arrive +bos arrival time does n't matter , it just needs to depart after 12:45. i 'll need to book the travel for 8 people . are there any that can accommodate that many ? 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 O O O O O O O O O O N/A +bos the tr4679 departs at 13:19. booking was successful for 8 people , the total fee is 132 gbp payable at the station . reference number is : gvi45xuy . eos O O B-Train-Inform+Id O O B-Train-Inform+Leave 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 B-Train-OfferBooked+Ref O O O N/A +bos thanks , i 'm also looking for a restaurant that serves european food in the expensive price range . 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 N/A +bos i have 5 results for european restaurants . do you have an area preference ? i have results in the north , west and town centre . 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 O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O Restaurant-Request+Area +bos i have no preference . i would like to book at a table today at 21:00. eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Time N/A +bos how about eraina ? i can book you a table there if you like . eos O O O B-Restaurant-Inform+Name O O O O O O O O O O O O Booking-Inform +bos that sounds good , can you book it for 8 people on tuesday at 21: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 O N/A +bos i have booked your reservation for tuesday at 21:00. the reference number is 98h2fx8v . the phone number is 01223368786 if you need to contact them . eos O O O O 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 B-Restaurant-Inform+Phone O O O O O O O N/A +bos thank you . that is all i will need today ! eos O O O O O O O O O O O O general-thank +bos you 're welcome ! please do n't hesitate to contact us again if you need any additional 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 hi , i am trying to find out the address , business hours and basic price range of the restaurant golden wok in cambridge . 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 O O O O O N/A +bos golden wok is in the moderate price range , its address is 191 histon road chesterton , and its business hours are unknown . 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O N/A +bos what area of town is it in ? eos O O O O O O O O O Restaurant-Request+Area +bos golden wok is located in the northern part of cambridge . does that work for you ? 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 general-reqmore +bos i am also looking for a train that leaves cambridge on sunday eos O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos there are several trains that leave for cambridge on sunday . is there a particular time you 'd like to arrive ? eos O O O B-Train-Inform+Choice I-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 Train-Request+Arrive +bos i would like to leave after 11:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos we have one that leaves at 13:17 , how many tickets would you like ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Leave O O O O O O O O Train-Request+People +bos i 'd like passage for 5 , please . oh , and the reference number , too . thanks . 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 could you please repeat your destination and departure sites for clarification ? eos O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i 'm looking to leave cambridge on sunday . what are nearby destinations if any to the east ? eos O O O O O O O O O O O O O O O O O O O O N/A +bos you 're booked on the train with reference number 1al2999j . 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 O O O O O O O general-reqmore +bos no , 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 O general-thank +bos no , thank you for contacting the cambridge towninfo centre ! have a nice 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 an italian restaurant located in the centre of cambridge . eos 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 nine of them . what price range do you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price +bos i think something cheap . if not , go up to moderate . eos O O O O O O O O O O O O O O N/A +bos i suggest pizza hut city centre , it has a cheap price range . would you like me to book it or would you like more information ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price O O O O O O O O O O O O O O O O O O Booking-Inform +bos yes , please book the reservation . eos O O O O O O O O N/A +bos i 'd be happy to book a table for you . please let me know the day , time , and 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 O O O O O O O Booking-Request+Time,Booking-Request+Day,Booking-Request+People,Booking-Inform +bos i would like the post code and phone number for the restaurant please , and i would like 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 O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the post code is cb21ab and the phone number is 01223323737. where would you like to book a train to ? eos 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 Train-Request+Dest +bos i need to go to stevenage on sunday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos where are you departing 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 do you have a time in mind ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos yes , after 8:30 would be best . eos O O O O O O O O O N/A +bos i have booked you a train ride on tr6488 which will depart at 09:21 and will arrive at 10:10. the total fee will be 10:24gbp . would you like the reference number ? eos O O O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Arrive O O O O O B-Train-OfferBooked+Ticket O O O O O O O O N/A +bos what is the total travel time ? eos O O O O O O O O Train-Request+Duration +bos the total travel time will be 49 minutes . eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time 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 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 thank you . thanks for your help . eos O O O O O O O O O O general-thank +bos good day to you . eos O O O O O O general-bye +bos i 'm looking for a particular restaurant . it 's called hotel du vin and bistro . 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 O O O N/A +bos i have found the place you are looking for . it is located in the centre of town and has a moderate price range . would you like the address ? eos 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 O B-Restaurant-Inform+Price O O O O O O O O O O general-greet,general-reqmore +bos yes , and please include the area and postcode . eos O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Post +bos it is located at 15-19 trumpington street , postcode cb21qa , located within the city centre . would you like me to book a reservation for you ? 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 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 yes please . i am also looking for a train that leaves wednesday from birmingham new street as well if that 's not too much trouble ? eos O 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 O O O O O O O O N/A +bos there are trains departing from birmingham new street from 05:40 and every hour past that time . what time would you like to travel ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart 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 Train-Select +bos i would like to arrive by 13:45 in cambridge if possible . eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O N/A +bos i have eight trains that will arrive by 13:45. what time would you like to depart ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+Leave +bos the earliest train is alright with me . eos O O O O O O O O O Train-Inform +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 yes , please , for one . and could you 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 O Train-Request+Ref +bos i have booked at train leaving at 5:40 for you . the total cost will be 75.09 gbp and your reference number is da1pdhxf . is there anything else i can help with ? eos O O O O O O O O B-Train-OfferBooked+Leave 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 general-reqmore +bos that 's everything that i needed . thanks a lot for the assistance . 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 wonderful day ! eos 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 west 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 i have found nine restaurants matching your request . is there a specific type of food 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 O O Restaurant-Request+Food +bos the restaurant should serve british food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos i think griffiti would serve you well . would you like to book a reservation ? eos 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 and i will need their phone number for reference please . eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos certainly , the phone number is 01223277977. how many people will be dining ? eos O O O O O O B-Restaurant-Inform+Phone O O O O O O O O Booking-Request+People +bos i 'm not sure yet . can you tell me what trains are traveling to cambridge on thursday ? 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 N/A +bos there are five trains traveling on thursday . the first one leaves at 05:17 and the last leaves at 13:17. what time do you want to leave ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Day 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 to arrive from stevenage by 14:30 , if possible . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Arrive O O O O N/A +bos there are 4 trains , one is tr1661 and arrives at 12:43 , would you like to book that ? eos O O O O B-Train-Inform+Choice O O B-Train-OfferBook+Id O O O B-Train-OfferBook+Arrive O O O O O O O O O N/A +bos do you have any arrive closer to 14:30 time period ? if not i will just need the train id and departure time . 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 Train-Request+TrainID,Train-Request+Leave +bos there is one arriving at 14:43 the tr2833 otherwise the closest one arriving prior to 14:30 is the one i mentioned arriving at 12:43. 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 O O B-Train-Inform+Arrive N/A +bos great , 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 general-thank +bos have a great trip ! eos O O O O O O general-bye +bos hello i am looking for a restaurant that serves italian food and i need it to be cheap . eos O O O O O O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Price O N/A +bos there are 5 cheap italian restaurants . is there a particular area you 're interested in ? 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 no there is n't . eos O O O O O O N/A +bos how about something local , such as zizzi cambridge ? it 's located at the centre . eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Area O O O O N/A +bos that sounds good 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 sure thing ! zizzi cambridge contact info : phone : 01223365599 postcode : cb21ab address : 47-53 regent street . would you like me to make a reservation there ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O B-Restaurant-Inform+Post I-Restaurant-Inform+Post 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 yes i need a table for two . eos O O O O O O O O O N/A +bos what day and time would you like the booking for ? eos O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i do n't know . eos O O O O O O N/A +bos how about this tuesday at 17:00 ? i can check if they have any available tables . eos O O O O B-Booking-Inform+Day O B-Booking-Inform+Time O O O O O O O O O O O general-greet +bos sure that sounds good . eos O O O O O O N/A +bos i 'm sorry could you confirm what restaurant you wanted to reserve a table for 2 at ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Name +bos zizzi cambridge please eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos thanks for booking the reservation . goodbye . eos O O O O O O O O O general-welcome,general-bye +bos i would like a train to cambridge that leaves after 17:00. eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave N/A +bos there are very many trains that fit your requirements , where are you leaving from and 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 O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i 'd like to leave on monday from stansted airport . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos ok , there are 7 trains that fit those requirements , can you tell me what time you would like to 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+Arrive +bos i do n't mind we can get there any time . eos O O O O O O O O O O O O N/A +bos tr4096 leaves at 17:24 and arrives by 17:52 , would you like me to book a seat 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 O O Train-OfferBook +bos yes can you give me the travel time ? eos O O O O O O O O O O Train-Request+Duration +bos sure , i was able to book your seat and your reference number is 4eiv9ufn which is payable at the station . the travel time is 28 minutes . eos O O O O 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 O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O O N/A +bos thanks ! also , could you tell me if there are any places in the center of town that serve british food ? something expensive would be great . 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 B-Restaurant-Inform+Price O O O O O O O N/A +bos there are 3. how about fitzbillies restaurant ? should i book you a table ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos yes that sounds great , i need a table for 8 at 20:45 on monday please . 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 unfortunately that time is not available do you have another time you 'd like to try ? 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 okay , is there an available time at 19:45 ? also , can i get a reference number ? eos O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O Restaurant-Request+Ref +bos that booking was successful . your reference number is fztwszhh . 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 i think that 's everything , 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-welcome,general-bye +bos what moderately priced dining options are there in the centre of cambridge ? eos O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Area O O O Train-Request+Price +bos there are a total of 21 restaurants in the centre of cambridge that are moderately priced . any particular type of food ? eos O O O O O O O B-Restaurant-Inform+Choice 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 Restaurant-Request+Food +bos i do n't care , i 'm up for anything . eos O O O O O O O O O O O O N/A +bos the cow pizza kitchen and bar is a gastropub in the centre , would you like me to book a reservation ? 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+Food O O B-Restaurant-Inform+Area O O O O O O O O O O N/A +bos yes , 1 person at 12:45 thursday please . i need reference number . eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O O O O O Restaurant-Request+Ref +bos your table has been booked successfully for thursday at 12:45. the reference number is 7ypxo1u2 . can i help with with anything else today ? eos O O O O O 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 general-reqmore +bos i also need a train to cambridge from london kings cross . i need to be there by 09:30. eos 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 O B-Train-Inform+Arrive O N/A +bos the last train to cambridge from london kings cross leaves at 07:17 and arrives at 08:08. shall i book 1 ticket ? eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Leave B-Train-OfferBook+People O O B-Train-Inform+Arrive O O O O O O N/A +bos can i get the train id and the price , please ? 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 tr4016 and the price is 23.60 gbp per ticket . would you like me to book a ticket for you ? eos O 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 O O O Train-OfferBook +bos no , thank you for your help . eos O O O O O O O O O general-thank +bos ok , let me know if you need anything else . eos O O O O O O O O O O O O general-bye +bos i would like to find an italian restaurant that 's expensively priced . eos O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A +bos clowns cafe at 54 king street city centre would work well for you . would you like me to book it ? 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 O O O Booking-Inform +bos i want to book a table for 6 people at 20: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 N/A +bos unfortunately i was n't able to book that time for you . would you like to try for 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 O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos yes please . can you try 19:00 instead ? eos O O O O O O B-Restaurant-Inform+Time O O O N/A +bos booking was successful . reference number is : sutxd8y6 . 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 yes , i need a train out of cambridge on friday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i can book you one that leaves at 05:00. how many tickets would you like ? eos O O O O O O O O O B-Train-OfferBook+Leave O O O O O O O N/A +bos i need 6 tickets please . eos O O O O B-Train-Inform+People O O N/A +bos i have 202 results . where would you like to arrive ? eos O O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Dest +bos i need it to arrive at birmingham new street eos O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest N/A +bos okay there are 19 trains making that trip do you have a time you prefer ? eos O 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 sometime after 8:30 , please . eos O O O O O O O N/A +bos i have 15 trains leaving hourly on the :01 from 9:01 to 23:01. the trip duration is 163 minutes . what time would you prefer ? eos O O O O B-Train-Inform+Choice 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O Train-Request+Leave +bos please book for 6 people the train that departs at 9:01. eos O O O O O B-Train-Inform+People O O O O O O N/A +bos i successfully booked you on train tr3732 for 6 people , total fee of 450.6 gbp . your reference number is 2zqnpapb . eos O O O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+People 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 . that was all i needed for today . thank you very much . eos O O O O O O O O O O O O O O O O O general-thank +bos no problem at all ! remember that the cambridge towninfo centre is here for all your 411 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-bye +bos will i be able to find any moderately priced rooms to stay in in the north part of cambridge ? eos O O 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 N/A +bos definitely ! would you like a guesthouse or a hotel , and do you have a star rating requirement ? eos 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 Hotel-Request+Stars,Hotel-Request+Type +bos i would like a guesthouse . the star rating does n't matter , but the hotel should 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 N/A +bos there are a number of guesthouses that fit your criteria . i would recommend the acorn guest house . it has a 4-star rating . does this work for you ? 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 O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars O O O O O O O O O O general-reqmore +bos can you book acorn guest house for 4 people for 2 nights starting friday ? eos 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 the acorn guest house was successfully booked for friday for 2 nights for 4 guests . your reference number is : gwz3qlv5 . eos O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O 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 can i help with anything else ? eos O O O O O O O O general-reqmore +bos i need a train going to cambridge and arriving by 12:45. eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A +bos sure , i can assist you with that . where were you wanting 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 +bos i will need to leave from ely . eos 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 Train-OfferBook +bos i would appreciate that . is there only one option that arrives by the time i need ? 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 a train departure on friday from ely to cambridge that arrives by 11:52. do you want that instead ? eos O O O O O O O B-Train-Inform+Day I-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Dest O O B-Train-Inform+Arrive O O O O O O general-reqmore +bos hi there , i 'm looking for a train to norwich . heading out on wednesday eos O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O O O N/A +bos sure , what time do you need to get into norwich by ? eos O O O O O O O O O O O O O O Train-Request+Arrive +bos i would like to arrive by 16:15 if at all possible . eos O O O O O O O B-Train-Inform+Arrive O O O O O N/A +bos there are 10 results . 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 Train-Request+Leave +bos i 'd like to depart cambridge around 11:00. can you find a train at that time ? what is the price and train id ? eos O O O O O B-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 O Train-Request+Price,Train-Request+TrainID +bos the tr2625 departs at 11:36 and arrives at 12:55. the price is 17.60 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 N/A +bos okay i also need a museum to go to in the centre . eos O O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O N/A +bos the center is a great place to visit museums . there are 11 options all with no entrance fee . do you have a preference ? eos O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Choice 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 , can you recommend one ? eos O O O O O O O O N/A +bos i recommend broughton house gallery eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos thank you so much , that 's all i need ! take care ! eos O O O O O O O O O O O O O O O general-thank +bos thank you , have a great trip ! eos O O O O O O O O O general-greet +bos i 'm looking for a hotel in the west , internet is optional . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O N/A +bos are you looking for it to be cheap or expensive ? eos O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price N/A +bos i am looking for it to be cheap . eos O O O O O O O O B-Hotel-Inform+Price O N/A +bos i have the cambridge belfry on the west side with internet and parking . 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 I-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 is that a hotel type place to stay ? eos O O O O B-Hotel-Inform+Type O O O O O N/A +bos yes , it is . i 'll be happy to make a reservation for you . eos O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform +bos alright , book that for 4 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 O N/A +bos booking was unsuccessful . do you want to find another hotel ? eos 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 N/A +bos the only cheap hotel i can find is finches bed and breakfast . it is a guesthouse though . will that be fine ? eos 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 B-Hotel-Inform+Type O O O O O O O general-reqmore +bos yes please and i need the reference number eos O O O O O O O O O Hotel-Request+Ref +bos it is done . you 're reference number is 143zf1m5 . 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 general-reqmore +bos no thank you that is all . eos O O O O O O O O general-thank +bos okay enjoy your stay then . eos O O O O O O O general-bye +bos can you find me a cheap guesthouse to stay at ? eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O N/A +bos we have nine cheap guest houses . all offer free internet and free parking . some have 0 star ratings and others have 4 stars . what sounds good to you ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos great , i want one with 4 stars . eos O O O O O O O B-Hotel-Inform+Stars O O N/A +bos there are several that meet that criteria . i can recommend the autumn house in the east of the city . eos O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O O O O O N/A +bos sure . please book a reservation for two people , saturday , two nights . eos O O O O O O O O O B-Hotel-Inform+Day O O O O O O N/A +bos autumn house is full . can i try to reserve one of the other ones for you ? 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 Booking-Inform +bos yes , try another place as long as it is still in the cheap price range . eos O O O O O O O O O O O O O O O O O O N/A +bos how about allenbell ? your reference number is 2supqqpl . eos O O O B-Hotel-Select+Name O O O O B-Booking-Book+Ref O O N/A +bos that will work , thank you for booking it , goodbye . eos O O O O O O O O O O O O O general-bye +bos thank you and goodbye . eos O O O O O O 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 B-Hotel-Inform+Type O O O O O N/A +bos i have found 21 hotels that match your criteria . what part of town did you have in mind ? 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+Area +bos area does not matter . eos O O O O O O N/A +bos i 'd suggest the a and b guest house in the east . it 's moderately priced and meets your criteria . would that work 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 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 general-reqmore +bos sounds great . can i get it for 7 people ? 4 nights starting saturday eos 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 that one is not open then , shall i try another ? eos O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos no , i will check husband and call back . eos O O O O O O O O O O O N/A +bos okay . let us know . eos O O O O O O O N/A +bos can we try a different one in the same price range ? eos O O O O O O O O O O O O O N/A +bos how about warkworth house ? it 's also in the east , at warkworth terrace . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O N/A +bos okay let 's try booking that and get me a reference number . eos O O O O O O O O O O O O O O Hotel-Request+Ref +bos booking was successful . reference number is : mziurvdv . eos O O O O O O O O B-Booking-Book+Ref 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 're welcome . goodbye . eos O O O O O O O general-welcome,general-bye +bos i need help finding a guesthouse with a star rating of 3. eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars N/A +bos would you like it to be in a certain area ? eos O O O O O O O O O O O O Hotel-Request+Area +bos i do not have a preference for an area but i would like it to be in the moderate price range 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 O O O O N/A +bos i have 3. all guesthouses . one is located in the south , the other the north and the last in the west . eos O O O O O B-Hotel-Inform+Type B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 i need a hotel not a gueshouse sorry . on tuesday for 2 people for 5 nights please . i am sorry . eos O O O O B-Hotel-Inform+Type 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 N/A +bos in what area please ? eos O O O O O O Hotel-Request+Area +bos any area would be fine . eos O O O O O O O N/A +bos what about the gonville hotel in the centre ? eos O O O O B-Hotel-Select+Name I-Hotel-Select+Name O O B-Hotel-Select+Area O N/A +bos yes please book that and provide me with the reference number . eos O O O O O O O O O O O O O Hotel-Request+Ref +bos i 'm sorry that was n't available . shall i try the other one ? it is called the lensfield hotel and you should enjoy your stay there as well . eos 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 I-Hotel-Select+Name O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes please as long as it 's in the same price range . eos O O O O O O O O O O O O O O N/A +bos good news ! the lensfield is available . your reservation is for 5 nights , starting from tuesday for 2 people . the reference number is r36ngmc9 . eos O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Stay O O B-Booking-Book+Day O O B-Booking-Book+People O O O O B-Hotel-Inform+Ref O 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 thank you for contacting cambridge towninfo centre . enjoy your stay . eos O O O O O O O O O O O O O general-bye +bos can you help me find a train leaving cambridge , to arrive by 12:00 ? 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 where is your destination ? eos O O O O O O Train-Request+Dest +bos i am going to ely . eos O O O O O B-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 actually , i need to go birmingham new street and will be traveling on friday . eos 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+Day O O N/A +bos i have train tr3732 arriving at 11:44 that is the closest i have to 12:00. eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O O N/A +bos that is perfect . can you book 1 seat for me please ? eos O O O O O O O O O B-Train-Inform+People O O O O N/A +bos your booking was successful , the total fee is 75.09 gbp payable at the station . reference number is : 2j0km65o . can i help 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 B-Train-OfferBooked+Ref O O O O O O O O O O general-reqmore +bos i need to find a room in the north as well . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos do you have a specific price range or would you like the acorn guest house ? 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 O Hotel-Request+Price +bos that guest house is fine . eos O O O O O O O N/A +bos 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 ? eos O O O O O O O O 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 actually , does the acorn guest house provide free parking ? eos O O O O O O O O O O O O N/A +bos yes , there is free parking . could i book it for you ? eos O O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos yes please book that for 4 nights starting from monday . eos O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos and how many people will be staying there ? eos O O O O O O O O O O Booking-Request+People +bos 1 person will be staying . eos O O O O O O O N/A +bos sorry , that booking was unsuccessful . eos O O O O O O O O Booking-NoBook +bos hmm , how about tuesday ? eos O O O O O O O N/A +bos i am unable to book that ? eos O O O O O O O O Booking-NoBook +bos can you try tuesday one more time for me , i really need to have it that day . 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 was able to get that reservation for monday for you . booking was successful.reference number is : fkep3egu . let me know if that will work for you . eos O O O O O O O O O B-Booking-Inform+Day I-Booking-Inform+Day O O O O O O O B-Booking-Inform+Ref O O O O O O O O O O O O general-reqmore +bos thank you , i really needed to get that reservation . that 's all i needed . 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 welcome and enjoy your stay . eos O O O O O O O O O general-welcome +bos thanks so much , goodbye . eos 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 'm looking for a guesthouse rental that has free parking . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos i have several options do you have a preference for what side of town you 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 Hotel-Request+Area +bos no , but it should have a star of 4. eos O O O O O O O O O B-Hotel-Inform+Stars O N/A +bos you should enjoy the acorn guest house . it has a 4 star rating and parking . it 's located in the north . their number is 01223525725. 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 B-Hotel-Recommend+Stars O O O O O O O B-Hotel-Recommend+Area O O O B-Hotel-Recommend+Phone O O O O Hotel-Recommend+Parking +bos would you book it for me , please . there are 3 of us staying for 5 nights . eos O O O O O O O O O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Stay 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 we will be checking in on tuesday . eos O O O O O O O B-Hotel-Inform+Day O N/A +bos sorry no rooms available . how about another hotel ? eos O O O O O O O O O O O Booking-NoBook,general-reqmore +bos can you try another hotel in the same price range ? eos O O O O O O O O O O O O N/A +bos i 've booked archway house for you . it 's located at 52 gilbert road . your reference number is f11wa5cb . eos O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Booking-Book+Ref O O O O N/A +bos thank you for your help . that will be all for now . eos O O O O O O O O O O O O O O general-thank +bos glad i could help and enjoy your stay . eos O O O O O O O O O O general-welcome +bos hello , can you recommend a moderately-priced hotel in the north part of town , please ? 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 N/A +bos there are two hotels available ; the ashley hotel and the lovell lodge . both offer internet and parking and are 2 star hotels . 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 O O O O O O O N/A +bos do you have any 3 star hotels available ? eos O O O O O O B-Hotel-Inform+Stars O O O N/A +bos there are no matches , would you like to check other locations ? eos O O O O O O O O O O O O O O N/A +bos there are no 3 star hotels in the north with a moderate price ? eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O O N/A +bos unfortunately , no . i do happen to have 2 guesthouses though . both are moderate pricing and 3 stars . are you interested in one of those ? eos O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type 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 general-reqmore +bos yes , please . can i get a room for 4 people ? we 'll arrive on wednesday and stay 5 nights . eos O O O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O O O O O N/A +bos done ! you have a reservation at the alpha-milton guest house . your reference number is 9sa494xr . can i help you with 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 O O O O O O general-reqmore +bos thanks for recommending the guest house . i am also looking for some town nightlife , especially a nightclub . 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 6 nightclubs in town . would you prefer to visit the centre 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 O Attraction-Request+Area +bos i have no preference . can you suggest one and give me their postcode 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 +bos the soul tree nightclub is quite lively . their postcode is cb23qf and their phone number is 01223477900. 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+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O N/A +bos great , thank you ! that 's all for today ! bye bye ! 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 centre . have a great day ! eos O O O O O O O O O O O O O O general-greet +bos i need places to go in town eos O O O O O O O O N/A +bos what kind of place do you want to go and on what side of town ? an attraction or restaurant ? or something else ? i need more information 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 O O O O O O O O Attraction-Request+Type,Attraction-Request+Area,general-reqmore +bos i 'm looking for an attraction in the north . what 's the fee and postcode for your favorite ? 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 Attraction-Request+Post +bos the milton park is free . the postcode is cb46az . eos O O B-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 thanks . i am also looking for a place to stay . i 'll need free parking , but wifi is not necessary . eos O O O O 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 looking for a specific hotel ? eos O O O O O O O O O Hotel-Request+Name +bos no . i actually would like to find a guesthouse instead . i would like one that offers 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 N/A +bos there are 21 places to choose from , anything i can do 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 general-reqmore +bos actually , i really do n't know this area . i could use a recommendation . i just need a guesthouse 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 N/A +bos the city centre north b and b is a cheap guesthouse located at 328a histon road . 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 I-Hotel-Inform+Name O O B-Hotel-Inform+Type I-Hotel-Inform+Type 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 i would like the post code for the hotel please . eos O O O O O O O O O O O O Hotel-Request+Post +bos city centre north b and b is in postcode cb43ht . is there anything else i can help you with today ? 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 I-Hotel-Inform+Name O O B-Hotel-Inform+Post O O O O O O O O O O O O general-reqmore +bos could you tell me the star rating ? eos O O O O O O O O O N/A +bos it is rated 0 stars . eos O O O O O B-Hotel-Inform+Stars O N/A +bos thanks , i wo n't need anything else from you today . take care ! eos O O O 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-greet +bos thank you ! goodbye eos O O O O O general-bye +bos enjoy your stay in cambridge ! eos O O O O O O O general-greet +bos hello , i 'm looking for a place to stay on the north end . i 'd like a place with free wifi . 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 N/A +bos can i get a hotel type you are looking for ? eos O O O O O O O O O O O O Hotel-Request+Type +bos it needs to be in the moderate price range eos O O O O O O O B-Hotel-Inform+Price O O N/A +bos there are 8 guesthouses and two hotels meeting your needs . do you have a preference as to type ? eos 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 O O O O O Hotel-Request+Type +bos no , i dont have a preference . i need it for 4 people and 5 nights starting from wednesday . 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 O O O O N/A +bos here is the reservation in avalon guesthouse , the address is 62 gilbert road , post code cb43pd , and the phone is 01223353071. eos O O O O O O B-Booking-Book+Name I-Booking-Book+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 B-Hotel-Inform+Phone O O O N/A +bos thanks thats all i need today , goodbye . eos O O O O O O O O O O general-bye +bos your welcome and thanks for using cambridge towninfo centre ! eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a guesthouse to stay in that offers free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos i show 21 responses . may i have the location you are interested in ? also a price range would help refine our 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 Hotel-Request+Area,Hotel-Request+Price +bos i would like to stay in the centre in the expensive 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 i 'm sorry there are no matches fitting your specifications . would you like a different price range or a different area possibly ? eos O 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+Price +bos im sorry . the area and price range do not matter . i need a 3 star guesthouse with free wifi please . 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 N/A +bos i 'm sorry there are no matches fitting your specifications . would you like a different price range or a different area possibly ? eos O 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+Price,Hotel-Request+Area +bos hello , i am going to nee a place to go in the centre of town . multiple sports would be best . 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 unfortunately , we do n't have any attractions that match that description . could you like to explore other areas ? 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-NoOffer +bos no . could we try 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 the are 11 entries found for `` museum '' at the center of town . would you like the first listing ? eos O O O O B-Attraction-Inform+Choice 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 yeah , that would be great . thanks . eos O O O O O O O O O O general-thank +bos that would be the broughton house gallery . do you need anything else ? 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 general-reqmore +bos can i have the postcode , entrance fee and address ? i also need a hotel within a moderate price range . 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 Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos you can find broughton house gallery at 98 king street . the postcode is cb11ln , and entry is free . 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 B-Attraction-Inform+Post O O O B-Attraction-Inform+Fee O O O N/A +bos are there any moderately priced hotels in that same area ? eos O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos we have cityroomz in the area . would you like me to book you a room ? eos 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 a room for 2 people for 2 nights starting wednesday . eos O O O O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A +bos ok , what nights and how many people ? eos O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos starting on wednesday please . 2 nights for 2 people . eos O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O N/A +bos ok , you 're all set for 2 nights at cityroomz . your reference number is nwd2gd50 . can i help with anything else today ? eos O O O O O O O B-Booking-Book+Stay O B-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 is everything i needed for today . 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 this system . eos O O O O O O O O general-bye +bos hi ! can you help me find a mid-range price hotel on the south side ? eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O Train-Request+Price +bos there are two guesthouses that fit your criteria . the aylesbray lodge and the bridge guesthouse . which would you prefer ? 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 I-Hotel-Inform+Name O O O O O O Hotel-Select +bos which one is the least expensive of the two ? eos O O O O O O O O O O O N/A +bos they are both in the moderate price range . eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos what is the phone number for the aylesbray lodge ? eos O O O O O O O O O O O Hotel-Request+Phone +bos their phone number is 01223240089. is there anything else i can do for you ? eos O O O O O B-Hotel-Inform+Phone O O O O O O O O O O general-reqmore +bos yes , i need the guesthouse to have free internet and parking . 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 O Hotel-Request+Phone,Hotel-Request+Parking,Hotel-Request+Internet +bos the bridge guest house does indeed have free parking and internet . they can be reached at 01223247942. 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 B-Hotel-Inform+Phone O Hotel-Inform+Internet,Hotel-Inform+Parking +bos hmm , thank you for that . i also need to get more information about the train time tables for thursday . eos 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 there are a lot of different trains on thursday , can you narrow down your selection with a time frame and destination please ? 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 O O O O O O O O O O Train-Request+Dest,Train-Request+Leave +bos i need the train from cambridge to birmingham new street on thursday and if it can arrive by 09:45 please . 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 B-Train-Inform+Day O O O O O O B-Train-Inform+Arrive O O N/A +bos we have 4 such trains . do you have a preference on 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 i would like to leave in the morning . eos O O O O O O O O O O N/A +bos sure , tr0368 leaves cambridge at 07:01 and arrives at birmingham new street at 09:44. can i book this for you ? eos O 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 I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos possibly . what is the cost of that train ? eos O O O O O O O O O O O Train-Inform +bos the cost for one ticket is 75.10 pounds . eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos okay , i would like to buy one ticket . eos O O 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 : gfz6hbdh . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos no , i think that covers everything . thanks ! eos O O O O O O O O O O O general-thank +bos okay . have a great trip ! eos O O O O O O O O general-bye +bos hi . i am looking for a train that goes to cambridge on saturday . 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 5 trains departing from london kings cross station to cambridge on saturday . each will take 51 minutes . is there a specific time you would prefer to depart ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O O O Train-Request+Leave +bos i would like to leave after 12:00. eos O O O O O O O O N/A +bos there is a train leaving london kings cross for cambridge at 13:17 on saturday . would you like me to book it ? 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 B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O Train-OfferBook +bos yes , i will need to be on that train . eos O O O O O O O O O O O O Train-Inform +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 8 tickets . eos O O O O B-Train-Inform+People O N/A +bos your booking was successful . the total fee is 151.04 gbp and the booking number is x1nec9s5 . thank you again . 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 O O N/A +bos actually , i need to depart from kings lynn , not kings cross . can you change that please ? 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 O O N/A +bos tr7178 departs from kings lynn to cambridge saturday at 13:11 , arriving cambridge at 13:58 , would you like to book this 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 N/A +bos yes , please book 8 tickets for that train . may i please have the reference number ? eos 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 pohlz4ey and 62.72 gbp will be due at the station . the train leaves kings lynn at 13:11. can i further assist you ? eos O 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 B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave 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 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-welcome,general-bye +bos i am looking for 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 what day will you be leaving ? eos O O O O O O O O Train-Request+Day +bos i will be leaving on monday . eos O O O O O O B-Train-Inform+Day O N/A +bos there are 19 trains , would you like me to book you one ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-OfferBook +bos i need to arrive in leicester by 21:15 , do you have one like that ? eos 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 there 's a train arriving at 21:06. would you like to book that train now ? 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 will probably work . what 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 it will be a 105 minute trip eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos okay , that 's all i needed to know . thanks . eos O 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 day ! eos O O O O O O O O O O O O O O general-bye +bos hello there , when i visit cambridge , i 'd love to go to a college . are there any in the centre ? 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 O O O N/A +bos yes , there are 5 in that area . i could recommend christ 's college or corpus christi . eos O O 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 O N/A +bos corpus christi is fine . may i have the address and phone number ? 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 O Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos sure , the entrance fee is free . the phone number is 01223334900 , and their address is saint andrew 's street with the postcode of cb23bu . is there anything else i can do ? eos O O O O O O B-Attraction-Inform+Fee 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 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 am looking for a place to stay . can you recommend a 2 star hotel ? 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 N/A +bos there is ashley hotel , express by holiday inn cambridge , and lovell lodge . which would you like to book ? 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 O O O O O O Hotel-Select +bos i 'm not looking to book just now , but are any of those a bit more moderately priced ? i 'm on a budget . 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 N/A +bos ashley hotel is in the moderate price range . their address is 74 chesterton road and the number is 01223350059. anything else i can assist you with , today ? eos 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 B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore +bos yes , sorry , i 'm getting more information from my group just now . if the ashley has wifi , can you please book a stay for 7 for 2 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 B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O N/A +bos yes , there is wi-fi , however , that hotel is not available for these days . can i book a different 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 O O Booking-NoBook,Hotel-Inform+Internet,Booking-Request+Day,Booking-Request+Stay +bos yeah , try shortening the stay to one night only . eos O O O O O O O O O O O O N/A +bos i was able to book you for friday . your reference number is j4wc147 . 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 that 's all i needed ! thank you eos O O O O O O O O O general-thank +bos my pleasure . enjoy your visit to cambridge ! goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos can you tell me where the addenbrookes hospital is ? eos O O O O O O O O O O O Hospital-Inform +bos yes , it 's on hills rd . anything else ? eos O O O O O O O O O O O O N/A +bos can i also get the postcode and phone number ? eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Phone +bos yes , the telephone number is 01223245151 , and the postcode is cb20qq . eos O O O O O O O O O O O O O O O N/A +bos what is the exact address ? eos O O O O O O O Hospital-Request+Addr +bos the address is hills road , cambridge . eos O O O O O O O O O N/A +bos great . thank you very much for your help today . goodbye eos O O O O O O O O O O O O O general-bye +bos hope you found what you are looking for . eos O O O O O O O O O O general-bye +bos hello . could you find a train leaving on wednesday for me ? i need it to arrive by 19:00. eos O O O O O O O O O O B-Train-Inform+Day O O O O O O O O O B-Train-Inform+Arrive N/A +bos certainly . where are you going , and where would you like to depart from ? 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 i will be leaving cambridge to go to bishops stortford . 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 tr0449 is going to arrive by 18:07 would that work for 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 N/A +bos sounds good . could you find me a cheap eatery near there when we arrive ? eos O O O O O O O O O O O O O O O O O N/A +bos sure i 'd be happy to find a restaurant . are you looking for one 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 Restaurant-Request+Area +bos maybe later . what time does my train leave and how much is the ticket ? eos O O O O O O O O O O O O O O O O O Train-Request+Leave +bos it leaves at 17:29 and the cost of the ticket is 10.10 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 how long is the travel time going to be ? eos O O O O O O O O O O O Train-Request+Duration +bos it will be a 38 minute train ride eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos that will be all . thank you . eos 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 thanks ! have a great day ! eos 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 hello ! i 'd like a train to leicester , please . i want to arrive by 9:30. eos 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 what day would you be leaving ? eos 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 B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos the tr2863 leaves cambridge at 07:21 and arrives in leicester at 09:06 , costs 37.80 pounds and has a travel length of 105 minutes . shall i book it 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 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 Train-OfferBook +bos no , i just needed the information , thank you . eos O O O O O O O O O O O O general-thank +bos ok have a safe trip . eos O O O O O O O general-welcome +bos thank you for your assistance . eos O O O O O O O general-thank +bos your very 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 train to cambridge on saturday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos certainly , do you know from where you will be departing , and at what time ? 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 +bos i will depart at birmingham new street and should arrive by 11:30. can you help me with this ? eos 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 O O O N/A +bos of course i can . there are 6 possibilities , at what time would you like to leave ? eos O O 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 i 'm looking for a train . eos O O O O O O O O Train-Inform +bos i have 2,828 trains with different routes , to help narrow it down , where will you be departing/arriving , and what day/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+Depart,Train-Request+Arrive,Train-Request+Leave,Train-Request+Dest,Train-Request+Day +bos the train should depart from cambridge on wednesday and headed for stansted airport . it should arrive by 15:15. i would also like you to make a booking for 6 people . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O 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 O O O B-Train-Inform+People O O N/A +bos i have two trains that would suit you . one arrives at 14:08 and the other at 15:08. do you have a preference ? eos O O O O B-Train-Inform+Choice 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 i will take the one that arrives at 15:08. can you make me a booking for 8 people on wednesday ? i will need a 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 B-Train-Inform+Day O O O O O O O O Train-Request+Ref +bos sure thing ! i 've booked the train for 8 , and your reference number is i62h3vuy . 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 B-Train-OfferBooked+Ref 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 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 . please use us again for your future needs . 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-welcome,general-bye +bos i am looking to find a train . it needs to go to cambridge and it has to leave on monday . eos 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+Day O O N/A +bos i have 202 trains travelling to cambridge on monday , could you be more specific on when you 'd like to depart and from where ? 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 O O O O Train-Request+Depart,Train-Request+Leave +bos i 'd like to depart from stevenage after 19:45. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos i have one train departing at 19:54 , one at 21:54 , and the last one at 23:54. will any of those work ? eos 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 N/A +bos yes , 19:54 will be fine . i 'd like tickets for 5 people . eos O O O B-Train-Inform+People O O O O O O O O O O O O N/A +bos congratulations ! your booking was successful with a reference number of dmel46a6 and a fee of 64 gbp . can i help you with anything else ? eos O O 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 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 day . eos O O O O O O O O O general-bye +bos hi , i 'm looking to catch a train to norwich . are there any that depart at or around 17:00 ? eos O O O O O O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Leave O O O O N/A +bos there are departures most days from cambridge at 17:36. would you like any more information of train times or help booking a train ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O O O O O O O O general-reqmore,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 ! we have 7 trains leaving on friday to norwich . what time would you like to arrive by ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Day O B-Train-Inform+Dest O O O O O O O O O O O Train-Request+Arrive +bos no preference . eos O O O O N/A +bos the train closest to your preferred departure time is tr3833 , going from cambridge to norwich at 17:36. would you like me to book that for you ? eos O O O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook +bos sure thing , i 'd like 7 tickets please . 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 123.2 gbp payable at the station . your reference number is : p8id3jsb . 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 N/A +bos thank you ! eos O O O O general-thank +bos you 're welcome . can i help with anything else ? eos O O O O O O O O O O O O general-welcome,general-reqmore +bos thanks so much for all your help . eos 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 train on tuesday , leaving from london kings cross . eos 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 there are 10 trains leaving london kings cross on tuesday . 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 O B-Train-Inform+Day O O O O O O O O O Train-Request+Leave +bos around 08:00 and departing for cambridge . eos O O O O O O B-Train-Inform+Dest O N/A +bos there is a train leaving at 9:17. does that work ? eos O O O O O O O B-Train-Inform+Leave O O O O N/A +bos that should work fine can i get tickets for 6 people ? eos O O O O O O O O O O O B-Train-Inform+People O N/A +bos i have booked the train for 6 people . 141.6 gbp is payable at the station . the reference number is ofa93o2t . 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 N/A +bos that sounds great . i appreciate your help . bye . eos O O 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 general-bye +bos i am looking for a restaurant in the expensive price range in the centre . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos there are quite a few options open to you . is there a particular type of cuisine you are interested 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 O O O O O O Restaurant-Request+Food +bos yes , i 'd like to find a place serving north american cuisine . eos 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 show the gourmet burger kitchen available on regent street city centre . would you like to book a table ? eos 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 O O O O O O O O O Booking-Inform +bos yes , please . can you book a table for 4 on saturday at 12: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 O N/A +bos the reference number is e1kv4y86 . may i please help you with something 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 also need a train please . eos O O O O O O O O Train-Inform +bos what is the destination ? eos O O O O O O Train-Request+Dest +bos i am looking to travel to peterborough and arrive by 11:30 eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Arrive N/A +bos i recommend train tr3596 it will get you there by 11:24 on saturday . want me to book it ? eos O O O O B-Train-OfferBook+Id 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 yeah , 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 booking was successful , the total fee is 52.8 gbp payable at the station . reference number is : g82gdibp . 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 no , thank you , that will be all . eos 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 hi ! i 'm looking for someplace 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 sure ! do you have any idea what you want to do ? eos O O O O O O O O O O O O O O Attraction-Request+Type,general-greet +bos it does n't matter . i just need a 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 i would recommend great saint mary 's church . the phone number is 01223350914 , and the fee is 2 pounds . 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 B-Attraction-Recommend+Phone O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A +bos i also need a hotel with free wifi and e a 2 star eos O O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Stars N/A +bos three places meet your needs , but two are in the north and one in the east , did you want me to go with those or run another search ? eos 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 O O O O O O O O O O O O O O general-reqmore +bos it should be a guesthouse and very expensive eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price N/A +bos 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 ? eos O O O O O O 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 yeah , check hotels instead of guesthouses eos O O O B-Hotel-Inform+Type O O O O N/A +bos express by hoilday inn cambridge is a hotel in the easy , as 2 star rating and is expensive eos 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+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O B-Hotel-Recommend+Stars O O O B-Hotel-Recommend+Price O N/A +bos awesome . thanks . can you book that for me ? eos O O O O O O O O O O O O general-thank +bos sure , what day do you want to begin your stay ? how many days do you want to stay 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 Booking-Request+People,Booking-Request+Day,Booking-Request+Stay +bos three people starting on saturday for four nights please . i also need a reference number . eos O O O O O B-Hotel-Inform+Day O O O O O O O O O O O O Hotel-Request+Ref +bos your reservation for 3 people at express by holiday inn cambridge this saturday for 5 days 4 nights was successful . your reference number is : 3otvbmss . eos 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+Name 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 N/A +bos that sounds great , thank you ! eos O O O O O O O O general-thank +bos may i help you with anything else ? eos O O O O O O O O O N/A +bos thank you for booking that hotel stay for me . that will be all for today . 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 enjoy your stay , goodbye ! eos O O O O O O O general-bye +bos are there good hotels that you can book ? eos O O O O O O O O O O Hotel-Inform +bos yes we have 33 locations , do you have any requirements ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O general-reqmore +bos i need it to have free wifi and priced moderately . eos O O O O O O O O O O B-Hotel-Inform+Price O N/A +bos that cuts it down to 17 possibilities . can you tell me the area of town you are interested in staying ? 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 Hotel-Request+Area +bos i want the north area . eos O O O O B-Hotel-Inform+Area O O N/A +bos i have two 2-star hotels available . if you 'd like something rated more highly , there are also several guesthouse options that would meet your needs . any preferences ? eos O O O O B-Hotel-Inform+Stars O O O O 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 general-reqmore +bos are any options able to accommodate 6 people for 5 nights , starting tuesday , with free parking ? hopefully , near some attractions too . oh , and i almost forgot , may i get 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 O O O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos i booked the acorn guesthouse for you . reference number is b1qxf4t2 . did you need to look up some attractions ? eos 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 yes please . what do you have 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 we have boating , a park , and two swimming pools . do you want more information on any of these ? eos O O O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O O O O O general-reqmore +bos boating sounds fun what 's the entrance fee ? i also need 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+Fee,Attraction-Request+Addr +bos the entrance fee for riverboat georgina is only available at the location but it is located at cambridge passenger cruisers , jubilee house and you can reach them at 01223902091. eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 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 thanks . can you book me a taxi to take me from acorn guesthouse to the riverboat georgina by 20:15 ? 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 B-Taxi-Inform+Leave O O N/A +bos you are all set . look for a red ford , contact number 07682372972. may i be of any further assistance today ? 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 general-reqmore +bos i have everything i need . thanks for all your help ! eos O O O O O O O O O O O O O general-thank +bos okay great , have a nice day ! eos O O O O O O O O O general-bye +bos i 'm looking for information on churchill college . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos i 'll be happy to assist you . churchill college is located in the west area of town and is free to enter . would you like more information ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O 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 general-greet,general-reqmore +bos yes . what type of attraction is churchill college ? can you also give me the phone number and the 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 Attraction-Request+Phone,Attraction-Request+Type,Attraction-Request+Addr +bos churchill college is a college , their phone number is 01223336233 , and address is storey 's way eos O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos i 'd also like a place to stay in the center of town . eos O O O O O O O O O O O O O O O N/A +bos i have 5 different types of places to stay in that area . do you have any 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 N/A +bos yes , i 'd like a moderately priced hotel , please . 0 stars would be fine . eos O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos i have found a hotel meeting your preferences called cityroomz . would you like me to book it for you ? eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Name O O O O O O O O O O O Booking-Inform +bos yes please . i 'll need a room for one person and i 'd like to stay for 5 nights beginning on thursday . eos 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+Day O O O O N/A +bos i 'm sorry , but that time is not available . could we try a different day or stay length ? 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+Stay +bos can we try for 4 nights please ? eos O O O O O O B-Hotel-Inform+Stay O O N/A +bos your reference number is 4ku5ehel . eos O O O O O B-Booking-Book+Ref 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 enjoy your visit to cambridge . eos O O O O O O O general-bye +bos thank you . i intend to ! eos O O O O O O O O general-thank +bos great . have a good day . goodbye . 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 out ? eos 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 place are you looking for ? eos O O O O O O O O O O O O O O Hotel-Request+Type +bos i 'm looking for a guesthouse that 's moderately priced . eos O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Price O O O O N/A +bos that 's great information , but so many options ! is there a part of town that you would like to stay or other amenities you would like to have while in town ? 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 O O O O O O O O O O O O Hotel-Request+Area,general-reqmore +bos something moderately priced , but a 4 star accommodation . and i would like free wifi too 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 N/A +bos there are 11 options which fit your requirements . what part of town do you prefer ? 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 preferably in the centre . would like a reservation for 5 people , for 5 nights beginning wednesday . also looking for places to go in the centre as well . eos 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 O O O O O O O O O N/A +bos there are no places to stay in centre matching your request . would you like to try another part of town ? eos O O O O O O O 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 +bos sure , let us try the north . eos O O O O O O B-Hotel-Inform+Area O O N/A +bos i would either recommend avalon or limehouse . both are great guesthouses . which of those would you like me to book for you ? eos O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Type O O O O O O O O O O O O O Hotel-Select +bos let 's go with the avalon . could you make it for 5 people for 5 nights ? we want to arrive wednesday . eos O O O O O B-Hotel-Inform+Name 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 N/A +bos perfect i have you booked at the avalon for 5 nights and 5 people , the reference number is i3b3ekyi . is there anything else i can help you with ? eos O O O O O O O O O B-Booking-Book+Name 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 general-reqmore +bos i 'm also looking for places to go around town eos O O O O O O O O O O O N/A +bos do you have a specific area or attraction type in mind ? eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos i would like to be in the centre , please provide me with an entrance fee , a phone number and post code . 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos please provide me with attraction type preference that you may have so that i can narrow down to a few choices . 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 need it in the centre and you can make a suggestion . eos O O O O O O B-Attraction-Inform+Area O O O O O O O N/A +bos ruskin gallery is a museum in the centre of town and very popular . the entreance is free . 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 O O O O B-Attraction-Inform+Fee O O N/A +bos please give me their phone number and postcode eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01245493131 and post code is cb11pt . eos O O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Addr O N/A +bos thank you very much . i think that is all the information i need today ! 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 trip . goodbye eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for the university arms hotel . can you give me more information about it ? 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 N/A +bos the university arms is an expensive , 4 star hotel in the city center . 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 I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A +bos great , please book it for 6 people and 5 nights starting from friday 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 your reservation for 6 people has been made at the university arms for 5 days beginning friday . your reference number is wgv0q6kv . can i help with anything else ? eos O O O O O B-Booking-Book+People O O O O O B-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 general-reqmore +bos yes , what is a good place to see 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 found a few places do you want a free entrance fee ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Price +bos no , i do not mind paying an entrance fee . eos O O O O O O O O O O O O Attraction-Request+Fee +bos there are 44 places that meet your criteria , what type of attraction are you looking for ? 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 please pick your favorite one and then tell me the type , fee , and phone number associated with 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,Attraction-Request+Type +bos old schools is an architecture in the centre , phone is 01223332320 , post code is , cb21tt and address is trinity lane , it is free to enter . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area O O B-Attraction-Recommend+Phone O O O B-Attraction-Recommend+Post I-Attraction-Recommend+Post 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 N/A +bos great , thank you so much for the info . that will be all , goodbye . eos O O O O O O O O O O O O O O O O O O general-bye +bos have a wonderful time . eos O O O O O O general-bye +bos hi i 'm looking for something to do for entertainment in the centre of cambridge . 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 do n't have anything that meets those requirements . may i try a different area ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos no . do n't try a different area . but what about a museum instead ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos yes we have several museums in the center of town . 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 I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O O O general-reqmore +bos yes . when you do . please give me the number and 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 the castle galleries 01223357708 and the address is unit su43 grande arcade saint andrews st. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Phone 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 N/A +bos i also need to find a guesthouse that has 0 stars , i really need it to be in the north . 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 B-Hotel-Inform+Area O O N/A +bos first , there is no fee for castle galleries . second , city centre north b and b is a guesthouse in the north with zero stars . shall i book it ? eos O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee B-Attraction-Inform+Name I-Attraction-Inform+Name 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+Type O O O O B-Hotel-Inform+Stars O O O O O O O O O O Booking-Inform +bos yes , please book a room for 1 person for 4 nights beginning 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 done ! your reference number for the booking is 8undybsa . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks so much . can you also help me with a taxi ? eos O O O O O O O O O O O O O O Taxi-Inform +bos i sure can , where will you need picked up and what time ? 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 castle galleries by 05:15. eos O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O N/A +bos a black ford is booked for you , with contact number 07811109376 eos 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 wow , fast and efficient , thanks for your help . i am all set . eos O O O O O O O O O O O O O O O O O general-thank +bos is it anything else i can help you with ? eos O O O O O O O O O O O general-reqmore +bos thanks . that is all for now . eos O O O O O O O O O general-thank +bos wonderful . have a great day and please contact us if we can help further . eos O O O O O O O O O O O O O O O O O general-bye +bos you can help me find a cheap hotel in cambridge that includes free wifi . 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 is one option , the caridge belfrey , despite being cheap in price it is 4 stars . would you like me to book you ? eos O O O O B-Hotel-Inform+Choice O B-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 O O O Booking-Inform +bos is this hotel a guesthouse ? eos O O O O O B-Hotel-Inform+Type O N/A +bos yes it is a guesthouse . would you like to book there ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O Booking-Inform +bos i need in the east area also , is that one in the east ? i 'll need the address and postcode . eos 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 Hotel-Request+Post +bos hmm , that 's interesting . when i double checked `` caridge belfrey '' , no entry came up . how about autumn house instead ? eos O O O O O O O O B-Hotel-NoOffer+Name I-Hotel-NoOffer+Name O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O O O O O O O N/A +bos as long as autumn house meets my criteria of being a guesthouse in the east area with free wifi and cheap , then i am interested . 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 O O O O O O O O O O N/A +bos the address for autumn house is 710 newmarket road . the phone is 01223575122. would you like me to make the booking ? 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 B-Hotel-Inform+Phone O O O O O O O O O O Booking-Inform +bos yes , please make the booking for october 30th . but , do make sure they have wifi , please . what are their fees ? eos O O O O O O 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 people and for how many days ? eos O O O O O O O O O O Booking-Request+Stay,Booking-Request+People +bos actually i would n't like a booking . i just needed the information . however , i would like to go to an attraction in the same area as the 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 O O O O O O O O O N/A +bos there are quite a few in the east . we have museum 's , a boat and entertainment do you have a preference ? 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O O Attraction-Select +bos a museum sounds good . could you pick one and give me the address and entrance fee ? eos O O B-Attraction-Inform+Type O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos cambridge artworks is wonderful and has free admission . the address is 5 greens road , postcode cb13ef . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O 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 B-Attraction-Inform+Post O O N/A +bos that 's perfect , 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 is there a cheap chinese restaurant in the north ? eos O O O O O O O O O O O Restaurant-Inform +bos yes , however , the person before me selected the wrong domain ( attraction instead of restaurant ) and now i ca n't look up the chinese 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 N/A +bos thats unfortunate , can you give me the name of a college that i can visit in town ? 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 sure , how about christ 's college located in the centre on saint andrew 's street . the postcode is cb23bu . it is free to enter . is there anything else you need ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O B-Attraction-Recommend+Post 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 can you give me the phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223334900. eos O O O O O B-Attraction-Inform+Phone N/A +bos thank you can i get another address for another college too please ? eos O O O O O O O O O O O O O O general-thank +bos saint catharine 's college is at king 's parade 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 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 general-thank +bos sure . is there a part of town which would be most convenient for you ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area,general-greet +bos i 'd like to stay in the north and at a place with free parking please . eos O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O N/A +bos acorn guest house matches that . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos great , please book me for just myself , five nights starting saturday . eos O O O O O O O O O O O B-Hotel-Inform+Day O O O N/A +bos okay , you 're all set with a reservation . the reference number for your booking is 37lxnagc . 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 O O O general-reqmore +bos i will also be needing a taxi to get from place to place . eos O O O O O O O O O O O O O O O Taxi-Inform +bos where do you wan na be picked up and dropped at ? eos O O O O O O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart +bos pick up at saint catharine 's college and drop off at acorn guest house . eos 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 I-Taxi-Inform+Dest O O N/A +bos what would be an acceptable time for the driver to pick you up ? eos O O O O O O O O O O O O O O O Taxi-Request+Leave +bos i want to leave at 21:00. thanks . eos O O O O O O B-Taxi-Inform+Leave O O N/A +bos okay ! you 'll be picked up in a white tesla . the contact number is 07019261974. 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos no , i 'm all set . 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 ! goodbye eos O O O O O O general-welcome,general-bye +bos i am looking to get on a train that departs from ely on thursday eos O O O O O O O O O O O O O B-Train-Inform+Depart B-Train-Inform+Day N/A +bos there are 10 results of trains departing from ely on thursday . all are destined for cambridge . do you have any specific times that you would like me to look up ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Depart B-Train-Inform+Day 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 Train-Request+Arrive,Train-Request+Leave +bos the train should leave at 18:45 eos O O O O O O B-Train-Inform+Leave N/A +bos there 's a train at 19:35 arriving cambridge at 19:52. would you like me to book it for you ? eos O O O O O B-Train-Inform+Leave O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos is there any train leaving sooner ? eos O O O O O O O O Train-Inform +bos no , there is not . eos O O O O O O O Train-NoOffer +bos okay go ahead and book the one for 19:35. i also need a hotel on the cheap side . eos 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 how many tickets will you be needing for the train ? eos O O O O O O O O O O O O Train-Request+People +bos just 1 eos O O B-Train-Inform+People N/A +bos okay i have booked your train . 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 O O O O O Train-OfferBooked,Hotel-Request+Area +bos the center eos O O O N/A +bos hi i recommend alexander bed and breakfast , a cheap 4 star restaurant in the center . do you want 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 O B-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 Booking-Inform +bos does it have free parking ? eos O O O O O O O N/A +bos yes it does . can i book it for you ? eos O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos yes , please . 5 people for 4 nights starting the same day as the train eos O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O O O O O O O N/A +bos you 're all ready to go ! the reference number is bh58jxs3 . eos O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos that you , that 's all i need . eos O O O O O O O O O O N/A +bos glad i could be of help , thank you . eos O O O O O O O O O O O general-welcome,general-bye +bos i need some tourist information please . i need to know about a hotel called the arbury lodge 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-Inform +bos the arbury lodge questhouse is in the north area and has a moderate pricerange . it is 4 stars and has free parking and internet . eos 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+Price O O O O O B-Hotel-Inform+Stars O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like to book a stay for 3 people for 2 nights starting from tuesday . 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 good news i was able to get this for you . reference i4dxhdjl . can i help you find other things to do in the area as well ? 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 general-reqmore +bos i am also looking to eat somewhere expensive , in the south area of town . eos O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O N/A +bos there are two chinese , one indian , one italian , and one mexican restaurants . which of those would you like ? eos O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 i would like the italian place please . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos frankie and benny 's is an expensive restaurant which is expensive would you like for 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 N/A +bos yeah , book for 3 people on tuesday at 18:30 and give me the reference number 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 N/A +bos your booking is complete and the reference number is vvbm497n . 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 , please . eos O O O O O O O O O O Taxi-Inform +bos where would you like your taxi to pick you up and drop you off ? 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 want to be picked up at the hotel and dropped off 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 and what time would you like the taxi ? eos O O O O O O O O O O Taxi-Request+Leave +bos i want the taxi to get me to the restaurant by 18:30. eos O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos black bmwcontact number : 07631265313is 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 nope that 'll be all for now . 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 okay , goodbye i hope you enjoy your time in town ! eos O O O O O O O O O O O O O general-bye +bos i am planning a trip to cambridge and am looking for a hotel . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos there are at least 9 hotels in the area . what price range would you like ? 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 Hotel-Request+Price +bos moderate price range . and a 4 star rating , please . eos O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos i 'm sorry , we do n't have any hotel rooms that meet those requirements . eos O O O O O O O O O O O O O O O O O Hotel-NoOffer +bos i need a place with wifi . eos O O O O O O O O N/A +bos i have 2 hotels in the moderate price range with free wifi and 2 star ratings in the north location , would you like one of those ? 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Select,Hotel-Inform+Internet +bos yes and book it for me and i need postcode eos O O O O O O O O O O O Restaurant-Request+Post +bos would you like the ashley hotel , cityroomz , or lovell lodge ? eos O O O O O O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name O O N/A +bos ashely hotel will be fine thank you eos O O O O O O O O Hotel-Inform +bos the postcode for the ashley hotel is cb41er , can you give me some more information to book your room ? 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 O O Booking-Inform +bos it has wifi and free parking , there is no info on the room eos O O O O O O O O O O O O O O O N/A +bos okay the ashley hotel and the lovell lodge match your preferences . eos 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 one is better ? eos O O O O O O N/A +bos well , both have a two star rating and are in the same price range , so i think they 'd be about the same , quality-wise . eos O O O O O O O O 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 pick on and make reservations for 8 people for 3 nights starting on 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 N/A +bos your reservation for 8 people at ashley hotel this thursday for 4 days 3 nights was successful . your reference number is : nzp6rtb5 . 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 O B-Booking-Book+Stay O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks now i need a cab to and from both places eos O O O O O O O O O O O O general-thank +bos which place will be you departing from and and do you have to leave or arrive 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 Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive +bos i need to be at the restaurant by 1:00. eos O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos what is the other place ? eos O O O O O O O Taxi-Request+Depart +bos i need to be picked up at the hotel , please . eos O O O O O O O O O O O O O Hotel-Inform +bos i 'm sorry , what restaurant do you need to be picked up from ? eos O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos it appears that i forgot to book a restaurant reservation . i need something in the south in the same price range as the hotel , please . 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 O O O O O O O N/A +bos i have 9 restaurants in the south . what price range 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 Restaurant-Request+Price +bos priced moderately please . eos O O B-Restaurant-Inform+Price O O N/A +bos i have only one in the moderate price range serving modern european food . would you like a booking there ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Booking-Inform,Restaurant-Select +bos i do n't want to book it quite yet . could you get 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 O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos restaurant alimentum is located at 152 - 154 hills road , postcode cb28pb . their phone number is 01223413000. may i help with something else ? 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 B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-reqmore +bos can you help me find a taxi ? eos O O O O O O O O O Taxi-Inform +bos i have a yellow honda scheduled to pick you up at the hotel at 1:00. the contact number is 07039029314. can i help with anything else ? 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 B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Phone O O O O O O general-reqmore +bos no that is 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 very much for calling the cambridge towninfo centre , have a nice day . eos O O O O O O O O O O O O O O O O O general-bye +bos hello , i am in need of a 4 star place to stay in the north , please . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O O N/A +bos there are 5 guesthouses and 0 hotels that fit your criteria . do you require parking or a specific 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 O Hotel-Request+Parking,Hotel-Request+Price +bos i would like free wifi . eos O O O O O O O N/A +bos the avalon may be a good choice . eos O O B-Hotel-Recommend+Name O O O O O O N/A +bos is that a guesthouse ? if so , can you book me a room for sunday for 5 people , 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 B-Hotel-Inform+Stay O O O O N/A +bos it is . reference number is : w7kcvthj . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos i am also looking for a place to dine , 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 O O N/A +bos sure , i can help you with that . did 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 Restaurant-Request+Price +bos moderate price range thank you eos O B-Restaurant-Inform+Price O O O O N/A +bos then i would recommend the golden wok . would you like to book a reservation ? eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O Booking-Inform +bos do they serve barbeque food ? eos O O O O O O O N/A +bos they do not . they are a chinese restaurant . would you like me to find a barbecue place ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O Restaurant-NoOffer +bos i 'm sorry , i think i 'm spending too much money on this trip . can you look for a cheap restaurant in the north that serves barbeque ? 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 B-Restaurant-Inform+Food O O O O O N/A +bos i am sorry but there are no cheap , barbecue restaurants in the north . do you want another cuisine or area ? eos 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 Restaurant-Request+Food,Restaurant-Request+Area +bos is there a cheap italian food restaurant ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos da vinci pizzeria is cheap , shall i reserve a table for you ? eos 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 Booking-Inform +bos yes please , 5 people , 15:00 on sunday please . eos O O O O O 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 hello , are you still there ? its been a few minutes . i 'm kind of in a hurry , is there a problem with 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 O O O O O general-greet +bos sorry i was trying to make sure i book the right was . it is now booked.reference number is : d5lv4l6y . 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 N/A +bos i also need to use a taxi eos O O O O O O O O Taxi-Inform +bos 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 . eos O O O O O O O O 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 want to arrive at da vinci pizzeria by 15:00. eos O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive N/A +bos okay ! from where are you departing ? eos O O O O O O O O O Taxi-Request+Depart +bos from the hotel discussed . eos O O O O O O Hotel-Inform +bos great , i will book that for you now . eos O O O O O O O O O O O Taxi-Inform +bos have you b ooked that yet ? i need the reference number . eos O O O O O O O O O O O O O O Hotel-Request+Ref +bos of course . the reference is w7kcvthj . is there anything else i can help you with ? eos O O O O O O B-Hotel-Inform+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 more than welcome . eos O O O O O O O general-welcome +bos i need a place to stay and i want it to be a guesthouse . eos O O O O O O O O O O O O O O B-Hotel-Inform+Type O N/A +bos there are 24 guesthouse listings . what area would you like 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 Hotel-Request+Area +bos i like the south part of town and should include free wifi eos O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos i have the aylesbray lodge , bridge guest house or rosa 's bed and breakfast . would you like to book one today ? eos 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 O Booking-Inform +bos does either have free parking ? eos O O O O O O O N/A +bos yes , they both do . shall i book one ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Booking-Inform,Hotel-Inform+Parking +bos yes , please book for thursday for 2 nights and 3 people . eos 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 was able to book it for you . your reference number is nifutfqf . 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 . can you also help me find a restaurant that is expensive and in the same area as the hotel ? 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 O O O N/A +bos there are 5 expensive restaurants on the south side . you can pick from chinese , indian , italian , or mexican . or , can i find something else for you in another area or pricerange ? 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 B-Restaurant-Select+Food I-Restaurant-Select+Food 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 mexican sounds good . please book it for the same day -- thursday and for the same three people at 17:30. eos O B-Restaurant-Inform+Food O O O O O O O O O B-Restaurant-Inform+Day O O O O O O O B-Restaurant-Inform+Time O O N/A +bos your booking was successful they will hold your table for 15mins . your reservation number is yoln1h2g . 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 general-reqmore +bos perfect , thanks ! can you also find me a taxi to commute between the two places ? i 'd like 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 O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos aylesbray lodge guest house to chiquito restaurant bar booking completed ! booked car type : yellow bmwcontact number : 07430668137 eos 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 O O O O O O O O O O O O N/A +bos thanks a lot goodbye eos O O O O O general-bye +bos would that be all ? eos O O O O O O general-reqmore +bos can you help me find a place to stay in the moderate price range . it does n't need 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 N/A +bos i have 4 but need to know 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 Hotel-Request+Area +bos well i would like a guesthouse . does that limit what area i can book in ? 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 the east and the north . eos O O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O N/A +bos can you tell me if they have free internet and the star rating for each ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Internet +bos there are moderately-priced guesthouses in 4 areas . most have free parking , two do n't , but if parking does n't matter , any of them should do ; archway house in the north is very nice . eos O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O 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 O B-Hotel-Recommend+Area O O O O O O O O O O O Hotel-Inform+Parking +bos i also need a restaurant . eos O O O O O O O Restaurant-Inform +bos there are nine restaurants in the north area . do you have a preference of food type ? eos 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 actually , i have a certain restaurant in mind . it 's called royal standard . can you tell me about it ? 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 O O N/A +bos i 'm sorry but it must have closed as i am not finding any information on it . can we look up another venue 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 Restaurant-Request+Name,Restaurant-NoOffer +bos that 's unfortunate . are you certain you ca n't find it ? i was sure it 's still operating . 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 ah , here it is . it 's an expensive gastropub restaurant in the east . would you like to make a reservation ? eos 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 O N/A +bos yes . i need a table for 4 people at 19:15 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 i was able to book that , reference number is gtz8uvjo . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks ! i also need a taxi to take me from archway house to the restaurant for that reservation , please . 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 N/A +bos i 've booked a black ford with a contact no . 07568876193. it should arrive by 19:00 15 minutes before the booked time . 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 B-Taxi-Inform+Arrive O O O O O O O O O N/A +bos thanks . i need to get going so , its time to say goodbye . 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 general-bye +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 need a hotel up north with free parking . eos O O O B-Hotel-Inform+Type O B-Hotel-Inform+Area O O O O N/A +bos the ashley hotel is nice . it also has free internet . can i get any further details 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 O O O O Hotel-Recommend+Internet,general-reqmore +bos yes i need free parking and cheap reservation eos O O B-Hotel-Inform+Parking O O O O B-Hotel-Inform+Price O N/A +bos unfortunately we dont have one that fits the criteria , can you change a the location , ? 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 +bos do you have anything cheap , in the north with free parking ? eos O O O O O O O O O O O O O O N/A +bos i have checked your criteria again and unfortunately we have nothing that meets those specifications . can i look for a different hotel 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 Hotel-NoOffer,general-reqmore +bos how about a restaurant . can you recommend a vietnamese place in the north that is cheap ? eos O O O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Hotel-Inform+Price O O N/A +bos i 'm sorry i am unable to find a vietnamese restaurant in the north area that meets your criteria . is there another type of food you 'd like to try ? eos 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 O O O O O O O O Restaurant-Request+Food +bos i 'm sorry , i really do need a vietnamese restaurant . would you mind checking again ? 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 there is a vietnamese restaurant 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 as long as it 's cheap , i do n't care about the area . can you book a table for 4 at 11:45 on thursday ? eos 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 B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A +bos your table has been booked . reference number is lekni48k . anything else today ? eos O O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i am also going to need a taxi . eos O O O O O O O O O O Taxi-Inform +bos where are you wanting to depart from and go to ? eos 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 at the hotel and go to the restaurant in time for the reservations . eos 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 'm sorry , what is the name of the restaurant you 'll be dining at , and i do n't see the hotel you chose 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 O O O Hotel-Request+Name,Restaurant-Request+Name +bos please reread the rest of the conversation ! it 's not hard to keep up ! the hotel is the ashley hotel . you didnt give me the name 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 O O O Restaurant-Inform,Hotel-Inform +bos i am so sorry . the restaurant is thanh binh . i will work on your taxi reservations . eos 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 okay , i am kind of in a hurry . eos O O O O O O O O O O O N/A +bos your car is a grey skoda phone number 07944928572 any other questions ? eos 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 general-reqmore +bos no , 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 O O general-bye +bos okay , have a wonderful visit to cambridge ! eos O O O O O O O O O O general-bye +bos i am looking for a hotel tonight . eos O O O O O O B-Hotel-Inform+Type O O N/A +bos there are plenty of choices for you ! do you have a price range or star rating 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 O Hotel-Request+Stars,Hotel-Request+Price +bos i prefer three star and an expensive price range . eos O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O Restaurant-Request+Price +bos i 'm sorry , but i could not find any three star hotels in the expensive price range . eos O O O O O O O O O B-Hotel-NoOffer+Stars O O O O B-Hotel-NoOffer+Price O O O O O N/A +bos okay , can you look for a hotel with a different star rating that is still expensive and has free wifi ? eos 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 O O O N/A +bos our system glitched for some reason , goonville hotel located in centre is a 3 star hotel with free wifi in the expensive price point . would you like more information ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Hotel-Inform+Internet,general-reqmore +bos please book it for 6 people , 5 nights starting on saturday . 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 there is a discounted rate if you stay another night . would you like me to add another night ? 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 +bos no thanks , i do need the reference number though . i would like to find a chinese restaurant in the center though . 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 Hotel-Request+Ref +bos i found charlie chan for you and its nice . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O N/A +bos okay can i get the address ? eos O O O O O O O O N/A +bos the reference number for your hotel is e6hs30w7 . the address for the restaurant is , regent street city centre . 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 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 no , that 's it for today . thanks for your help ! eos O O O O O O O O O O O O O O general-thank +bos you are welcome , enjoy the stay in cambridge . eos O O O O O O O O O O O general-welcome +bos i am looking for a place to stay . eos O O O O O O O O O O N/A +bos you 're in luck , we have lots of places you can stay at ! do you have an area preference or a price range that you want to stick to ? 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 O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i 'd like to stick to the cheap price range please in the centre . eos 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 how about alexander bed and breakfast ? it is a cheap 4 star in centre . 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-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Stars O B-Hotel-Inform+Area O O N/A +bos does it have a star rating of 4 ? eos O O O O O O O O O O N/A +bos yes , it has a four star rating . eos O O O O O B-Hotel-Inform+Stars O O O O N/A +bos awesome , please book it for 2 nights starting tuesday eos O O O O O O O B-Hotel-Inform+Stay 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 just one . eos O O O O N/A +bos booking was successful . your reference number is : pv4maedl . 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 i also need to find an indian restaurant in the east . what ever you recommend . i need the postcode and address as well . 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos i would suggest curry prince . address is 451 newmarket road fen ditton and postcode cb58jj . is there anything else i can assist you with ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+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+Post O O O O O O O O O O O O general-reqmore +bos that will be fine . i also want a taxi to commute between the to places . eos O O O O O O O O O O O O O O O O O O Taxi-Inform +bos what are your departure and arrival sites and times ? eos O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave +bos it should leave the restaurant by 14 ; 00 eos O O O O O O O O O O Restaurant-Inform +bos for how many , and when would you like to arrive ? eos O O O O O O O O O O O O O Taxi-Request+Arrive +bos also please provide me with contact number and car type . eos O O O O O O O O O O O O Taxi-Request+Car +bos booking was successful ! your car is a white ford and you can contact them at 97556660882 should you need to . 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 N/A +bos thank you so much . that 's all i need today . eos O O O O O O O O O O O O O general-thank +bos okay have a great day and a great trip ! eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a restaurant that serves british food in cambridge in the moderate price 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 we have several options , and most are in the center of town . i recommend cotto ! 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 I-Restaurant-Inform+Area O O B-Restaurant-Recommend+Name O O O N/A +bos can you make me a reservation please ? eos O O O O O O O O O N/A +bos absolutely ! may i please have the day and time and also the number of people attending ? 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 , i would just like the address , postcode and phone number instead at this time . 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 here is that information , phone-01223302010 post code-cb11bg address-183 east road city centre eos O O O O B-Restaurant-Inform+Phone 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 O N/A +bos thank you , i also need a 4 star hotel in that area for 3 people , 2 nights , starting friday evening . eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 the university arms hotel fits your specifications , 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 Booking-Inform +bos yes , please . that would be great . eos O O O O O O O O O O N/A +bos okay , please tell me what day you will arrive , how many days you will stay , 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 Booking-Request+Day,Booking-Request+Stay,Booking-Request+People +bos i need it on friday for 2 nights and 3 people . thank you . eos 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 N/A +bos it is n't allowing me to make that reservation , is there a different day i can try . 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 +bos let 's try sunday , please . eos O O O B-Hotel-Inform+Day O O O O N/A +bos booking was successful . your reference number is : z3cx53ol . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks so much . that 's all i needed tonight . 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 general-welcome,general-bye +bos i 'm looking for a particular hotel called `` rosa 's 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 O O O O N/A +bos i 've located rosa 's bed and breakfast , would you like me to assist you with booking a room ? 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 O O O O N/A +bos yes , please . i would like to book a room for 3 people for 2 nights , starting from sunday . 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 N/A +bos i have made your reservation . the reservation number is bnnzyccs . 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 yes , i am looking for molecular gastronomy restaurant located in the centre that is expensive . eos O 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 O O N/A +bos i am sorry . we do n't have any expensive molecular gastronomy restaurants in city centre . would you be interested in a gastropub instead ? eos O O O O O O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O O N/A +bos actually , how about chinese ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos we have 4 great places . i 'm partial to the ugly duckling , myself . would you like to book a table ? eos O O O O B-Restaurant-Inform+Choice 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 Booking-Inform +bos sounds great . i need that for 3 people on sunday at 13:30 please . eos O O O O O O O O O O O O O O O O N/A +bos would you like me to make the reservation for you ? eos O O O O O O O O O O O O Booking-Inform +bos yes , please ! eos O O O O O N/A +bos i 'm sorry , i am unable to book the table for that time . is there another time , or restaurant 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 O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,general-reqmore +bos oh , that 's a shame . okay , can you try the same time on friday instead , please ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O O O O O O N/A +bos second time is a charm , you are booked for friday , the reference number is yjr4pw5v , any other questions ? 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 no that is all . thanks ! eos O O O O O O O O general-thank +bos you are quite welcome . have a wonderful day . eos O O O O O O O O O O O general-welcome +bos i am looking for a place to eat that is cheap . eos O O O O O O O O O O O B-Restaurant-Inform+Price 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 'd like some italian food . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos la margherita is a great ( and cheap ! ) italian place on the west side of town . would you like a table there ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food 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 yeah . can i get one for 8 people on friday at 14:30 please ? eos O O O O O O O O O O O O O O O O N/A +bos absolutely , will you be needing a reference number ? eos O O O O O O O O O O O Booking-Inform +bos yes , i definitely need the reference number . thank you . eos O O O O O O O O O O O O O general-thank +bos great , you are all booked and ready to go . your reference number is 8on7ikvz . would you like me to 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 O O O general-reqmore +bos well now that you 've asked , i would like some information about the kirkwood house hotel 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 N/A +bos it is a moderate price range with internet and parking . would you like me to book a room ? eos 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes i nee to book a room friday . for 3 nights , 8 people . i 'll also need a reference number . 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 O O N/A +bos your booking was successful and reference number is 8on7ikvz eos O O O O O O O O O B-Booking-Book+Ref N/A +bos i also want 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 is your departure and arrival sites and times ? eos O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave +bos have the taxi pick us up at the kirkwood house at 14:00 and at the restaurant at 16:30. eos 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 N/A +bos your taxi has been booked from kirkwood house to la margherita at 14:00. you will be picked up by a yellow tesla with contact # 07403061771. 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 B-Taxi-Inform+Leave 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 sweet , thanks a lot 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 hello . i 'm trying to find an inexpensive restaurant that serves moroccan food . can you help me ? 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 there are no restaurants that match your request . would you like to search for another food type 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 Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer +bos how about vietnamese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos thanh binh is in the cheap price range and serves vietnamese food . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O N/A +bos could i have the phone number please ? eos O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223 362456. 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 my pleasure . goodbye . eos O O O O O O general-bye +bos i am looking for an expensive restaurant that serves persian 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 are no persian restaurants listed . is there something else i can search for ? 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 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 4 restaurants that meet those specification . do you have a preference of the area of town it is located at ? 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+Area +bos the area does n't matter . eos O O O O O O O Restaurant-Request+Area +bos okay , i suggest the cambridge lodge restaurant . they serve great european food and are located in the west part of town . would you like their phone number ? eos O O 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 O 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 general-reqmore +bos yes please . and the address as well . eos O O O O O O O O O O Restaurant-Request+Addr +bos their address is hotel 139 huntingdon road city centre and their phone number is 01223 355166. 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 hello , i am looking for a moderately priced restaurant on the east 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 the curry prince in on the east side 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 I-Restaurant-Inform+Area I-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 there phone number ? eos O O O O O O O Restaurant-Request+Phone +bos their phone number is 01223 566388. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos is there anything else i can help you with eos O O O O O O O O O O N/A +bos is that all ? eos O O O O O general-reqmore +bos yes , that is all i needed to know . thank you . eos O 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 please recommend me an expensive restaurant that serves afghan food . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos i 'm not finding any restaurants that match your request . would you like to try a different 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 Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer +bos european food ? eos O B-Restaurant-Inform+Food O O N/A +bos there are four restaurants that serve european food . what part of town 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 O O O O O O O Restaurant-Request+Area +bos i do n't care where it is . eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O N/A +bos eraina in the centre is an expensive european restaurant . would you like further information ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 general-reqmore +bos what is the price range ? eos O O O O O O O N/A +bos they are in the expensive price range . eos O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 eraina is in the centre of town located at free school lane city centre . their number is 01223 368786. is there anything else i can do for you ? eos 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 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 O O general-reqmore +bos that 'll do . thank you . good bye . eos O 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 O general-greet +bos thank you . good bye . eos O O O O O O O general-bye +bos you are welcome , enjoy your stay . good bye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i want to find a cheap restaurant serving international food . what is the address and postcode ? eos O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the missing sock matches your request they are located at finders corner newmarket road c.b 25 , 9 a.q 01223 812660 is the phone number eos O 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 O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O N/A +bos thank you , goodbye . eos O O O O O O general-bye +bos you 're welcome . eos O O O O O general-welcome +bos i would like 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 N/A +bos golden wok is located in the north part of town and is the moderate price range . their address is 191 histon road chesterton . 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 O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos is there anything else in the moderate price range on the north part of town ? eos O O O O O O O O O O O O O O O O O N/A +bos yes , the nirala is indian restaurant in the moderate price range and in the north . it is located at 7 milton road chesterton and its phone number is 01223 360966. is there anything else i can help you with ? eos O O O B-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 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 O 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 's all i need . 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 i need a south restaurant with british food . eos O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry but i can not find any british food located in the south part of town . eos 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 a chinese 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 i 've found three chinese restaurants in the south part of town . does price range matter to you ? eos O O 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 Restaurant-Request+Price +bos no , any price range is fine . i would just like to know the address and price range of one of the 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 Restaurant-Request+Price,Restaurant-Request+Addr +bos peking restaurant is an expensive chinese restaurant that is located at 10 homerton street city centre . is there anything else i can help you with today ? 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 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 , thank you . eos O O O O O O general-thank +bos thank you . eos O O O O general-bye +bos yes , may i have the address for restaurants in the south part of town . preferably something moderately priced . eos 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 Restaurant-Request+Addr +bos there are two options . pizza hut cherry hinton serves italian food and is located at g4 cambridge leisure park clifton way cherry hinton . restaurant alimentum serves modern european food and is located at 152 - 154 hills road . anything else i can help you with today ? 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 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 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 general-reqmore +bos that'it . thank you , goodbye eos O O O O O O O general-bye +bos you 're welcome , enjoy your food . eos O O O O O O O O O general-welcome +bos i am looking for a cheap restaurant . eos O O O O O O B-Restaurant-Inform+Price O O N/A +bos there are several cheap restaurants located in the centre part of town . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos do any serve spanish food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos yes , la raza serves spanish food . would you like their phone number ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O general-reqmore +bos no , i would like the address and the post code please . eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos la raza is located at 4-6 rose crescent , their postcode is c.b 2 , 3 l.l 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 O O 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 thank you for using this system eos O O O O O O O general-bye +bos moderately priced restaurant in the west part of town please eos O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are two italian and one british moderatley priced restaurants . are there any you would like to know more information on ? eos 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 O O O O O O O general-reqmore +bos please give me the address of the british restaurant . eos O O O O O O O O B-Restaurant-Inform+Food O O Restaurant-Request+Addr +bos saint johns chop house is a british restaurant located at 21 - 24 northampton street . 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos what type of food do they serve ? eos O O O O O O O O O N/A +bos saint johns chop house serves british food . eos 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 N/A +bos thank you , 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-bye +bos i 'm looking for korean food in the east area . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A +bos there are not any korean restaurants in the east . would you like me to look in a different area 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 O O O O O O O O O O Restaurant-Request+Area,Restaurant-NoOffer +bos how about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos yes there are four different restaurants . what is your price range ? there 's moderate to expensive available . eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O Restaurant-Request+Price +bos it does not matter , the price is whatever . just book me one for 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 what time do you want me to book for ? eos O O O O O O O O O O O Booking-Request+Time +bos i need a table for 5 people at 14:30. could you give me a reference number ? 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 Restaurant-Request+Ref +bos curry prince is highly recommended . i booked a table for 5 at 14:30 on saturday , your reference number is fzlk0zcf . can i help with anything else ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos yeah i need info on stuff to do in town . eos O O O O O O O O O O O O N/A +bos is there a specific type of attraction you 're looking for ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos yes , i need the address for a swimming pool please . eos O O O O O O O O O O O O O Attraction-Request+Addr +bos my favorite pool is parkside , in the center of town . eos O O O O O B-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O N/A +bos that would be fine can i get the address please ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos yes , the address is gonville place . is there anything else i can help with ? 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 general-reqmore +bos no that 's all i need for today . bye . 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 i am looking for a park east of town with a playground . eos O O O O O O B-Attraction-Inform+Type B-Attraction-Inform+Area O O O O O O N/A +bos cherry hinton water play is a park which matches your requirements , would you like directions ? 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 O O O O O O O O O general-reqmore +bos could you kindly tell me of the entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos it 's free to enter ! eos O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos perfect , i also need to find a moderately priced restaurant . can you help me with that too ? 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 N/A +bos may i suggest rajmahal , it is an indian restaurant in the same area as the park you will be visiting . shall i provide you with more information ? eos O O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-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 O O O general-reqmore +bos does it serve north african or bristish foods ? eos O O O O O O O O O O N/A +bos it serves indian food . would you like me to search for north african or british ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food N/A +bos british food please and thank you eos O O O O O O O general-thank +bos i only have italian food in that area . eos O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos ok that will have to do then . please give me the reference number and have the taxi commute between both places , car type and contact info 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 Taxi-Request+Car,Restaurant-Request+Ref +bos where do you want to leave from ? the park or the restaurant ? what time do you want 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 O O O O O O Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Leave +bos i would only require arriving to the restaurant by the booked time . eos O O O O O O O O O O O O O O N/A +bos we have actually not completed a restaurant booking yet . can you repeat your criteria as it got a little confusing before . once i reserve it , we can do 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 O O O O O O Booking-Request+People,Booking-Request+Time,Booking-Request+Day,Booking-Inform,general-greet +bos i want british food at a moderate price . eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A +bos there are no british restaurants . eos O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O N/A +bos north american food ? i need a reservation for 7 at 19:30 on friday . also a taxi to arrive to the restaurant by the booked time , car type and contact number . eos O O O O O O O O O O O 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 Taxi-Request+Car +bos what time would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave +bos i just 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 N/A +bos okay your booking is as follows : a white tesla will pick you up and your contact number is 07715015033.. 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 N/A +bos thank you . that is all i need . eos O O O O O O O O O O general-thank +bos there are several british food places at moderate price in centre town and one in the west . should i recommend one and which area do you prefer : centre or 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 N/A +bos hello , i 'm looking for an attraction in the type of theatre . eos O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there is the adc theatre , cambridge arts theatre , mumford theatre , the cambridge corn exchange , and the junction . which would you like to know about ? 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 O O O O O O O Attraction-Select +bos could i get the postcode and entrance fee for the mumford theatre please ? eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Post,Attraction-Request+Fee +bos i do n't know the entrance fee but the postcode is cb11pt 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 B-Attraction-Inform+Post O N/A +bos i also need an expensive restaurant in the east . eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O N/A +bos there are plenty of expensive restaurants on the east side but if you tell me what kind of cuisine you 're interested in , i can narrow it down and recommend one . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O Restaurant-Request+Food +bos i am not specific on that . recommend one and book for me eos O O O O O O O O O O O O O O N/A +bos i would be more than elated to book it for you , but i need some additional information like when , and how many 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 O O O Booking-Request+People,Booking-Request+Day +bos i need a table for 7 people at 19:15 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 N/A +bos okay , i booked you with yu garden . the table will be reserved for 15 minutes.reference number is : 9pmb11jl . 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 B-Booking-Book+Ref O O O N/A +bos ok , that 's all i needed today , thanks ! eos O O O O O O O O O O O O general-thank +bos okay , great . i 'm glad i could help . do n't hesitate to contact us again if you need additional 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 O general-welcome,general-bye,general-reqmore +bos hi , would you be able to recommend a museum ? eos O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos sure . there are 23 different museums in the city . is there an area of town or type of museum you were most interested in ? eos O 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 O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos i do n't have a preference . can you please recommend one ? eos O O O O O O O O O O O O O O N/A +bos i would recommend the byard art . will that work ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O N/A +bos that would be perfect . may i get the area , phone number and address ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Addr +bos yes , the address is 14 king 's parade . was 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 O O O O O O O O O N/A +bos what about the area and phone number ? eos O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone +bos the byart museum is located in the south area and the phone number is : 01223464646. 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 O O O O O B-Attraction-Inform+Phone O N/A +bos i am also looking for a restaurant . eos O O O O O O O O O Restaurant-Inform +bos what type of cuisine you looking for so i can narrow my search ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food +bos a swiss restaurant in the west . eos O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry , i 'm not finding any swiss restaurants in the west . would you like to try a different type of cuisine ? eos O O O 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 Restaurant-Request+Food +bos can you please try indian food instead . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 6 indian restaurants in the west . they are all expensive . i recommend cocum . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O B-Restaurant-Recommend+Name O O O N/A +bos alright , can you book that for me ? 2 people for monday at 19:15. i will need a reference number as well 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 Restaurant-Request+Ref +bos i am sorry , but it appears that the restaurant booking system is down right now . 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 O O O Booking-NoBook,general-reqmore +bos can you help me get a taxi ? eos O O O O O O O O O Taxi-Inform +bos certain , do you want that to or from the restaurant ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos i will be going from the museum to the restaurant . eos O O O O O O O O O O O O N/A +bos do you know what time you would like to arrive since our system is down for booking the restaurant ? 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 +bos can you try to book at 18:15 instead first , no sense in setting a taxi time to the restaurant without a reservation 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 N/A +bos i was able to book that for you . your reference number is sscjda5f . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great ! i want to make sure the taxi 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 N/A +bos you taxi booking has been completed ! lookout for a blue skoda , contact number 07784289735. can i help with something else ? 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 O O O O O general-reqmore +bos i have the museum , restaurant and taxi lined up . that 's everything . thank you for your 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 Restaurant-Inform,Taxi-Inform +bos have a wonderful trip and 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 i want to find a moderately priced restaurant . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have many options available for you ! is there a certain area or cuisine that interests you ? 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+Area,Restaurant-Request+Food +bos yes i would like the restaurant to be located in the center of the attractions . eos O O O O O O O O O O O O O O O O O N/A +bos there are 21 restaurants available in the centre of town . how about a specific type of cuisine ? 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 i need to know the food type and postcode and it should also have mutliple sports eos O O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food +bos i am sorry i do not understand what you just said . please repeat in a way that makes sense . 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 get me the food type and the post code eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Food +bos my favorite it the copper kettle at 4 kings parade city centre cb21sj . it serves british food . does that interest you ? 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 O O O B-Restaurant-Inform+Food O O O O O O O Restaurant-Select +bos absolutely ! thank you ! i also need information on the attractions that have multiple sports in town , in the same area as the restaurant 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 N/A +bos the only multiple sports attraction is located in the east of town . would you like more information ? eos O O B-Attraction-Inform+Choice 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 O O O O O general-reqmore +bos no , i want to be in the centre of town . what about architecture attractions ? eos O O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Type O O O O N/A +bos all saints church is an architectural attraction . it is in the centre of town and entrance 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 O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O B-Attraction-Inform+Fee O O N/A +bos can i get their phone number and address please ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos their phone number is 01223452587. 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 oh , what type of architecture is it ? eos O O O O O O O O O O N/A +bos it is architecture type . anything else ? eos O O O B-Attraction-Inform+Type O O O O O general-reqmore +bos just the address please eos O O O O O Attraction-Request+Addr +bos it is located in jesus lane eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos is there an entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos the entrance fee is free . anything else i can do for you today ? eos O O O O O B-Attraction-Inform+Fee 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 thank you and have a great day . goodbye . eos O O O O O O O O O O O general-bye +bos hi , i was going to visit the centre , and wanted to know if there were any professional or semiprofessional teams playing during my visit . 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 O O N/A +bos there are no sports places in the centre of town . eos 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 N/A +bos okay . are there any architectural attractions ? eos O O O O O O O O O Attraction-Inform +bos yes , there are 5. i can highly recommend all saints church , it 's beautiful . eos O 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 O O O N/A +bos the sounds great , can i get their address and postal code ? eos O O O O O O O O O O O O O O Attraction-Request+Post,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 what 's the postcode ? eos O O O O O O Attraction-Request+Post +bos the postcode is cb58bs . 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 i am also looking for the bloomsbury , a restaurant . eos O O O O O O O O O O O O Restaurant-Inform +bos yes i found bloomsbury restaurant located in the centre . it serves international food in the moderate price range . would you like to book a table ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O O Booking-Inform +bos yes , i sure would . i 'd like to reserve a table on sunday at 14:00 for 6 people . can i get the 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 B-Restaurant-Inform+People O O O O O O O O O O Restaurant-Request+Ref +bos i have made the reservations and your reference number is 9f1pdah6 . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos thank you that will be all . eos O O O O O O O O general-thank +bos i hope i have been of help to you eos O O O O O O O O O O general-reqmore +bos you have been great , thank you . eos 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-bye +bos i 'm looking for a restaurant called thanh binh . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos we have a restaurant by that name at 17 magdelene st. in the city center . would you like me to make a reservation ? eos O O O O O O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 yes , i 'll have 4 people to dine at 16:30 on thursday . eos O O O O O B-Restaurant-Inform+People O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos you 're all set ! your reference number is 2mnu3f8k . 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 general-reqmore +bos yes , can you help me book a train there as well ? eos O O O O O O O O O O O O O O Train-Inform +bos yes i can . what 's your departure time and city please ? eos O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart +bos forget about the train and help me find a theatre to go to while i 'm in town eos 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 5 located in the center . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O N/A +bos could you give me the post code , area 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 Attraction-Request+Area,Attraction-Request+Post,Attraction-Request+Fee +bos sure , the adc theatre is in the city centre at postcode cb58as . i do n't have any information on the entrance fee . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Inform+Post O O O O O O O O O O O O O N/A +bos okay . i need a taxi to get to the restaurant by the booked 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 can book you a taxi and i will get you a confirmation number eos O O O O O O O O O O O O O O O N/A +bos hi , i ca n't wait to see some of your local tourist attractions . can you help me with 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 do you have any preferences in the attraction types ? eos O O O O O O O O O O O Attraction-Request+Type +bos no , but i want it to be located in the south . eos O O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos might i suggest the place nightclub ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos that sounds good . give me the phone and postcode please . i 'm also looking for expensive european food . can you make some 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 O O O Taxi-Request+Phone,Attraction-Request+Post +bos the place is at 22 sidney street cb23hg . 01223324600 is their phone number . that place is poppin ' . can i help you with anything else ? 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 B-Attraction-Inform+Phone 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 can you book a reservation for me ? eos O O O O O O O O O N/A +bos i 'm sorry they do n't take reservations . 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 alright how about a place to dine . i 'd like an expensive european restaurant . eos 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 there are 5 options that meet your criteria . would you like to narrow it down by 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 any place is fine , can you just book one for 1 person at 13:00 at thursday ? 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 booking for eraina european restaurant has been completed . your table will be reserved for 15 minutes , reference number 50sv3wdz . can i help with anything else ? eos 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-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos can i get a taxi from the place to the eraina restaurant by 13:00 ? 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+Leave O N/A +bos i got you a grey audi that will pick you up . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O N/A +bos may i please get the drivers contact number ? eos O O O O O O O O O O N/A +bos contact number is 07648143241. eos O O O O B-Taxi-Inform+Phone N/A +bos all set . thanks . 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 O general-welcome,general-bye +bos can you book me a moderately priced british restaurant ? eos O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O N/A +bos is there a particular area that you would like the restaurant to be in ? there are a total of 5 listed . 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+Choice O O Restaurant-Request+Area +bos yes i would like to eat in town centre . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos how about restaurant one seven ? i can book a table for you if you 'd like . eos 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 +bos i 'm not sure if i would like to book one yet . can you please tell me the address , phone number and postcdode ? eos O O O 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 address is de vere university arms regent street city centre , phone number 01223337766 , and postcode cb21ab . 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 B-Restaurant-Inform+Phone O O B-Restaurant-Inform+Post O O O N/A +bos 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 ? eos O O O O O O O O O O O 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 how about the copper kettle . the are located in the centre at 4 kings parade city centre . may i 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+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 Booking-Inform +bos sorry . i 'm looking for a hotel , not a restaurant . it should be in the centre and moderately-priced . it does n't need to have free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O O O O O O O O O O O N/A +bos cityroomz meets your criteria . would you like to book a room there ? eos O B-Hotel-Inform+Name O O O O O O O O O O O O O Booking-Inform +bos this is a hotel type place right ? also what is the address for that ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Addr +bos yes it 's a hotel . the address is sleeperz hotel , station road . 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 N/A +bos alright , i 'll take a room there . i 'll also need a taxi to take me between the hotel and the restaurant , i need to leave the hotel at 05: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 O O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos great ! i 've booked a grey audi for you . the contact number is 07071074318. 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 N/A +bos thank you . that is all that i needed . eos O O O O O O O O O O O general-thank +bos it 's my pleasure . thanks for using cambridge towninfo . goodbye ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos find a guesthouse hotel in cambridge with free parking . eos O O O B-Hotel-Inform+Type O O O O O O O N/A +bos there are 21 guesthouses that meet your criteria . is there a particular area you 'd like to stay in , and what price range do 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 O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos are any of the guesthouses 4 stars ? eos O O O O O O O B-Hotel-Inform+Stars O N/A +bos yes , i have 16 results that have a 4 star rating . to narrow it down , what area are you looking to stay in ? do you need free parking ? eos O 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 O O O O O O O O O Hotel-Request+Area,Hotel-Request+Parking +bos i 'll take the one on top of your list , i 'll arrive saturday it 's 3 people for 5 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 O O N/A +bos ok i 've gone ahead and booked this for you . your reference number is gxqzcbl8 eos 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 've heard about a restaurant called curry garden . what can you tell me about 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 O O O O N/A +bos sure ! curry garden is in the central region of town , and serves expensive indian food . does that interest you ? 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 O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Booking-Inform,general-greet +bos yes , please book a reservation here eos O O O O O O O O N/A +bos okay , when would you like me to book the 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 Booking-Request+Day,Booking-Request+People +bos make the reservation for saturday night for 3 people . can i have the full address ? book a taxi to leave at 23:30 with contact info eos O O O O O B-Restaurant-Inform+Day O O O B-Restaurant-Inform+People O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O Restaurant-Request+Addr +bos i 'm afraid i ca n't book the curry garden for 23:30 , is there some other time you 'd like ? eos O O O O O O O B-Booking-NoBook+Name I-Booking-NoBook+Name O B-Booking-NoBook+Time O O O O O O O O O O O O Booking-Request+Time +bos make the restaurant reservation for 21:00 and i need a taxi to pick us up at the restaurant at 2330. send me taxi contact number and car type . eos 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 Taxi-Request+Car +bos i 'm sorry , but i 'm running into an error booking that restaurant reservation . let 's take care of that before we get a taxi . can you restate your request 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 O O O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+People,Booking-Request+Time,Booking-Request+Day +bos i actually do n't need a restaurant reservation . i do need a taxi , though . i need to leave curry garden at 23:30 and head to the hotel . 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 O B-Taxi-Inform+Leave O O O O O O O O O O N/A +bos i 'd be happy to help you book a taxi , what hotel is your destination ? eos O O O O O O O O O O O O O O O O O O Taxi-Request+Dest +bos whatever hotel you booked me at . the reference number is : gxqzcbl8 eos O O O O O O O O O O O O O O Hotel-Request+Ref +bos alright , you 're all booked . your taxi will pick you up at curry garden at 23:30 and take you to acorn guest house . 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+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O N/A +bos may i have the car type and a contact number for the driver ? eos O O O O O O O O O O O O O O O Taxi-Request+Car +bos that will be a red honda , and the contact number is 07783493391. what else can 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 N/A +bos i think 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 we are happy to help . 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 O O O O O O general-welcome,general-reqmore +bos yes , they have . thanks . have a nice day . 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 'd like to find a train that departs from ely on monday , please ! eos 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 ok , i just need a little more information . what 's your destination 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 O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i need to leave after 13:15 and i am going to cambridge . eos O O O O O O B-Train-Inform+Leave O O O O O O O N/A +bos we have 6 trains leaving after 13:15 on monday . was there a specific time you wanted to arrive by ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Arrive +bos any of them will do . can you tell me the price , arrival time and train id of at least one 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 Train-Request+Price,Train-Request+Arrive,Train-Request+TrainID +bos i have the tr4849 that leaves at 13:35 and arrives by 13:52. it is 4.40 pounds . is there anything else i can help you with ? 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 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 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 . 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 from cambridge . eos O O O O O O O B-Train-Inform+Depart O N/A +bos absolutely , what day of departure and what destination location ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i am heading to london kings cross and would need the train for wednesday please . oh and i need to leave after 18:00 sometime . 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 O O O O O O B-Train-Inform+Leave O O O N/A +bos okay , the tr8676 train leaves at 19:00 and arrives at 19:51. would you like to purchase tickets ? 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 O O Train-OfferBook +bos yes i need that for 3 people please . eos O O O O O O O B-Train-Inform+People O O N/A +bos i have booked your tickets . 70.8 gbp is payable at the station . the reference number is jlcupin6 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 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 my pleasure . thank you . eos O O O O O O O general-bye +bos can you help me find some european food in cambridge ? eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are 11 european style restaurants . what price ranges are you looking for ? 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 expensive price range . please book it for 4 people at 18:15 on monday eos O B-Restaurant-Inform+Price 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 will you be needing a reference number ? eos O O O O O O O O O general-reqmore +bos yes i will definitely need that . eos O O O O O O O O N/A +bos your table will be reserved for 15 minutes . your reference number is gdzz5t1y . can i assist you further ? 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 general-reqmore +bos i also need a place to stay ? eos O O O O O O O O O N/A +bos there are 33 hotels to choose from . can we narrow this down ? are you interested in a particular part of town or 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 O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos i do not care about the area but i would like it to be expensive . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Price O N/A +bos i have many to choose from . do you have a preference for internet or parking ? 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+Parking,Hotel-Request+Internet +bos yes , i would like it to have internet . eos O B-Hotel-Inform+Internet O O O O O O O O O N/A +bos i found 5 hotels matching your request . i would recommend huntingdon marriott hotel located in the west . it has a 4 star rating . 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 O O O B-Hotel-Recommend+Area O O O O O B-Hotel-Recommend+Stars O O N/A +bos how about price range ? the hotel should also be very expensive . i wo n't settle for less and neither will fi-fi . eos 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 O O O O O O N/A +bos how about the gonville hotel which is centrally located ? it has internet and is expensive . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O B-Hotel-Inform+Price O O Hotel-Inform+Internet +bos that sounds perfect . let 's book it . eos O O O O O O O O O O N/A +bos alright ! how many people will be staying starting what day ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day,general-greet +bos 4 people will be staying eos O O B-Hotel-Inform+People O O O N/A +bos on what day will you be checking in ? eos O O O O O O O O O O Booking-Request+Day +bos i will be staying on monday . eos O O O O O O B-Hotel-Inform+Day O N/A +bos booking was successful.reference number is : m6frxjov . eos O O O O O O O B-Booking-Book+Ref O N/A +bos that is all , thanks . eos O O O O O O O general-thank +bos great . if you need help in the future , please contact us . enjoy your stay . eos 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 howdy , i 'm looking for a british restaurant for breakfast . eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there are several british restaurants available . would you prefer a moderate or expensive price range ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A +bos moderate price range please . eos O B-Restaurant-Inform+Price O O O O N/A +bos five restaurants match your criteria . four are in centre area and one is in the west . which area would you prefer ? eos O O O O O O 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 O O O O O O Restaurant-Select +bos i would like the center of town please . eos O O O O O O O O O O N/A +bos how about the copper kettle ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos is it in the expensive price range ? if so , could you book me a table for 3 people at 19:30 for wednesday ? 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 O O O N/A +bos considering that , i have 3 options in the expensive range if that 's what you prefer . eos 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 O O O N/A +bos yes , please select one that meets my other criteria and has an 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 what other criteria ? eos O O O O O N/A +bos i need a place to eat . british , expensive in the centre . eos O O O O O O O O O O O O O O O N/A +bos i 'd recommend the fitzbillies restaurant on 51 trumpington street city centre . 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 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 Booking-Inform +bos yes , please book a table for 3 people at 19: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 O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : zl5u9q4q . 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 thank you ! i also need to find a guesthouse to stay in please . eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos what area of town would you like to stay ? eos O O O O O O O O O O O Hotel-Request+Area +bos i 'd like a place in the west with free parking . eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos do you have a star rating you prefer ? if not , i would suggest hobsons house with a 3 star rating . nice place . 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 O B-Hotel-Recommend+Stars O O O O O O general-welcome,Hotel-Request+Stars +bos hobsons house sounds good . can you give me the phone number ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Hotel-Request+Phone +bos hobsons house 's phone number is 01223304906. is there anything further i can do for you today ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Phone O O O O O O O O O O O O general-reqmore +bos yes , one more thing . i will need a taxi between the hotel and the restaurant , 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 N/A +bos what time do you want to leave at ? eos O O O O O O O O O O Taxi-Request+Leave +bos no specific departure time , but i would like to arrive by 19:30 please . eos O O O O O O O O O O O O B-Taxi-Inform+Arrive O O O N/A +bos you are all set ! you will be picked up in a blue tesla and their contact number is 07857104689. is there anything else you need ? 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 's is . thank you for all 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 general-thank +bos you 're very welcome ! have a great day , and let us know if there 's anything you need 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 general-welcome,general-bye +bos hi i 'm looking to find a moderate priced place to eat serving italian food eos O O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Food O O N/A +bos what area of town are you interested in ? eos O O O O O O O O O O Restaurant-Request+Area +bos it does n't really matter , just someplace really good . i 'll need a table . eos O O O O O O O O O O O O O O O O O O N/A +bos i can set you up at pizza hut fen ditton on the east side , how many will you be booking for and what day and time ? eos 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 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 wednesday at 19:45 the table is only for me . eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O O O O N/A +bos reference number is : qrdn1yrx . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i 'm also looking for a guesthouse with free parking . eos O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos i could help you better if i knew which location or area of town you would like to stay . there are several 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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice O Hotel-Request+Area +bos something that is in the same part of town as the restaurant would be good . eos O O O O O O O O O O O O O O O O O N/A +bos okay , great . and what is your price range ? eos O O O O O O O O O O O O Hotel-Request+Price,general-greet +bos price does n't matter . just something with the free parking . wifi is great but not needed . eos 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 a guesthouse in the center of town with both free parking and wifi . it is in the cheap price range . do you want me to book a room ? 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 I-Hotel-Recommend+Area I-Hotel-Recommend+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 O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos i just want the address for now . eos O O O O O O O O O Hotel-Request+Addr +bos sure they are at 41 warkworth st eos O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos great , thanks ! that 's all i needed right now ! eos O O O O O O O O O O O O O general-thank +bos i think you will enjoy el shaddai very much . have a great week . eos O O O O O O O O O O O O O O O O general-bye,general-greet +bos i 'm interested in 4 star hotels in the centre of town . eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O N/A +bos i 've located one 4 star hotel , university arms hotel located on regent street . it is an expensive hotel , but has 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 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 a hotel in the moderate price range . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are no four star hotels in a moderate price range in that area . would you like me to search for a different area of town ? eos O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars 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 O O O O O O Hotel-Request+Area +bos how about the cheap price range ? eos O O O O B-Hotel-Inform+Price O O O N/A +bos alexander bed and breakfast is in the cheap price range in the centre area . would you like to make 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 B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos yes , i would like a reservation . eos O O O O O O O O O N/A +bos when will you begin your stay and how long will you stay ? eos O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos beginning on wednesday for three nights . i also need a restaurant in the same area as the hotel that serves chinese 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 how about charlie chan ? i have heard great things eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O N/A +bos what 's the price range of that one ? eos O O O O O O O O O O N/A +bos this one is cheap , will that work ? eos O O O O B-Restaurant-Inform+Name O O O O O N/A +bos that would work yes , can i have their phone number and postcode ? eos 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 phone number is 01223361763 and the postcode is cb21db . would you like me to book you a table ? eos O O O O 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 Booking-Inform +bos no but i still need the reservation for the hotel and a taxi to arrive at the restaurant by 24:00. need contact number and car type for that as well . 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 Taxi-Request+Car +bos i ca n't book a reservation for your hotel until you tell me 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 Booking-Request+People +bos just find me the phone number and postcode i 'll book it myself eos O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode for the hotel is cb12de . the phone number is 01223525725. can i assist with anything else ? eos O 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 general-reqmore +bos yes i need to book a taxi to travel between the two places . eos O O O O O O O O O O O O O O O Taxi-Inform +bos i have a white lexus picking you up from the hotel and will arrive at the restaurant by 24:00. the contact number is 07675725181. can i assist with anything else ? eos O 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 B-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 thank you . that is all i need . eos O O O O 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 can you help me find a place to eat in the expensive price range in the south part of town ? eos 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 what about the cambridge chop house . the address is : 1 kings parade . you you like me 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 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 ! can you book for 2 people at 14:15 on this sunday ? eos 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 was able to book your party of 2 into the chop house on sunday at 14:15 reference : muwlbllw . may i assist with more 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 B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos great that will be all we need . eos O O O O O O O O O N/A +bos are you sure there is nothing more i can help with today ? eos O O O O O O O O O O O O O O general-reqmore +bos actually yes i will be needing somewhere to stay too please . a 3 star hotel in the same area and price range as my restaurant . 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 O O O O N/A +bos i have one matching result . it is the lensfield hotel . do you want to reserve a room ? 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 Booking-Inform +bos yes please , two people for two nights on sunday . eos O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos ok , i 've booked the lensfield hotel for you for 2 people and 2 nights starting sunday eos 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 B-Booking-Book+Day O O N/A +bos do you have a reference number ? eos O O O O O O O O N/A +bos reference number is : e9bm21nj . 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 this time that is everything , thank you for your help . 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,general-bye +bos can you still book hotels for me ? eos O O O O O O O O O Hotel-Inform +bos i sure can ! 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 Hotel-Request+Area,Hotel-Request+Price,general-greet +bos price is n't important , but i would like a 2 star in the east . eos O O O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O O N/A +bos how does the express by holiday inn cambridge sound ? it has free wifi and parking available . i 'd be happy to book a room for you if you 'd like . 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 O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos it sound 's good , please book a room for two nights for one person . eos O O O O O O O O O O O O O O O O O N/A +bos i can absolutely do that for you ! what day would you like me to book 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 i actually need it booked for 3 nights , starting monday . 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 it will be just me . eos O O O O O O O N/A +bos your reference number is fiyhhu9l . 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 yes , i 'm also looking for a dining option that serves eastern european food that 's expensive . eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O N/A +bos i have 5 to choose from . would you prefer centre , west , or north area ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O O O N/A +bos i want a place in the east , but if there is none , are there any british expensive places in the north ? eos 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 O O O N/A +bos no eastern european . i found a british restaurant , grafton hotel restaurant . shall i book , and for how many people ? eos O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-Inform+Food 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-Request+People,Booking-Inform +bos again , it 'll just be me . eos O O O O O O O O O N/A +bos okay , i 'll get that booked for you . can you tell me the day and time you 'd like to dine ? eos O 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 no need to book it , but can you please tell me 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 you bet ! their phone number is 01223241387 eos O O O O O O O B-Restaurant-Inform+Phone O general-greet +bos thanks a lot , that is all i need . eos 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 to get some info about a hotel called 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 located at 78-80 milton rd . it 's a 4 star hotel in the north part of town . phone is 01223323555. eos 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+Stars 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 B-Hotel-Inform+Phone O N/A +bos yes , can you please book a room for me for 4 people for 5 nights starting on thursday . 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 yes your booking was successful and your reference number is z7xfcshu . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos i am also looking for an indian restaurant that is located in the centre ? eos 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 there is curry garden as well as eight other options for you . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Choice O O O O O N/A +bos curry garden sounds good , can you book me for 4 people at 12:15 on saturday ? 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 N/A +bos i have a table for 4 at 12:15 on saturday at curry garden . is there anything else i can help you with ? eos O O O O O O O B-Booking-Book+People B-Booking-Book+Time O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Name I-Booking-Book+Name O O O O O O O O O O O general-reqmore +bos could i get the reference number please ? eos O O O O O O O O O N/A +bos your reference number is xdje6l0h . 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 no that is all i do believe thanks for all of your help eos O O O O O O O O O O O O O O general-thank +bos you are welcome ! enjoy your visit ! eos O O O O O O O O O general-welcome,general-bye +bos i 'm looking for an expensive indian restaurant . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos i have many . is there a certain area you are looking for ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area +bos yes it can be in centre . i would like to book it for 1 person at 20:00 on saturday . eos O O O O O O B-Restaurant-Inform+Area O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O N/A +bos ok , i booked a table for you at saffron brasserie . your reference number is 65g14af2 . can i help 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 thanks , that will everything . eos 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 you 're welcome , thanks . eos O O O O O O O general-thank +bos are you sure there is nothing else i can do for you today ? eos O O O O O O O O O O O O O O O general-reqmore +bos i 'd like to find a guesthouse in the north . i want it to have 2 stars . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O B-Hotel-Inform+Stars O O N/A +bos there are no guesthouses that meet your criteria , can i check something else for you ? eos O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O O O general-reqmore +bos are there any hotels in that area instead of guesthouses ? eos O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos there is the ashley hotel or the lovell lodge . would you like me to make a reservation ? 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 O Booking-Inform +bos is there a room at the lovell lodge available for 1 person on saturday for 3 nights ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A +bos you are all booked ! reference number is 6o4vaahm . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos great , thanks ! now i 'd just like a taxi to take me from lovell lodge to saffron brasserie by 20:00. please give me the car and contact info eos 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+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O O O O O O O N/A +bos booking completed ! booked car type : red skodacontact number : 07515009678 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 thanks that will be all . goodbye eos O O O O O O O O general-bye +bos i hope you enjoy your stay . contact us anytime . good bye . eos O O O O O O O O O O O O O O O general-bye,general-greet +bos while i am visiting cambridge , i would like to stay at the ashley hotel . where is it located ? 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 N/A +bos the ashley hotel is located at 74 chesterton road . would you like the phone number ? i can also book a reservation for you . eos 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 O O O O O O O O O O O O Booking-Inform,general-reqmore +bos book me a room there for 2 night with 6 people , starting friday . also , i will need the reference number . 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 O O O O O O O O N/A +bos your booking was successful ! the reference number is dh7r8vdh . 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 'd like a cheap restaurant in the centre of the city . eos 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 a few cheap restaurants in the center of the city . would you like asian oriental or chinese food ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos i would like chinese food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos i found three restaurants , charlie chan , rice house , and golden house , 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 I-Restaurant-Inform+Name O O O O O O O O O O Restaurant-Select +bos let 's go with charlie chan for 6 people at 15:45 friday eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O N/A +bos your booking was successful . the table will be reserved for 15 minutes . your reference number is kfi8b8if . 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 no that will be all . thank you . eos 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 a nice place to stay , do you have those ? eos O O O O O O O O O O O O O O N/A +bos we have many nice places that would suit your needs . is there a particular area you are wanting 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 Hotel-Request+Area +bos i would like to stay in the centre of town . eos O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos sure , i have five options for you . what price range ? 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 i would like the moderate price range . eos O O O O O B-Hotel-Inform+Price O O O N/A +bos i have found the cityroomz located in the centre for a moderate price . it has 0 stars and free internet . can i make the reservation for you ? 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 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 Booking-Inform,Hotel-Inform+Internet +bos yes please make a booking for 6 people and 2 nights starting from 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 O N/A +bos booking was successful . reference number is : xpe70mgx . is there anything more 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 O general-reqmore +bos i would like more info on the travellers rest , it is a restaurant . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O N/A +bos it is a british restaurant in the west . it is expensive . can i tell you anything further about it ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O O O O O O O O O general-reqmore +bos sure . i would like to book it for 6 people on monday at 14:30. 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 my apologies , there is a known system issue that is not allowing booking specifically on restaurants , you would have to call them directly at 01223276182 , 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 B-Restaurant-Inform+Phone O O O O O O O O O O Booking-NoBook,general-reqmore +bos i also need to find a taxi . eos O O O O O O O O O Taxi-Inform +bos where would the taxi need to pick you up ? eos O O O O O O O O O O O Taxi-Request+Depart +bos can they pick me up at the hotel and take me to the restaurant in time for my reservations ? 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 a yellow toyota will pick you up at cityroomz and get you to the restaurant for that reservation . the contact number is 07700237290. can i help with anything else ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos that 's it for me today . thank you , bye eos O O O O O O O O O O O O general-bye +bos thank you have a good day too ? eos O O O O O O O O O general-bye +bos yes , i 'm looking for a restaurant that serves american food and is 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 the gourmet burger kitchen is located on regent street in city centre . eos 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 N/A +bos that sounds good . can you provide me with their contact info ? eos O O O O O O O O O O O O O O N/A +bos their phone number is 01223312598. do you need more information ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O general-reqmore +bos what is the price range ? eos O O O O O O O Restaurant-Request+Price +bos it is expensive , but very good . eos O O O B-Restaurant-Inform+Price O O O O O N/A +bos i also need a hotel called lovell lodege eos O O O O O O O O O Hotel-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 Booking-Inform,general-reqmore +bos i need to find a place to visit while in town . what attractions are in centre ? eos 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 a lot ! we have some impressive architecture , historic colleges , theatres , and more . what sort of thing appeals to you ? eos 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 O O O O O Attraction-Request+Type +bos i 'd like to see a college , please . eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are 13 colleges in the centre . gonville and caius college is fascinating and it is free . does this appeal to you ? eos 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 O O O B-Attraction-Inform+Fee O O O O O O O O Attraction-Select +bos sounds good . can i get the address with the postcode for that one , 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+Addr +bos yes , the college is located on trinity street , postcode cb21ta . is there anything else i can help you with today ? eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 is it free ? i also am looking for a mediterranean restaurant in the same 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 yes the college entrance is free . i also found 3 restaurants with mediterranean cuisine in the same area . two are in the centre . can you give a price range ? eos O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Fee O O 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 B-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Request+Price +bos i 'm looking for something cheap , i 'm on a budget . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O N/A +bos the gardenia is a cheap mediterranean restaurant . would you like me to make reservations there for you ? 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 O O O O O O O Booking-Inform +bos no i will take care of that . please provide the phone number , address , and postcode for the restaurant 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos you got it ! the gardenia is located at 2 rose crescent city centre , cb23ll . the phone number is 01223356354. what else can i do for you ? eos O O 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 O O O O O B-Restaurant-Inform+Phone O O O O O O O O O general-greet,general-reqmore +bos i also need to book 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 help you with that . what time do you want to leave the college and arrive at the gardenia ? 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+Arrive,Taxi-Request+Leave,general-greet +bos i want to leave at least by 14:45 if that is okay . eos O O O O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos that is fine , i 've got you booked with a white tesla . eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O N/A +bos thanks . can i get the taxi company 's contact phone number please ? eos O O O O O O O O O O O O O O O Taxi-Request+Phone +bos sure , their number is 07328080907. what else can i help you with today ? eos O 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 needed . thank you . eos O O O O O O O O O O general-thank +bos no problem , enjoy the rest of your day . eos O O O O O O O O O O O general-welcome,general-bye +bos i need a swimming pool in the north . eos O O O O O O O O B-Attraction-Inform+Area O N/A +bos i have 2 swimming pools in the north area . jesus green outdoor pool or kings hedges learner pool . would you like more infomation on one ? 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 I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O Attraction-Select +bos yes what 's the postcode for kings hedges learner pool ? eos O O O O O O O O O O O O Attraction-Request+Post +bos the postcode for kings hedges learner pool is cb42xh 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 N/A +bos i 'd also like to find an expensive restaurant in the same area , please . eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O N/A +bos booking was not successful book another day or time slot please eos O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos i want an expensive restaurant that serves asian oriental food in the same area as the attraction , please . eos 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 O O O O O N/A +bos the only restaurant in the area is kymmoy . should i book it for you ? eos O O O O O O O O B-Restaurant-Inform+Name O O O O O O O O Booking-Inform +bos please book for 2 people at 14:00 on saturday . may i confirm the reference number ? eos 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 Restaurant-Request+Ref +bos booking went through successfully . your reference number is fk5fqyan . eos 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 . you have been most helpful . eos O O O 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 to find a place to eat in centre please . eos O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos do you prefer african or asian cuisine ? eos O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i 'm looking for an inexpensive spanish restaurant . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos la raza seems to fit your needs , would you like to make a reservation ? eos O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O O O O N/A +bos yes , a table for 6 , friday at 16:00. eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos i was able to book your party . your reference number is 30djxazc . the table will be held for 15 minutes . 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+Ref O O O O O O O O O O O O O O O O O O O general-reqmore +bos yeah , can you recommend a place in the area ? preferably something college related . eos O O O O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos downing college is an excellent option in the city centre . 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 nice , in the same area as the restaurant i see . what is 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 Attraction-Request+Post,Attraction-Request+Addr +bos downing college is located on regent street , postcode cb21dq . can i help you with anything further today ? eos 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 O O O O O O O general-reqmore +bos one more question , is there an entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos there is no entrance fee . the phone number is 01223334860 if you should have any other questions . can i assist further ? eos O O O O B-Attraction-Inform+Price I-Attraction-Inform+Price I-Attraction-Inform+Price O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O O O O O O O O O general-reqmore +bos no that is all , you were wonderful . have a great day ! ! eos O O O O O O O O O O O O O O O O N/A +bos i 'm so happy that i could help you . have a great time at dinner and the college ! 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 a moderate priced place to dine in the centre area . eos O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have several restaurants matching your request . what type of cuisine 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 i do n't really care . can you please suggest one for me ? and please include the postcode . 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 Restaurant-Request+Post +bos i recommend the oak bistro . they serve british food and the postcode is cb21eg . would you like me to book a table for you there ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O O O Booking-Inform +bos no thank you . i did want to go to an attraction 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 N/A +bos there are 44 attractions located in the centre of town like the restaurant . is there a particular type you would like to visit ? eos 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 O Attraction-Request+Type +bos i would like to go to a museum . are there any in the area ? eos 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 11 different museums in city centre . i find the museum of archaeology and anthropology to be fascinating . would you like to learn more about them , or keep looking ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type B-Attraction-Inform+Area I-Attraction-Inform+Area 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 O O O O O O O O O N/A +bos that sounds interesting . can you tell me their phone number and the cost of entrance ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos entry is free and the phone number is 01223333516. is there anything else i can help with ? eos O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos can you get me a taxi that could take me from the museum to the bistro ? eos 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 travel between the two places ? eos O O O O O O O O O O O O O Taxi-Request+Leave +bos i want to leave the museum by 07:45. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos i was able to book that taxi for you . be looking for a white audi . if you need to contact them , their phone number is 07749170478. anything else 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 no , thank you . that 's everything i needed today . eos O O O O 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 general-welcome,general-bye +bos i need a cheap place to dine at in the north . eos O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O N/A +bos i have 2 options available . would you rather have indian or italian food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i want indian food . please give me the phone number and address . eos 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 royal spice is located at victoria avenue chesterton , postcode cb41eh . its phone number is 01733553355. is there any other information you need ? 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 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 yes , i 'm also looking for an attraction called the junction . what can you tell me about it ? 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 N/A +bos it 's a theatre on the south side of town , over on clifton way . eos O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos great ! thank you for all your help . goodbye eos O O O O O O O O O O O general-bye +bos you are welcome , glad to help . bye . eos O O O O O O O O O O O general-welcome +bos i would like to book a taxi to take me from the restaurant to the junction at 9:00 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 okay , i 've booked a black volkswagen for you . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O N/A +bos thanks , can i have their contact number as well ? eos O O O O O O O O O O O O general-thank +bos sure , contact number 07926339164. can i be of further assistance today ? eos O O O O B-Taxi-Inform+Phone O O O O O O O O O N/A +bos that will be all . thank you for all of your help ! goodbye ! eos O O O O O O O O O O O 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 'm looking for a multiple sports attraction in the south . anything available ? eos O O O O O O O O O O B-Attraction-Inform+Area O O O O O N/A +bos we have one such location . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O N/A +bos great , could you give me some more information about the location ? eos O O O O O O O O O O O O O O N/A +bos sure . the cherry hinton village centre is a multiple sports attraction located in the east . 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 B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O general-greet +bos do you have any that are in the south ? eos O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are no multiple sports attractions located in the south . eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O B-Attraction-NoOffer+Area O N/A +bos are there any nightclubs ? eos O O O O B-Attraction-Inform+Type O N/A +bos yes , there is one nightclub called the place at 22 sidney street . 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 N/A +bos yes , please . is there an entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos the phone number is 01223324600 but the entry fee is not listed . it would be best to call for that information . eos O 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 O O O O O O general-greet +bos thank you ! can you also find a chinese place to eat that is on the cheap side in the same area please ? 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 O O O O O N/A +bos i am sorry but there are no chinese restaurants that match your request . would you like try another type of food or area and price range ? 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 O O O O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area +bos how about chinese but in the cheapish price range ? eos 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 is nothing in the cheap price range . may i try another area or another type of food ? eos O O O O O O O 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 Restaurant-Request+Food,Restaurant-Request+Area +bos 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 south 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-Restaurant-Inform+Area O O O O O O N/A +bos i apologize , i do see a chinese restaurant , the lucky star . would you like a reservation ? 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 Booking-Inform +bos wonderful , thanks . i need a table for 6 on friday . we 'd like to eat tat 19:30. eos O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O O O O B-Restaurant-Inform+Time O O N/A +bos i could not book successfully , can i try another time ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos can you try 18:30 for me ? eos O O O O B-Restaurant-Inform+Time O O O N/A +bos your table is booked . your reference number is kuqsvw1u . 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 yes , could get get me a taxi to get me to 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 Restaurant-Inform,Taxi-Inform +bos where will you be departing from ? eos O O O O O O O O Taxi-Request+Depart +bos the nightclub at 22 sidney street , the place , you said it was called . eos O O O O O O O O O O O O O O O O O N/A +bos i 'm sorry , i believe i have gotten confused . i have a taxi set up for you . 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 O O O O O O O O Taxi-Inform,general-greet,general-reqmore +bos sorry for the confusion . i have everything i need , you 've been very helpful , 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 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 hi can you help me find a very nice italian restaurant near the centre of cambridge ? 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 N/A +bos please specify your price range . eos O O O O O O O Restaurant-Request+Price +bos it does not matter . eos O O O O O O N/A +bos zizzi cambridge serves italian in the centre . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O B-Restaurant-Recommend+Area O N/A +bos can i have 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 certainly . the address is 47-53 regent street with the postcode of cb21ab . their phone number is 01223365599. is there anything else ? eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O O O O O O general-greet,general-reqmore +bos i am also looking for the regency gallery attraction . could you please provide me with information about it including the phone number ? 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+Phone +bos of course . it is a museum in the centre . their phone number 01223365454. can i tell you anything else ? eos O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O B-Attraction-Inform+Phone O O O O O O O O O general-greet,general-reqmore +bos yes , i will also need to book a taxi to leave the restaurant by 22:15. eos O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos of course , where would you like the taxi to take you to ? eos O O O O O O O O O O O O O O O Taxi-Request+Dest +bos to the regency gallery , please . eos O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos alright , i 've booked a yellow audi for you . eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O N/A +bos can you get me the contact phone number please ? eos O O O O O O O O O O O Taxi-Request+Phone +bos sure , the contact number is 07487479836. is there anything else i can assist you with ? eos 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 should 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 you 're welcome . have a nice day ! eos O O O O O O O O O O general-welcome,general-bye +bos hi . i 'm looking for a restaurant . i think it 's called the rice ship or rice boat or something like that . 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 O O O O O O N/A +bos the rice boat is located in the west and is in the expensive range . would you like to book a reservation ? eos O O B-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 Booking-Inform +bos yes please . thanks for your help . eos O O O O O O O O O general-thank +bos how many people would you like to reserve a table for ? eos O O O O O O O O O O O O O Booking-Request+People +bos i do n't need a reservation right now , i was just curious about their price range . but i would like to find something to do . are there any parks in the east ? eos O O O O 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 O O B-Attraction-Inform+Area O O O O O Restaurant-Request+Price +bos yes , cherry hinton water park is in the area . it 's located at cherry hinton hall on cherry hinton road and admission is free . 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 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 B-Attraction-Inform+Fee O O O O N/A +bos can i get their postcode too please ? eos O O O O O O O O O Attraction-Request+Post +bos the postal code for cherry hinton water play is cb18dw . is that all you needed help with today ? eos O O O O O O O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos i will need a taxi from rice boat to cherry hinton water park . i want to leave rice boat at 12:00 please . 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 B-Taxi-Inform+Leave O O O N/A +bos i reserved a black audi for you . the contact number is 07828767922. is there anything else i can help with ? 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 O O O O O O O general-reqmore +bos no , thank you . that 's everything . eos O O O O O O O O O O general-thank +bos you are welcome ! enjoy your day . good bye . eos O O O O O O O O O O O O general-welcome,general-bye +bos im looking for places to go in town that shows architecture in the centre part of town 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 how about little saint mary 's church at little saint mary 's lane ? eos 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 I-Attraction-Inform+Addr O O O N/A +bos okay , that sounds neat ! is there an entrance fee ? eos O O O O O 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 am looking for a chinese restaurant close by . eos O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos wow , i have 10 different chinese restaurants in the centre of town . let 's try to narrow it down . do you have a price range you would like to stay in ? eos O O O O 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 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 to be honest , i do n't care about the price range . can you make a suggestion ? 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 i would recommend rice house in centre . it is cheap but oh man their food is fantastic ! they are at 88 mill road city centre . can i help more ? eos 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+Price 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 O O O general-reqmore +bos yes , i 'll need a taxi between the two places as well . eos O O O O O O O O O O O O O O O Taxi-Inform +bos sure , what time and where would you like to be picked up ? eos 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 the taxi to leave the restaurant by 14:45. eos O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos okay , no problem . i 've booked you a white toyota to pick you up there , and the contact number is 07058618818. anything else today ? 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 general-reqmore +bos great that was all i needed for today , thank you ! eos O O O O 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 i 'm looking for a place to dine in the expensive price range which serves italian . 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 five what area would you like ? eos O O O B-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Area +bos i want it to be in the centre . eos O O O O O O O O B-Restaurant-Inform+Area O N/A +bos clowns cafe is an expensive italian restaurant in centre area . would you like me to book it for you ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Price B-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O O O O O O O O O O O O Booking-Inform +bos yes , thank you . a table for five at 11:45 on wednesday . eos O O O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O N/A +bos i am sorry but there are no openings at that time . 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 Booking-NoBook,Booking-Request+Time +bos can you please try 10:45 for me ? eos O O O O O B-Restaurant-Inform+Time O O O N/A +bos 10:45 will work . your reference number is ly4llfs1 . 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 yes , i 'm also looking for a nightclub in the same area . is there any place you recommend ? 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 N/A +bos there are five nightclubs in the centre area , do you have a preference of any kind ? 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 general-reqmore +bos no , could you recommend me one to get jiggy at ? i 'll need the phone number , entrance fee , and postcode 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 O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos ballare is available , phone number is 01223364222 , it has a 5 pound entrance fee , and is located at heidelberg gardens , lion yard . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Phone O O 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 O N/A +bos thanks . what is the postcode ? eos O O O O O O O O Attraction-Request+Post +bos their postcode is cb23na . 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 's all i need . thanks . eos O O O O O O O O O general-thank +bos you are very welcome . glad i could help . eos O O O O O O O O O O O general-welcome +bos there 's some disagreement about what to do about a car accident . 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 N/A +bos of course , i can get you the contact information for parkside police station if you 'd like . 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 like the address and postcode please . eos O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos okay the address is parkside , cambridge and the postcode is cb11jg . 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 thank you , goodbye . eos 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 need a taxi arrive 5:45 destination restaurant two two eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos where will you leave from ? eos O O O O O O O Taxi-Request+Depart +bos i need to leave from lynne strover gallery . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos booking completed ! booked car type : white toyotacontact number : 07171354164 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 was in a car accident dispute and need help resolving it eos O O O O O O O O O O O O O N/A +bos you can contact the parkside police station at 01223358966. eos O O O O O O O O O O N/A +bos can you give me their address and postcode , please ? eos O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr +bos the address is parkside , cambridge and the post code is cb11jg . eos 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 you are more than welcome ! eos O O O O O O O N/A +bos could you give me the phone number for the station as well ? eos O O O O O O O O O O O O O O Police-Request+Phone +bos sure , 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 N/A +bos no , that is it . thanks 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 am looking in town for a hospital with a paediatric clinic eos O O O O O O O O O O O O B-Hospital-Inform+Department N/A +bos addenbrookes hosptial on hills rd . in cambridge has a paediatric clinic . eos O O O O O O O O O O O O O O N/A +bos i need the address and phone number and postal code eos O O O O O O O O O O O Hospital-Request+Post,Hospital-Request+Addr,Hospital-Request+Phone +bos great . thank you and goodbye . eos O O O O O O O O general-bye +bos i need to contact the police . eos O O O O O O O O Police-Inform +bos certainly . the number for the parkside 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 O O N/A +bos thank you , can i also have the post code and the address ? eos O O O 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 post code is cb11jg eos O O O O O O O O O O O O O N/A +bos thank you so much , good bye . eos O O O O O O O O O general-bye +bos you are so welcome . bye now . 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 in the cheap price range and should serve vietnamese 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 is a vietnamese restaurant in the west area of town that is in the cheap price range called thanh binh , should i book that for you ? eos 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+Price O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Booking-Inform +bos yes , i need the reservation to be for five people on monday at 19:00. eos 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 already booked . welcome eos O O O O O Booking-Book +bos thank you , can i get the reference number ? eos O O O O O O O O O O O Restaurant-Request+Ref +bos sorry , unfortunately that time is not available . eos O O O O O O O O O O Booking-NoBook +bos am asking for the reference number please eos O O O O O O O O Restaurant-Request+Ref +bos my apologies , it seems that this particular booking is unavailable . would you like to book 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos if the booking fails how about tuesday . eos O O O O O O O B-Restaurant-Inform+Day O N/A +bos i have booked a table for 5 at 17:00 on tuesday . they will hold the table for up to 15 minutes . the reference number is 2vns11p1 . eos O O O O O O O O O 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 that 's all . bye . eos O O O O O O O O general-bye +bos thank you for calling us and have a great day . goodbye . eos O O O O O O O O O O O O O O general-bye +bos i 've been robbed ! i need to get in touch with the police right away ! eos O O O O O O O O O O O O O O O O O O Police-Inform +bos call 01223358966. eos O O O N/A +bos what is the postcode of the police station ? eos O O O O O O O O O O Police-Request+Post +bos the postcode is cb11jg . can i help with anything else ? eos O O O O O O O O O O O O O N/A +bos can you give me their address too ? eos O O O O O O O O O Police-Request+Addr +bos the address for the parkside police station is parkside , cambridge . 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 okay , i hope your day improves . good luck ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a train leaving after 10:30. eos O O O O O O O O B-Train-Inform+Leave 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 'll be leaving from leicester and want to go to cambridge . eos O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O O N/A +bos there are 91 trains leaving leicaster to cambridge after the specified time . how does friday 11:09 sound ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Select+Day B-Train-Select+Leave O O O N/A +bos all right . i need a booking for six , please , and the reference number . eos 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 the train for you for 6 people . the reference number is 7qamughq . do you need anything else ? eos O O O O 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 general-reqmore +bos i need a hotel in the north that has free parking . eos O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos there are 11 different hotels . to help narrow it down , can you tell me if there is a 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 O O O O O O O Hotel-Request+Price +bos no not really , i would prefer a guesthouse type of hotel with free wifi though . 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 how about the acorn guest house on 154 chesteron road ? it 's a moderate price range guesthouse that is rated 4 stars with free parking and wifi . eos 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 B-Hotel-Recommend+Price O O B-Hotel-Recommend+Type O O O O O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos perfect . i 'd like to book a 5 night stay for the six of us . eos O O O O O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A +bos great . is this hotel stay also starting on friday ? eos O O O O O O O O O O O O Booking-Request+Day +bos yes it is . eos O O O O O N/A +bos booking was successful , reference number is yn5mh1zn . 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 general-reqmore +bos no thank you that will be all . thank you for your help in booking my trip and stay ! 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 no problem ! you have a wonderful 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 that has free parking ? 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 O O O O O O N/A +bos i found a variety of choices . let 's narrow down the selection . what part of town would you like to stay 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 O O O O O O O Hotel-Request+Area,general-greet +bos definitely the south part of town , thanks . eos O O O B-Hotel-Inform+Area O O O O O O N/A +bos aylesbray lodge guest house is available , would you like to try them ? 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 are there any hotels with free parking , or just guesthouses ? eos O O O O O O O O O O O O O Hotel-Inform +bos there are three guest houses and a hotel . do you have a preference for price range or number of stars ? eos 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 Hotel-Request+Price,Hotel-Request+Stars +bos anything you recommend will work fine . can i have the phone number of the one you pick ? 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 i would recommend the lensfield hotel . you can reach them at 0122355017. anything else i can do for you today ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O B-Hotel-Recommend+Phone O O O O O O O O O O general-reqmore +bos yes , please . i need 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 O O 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 thursday and arrive by 8:00. eos O O O O O O O B-Train-Inform+Day O O O O N/A +bos i have train tr8335 that will arrive in london kings cross at 07:51. would that work for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id 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 yes thank you . i also need the travel time and the departure 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+Leave +bos train tr8335 departs cambridge at 07:00. the duration of the trip is 51 minutes . eos 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 O O O O B-Train-Inform+Time N/A +bos thank you . you have satisfied all of my requests . eos O O O O O O O O O O O O general-thank +bos thank you for calling . please let us know if there is anything else we can do . 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-reqmore +bos can you help me find a indian restaurant in the west ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos sure , they are all expensive though . i love tandoori palace located at 68 histon road chesterton . eos O O O O O B-Restaurant-Recommend+Price 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 O N/A +bos that sounds perfect ! thank you . eos 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 can you book a reservation for 8 at 14:45 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 done ! your table will be reserved for 15 minutes . your reference number is 5xfzm2ku . 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore +bos can you provide me with the telephone number and book two taxi cabs to the restaurant eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos tandoori palace 's phone number is 01223506055. please give me the taxi departure day and time and i 'll be more than happy to book one for you eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone 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 nevermind - i do n't need the taxis after all . can you help me find a place called tenpin , instead ? eos O O O O O O O O O O O O O O O O O O B-Attraction-Inform+Name O O O O O N/A +bos tenpin is an entertainment venue in the south . they are located at cambridge leisure park , clifton way . their postcode is cb17dy . their phone number is 08715501010. eos O B-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 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 N/A +bos can you tell me what their entrance fee is ? eos O O O O O O O O O O O Attraction-Request+Fee +bos they do not have an entrance fee listed , but you can always call and find out . eos 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 N/A +bos okay , thank you 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 ? eos O O O O O O O O O O O general-reqmore +bos no that will be 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 services . have a great day ! eos O O O O O O O O O O O O O general-bye +bos 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 moderate . eos O O O O O O 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 N/A +bos i have three hotels available . the ashley hotel , cityroomz , and lovell lodge . do you need parking ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type 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-Request+Parking +bos i need one in the centre and has free wifi . eos O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos then cityroomz is just for you ! it is located at sleeperz hotel , station road . do you need more information or do you want to book a room ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Inform +bos that is all that i need . 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 hi i am looking for a place to eat that is in the moderate price range and also 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 O O O B-Restaurant-Inform+Area O N/A +bos there are 21 great restaurants to choose from . is there a certain type of cuisine 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+Food +bos how about you pick a place for me reserve a table for 7 at 17:00 on saturday please . 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 how about la tasca serving spanish food ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O N/A +bos as long as la tasca is located in the centre of town and is moderately priced . if it is , yes that would be great . i need 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 O O O O O O O O O O O O O O O O O N/A +bos yes , it meets all your requirements . i am happy to reserve a table . for how many guests ? 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+People,Booking-Inform +bos i need reservations for 7 people at 17:00 on saturday . i also need the reference number . i need a train that leaves after 11:30 on tuesday . eos O O O O O O B-Train-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 B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A +bos your table is reserved , reference # srytu96a . eos O O O O O O B-Booking-Book+Ref O O O N/A +bos i will also need a train . eos O O O O O O O O Train-Inform +bos right . do you know the departure and destination stations you want ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos yes , i 'm departing from cambridge heading to leicester eos O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A +bos the tr7692 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 i will need 7 tickets . eos O O O O O B-Train-Inform+People O N/A +bos booking is complete . your reference # is ql902a4m and the total fee is 264.59 gbp , payable at the station . can i help you 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 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 , 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 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 out with finding a restaurant that serves british food in the east ? 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 i have located the grafton hotel restaurant , would you like more info or a booking ? 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 Booking-Inform,general-reqmore +bos please book reservation for 2 people at 16:00 on friday . send 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 N/A +bos ok , i made your reservations . your reference number is 23ekiufo . 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 give me the address and postcode . eos O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos sure , the address is grafton hotel 619 newmarket road fen ditton and the post code is cb58pa . can i do anything else for you 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 O O O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos yeah , i 'm also looking for a place to stay . eos O O O O O O O O O O O O O N/A +bos i 'll be glad to find you a place , first is there an area or price range 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 Hotel-Request+Price,Hotel-Request+Area +bos the price range does n't matter . eos O O O O O O O O N/A +bos well what area are you interested in ? eos O O O O O O O O O general-reqmore +bos i need a guesthouse , including free parking . it should have a 4 star rating on friday . can i get the phone number and address ? 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 O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos i recommend carolina bed and breakfast . it 's located close to where you 'll be dining and is moderately priced . their address is 138 perne road and their phone number is 01223247015. 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+Area I-Hotel-Recommend+Area I-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 B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O B-Hotel-Recommend+Phone O O O O N/A +bos i also need a taxi from the restaurant to the hotel , please . i need to leave 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 B-Taxi-Inform+Leave O O N/A +bos i have booked that taxi for you . be expecting a grey toyota . should you need to contact the taxi company , you can call 07048450899. 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 O O O B-Taxi-Inform+Phone O O O N/A +bos thank you very much . i think that is all i need . 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 train leaving on friday going to cambridge . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O 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 just want to arrive by 15:15. eos O O O O O O O B-Train-Inform+Arrive N/A +bos well , there are 101 trains arriving before 15:15 on friday . is there are area you are coming from so i can narrow it down for you ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Arrive 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+Depart +bos i 'll be leaving norwich . there are 8 people traveling . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+People O O O O N/A +bos okay . we have you booked for 8 tickets on the tr3147 . the total fee is 140.8 gbp which can be paid at the station . your reference number is yrm9l6lv . eos O 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 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 O N/A +bos thank you . i also need information on the lensfield hotel . can you help me with that ? 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 N/A +bos the lensfield hotel has a 3 star rating and provides internet and parking . would you like me to book them for you ? 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no thank you . can you please give me the address though ? eos O O O O O O O O O O O O O O Hotel-Request+Addr +bos sure . the address is 53-57 lensfield 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 does the lensfield have free parking and internet ? eos O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos yes , the lensfield offers both free parking and wifi . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos okay great , i would like to book that please . eos O O O O O O O O O O O O N/A +bos okay . i will need to know the day , how many nights you 'll be staying , and how many people will be in your group . eos O O O O O 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 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 . eos O O O O O O O O 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 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 'm looking for a restaurant on the west side that serves basque food . eos 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 do n't have a basque restaurant on the west side . would you like me to look in 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 O O O O O O O O O O O O O Restaurant-Request+Area +bos well how about an expensive one then ? eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos we do n't have any basque restaurants on the west side , regardless of price . do you want to try a different type of food ? 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 O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos how about a thai place then ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos sala thong is just for you . their address is 35 newnham road newnham . do you need a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+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 O O O O O O O Booking-Inform +bos no , thank you . i would like to know the postcode , if possible ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Post +bos the postal code is cb39ey . is there any other thing you might like to know ? eos O 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 guesthouse close to the restaurant on the west side . eos O O O O O B-Hotel-Inform+Type O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are two in the area . one is cheap and the other is moderately priced . do you have a preference ? eos O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O Hotel-Select +bos i would like a 4 star guesthouse with free parking . eos O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos do you have a price preference ? eos O O O O O O O O Hotel-Request+Price +bos no i do not i would like a 4 star guesthouse in the west with free parking . 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 gdsgfsd fg dsf gdfg d sfgds eos O O O O O O O N/A +bos can you help me find a place to dine that is expensive in the west ? eos O O O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O N/A +bos certainly . what type of food are you looking for ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos my friend wants to eat lobster , so maybe a good seafood place . eos O O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i do have loch fyne in the centre ( nothing in the west , sorry ! ) that has expensive seafood . want to give it a try ? eos O 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-NoOffer+Area 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 i would like to stay in the west area . how about a british restaurant ? eos 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 travellers rest in the west area is an expensive british restaurant . would you like more info about them ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos please get me the address eos O O O O O O Restaurant-Request+Addr +bos travellers rest is located at huntington road , city centre . would you like me to book a table for this evening ? eos 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 O O O O O O O O B-Booking-Inform+Day I-Booking-Inform+Day O O O N/A +bos no , i wo n't be in town till next week , thanks . can you suggest a college in that same area ? 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 N/A +bos i have give colleges in the west . eos O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Fee O N/A +bos can you recommend a college in the west area ? i 'll need the address , entrance fee and post code 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 Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos queen 's college is located on silver street . the postcode is cb39et . although the entrance fee is 2.50 pounds , i think it 's well worth the price of admission . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-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 O O O N/A +bos sounds great . can i also get info on a taxi leaving from queen 's college eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos yes i can get you a taxi where are you going and what time did 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 O O O Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave +bos well i want to leave the attraction by 11:00 and i need the contact # and car type eos 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 in order to book the taxi i will need a destination . can you please provide one ? 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 do not have a destination at this time . eos O O O O O O O O O O O N/A +bos alright your booking number is 07829617509 and the car picking you up is a yellow ford . eos O O O O O O B-Taxi-Inform+Phone I-Taxi-Inform+Phone O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 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 thank you so much for your help ! that should be 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 the 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 find a restaurant in the north that is cheap ? eos O O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O N/A +bos sure ! would you like indian or italian food ? eos O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos i would like lebanese food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos i do n't have any that match . do you have any other prefences ? eos O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos how about italian food then ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos sure . da vinci pizzeria is a cheap italian restaurant in the area . the address is 20 milton road chesterton cb41jy and the phone number is 01223351707. eos 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 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 O O N/A +bos would you mind making a reservation for thursday at 17:15 please ? eos O O O O O O O O B-Restaurant-Inform+Day B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos okay ! for how many people ? eos O O O O O O O O Booking-Request+People +bos the reservation will be for 5 people eos O O O O O O O B-Restaurant-Inform+People N/A +bos your reservation for da vinci pizzeria on this thursday at 17:15 for a party of 5 was successful . your reference number is : ug63sdoh . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time B-Booking-Book+People O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am also looking for places to go in town 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 four attractions and they include boat park and 2 swimming-pool . which one will you prefer ? eos O 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 Attraction-Select +bos whatever you recommend is fine . i 'll need the entrance fee and attraction type . eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type +bos is there a certain type of attraction that you prefer ? eos O O O O O O O O O O O O Attraction-Request+Type +bos yes , please give me the entrance fee for the boat park . eos O O O O O O O O O O B-Attraction-Inform+Type O O O Attraction-Request+Fee +bos i 'm sorry , but the entrance fee for the boat park is unknown . would you like the phone number ? eos O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos no thanks , that will be all . eos 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 i 'd like to find out if there are any cheap portuguese places to eat in cambridge . eos 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 N/A +bos yes , i have nandos located in the south and nandos city centre located in the centre . will one of these 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 N/A +bos yes , i will make a reservation at nandos in the south part of the city for five people on thursday . eos 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 N/A +bos i can certainly help you with that . what time would you like the reservation ? eos O O O O O O O O O O O O O O O O O Booking-Request+Time +bos i would like the reservation to be at 14:45. eos O O O O O O O O O B-Restaurant-Inform+Time N/A +bos your reservation reference number is : smh06ms1 . the table will be held for 15 minutes from the time of your reservation . may i assist 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 O O O O O O O O O O O O O general-reqmore +bos i need a place to stay as well . i need free parking . eos O O O O O O O O O O O O O O O N/A +bos i have over 20 different options for you , was there a certain area or price range you would like me to find for you ? 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 Hotel-Request+Price,Hotel-Request+Area +bos lets see what is available cheap , same area as the restaurant makes most sense but i am open to any area . 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 O O O Hotel-Request+Area +bos i have one place in the cheap range , in the south area . would you like me to go on with booking ? eos O O O O B-Hotel-Inform+Choice 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 Booking-Inform +bos what kind of food is it ? eos O O O O O O O O N/A +bos they serve portuguese . need a reservation ? eos O O O B-Restaurant-Inform+Food O O O O O Booking-Inform +bos sorry i have the restaurant . i am looking for a cheap , four star hotel with free parking and internet . 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 Hotel-Request+Internet +bos rosa 's bed and breakfast meets your criteria . 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 I-Hotel-Inform+Name O O O O 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 , they do have internet . 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 no , could you just give me the area that is in and postcode please ? eos 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 part of town , and the postcode is cb22ha . can i help you with anything else ? eos O O O O O B-Hotel-Inform+Area O 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 no thank you that will be all eos O O O O O O O O general-thank +bos enjoy your stay in cambridge . have a nice day , bye . eos O O O O O O O O O O O O O O general-bye +bos hello , i 'm looking for a hotel to stay that is in the moderate price range with free wifi . 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 N/A +bos i have 3 hotels that are moderately priced with free wifi . ashley hotel or lovell lodge in the north and cityroomz in the centre . 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+Addr O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price Hotel-Inform+Internet +bos i would prefer a 4 star hotel , are any of those three rated 4 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 they are not . would you like me to look for hotels in a certain area ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Inform,general-reqmore +bos i would like to stay in the centre part of town . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos i am sorry but there are no hotels in the center of town matching your request . would you like try a different part of town , price range , or star rating . 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 O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Stars +bos can you check the north part of town ? eos O O O O O B-Hotel-Inform+Area O O O O N/A +bos i have seven places in the north . would you like me to book 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 Booking-Inform +bos can you let me know if one of them has free parking , the hotel type of it , and 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 Hotel-Request+Post,Hotel-Request+Parking,Hotel-Request+Type +bos there are six entries that fit your criteria in the nborth area , any other preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Area O O O O O O general-reqmore +bos which one would you recommend ? eos O O O O O O O N/A +bos how about the ashley hotel ? moderately priced and located in the north . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O B-Hotel-Recommend+Area O O N/A +bos sounds good ! i also need to find a college in town . can you help ? 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 sure ! there are 18 , any specific area ? eos O O O O O B-Attraction-Inform+Choice O O O O O Attraction-Request+Area +bos i would prefer the same area as the hotel . eos O O O O O O O O O O O Attraction-Request+Area +bos i 'm sorry , there are none in the north , would you like to try a different area ? eos O O O O O O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Area +bos sure , i 'd like to explore other areas of town . any recommendations ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area +bos how does christ 's college sound ? it 's in the city centre and is free to visit . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O B-Attraction-Recommend+Fee O O O O O O N/A +bos thanks ! can i have the 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 the phone number is 01223334900 and the address is saint andrews street . 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 N/A +bos thank you ! one last thing : i need a taxi to commute from the hotel to the college , 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-Inform,Hotel-Inform +bos what time do you want that trip to be ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i 'm going to leave the hotel by 19:15. eos O O O O O O O O B-Taxi-Inform+Leave O N/A +bos excellent , i have booked you a blue honda for 19:15. the contact number is 07956367561. 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 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 no thank you . that was all i needed . goodbye . eos O O O O O O O O O O O O O general-bye +bos i 'm happy to have helped , good day . eos O O O O O O O O O O O general-bye +bos hello there , i am traveling to cambridge soon and i am looking for a play to stay in 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 B-Hotel-Inform+Area O O O O O N/A +bos there are 13 places to stay . do you have any other requirements outside of the north area ? 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 O O N/A +bos yes , i need a 4 star hotel that also includes free wifi . eos O B-Hotel-Inform+Internet O O O O B-Hotel-Inform+Stars O O O O O O O O N/A +bos how about the acorn guest house at 154 chesterton road ? eos 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 I-Hotel-Inform+Addr N/A +bos that sounds good . do they have free parking ? eos O O O O O O O O O O O Hotel-Request+Parking +bos yes , they have free parking as well . 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 O O O Booking-Inform,Hotel-Inform+Parking +bos great , can i get their phone number please ? and i also wanted to see if you have any info on the mumford theatre . eos O O O 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 +bos yes , the phone number there is 01223353888. what sort of information would you like on mumford theatre ? eos O O O O O O O B-Hotel-Inform+Phone O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O general-reqmore +bos i need to know where they are located and if they have an entrance fee please . eos O O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos it is located at anglia ruskin enterprise , east road and i 'm not sure if there are any fees . you will need to call them . 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+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 N/A +bos okay , thanks . i also need a taxi to commute between these two places . i want to leave the hotel 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 O O B-Taxi-Inform+Leave O N/A +bos booking completed ! booked car type : yellow bmwcontact number : 07546378894 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 hey , what part of town is the mumford in again ? eos O O O O O O O O O O O O O N/A +bos mumford theater is located in the city centre . eos O O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos can you find me a museum to visit ? eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos sure . what of part town do you prefer ? eos O O O O O O O O O O O Attraction-Request+Area +bos are there any museums in the north part of town ? eos O O O O O O O O O O O O N/A +bos nothing in the north , sorry . the closest would be broughton house gallery in the centre at 98 king street , cv11ln . is that too far ? eos O O O O B-Attraction-NoOffer+Area O O 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 O O O O O O O O Attraction-Select +bos i 'm sorry , i 'm not sure why i previously said the north part of town . i meant a museum in the southern part . 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 N/A +bos there is the byard art museum located in the south . are you interested ? 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 O O O O Attraction-Select +bos yes , that sounds lovely . can you give me their address , please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos certainly . byard art is located at 14 king 's parade and their postcode is cb21sj . 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 O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos i would also like a 3 star hotel please . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos we have one 3 star hotel , the lensfield hotel , in the southern part of town . it is expensive . 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 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 N/A +bos that is fine , as long as it is a hotel . what is the phone number there ? 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 their phone number is 01223355017 eos O O O O O B-Hotel-Inform+Phone N/A +bos thank you . that 's all the information i need for now . eos O O O O O O O O O O O O O O general-thank +bos you 're welcome , enjoy yourself . eos O O O O O O O O general-welcome,general-bye +bos i am looking for the university arms hotel please . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos yes the university arms hotel is located in the centre . 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 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 not now , i just need the address and also to know whether there is 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,Hotel-Request+Addr +bos there is a parking for the hotel , we will be happy to take your reservation at your earliest convenience . 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+Parking +bos could you please give me the address of the hotel ? eos O O O O O O O O O O O O Hotel-Request+Addr +bos their address is regent street . what else can i help you with ? 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 thats great thanks . i am also looking for a college in the centre to visit- can you make a recommendation ? 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 N/A +bos sure . christ 's college is a nice , free attraction . would you like the phone number ? eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Fee O O O O O O O O O O O O N/A +bos yes , as long as it is in the centre . could i also get the postcode ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O O O Attraction-Request+Post +bos the post code is cb23bu and contact number is 01223334900. anything else i can assist with ? eos O 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 yes , could you book a taxi for me between the hotel and the college ? i want to leave the college by 3: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 Taxi-Inform,Hotel-Inform +bos i 've booked a taxi for you , it 's a grey volkswagen and the contact number is 07148390604. 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 B-Taxi-Inform+Phone O O O N/A +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 . goodbye ! eos O O O O O O O O O O O general-welcome,general-bye +bos yes , i 'm looking for the hotel limehouse . eos O O O O O O O B-Hotel-Inform+Name O O O N/A +bos limehouse is a moderate priced guesthouse in the north at 78-80 milton road . would you like to make a reservation ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area 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 please . i 'll be checking in by myself on sunday , and staying for five nights . eos O O O O O O O O O B-Hotel-Inform+Day O O O O O O O O O N/A +bos it was successful . the booking number is wcrbsyul . is there anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos yes . what can you tell me about cherry hinton hall and grounds ? i am interested in visiting it . do i need to book a tour ? 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 O O O O O O N/A +bos it is in the east area of town , and it does not tell me if there is an entrance fee . 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 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 O O O O O O O O O general-reqmore +bos yes , could you provide me with their phone number as well ? eos O O O O O O O O O O O O O O Attraction-Request+Phone +bos the telephone number is 01223446104. 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 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 am looking for information in cambridge . eos O O O O O O O O O N/A +bos i can certainly help you with that ! what do you want to know ? eos O O O O O O O O O O O O O O O O general-reqmore +bos i 'd like to stay at a guesthouse that offers free wifi . eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos do you have a price range or area preference ? because if not , how about a and b guest house located in the east and moderately priced . 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 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 Hotel-Request+Area,Hotel-Request+Price +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 the alexander bed and breakfast is a great place . do you need 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 Booking-Inform +bos yes , please . 6 people for 3 nights starting on thursday . eos O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos acorn guest house would be perfect for your needs . eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O N/A +bos hello , i am planing to visit cambridge and i am looking for a swimmingpool . eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos okay , there are four places in town . do you prefer a particular area ? eos 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 Attraction-Request+Area +bos it does n't matter . i will need the address , phone number , and area of town . 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+Phone,Attraction-Request+Addr +bos ok , i recommend parkside pools in the centre of town , they are located on gonville place and are reachable at 01223446100. eos O 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 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 N/A +bos that 's great thanks . also i need a hotel in the south . eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos i have 4 different options for you . 3 guesthouses and 1 hotel . the hotel is expensive , whereas the others are moderate or cheap . do you have a 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 O O O N/A +bos not really , just get me one with 3 stars please eos O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos there are 2 , the bridge a moderately priced and the lensfeild inthe expensive price range . both are in the south and offer free parking and internet . eos O O O O B-Hotel-Inform+Choice O O 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos the bridge is fine , please . eos O O O O O O O O N/A +bos would you like to book the bridge guest house ? eos 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 , could you make a booking for me ? 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+Day,Booking-Request+Time +bos i 'm sorry , but i do n't need a booking anymore . could you tell me 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 Hotel-Request+Parking +bos yes they do have free parking eos O O O O O O O Hotel-Inform+Parking +bos okay , thanks . do they also have free internet ? eos O O O O O O O O O O O O general-thank +bos they sure do ! eos O O O O O Hotel-Inform+Internet +bos great ! thank you for your help . goodbye ! eos O O O O O O O O O O O general-bye +bos you 're welcome . glad i could help . have a nice day . eos O O O O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos yes , i am looking for a hotel by the name of the autumn house . can you tell me about 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 N/A +bos yes , the autumn hose is on the east part of time , the prices are cheap and it 's four stars . is there anything else you 'd like to know ? eos O 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 O O B-Hotel-Inform+Stars O O O O O O O O O O O O O O O general-reqmore +bos no , i just want to book it for 2 people for 5 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 you are booked into autumn house . the reference number is e4qftbqt . may i help with anything else ? 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 N/A +bos thank you very much , can you also give some recommendations for places to go for college students ? eos 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 churchill college located in the west is a nice place . would you like more info ? 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 general-reqmore +bos just confirming it 's in the west part of town ? eos O O O O O O O O O O O O N/A +bos churchill college is located on stoney 's way on the west side of town . can i help you with anything else today ? 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 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 where are you going to and when ? eos O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest +bos i 'm leaving the college to the hotel by 24:45. eos O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos your taxi has been reserved . it is a white skoda and you can contact it at 07059964954. eos 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 N/A +bos thanks so much , i guess that 's all i need ! good bye . 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 ! have fun ! eos O O O O O O O O O O O general-bye +bos find me a place called maharajah tandoori restaurant , please 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 , maharajah tandoori restaurant serves indain food and is located in the west . they are the expensive price range . would you like to book a table there ? eos 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 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 Booking-Inform +bos yes , please book a table for 3 at 12:15 on monday . 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 booking was successful . the table will be reserved for 15 minutes.reference number is : qoes657a . 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 thank you eos O O O O general-thank +bos no thank you that will be all eos O O O O O O O O N/A +bos i need some help finding a place to stay in the east please . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are many . what is your price range ? eos O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Price +bos price is n't really a factor , but i would like 4 star eos O O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos i have 6 four star guesthouses in the east . would you like to book one today ? 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 Booking-Inform +bos do any of them offer free parking and wifi ? eos O O O O O O O O O O O N/A +bos yes 5 of them . what is your price range ? eos O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Price +bos price does n't matter . any of the five will be fine . i 'll need it booked for wednesday . it will be 3 nights and for 6 people . 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 B-Hotel-Inform+Stay O O O B-Hotel-Inform+People O O O O O O N/A +bos okay , i went ahead and booked you the warkworth house . your reference number is 9hn7cvkz . can i help you wtih 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 O general-reqmore +bos i would also like a cheap place to eat 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 the missing sock is a cheap restaurant in the east that serves international food . can i give you the address ? eos 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 B-Restaurant-Inform+Food O O O O O O O O O general-reqmore +bos that sounds perfect , yes please . eos O O O O O O O O N/A +bos it is at finders corner newmarket road . 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 a table for 6 at 13:15 on wednesday would work . i 'll need a reference number . eos 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 . the table will be reserved for 15 minutes . reference number is : ve35kbve . 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 , that is all . goodbye . eos O O O O O O O O O general-bye +bos thank you for using our services . goodbye . eos O O O O O O O O O O general-bye +bos i am excited to eat at some great restaurants during my visit . can you help me find 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 O N/A +bos sure , got an area of town you want to stay in ? eos O O O O O O O O O O O O O O Hotel-Request+Area +bos i 'll need a guesthouse that has free wifi that has a rating of 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 what area 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 particular area , could you give me a recommendation ? eos O O O O O O O O O O O O N/A +bos the acorn guest house is in the north and moderately priced . will that suit you ? 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 B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O N/A +bos yes , that will . can you please reserve a room for 4 nights beginning on sunday . there will be six of us . 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 O O O O O O O O N/A +bos i was able to book your room per your request . your reference number is : 40vq9anp . was there anything else you needed ? 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 general-reqmore +bos i am also looking for an expensive indian restaurant nearby . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos in what area would you like it to be ? eos O O O O O O O O O O O Restaurant-Request+Area +bos in the centre please . eos O O O O O O N/A +bos i would suggest this place the golden curry . eos O O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos can i have the phone number and postcode please ? eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos 01223302330. post code is cb21dp . is there anything else you will need ? eos O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos that is all i need , good day . eos 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 no thanks , that 's all i needed . eos O O O O O O O O O O general-thank +bos okay , have a great trip ! eos O O O O O O O O general-bye +bos i 'd like some information about the university arms 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 sure . it is 4 stars and expensive . they have internet , free parking & located in the center on regent street . phone number 0122331241. shall i make a reservation ? eos O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O B-Hotel-Inform+Phone O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos no i just needed to know the information . thank you , 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 general-thank +bos have a great visit and please call back if you need additional help . eos O O O O O O O O O O O O O O O general-bye +bos actually , i 'd like some information about an attraction in the centre dealing with multiple sports . 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 i could not find any attractions for multiple sports in the centre of town . is there perhaps another attraction type or area of town i could search for you ? 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 I-Attraction-NoOffer+Area O 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 college in the same area ? eos O O O O B-Attraction-Inform+Type O O O O O Hotel-Request+Area +bos there are 5 colleges in the centre . corpus christi or downing college are very nice . would you like more information about one of 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 N/A +bos can you give me the phone number and address for corpus christi college ? eos O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Phone,Attraction-Request+Addr +bos sure , their phone number is 01223338000. there will be an entrance fee of 2 pounds . eos O 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 O N/A +bos great , and what is the address ? also , can i just confirm that university arms hotel is actually a hotel ? i do n't like guest houses . 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 Attraction-Request+Addr +bos yes , it is a hotel . any other questions that i can help with today ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O general-reqmore +bos if i can just get the address of the university arms hotel please . thanks . 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 Attraction-Request+Addr +bos sure , the address listed for university arms is regent street , postcode cb21ad . what else can i help with today ? eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 i never got the address for corpus christi college . could you give that to me ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos certainly ! the address is king 's parade , is that all you needed ? 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 yes that 's everything , thank you . goodnight . 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 O general-welcome,general-bye +bos i 'd like to find an attraction in the centre of town , please . eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos of course ! what type of attraction did you have in mind ? eos O O O O O O O O O O O O O O Attraction-Request+Type +bos do you have any swimming pools ? i might want to go swimming . eos O O O O O O O O O O O O O O O N/A +bos parkside swimming pool is in the cenre area . will that work for you ? eos 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 N/A +bos yes , that would work for me . can i get their address please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos the address is gonville place , phone number is 01223446100. i 'm not showing if there is an entrance fee . is there something else i can help you with today ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Phone 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 i also need to find a guesthouse to stay in while visiting . eos O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos we have many fine guesthouses in town . is there a particular area or price range you have in mind ? 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 Hotel-Request+Price,Hotel-Request+Area +bos i would like free parking and free wifi . eos O O O O O O O O O O N/A +bos that gives us about 21 options . is there a price range you prefer so that we can narrow the choices down ? 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 Hotel-Request+Price +bos not really . please give me a recommendation eos O O O O O O O O O N/A +bos how about the artchway house in the north ? it is a moderately priced 4 star hotel with free wifi and parking . would you like me to make a reservation ? eos 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 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 O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes can you book that for 5 people and 4 nights starting from 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 N/A +bos success ! your reference number is pwuyrmwp . 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 i also need to book a taxi , can you help me . i need to leave the hotel by 4:15. 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,Hotel-Inform +bos a white ford will pick you up at the hotel at 4:15 and take you to the pool . contact number is 07909004029. 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 B-Taxi-Inform+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Leave 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 O O N/A +bos nah , you 've been a great help mate . thanks a million . eos O O O O O O 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 i do n't know if you 've heard of it but can you please get me some information on the la tasca restaurant ? 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 O O O N/A +bos happy to help - la tasca is a spanish restaurant with a moderate price point located in the centre . eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area N/A +bos great ! will you please book that for 2 people at 17:30 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 alright , the table will be reserved for 15 minutes . your reference number is : ao0ms4q3 . eos 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 for helping eos O O O O O general-thank +bos you 're most welcome . can i help you with anything else today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos i need a place to stay , a hotel in the north . preferably in the guesthouse category eos 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 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 O general-reqmore +bos does that include wifi ? i do n't want it to be too expensive . eos O O O O O O O O O O O O O O O O N/A +bos it does include wifi . it is moderately priced . eos O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O Hotel-Inform+Internet +bos i would like to book the acorn for 2 people for 5 nights starting sunday . 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 booking was successful.reference number is : vdqw6mg8 . what else can i do to assist you today ? 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 i also need a taxi from my room to the restaurants 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 Restaurant-Inform,Taxi-Inform +bos booking is complete . i have you booked with a black audi . contact number 07873880008. it will pick you up at 17:15. is there anything ? 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+Phone 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 general-thank +bos ok , it was a pleasure helping you . have a great time in cambridge . goodbye . eos O O O O O O O O O O O O O O O O O O O general-bye +bos find me a train from cambridge that arrives by 20:30 eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos sure , where are you traveling to , and 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 leave on sunday and i am headed to london liverpool street . eos 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 i have tr7713 that arrives by 19:27. does that work for you ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O N/A +bos yes , can you book it for 3 people please ? eos 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 39.83 gbp payable at the station .reference number is : xg11a6bs . 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 need a place to eat . i want to try some british food , prefer the west side of town . 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 O O O O O N/A +bos i would suggest this place travellers rest . eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos can i have the address , 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,Restaurant-Request+Addr +bos they are at huntingdon road city centre , postcide cb30df , phone is 01223276182 , can i assist 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 B-Restaurant-Inform+Post O O B-Restaurant-Inform+Phone 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 my pleasure , have a wonderful trip . eos O O O O O O O O O general-welcome,general-bye +bos where do i get info on hotels ? eos O O O O O O O B-Hotel-Inform+Type O N/A +bos you can get information here , through our help desk . eos O O O O O O O O O O O O general-greet +bos a hotel that has free parking and in the north part of town . i would like one in the moderate price range . eos 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+Price O O O O N/A +bos the ashley hotel and the lovell lodge meet that criteria , would you like me to book one of them for you ? 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 O O O Booking-Inform +bos yes please book the the ashley hotel for 7 people and 2 nights starting from wednesday . eos 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 O B-Hotel-Inform+Day O N/A +bos i was successful in making your reservation . your reference number is 2w4knzyj . 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 would also like to find a boat attraction in the same area . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos the riverboat georgina would work . it 's in the north . do you need more information ? 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 O O O O O O O general-reqmore +bos yes , i 'd like the phone number and postcode . eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223902091 and the postcode is cb43ax . eos O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O N/A +bos okay thank you that is all i need . eos O O O O O O O O O O general-thank +bos yeah , happy to assist . 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 O O general-welcome,general-reqmore +bos i really have to run . i 'm late for work . goodbye . eos 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 are there any expensive hotels around ? eos O O O O B-Hotel-Inform+Price O O O N/A +bos yes , there are 5 such hotels . do you have a location preference ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Area +bos i do not have a location preference . eos O O O O O O O O O N/A +bos i have the gonville hotel located in teh centre of town . it has a 3 star rating . would you like reservations ? eos O 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 I-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O O O O O O Booking-Inform +bos i would like an expensive hotel with a star of 4. it should also have free parking and free wifi . eos O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos i have 2 hotels . the huntingdon marriott and university arms . both are 4 star rated . huntingdon is in the west , and university arms is 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 O O O O O O O N/A +bos lets book the university arms please eos O O O O O O O N/A +bos sure thing , what nights will you be staying ? eos O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos 3 nights starting on tuesday eos O O O O O O N/A +bos i can help with that . how many people will be staying ? eos O O O O O O O O O O O O O O Booking-Request+People +bos there will be 4 people . eos O O O O O B-Hotel-Inform+People O N/A +bos booking was successful . reference number is : 5indnyf8 . 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 i also need to find a place to go located in the west . eos O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos we have a bunch of stuff out that way . what type are you looking for ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Type +bos any attraction is fine , thanks ! i just need the address of whatever place you choose . eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos how about whale of a time ? it 's an entertainment attraction in the west . the address is unit 8 , viking way , bar hill . 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+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 O O O N/A +bos sounds great , i also need a taxi to leave the hotel for the attraction by 19:45. eos 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 your taxi reserved , look for a white audi , the contact number is 07504427324 , any further questions today ? 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 general-reqmore +bos that was all i needed today , thanks . goodbye . eos O O O O O O O O O O O O general-bye +bos it was nice talking to you ! thank you for calling ! good bye ! eos O O O O O O O O O O O O O O O O general-bye +bos can you give me more information about shopping ? eos O O O O O O O O O O N/A +bos what area of town will you be shopping in ? eos O O O O O O O O O O O Attraction-Request+Area +bos i will be in the west part of town , but i think i am more interested in college visits if you could help me with that . eos O O O O O O B-Attraction-Inform+Area 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 5 in the west can i recommend churchill college ? eos O O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos sure , what 's the postcode for that college ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb30ds eos O O O O B-Attraction-Inform+Post N/A +bos thanks ! i 'm also looking for somewhere to stay . any hotels ? maybe around a 3 star , and i need wifi . eos O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O O O O O O O N/A +bos there is nothing that is 3 stars which includes wifi , can i check for something else ? eos O O O O O O O B-Hotel-NoOffer+Stars O O O O O O O O O O O Hotel-NoOffer+Internet,general-reqmore +bos can you recommend a 3 star hotel then ? i 'd like a room for 2 nights on sunday , for two people . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O O O O N/A +bos there are no 3 star locations with parking . sorry . is there anything else i can help you with toay ? eos 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 Hotel-NoOffer+Parking,general-reqmore +bos actually , i wanted a 3 star hotel with wifi , not parking . can you check again ? eos 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 N/A +bos sorry , i 'm not seeing anything that matches your request . would you want to try a guesthouse ? eos O O O O O O O O O O O O O O O O B-Hotel-Select+Type O O O O Hotel-NoOffer +bos hmm can you check one more time , it should really be a hotel . eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos there are two , does the area matter to you ? eos O O O B-Hotel-Inform+Choice O O O O O O O O Hotel-Request+Area +bos no the area does n't matter as much , 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 Hotel-Request+Ref +bos what date are you checking in and how many are in your party ? eos O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos book it for 2 people and 2 nights starting from sunday . eos O O O O O B-Hotel-Inform+Stay O O O O O O O N/A +bos i 'm sorry but i 'm confused . where would you like reservations at ? eos O O O O O O O O O O O O O O O O Booking-Inform +bos i need you to find me a hotel with free wifi and a star rating of 3 in the west . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Area O N/A +bos nothing matching your criteria exists on the west side.s location matter ? eos O O O O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O Hotel-Request+Area +bos no , the location does not matter . eos O O O O O O O O O N/A +bos there are two hotels meeting your criteria . can i recommend gonville hotel in the centre area . it has parking and internet . do you want that booking ? 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 B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos i need help getting some info on the 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 N/A +bos certainly , it is a museum on a went side of town with free admission , they can be reached at 01223295264. can i help with anything else ? 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 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 yes , the address would be great . thanks so much . eos O O O O O O O O O O O O O general-thank +bos the address is 23 high street , fen ditton . eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos what about the post code ? eos O O O O O O O N/A +bos the postcode is cb30aq . eos O O O O B-Attraction-Inform+Post O N/A +bos i 'm also looking for a hotel . eos O O O O O O O O O Hotel-Inform +bos there are 2 hotels in the west area , did you have a price range ? 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 Hotel-Request+Price +bos the hotel i 'm looking for is called the avalon . eos O O O O O O O O O B-Hotel-Inform+Name O O N/A +bos avalon is not on the west side of town . eos O O O O O O O O O O O Hotel-NoOffer +bos well what is on the west side then ? eos O O O O O O O O O O N/A +bos there is nothing on the west side , do you want another area ? eos O O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O Attraction-Request+Area +bos hi , i 'm looking for information on the alexander bed and breakfast 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 O O O O N/A +bos the alexander bed and breakfast is a cheap 4 star guesthouse in the centre of town . it has internet 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+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 I-Hotel-Inform+Area O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos excellent . can i get the postal code for this hotel please ? eos O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb12de . would you like me to book a room ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O Booking-Inform +bos no , not now but will also looking for places to go in town . the attraction should be in the type of nightclub 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 O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Area O O N/A +bos there are no nightclubs in that area . eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O O O N/A +bos how about a museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos we have several in the area . i would recommend the museum of classical archaeology . it 's a free attraction located on sidgwick avenue . eos O 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 I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O N/A +bos what is the entry fee ? eos O O O O O O O N/A +bos it 's absolutely free to get in ! 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 O O O general-reqmore +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 museum 's phone number is 01223335153 , and the post code is cb39da . may i assist you with anything else today ? eos O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Phone 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 also need a taxi to take me from the hotel to the museum . i need to leave the hotel by 11:30 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 N/A +bos i booked your taxi . it is going to be a red volkswagen . the contact number is 07550911572. eos O 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+Phone 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 great . thanks for using our service ! eos O O O O O O O O O general-welcome,general-bye +bos hi , i am planning a trip and need some suggestions . i am 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 O O N/A +bos can i ask you some questions about the types of places you want to go while you 're 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 Attraction-Request+Type +bos the attraction should be in the centre and should be in the type of cinema . 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 the vue cineme is in the grafton centre , on east road . do you need any more information ? eos O O B-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 I-Attraction-Recommend+Addr O O O O O O O general-reqmore +bos what is the postcode for the vue cineme ? eos O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb11ps . 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 'd also like to find a moderately-priced guesthouse on the west side , if possible . i do need free wifi . eos 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 O O O O O O N/A +bos i have one place.shall i book it ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O Booking-Inform +bos sure , i 'll be coming in on sunday with one other person . we 'll be staying for 3 nights . eos O O O O O O O B-Hotel-Inform+Day O O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos okay . your booking was successful . the reference number is uoe033dz . 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-greet,general-reqmore +bos can you book me a taxi to get me from the cinema 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 absolutely , when did you want to leave ? eos O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave by 23:30. eos O O O O O O O O N/A +bos for me to book your taxi what time you will like to arrive ? eos O O O O O O O O O O O O O O O Taxi-Request+Arrive +bos you do n't need an arrival time . i told you my departure time is 23:30. that should be enough . please tell me the contact number and car type when you book it 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 O O O O Taxi-Request+Car +bos your car will be a white ford , and their contact number is 07378026406. need 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 general-reqmore +bos i am also looking for an attraction . eos O O O O O O O O O Attraction-Inform +bos what kind of attraction are you looking for , and in what area ? eos 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 cinema . eos O O O O O O O B-Attraction-Inform+Type O N/A +bos the vue cinema meets your requirements . eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos thank you that is all for now . eos O O O O O O O O O N/A +bos okay , goodbye . it was a pleasure assisting you . eos O O O O O O O O O O O O general-bye,general-greet +bos hello . i would like to visit an attraction called byard art . can you help me get some information ? 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 N/A +bos this is a museum in the south , it 's free to enter . would you like their contact info ? eos O O O 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 O O O O O O O O O general-reqmore +bos yes , the address and postcode , please . eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the address is 14 king 's parade and postcode is cb21sj . is there anything else you 'd like to know ? 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 O O general-reqmore +bos thanks so much . can you help me with a place to stay ? eos O O O O O O O O O O O O O O O general-thank +bos there are 33 hotels available . is there anything in particular 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 general-reqmore +bos the hotel should include free parking and should include free wifi . the hotel should be in the cheap price range eos O O B-Hotel-Inform+Type 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 there are several to choose from . do you have a particular part of town that you would like 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 O O O Hotel-Request+Area +bos do n't care 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 might i recommend the autumn house . it is 4 star rated and just underwent remodeling . it is quite a place to stay . can i reserve you a room ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name 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 O O O O Booking-Inform +bos is that an actual hotel ? i do n't like guesthouses . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos yes that is a guesthouse . there is one hotel that is not a guesthouse in the west . it is the cambridge belfry . would you like me 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 N/A +bos no , just the postcode will be fine . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O Hotel-Request+Post +bos okay the postcode is cb236bw . anything else i can help you with ? eos O O O O O B-Hotel-Inform+Post O O O O O O O O O general-reqmore +bos yes , i need to book a taxi to go between the hotel and byard art , i 'll need to leave by 19:30 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 could you clarify , which place do you intend to depart from and which do you want to 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 Taxi-Request+Dest,Taxi-Request+Depart +bos i will be leaving from byard art by 19:30 eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave N/A +bos it is all booked . be expecting a blue honda . please call 07916276451 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 I-Taxi-Inform+Phone O O O O O O O O N/A +bos thanks for the help with the museum , hotel and taxi . i do n't need anything else . goodbye . 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 N/A +bos thank you 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 O general-bye +bos is there a cinema in the north ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos there are no cinemas to the north . eos O O O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O N/A +bos is there a museum to the north ? eos O O O O O O O O O N/A +bos there are no museums in the north but there is a park , would you like information about it ? eos O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O B-Attraction-Inform+Type O O O O O O O O general-reqmore +bos no thank you but i do need a place to stay that has a star of 4 and in the moderate 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 B-Hotel-Inform+Price O O N/A +bos there are several guesthouses available , acorn guesthouse is highly recommended . shall i book a room for you ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O O O Booking-Inform +bos actually , i was looking for a 4 star hotel , not a guesthouse . eos 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 i 'm sorry , there are no hotels that match your preferences . eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O N/A +bos how about a cheap one then i am not picky eos O O O O B-Hotel-Inform+Price O O O O O O N/A +bos the only thing i have that meets your criteria is a guesthouse called the worth house . it is 4 star rated , in the north and cheap . eos O O O O O O O O O O O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area B-Hotel-Inform+Price O O O N/A +bos i really want a hotel . are there any cheap ones in town ? eos O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price O O O O O N/A +bos how about the cambridge belfry , in the west part of town ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O N/A +bos that will be fine . eos O O O O O O N/A +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 , i need a reservation . eos O O O O O O O O N/A +bos thank you , i need to know the number of days , people and when you want 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+People,Booking-Request+Day,Booking-Request+Stay +bos i 'm looking for a hotel in the moderate price range . i definitely want a hotel , not a guesthouse . 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 N/A +bos of course . there are two hotels in the north and one in the centre of town . do you have a preference ? eos O O O O O O B-Hotel-Inform+Type 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 I-Hotel-Inform+Area O O O O O O O Hotel-Request+Area +bos is there anything to the west , preferably with a 4 star rating ? eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i 'm sorry but nothing exists in the north with a 4 star rateing in the moderate price range . could we try another area ? eos O O O O O O O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O B-Hotel-NoOffer+Stars O O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O Hotel-Request+Area +bos is there one in the cheap range ? eos O O O O O O B-Hotel-Inform+Price O O N/A +bos no , there is not . eos O O O O O O O Hotel-NoOffer +bos oh goodness . can you check once again for a hotel , star 4 , in the west . cheap is fine . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price O O O O O N/A +bos the cambridge belfry is located at back lane , cambourne . do you need more information or would you like to book now ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O Booking-Inform,general-reqmore +bos yeah book for 5 people eos O O O O O O N/A +bos for how many days ? eos O O O O O O Booking-Request+Stay +bos will this start on friday ? eos O O O O O O O N/A +bos ok i 'm sorry but i 'm confused . would you like reservations ? what day will it start ? 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+Day,Booking-Inform +bos i 'm sorry for the confusion . i would like a reservation for five people for four nights , beginning friday , at the cambridge belfry . 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos you are all booked and your reservation number is l76y47zv eos O O O O O O O O O O B-Booking-Book+Ref N/A +bos thank you for the reservation . i am also looking for a lovely park in north cambridge . eos 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 i would suggest milton country park . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name 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 phone number is 01223420060. eos O O O O O B-Attraction-Inform+Phone N/A +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 please give me the travel time , departure location and arrival location . eos 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 leave the hotel by 4:30 eos O O O O O O B-Hotel-Inform+Type O O N/A +bos what time do you need to leave the restaurant by ? eos O O O O O O O O O O O O Taxi-Request+Leave +bos i want to be pickup at at the hotel by 4:30. eos O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos great your booking is complete . you will be picked up in a grey bmw by 4:30 at the cambridge belfry and dropped off at the milton country park . 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 I-Taxi-Inform+Depart O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos do you have their contact number ? eos O O O O O O O O N/A +bos their contact number is 07055906987. is there anything else i can help 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 that will be all for today . have a great day . goodbye . eos 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 am planning a trip in cambridge eos O O O O O O O O N/A +bos great - how can i help you ? eos O O O O O O O O O general-reqmore +bos i am looking for a moderately price place to stay while i 'm there . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos do you have an area you prefer ? eos O O O O O O O O O Hotel-Request+Area +bos i would like to be in the west . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos hobsons house meets your needs . would you like to make a reservation ? 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 sounds good . i need a booking for 5 people , 5 nights , starting wednesday . eos O O O O O O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O N/A +bos your booking was successful.reference number is : 32c66ish . eos O O O O O O O O B-Booking-Book+Ref O N/A +bos i am looking for a train from kings lynn to cambridge . it should leave after 18:45. 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 B-Train-Inform+Leave O N/A +bos what day do you need to travel ? eos O O O O O O O O O Train-Request+Day +bos i 'll need to leave on sunday . eos O O O O O O O O O N/A +bos tr4440 is the train that leaves earliest at 19:11 eos O B-Train-Inform+Id O O O O O O O B-Train-Inform+Leave N/A +bos can you tell me how long the trip will be ? eos O O O O O O O O O O O O N/A +bos the ride is 47 minutes eos O O O O O B-Train-Inform+Time N/A +bos what is the cost of a ticket ? eos O O O O O O O O O N/A +bos the ticket is 9.80 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i 'm also looking for a restaurant in the city centre . can you tell me of a moderately priced indian place ? eos 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 O Train-Request+Price +bos there is no moderately priced indian restaurant in the centre but there are three cheap places . i would recommend the gandhi . would this be ok or do you want somewhere else ? eos O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O O O O O general-reqmore +bos is there a moderately priced british restaurant then ? eos O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O Train-Request+Price +bos yes . there are four moderately priced british places in the centre . would you like me to recommend one ? eos O O O O O B-Restaurant-Inform+Choice 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 general-reqmore +bos yes and can i get their phone number . eos O O O O O O O O O O Restaurant-Request+Phone +bos restaurant one seven is what i would recommend , their phone number is 01223337766 eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O B-Restaurant-Recommend+Phone O N/A +bos thank you ! that is all . eos O O O O O O O O general-thank +bos thanks for using this service ! have a nice day . eos O O O O O O O O O O O O general-bye +bos ok thanks , byeeee eos O O O O O general-bye +bos have a good day ! eos O O O O O O general-bye +bos i 'm looking for an italian food restaurant located in the centre eos O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O N/A +bos i got 9 options.what is your price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O Restaurant-Request+Price +bos thank you ! i am looking for a cheap restaurant . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos okay , i recommend zizzi cambridge . would you like a reservation ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos yes , please . it needs to be for 4 people at 18: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 i was able to book your table successfully . your reference number is t8hbg78o and your table will be held for 15 minutes . do you need any further assistance today ? eos 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 O O O general-reqmore +bos well , i also need a place to stay . i prefer a guesthouse with a 2 star rating . 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 N/A +bos we have many guest houses , but none of them have a two star rating . could i find something else for you ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-NoOffer+Choice I-Hotel-NoOffer+Choice O O O O B-Hotel-NoOffer+Stars I-Hotel-NoOffer+Stars O O O O O O O O O O general-reqmore +bos yes you can the hotel should be in the same area as the restaurant eos O O O O O B-Hotel-Inform+Type 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 okay thank you . please book that for 4 people at 18:15 on thursday . eos O O O O O O O O O O O O O O O O general-thank +bos i will book that for 4 people . eos O O O O O O O B-Booking-Inform+People O N/A +bos thank you . what is the address ? eos O O O O O O O O O Hotel-Request+Addr +bos the address is 154 chesterton road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos i need a cab to commute , to the hotel by 18:15 and i need the contact # and car type too please eos O O O O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Arrive O O O O O O O O O O O O Taxi-Request+Car +bos okay ! from where will you be departing ? eos O O O O O O O O O O Taxi-Request+Depart +bos actually i will be departing from the hotel and arriving by the 18:15 restaurant booking . how silly of me to tell you that i was leaving the restaurant . eos O O O O O O O O B-Hotel-Inform+Type 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 N/A +bos your taxi is confirmed . you should look for a white lexus . if you need to contact the driver , the contact number is 07179268142. 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 B-Taxi-Inform+Phone 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 general-thank +bos you 're welcome . 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-welcome,general-bye +bos what kind of places are there to go to in the west ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are museums , colleges , and entertainment . what interests you ? eos O O O O O B-Attraction-Select+Type I-Attraction-Select+Type I-Attraction-Select+Type O O O O O O N/A +bos oh ! i bet my boyfriend would love an entertainment place . can you tell me a little about those ? 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 whale of a time is a great place in the west . their address is unit 8 , viking way , bar hill , postcode cb238el and phone number 01954781018. 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 O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Post I-Attraction-Recommend+Post O O B-Attraction-Recommend+Phone O O O O N/A +bos we are also needing a place to stay . it 's preferable that it 's also in the west and has a 4 star rating . 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 B-Hotel-Inform+Stars O O O O O N/A +bos okay i have 3 different options . are looking for something expensive or cheap ? eos O O O O O B-Hotel-Select+Choice O O O O O B-Hotel-Select+Price I-Hotel-Select+Price I-Hotel-Select+Price O O N/A +bos nothing too expensive but at least a 4 star . i 'd like it to be in a guest house too . 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 N/A +bos finches bed and breakfast is a cheap , 4 star guest house in the west area . would you like to reserve 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+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos sure , we will have 5 people staying 2 nights starting thursday , please . 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 N/A +bos your room has been reserved . the reference number is : up0ksplw . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am looking for a train leaving peterborough 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 O N/A +bos many trains leave , what time do want to leave ? eos O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O O Train-Request+Leave +bos i need to depart after 20:00 , and will be travelling to cambridge . eos O O O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Dest O O N/A +bos okay how about the tr8185 that leaves at 20:19 and arrives by 21:09. eos O O O O O B-Train-OfferBook+Id I-Train-OfferBook+Id O O B-Train-OfferBook+Leave O O O B-Train-OfferBook+Arrive N/A +bos okay , that will do . what is the travel time ? eos O O O O O O O O O O O O O Train-Request+Duration +bos the travel time for that route is 50 minutes . did you need a ticket ? eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O Train-OfferBook +bos yes , i also need places to go in college . eos O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos there are many colleges to visit in cambridge . may i suggest one ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O O O O general-reqmore +bos yes , i would like that . eos O O O O O O O O N/A +bos pembroke college is in the centre located at trumpington street with a free entrance fee . eos O B-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 B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A +bos that sounds perfect , may i have the postcode please ? eos O O O O O O O O O O O O Attraction-Request+Post +bos absolutely ! the postcode is cb21rf . 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-greet,general-reqmore +bos that 's it . thanks for everything . eos O O O O O O O O O general-thank +bos you are welcome . enjoy your time in cambridge . good bye . eos O O O O O O O O O O O O O O general-welcome,general-bye,general-greet +bos i want to check out some colleges around here eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos we have 18 colleges in cambridge . is there a certain area of town you would like ? 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 no preference , i will go with what you recommend , all ill need is the entrance fee of 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 Attraction-Request+Fee +bos well then , i would recommend magdalene college . it 's interesting and has free admission . is there anything else you need today ? eos O O O O O O B-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 general-reqmore +bos i also need a train leaving from broxbourne on tuesday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos do you have a certain time that 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 O Train-Request+Leave,Train-Request+Arrive +bos i plan on getting lunch first , so sometime after then i 'd like to leave . eos O O O O O O O O O O O O O O O O O O N/A +bos tr8199 leaves broxbourne at 13:32. would you like to make a reservation ? eos O B-Train-Inform+Id O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes please . can you make the booking for 7 people ? eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos i 've made that reservation and your reference number is j4sfmxej . eos O O 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 you are welcome . anytime . eos O O O O O O O general-welcome +bos i need a train to stansted airport . i 'd like to arrive by at least 21:45 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+Arrive O O N/A +bos i can help you with that . what day would you like to travel on ? 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 O general-welcome,Train-Request+Depart,Train-Request+Day +bos i will be leaving cambridge on monday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos the tr4015 will get you in at 21:08. will that work for you ? or would you like to get in a little sooner ? eos 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 O O O O O O Train-Request+Arrive +bos no thats fine and that will be all thank you eos O O O O O O O O O O O general-thank +bos if there is nothing else i can do for you , have a great day and 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,general-reqmore +bos actually , could you just give me some information on sesame restaurant and bar ? 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 O N/A +bos yes , sesame restaurant and bar serves chinese food and is in the expensive range . they are located in the centre . do you have any other questions about them ? eos O 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 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 N/A +bos just their address and phone number please . eos O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is 17 hills road city centre and the postcode is cb21nw . is there any other informaton 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 B-Restaurant-Inform+Post O O O O O O O O O O O O general-reqmore +bos i want to find a decent place to eat in the centre of town . my budget is a little constrained so moderately priced would be ideal . eos 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 O O O O O Train-Request+Price +bos you 're in luck , we have several great restaurants that are moderately priced . what type of food would you like ? eos O O 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 O Restaurant-Request+Food +bos do you have anything that serves international food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes , there are 2 restaurants . there 's the varsity restaurant and the bloomsbury restaurant . would you like any additional information ? eos 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 O O O general-reqmore +bos let 's do the varsity place for 3 people 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 O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : 1jb0jk8c . 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 need a train departing cambridge on wednesday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos ok , where are you headed and at what time ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Dest +bos i need to be in birmingham new street by 13:15 , if possible , please . eos O O O O O O O O O O O O O O O O O N/A +bos train tr9781 will arrive at your destination at 13:51 , would you like me to book it for you eos 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 i will need to take a train to london kings cross on friday . 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+Day O N/A +bos where are you departing from and when ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i 'm departing from cambridge , preferably after 20:45 eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O N/A +bos there are two trains that fit your criteria . one leaves at 21:00 and the other at 23:00. which of these would you like me to book for you ? eos O O O O B-Train-Inform+Choice 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,Train-OfferBook +bos i prefer the 21:00 please help me get the train id and price 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 tr3055 and each ticket is 23.60 gbp . can i help you with anything else today ? 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 general-reqmore +bos i 'm also looking for a place in town in the centre . eos O O O O O O O O O O O O O O N/A +bos sure . 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 i 'm looking for an entertainment place . eos 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 Attraction-Request+Area +bos centre and should be in the type of entertainment closeby as well eos O B-Attraction-Inform+Area O O O O O O O O O O O N/A +bos sure , there are plenty of options . were you looking for a specific type of attraction ? 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 entertainment venues please . if they are not available then architecture venues . eos O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are several architecture places to visit , holy trinity church is located on market street and has free entrance . would you like info on any others ? eos O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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 O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos can you please recommend one and provide me with their post code 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 holy trinity church and the post code is cb23nz and the phone number is 01223355397. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone N/A +bos thank you for all your help . you have answered all my questions today . goodbye . eos O O O O O O O O O O O O O O O O O O general-bye +bos good night , have a nice evening . 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 O N/A +bos wonderful ! what can i do to help you plan ? eos O O O O O O O O O O O O general-greet,Train-OfferBook +bos i need a train leaving from london liverpool street on monday . are there any trains available ? 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 O O O N/A +bos we do have some trains , what 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 Train-Request+Leave +bos i would like to leave after 14:00 and go to cambridge . eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O N/A +bos tr9202 would be perfect for you . shall i book it ? eos O B-Train-OfferBook+Id I-Train-OfferBook+Id O O O O O O O O O O N/A +bos no thank you . can you provide me with the arrival 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 Train-Request+Price,Train-Request+Arrive,Train-Request+TrainID +bos tr9202 costs 16.60 pounds per ticket and arrives by 17:07. will that be all ? eos O B-Train-Inform+Id I-Train-Inform+Id B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Arrive O O O O O general-reqmore +bos yes , book it please . eos O O O O O O O N/A +bos can you tell me how many people will be travelling ? eos O O O O O O O O O O O O Train-Request+People +bos actually , i do n't need for you to book it , but i do need some suggestions for places to go in the west part of town . any 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 B-Attraction-Inform+Area O O O O O O O O O O O O Attraction-Request+Type +bos how about the cafe jello gallery ? it is in the west and it 's free . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Fee O O N/A +bos that would be great . what is the attraction type ? eos O O O O O O O O O O O O Attraction-Request+Type +bos it is a museum , and admission is free . can i help you with anything else ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Fee 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 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 is there a hospital close by ? eos O O O O O O O O Hospital-Inform +bos hello , thank you for calling . addenbrookes hospital is on hills road in cambridge . are you looking for a particular type of doctor ? eos O O O O O O 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 for addenbrookes hospital . eos 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 addenbrookes hosptial phone number is 01223245151. they are located on hills rd , cambridge , post code cb20qq . 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 . that is all i need . 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 can you help me find somewhere to eat in the centre ? eos O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos sure ! are you looking for any particular type of food such as african , british , chinese , etc ? 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 no type of food 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 O B-Restaurant-Inform+Price O O O N/A +bos great , i have yippee noodle bar that meets your criteria . 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 O O O O O O O O O O O O O O O O Booking-Inform +bos yes . there are five of us for monday at 19:45 , please . eos O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : sopggcup . 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 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-bye +bos great towninfo service . goodbye . eos O O O O O O O general-bye +bos you 're more than welcome . have a great day . eos O O O O O O O O O O O O general-bye +bos i need a taxi at jesus college to leave after 10:00. eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O B-Taxi-Inform+Leave N/A +bos i would be happy to help with your request , but first could you tell me 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 O O Taxi-Request+Dest +bos i 'm going to royal standard . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos i have you booked in a grey volkswagen , 0761714851. eos O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone O N/A +bos alright , that 's all i need , thanks ! eos O O O O O O O O O O O general-thank +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 am looking for a train to petersborough . eos O O O O O O O O B-Train-Inform+Dest O N/A +bos i 'm sorry there are no trains to petersborough . is there another location i can check for you ? eos O O O O O O O O B-Train-NoOffer+Dest O O O O O O O O O O O O Train-Request+Dest +bos no , i need a train from cambridge to petersborough on thursday . eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O O N/A +bos there are 38 trains . what time do you want to leave or to arrive by , 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 Train-Request+Leave,Train-Request+Arrive +bos i just need to leave by 08:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos there is a 8:34 train to peterborough on thursday . i would arrive at 9:24. eos O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Arrive O N/A +bos yes that would be fine please book for 6 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 99 gbp payable at the station .reference number is : 0zn13uiu 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 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 very welcome ! have a great day & enjoy your trip ! 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 places to go in the centre of town . eos O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos sure , there are lots of places to go in the centre area . is there a specific type of attraction you 're looking for ? 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 Attraction-Request+Type +bos no . what would you recommend ? eos O O O O O O O O N/A +bos ballare nightclub is a lot of fun . they 're at 1 station road , and it 's 5 gbp to get in . would you like their phone number ? eos O B-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+Fee I-Attraction-Inform+Fee O O O O O O O O O O O O O O general-reqmore +bos yes please give me their phone number . eos O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223364222. eos O O O O O B-Attraction-Inform+Phone N/A +bos i also need a train to cambridge that leaves after 19:00. eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave N/A +bos you have many options . where would you be departing from , and what day would you need 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 Train-Request+Day,Train-Request+Depart +bos well , i 'm in peterborough and i need to get to cambridge on tuesday . eos O O O O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Day O O O N/A +bos the first train that leaves after 19:00 leaves at 19:19 and should arrive by 20:09 on tuesday . this would cost 16.50 pounds . eos O O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Day O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos could you also give me the train id for that ? eos O O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr2636 and it leaves at 19:19. eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O O B-Train-Inform+Leave N/A +bos great thank you ! that will be all i need . eos 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 have plans to visit churchill college and need a taxi to do so eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O N/A +bos i can help with that ! what time do 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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i need to leave after 17:00. eos O O O O O O 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 as i mentioned , i 'd like to leave after 17:00 , please . i need to be picked up from the varsity restaurant . eos O O O O O O O O O B-Taxi-Inform+Leave 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 N/A +bos 07720877593 is you contact . i have you booked in a yellow lexus . eos O B-Taxi-Inform+Phone O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos thank you so much . eos O O O O O O general-thank +bos no problem . are you finished ? eos O O O O O O O O general-reqmore +bos i got injured and i am looking for a hospital nearby eos O 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 i just need the phone number eos 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 all . thank you ! eos O O O O O O O O O O general-thank +bos you 're welcome . please call us if you need anything else . 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 general-thank +bos thank you for using our services . eos O O O O O O O O general-bye +bos i need to find a local hospital . eos 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 can you please tell me what their phone number is ? eos O O 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 thanks ! that is all i need . good bye . eos O O 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-bye +bos looking for a train going stevenage . eos O O O O O O B-Train-Inform+Dest O N/A +bos okay , for what day and where are you departing from ? eos O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i am looking at traveling on wednesday and departing from cambridge . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart O N/A +bos is there a particular 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 after 20:45. eos O O O O O O B-Train-Inform+Leave N/A +bos train tr9016 leaves at 21:21 and arrives at 22:10. would that work ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O Train-OfferBook +bos yes , i need a booking for 2 people please . eos 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 25.6 gbp payable at the station .reference number is : w20ywctg . 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 ! that is all i needed . eos O O O O O O O O O general-thank +bos our pleasure . please call us again and have a terrific day . eos O O O O O O O O O O O O O O general-bye +bos you too , good bye now . eos 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 'd like to find a restaurant . the restaurant should be expensive in price , only the finest in food . also , i 'd like it if the restaurant was in the centre of town . 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 O O O O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos i have many listings that fit , can i find out exactly what type 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 Restaurant-Request+Food +bos i need for the restaurant to serve chinese food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos how about the tang chinese ? i would recommend it . can i make a reservation for you ? 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 Booking-Inform,Restaurant-Select +bos that sounds great ! i need a table for monday at 12:15 for 8 people . 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 N/A +bos so it is not avaible then , shall i try another place to dine ? eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes , please do ! 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 O O O Restaurant-Inform +bos booked at hk fusion . reference number : o00ttios . table will be held for 15 minutes . eos O O O O B-Booking-Book+Name I-Booking-Book+Name O B-Restaurant-Inform+Ref 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 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 find me 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 there are 33 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 i want chinese food and the restaurant needs to be located in the centre area . eos O O O B-Restaurant-Inform+Food O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are four expensive chinese restaurants located in the centre . i recommend hk fusion . would you like me to make you a reservation ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area 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 excellent , lets try hk fusion for 5 people at 19:15 on friday . eos 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 i am sorry this booking was unsuccessful . maybe another time perhaps ? eos O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos please , try booking anytime between 20:15 to 9:15 on friday . eos O O O O O O O O O O O O O N/A +bos none of the times are available do you have another restaurant preference ? eos O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos any other place in the centre , same expensive price range . eos O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Price O O O O N/A +bos i was able to book bedouin , reference number is 4atmiysc eos O O O O O O B-Booking-Book+Name 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 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 i am looking for a chinese place in the centre . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i have 10 restaurants matching your request . did you have a price range 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+Price +bos no , it does n't matter . eos O O O O O O O O N/A +bos would you like for it to have a certain number of stars ? eos O O O O O O O O O O O O O O general-reqmore +bos no just book at a chinese place in the centre . i need a table for 4 at 15:00 on wednesday please . 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 have you at jinling noodle bar then , reference is ocnh3cjj . anything else you need ? 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 general-reqmore +bos no that is it . thank you . 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 am looking for an expensive restaurant that serves british food please . eos O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos i have found 6 restaurants for you would you like a specific area of town ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area +bos no , it does n't matter . can you reserve one of them for sunday at 13:00 ? i will be dining alone . 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 N/A +bos alright , i got you a table at the graffiti . the table will be reserved for 15 minutes and the reference number is : favaelu5 . do you need the address or phone number ? eos O 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 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 , thank you . 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 am looking for basque food , 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 i am sorry but there are no matching records found . 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 Restaurant-NoOffer,general-reqmore +bos any restaurants in the centre area with an expensive price range ? eos O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O N/A +bos there are 33 restaurants with that criteria . would you like to narrow your search ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O general-reqmore +bos do any of them serve italian cuisine ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos yes , 4. stazione restaurant and coffee bar , clowns cafe , don pasquale pizzeria , and caffe uno . eos 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 I-Restaurant-Inform+Name O O O O N/A +bos caffe uno sounds good . could you book a table for 5 people at 19:30 on monday ? 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 it is unavailable for that time . would you like to try another time or place ? eos O O O O O B-Booking-NoBook+Time I-Booking-NoBook+Time O O O O O O O O O O O Restaurant-Request+Name,Booking-Request+Time +bos how about another restaurant in the same area and price range ? eos O O O O O O O O O O O O O Restaurant-Inform +bos i was able to book you at another italian place by the name of clowns caafe , your reference number is baohhc1z , is there anything else that i can assist with ? eos 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 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 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 what 's available in the centre , in the way of cheap places to eat ? eos O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos i 'm showing 15 cheap restaurants in the area . do you a preference for a 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 Restaurant-Request+Food +bos no preference . would you recommend a restaurant for me ? eos O O O O O O O O O O O O Restaurant-Inform +bos how about the dojo noodle bar ? it serves asian oriental food . eos O O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos 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 ? eos O O O O O O O O O O O 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 there is the dojo noodle bar in the centre . would you like me to book a reservation there . eos O 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 O O O O O O Booking-Inform,Restaurant-Select +bos great yes please do , can i get the reference number for that ? eos O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos i 'm sorry , i was n't able to get a table . would you like me to try j restaurant , with similar cuisine ? or maybe somewhere else ? eos 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O Booking-NoBook,general-reqmore +bos yes try to book it there and give me the reference number also . eos O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos i was able to book you at j restaurant . the reference number is 1pwmnuik . the table will be reserved for 15 minutes . 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 N/A +bos thank you for your help . that will be all i need for now . bye . 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 . enjoy your day and your meal on wednesday . 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 'm looking for a cheap restaurant in the city centre . eos O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A +bos i show up to fifteen possibilities . will you tell me your food preference ? this will limit our search slightly . 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 Restaurant-Request+Food +bos i like greek food . eos O O O O O O N/A +bos i see several cheap restaurants in the area , one is mediterranean . it is called the gardenia . eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos just book a table for 1 please on wednesday at 17:15. eos O O O O O O O O O O O B-Restaurant-Inform+Time N/A +bos okay i have booked a table for 1 on wednesday at 1715 at gardenia . eos O O O O O O O O O B-Booking-NoBook+People B-Booking-NoBook+Day I-Booking-NoBook+Day B-Booking-NoBook+Time O B-Booking-NoBook+Name O N/A +bos can you find me a chinese restaurant please ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos sure . there are 17 chinese restaurants in town . are you looking for a certain price range or location ? 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 Restaurant-Request+Area,Restaurant-Request+Price +bos yes . i would like it to be in the expensive price range . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have found 5 that fit that description . is there a particular area you would like ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O O O Restaurant-Request+Area +bos i would like to book a table for 6 at 15:15 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 N/A +bos i was able to get a table at hakka in the north . the reference number is 7kw8mvl3 and they 'll keep the table for 15 minutes . does that suit you ? eos O O O O O O O O O B-Booking-Book+Name O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Ref I-Restaurant-Inform+Ref O O O O O O O O O O O O O O O Restaurant-Select,general-reqmore +bos yes , thank you . that 's all for now . bye ! eos O O O O O O O O O O O O O O general-bye +bos thank you for contacting us and enjoy your meal at the hakka . have a great day . 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 general-bye +bos yes , please help me find a restaurant in the center of town . eos O O O O O O O O O O O O O O O Restaurant-Inform +bos there are 69 restaurants in the centre of town . you can narrow it down further by price range or cuisine type . 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 O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos it should be in the moderate price range . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have 4 that serve british food and 1 that serves asian . eos O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food N/A +bos i would like to book the asian one for tuesday . eos O O O O O O O O O O B-Restaurant-Inform+Day O N/A +bos what time and for how many people would you like to book ? eos O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos 19:00 , for 6 people . eos O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O O N/A +bos the booking was unsuccessful , would you like to try a different location ? eos O O O O O O O O O O O O O O O Booking-NoBook,Restaurant-Request+Area +bos as long as its in the same area and price range that will be fine i also need the reference 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 Restaurant-Request+Ref +bos i was able to get you a booking at restaurant one seven . it is british . will that one be good ? 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 B-Restaurant-Inform+Food O O O O O O O N/A +bos yes can , i please get the reference number ? eos O O O O O O O O O O O Restaurant-Request+Ref +bos okay your reference number is 9rxqyeio . eos O O O O O O B-Booking-Book+Ref O N/A +bos thank you for all your help . eos 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 'm looking for a train from cambridge . eos O O O O O O O B-Train-Inform+Depart O O N/A +bos let me help you with that , 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 need to get to stansted airport please . eos O O O O O O B-Train-Inform+Dest I-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 'd like to travel on thursday eos O O O O O O B-Train-Inform+Day O N/A +bos what time do you need 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 need to leave after 16:15. eos O O O O O O O N/A +bos ok there is one leaving at the same time i 'm eager to book it for you eos 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 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 B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos i have 2 asian oriental and 3 chinese places that fit your requirements . do you have a preference ? eos 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 Restaurant-Select +bos are there any italian ones ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos there are 3 cheap italian restaurants in the centre , including a pizza hut . do you have any preferences ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O Restaurant-Select +bos no , i do n't have any preferences . the pizza hut sounds good , can i get their 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 Restaurant-Request+Post,Restaurant-Request+Phone +bos sure , they can be reached at 01223323737 and are in the cb21ab postcode . anything else i can help you with today ? eos O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone 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 nope , that 's all i need for now . thanks for your help . eos O O O O O O 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 day . eos O O O O O O O O O O O O O O O O O general-bye,general-greet +bos i want to book a taxi . the taxi should go to saigon city and should arrive by 24:45. 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+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 parkside pools . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos i 've booked a grey bmw that will leave parkside pools , and arrive in saigon city by 24:45. their contact number is 07828476668. is there anything else i can help you with ? eos O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car 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 B-Taxi-Inform+Arrive O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos no thank you . that 's all . eos O O O O O O O O O general-thank +bos okay , have a wonderful day then , goodbye ! eos O O O O O O O O O O O general-bye +bos i need to book a taxi . eos O O O O O O O O Taxi-Inform +bos i can help with that ! where do you need to be picked up , where are you headed , 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+Leave,Taxi-Request+Depart,Taxi-Request+Dest,general-greet +bos i would like to be picked up at the holy trinity church , and arrive at cocum by 3:15. 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 B-Taxi-Inform+Dest O O O N/A +bos a grey ford is booked . contact number 07091291573 eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O N/A +bos thanks for everything , that is all i need . 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 you too ! thanks again , goodbye ! eos O O O 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 a place with rated 4 stars in the east . can you help me find one that like a guesthouse ? eos 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 O O O B-Hotel-Inform+Type O N/A +bos i have found the allenbell guesthouse . it meets all of your criteria , is in the cheap price range , and provides internet and parking . would you like me to book it ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O 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 Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos yes please . i need it booked for 1 person for 2 nights starting tuesday . can i get a 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 the reference number for your booking is kebftr7i . can i do anything else for you ? 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 it for today . goodbye . eos O O O O O O O O O O O O general-bye +bos okay , great . have a safe trip . goodbye . eos O O O O O O O O O O O O general-bye,general-greet +bos i need a 4 star place to stay . eos O O O O O B-Hotel-Inform+Stars 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 want it in the north , and it should include free parking . eos O O O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos i have a few places , 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 O O O O O Hotel-Request+Price +bos can you please recommend one for me ? eos O O O O O O O O O N/A +bos i think the acorn guest house is lovely ! eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O N/A +bos please book it for 7 people and 5 nights starting from 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 yes , i was able to book your guesthouse reservation . your reference number is nvdlg2qr . 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 , that was all . thank you . eos O O O O O O O O O O general-thank +bos happy to be of service , 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 'm looking for a train from cambridge to the stansted airport . eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O O 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 saturday after 20:00. how much will this cost ? eos O O O O O O O O O O N/A +bos the cost of the trip from cambridge to stansted airport will cost 10.10 pounds for 1 person . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+People I-Train-Inform+Ticket O O O O N/A +bos and what is the travel time please ? eos O O O O O O O O O Train-Request+Duration +bos the trip lasts 28 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos okay thank you ! that is all ! eos O O O O O O O O O general-thank +bos you 're welcome ! have fun ! eos O O O O O O O O general-welcome,general-bye +bos thank you , bye eos O O O O O general-bye +bos goodbye , and thanks for contacting our service eos O O O O O O O O O general-bye +bos i need a taxi to pick me up at curry king . eos O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos ok , and where are you headed and at what time ? eos O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest +bos i want to go to the lime house . eos O O O O O O O O O O N/A +bos alright , and now i 'll just need to know a time you either would like to arrive by or leave after 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+Leave,Taxi-Request+Arrive +bos the taxi should arrive by 20:00 and please also let me know what type of car will pick me up and give me the contact number of the driver . eos 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 O O O O O O O O N/A +bos a white bmw will pick you up and the contact number is 07606671583. 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 general-reqmore +bos no that was all . thank you for your help . eos O O O O O O O O O O O O general-thank +bos i 'm happy to be of service , and 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-bye +bos i am looking for a spanish restaurant in the west side 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 i 'm sorry , but there are no restaurants matching your request . eos O O O O O O O O O O O O O O Restaurant-NoOffer +bos how about a restaurant that serves british food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos we have three excellent options here . do you prefer a moderate pricerange or expensive ? 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 O N/A +bos a moderate price range , please . eos O O B-Restaurant-Inform+Price O O O O O N/A +bos i found saint johns chop house . would you like me to book a table for you ? 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 Booking-Inform +bos no , i just need an address with postcode and phone number . 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 the address is 21-24 northampton street , postcode : cb30ad and the phone number is 01223353110. is there anything else i can do for you ? eos O 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 B-Restaurant-Inform+Phone O O O O O O O O O O O O general-reqmore +bos no , you have been a great help . thank you . 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 general-bye +bos i need to find a train for saturday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos i have many trains that depart saturday . where will you be departing from and where is your destination ? eos O O O B-Train-Inform+Choice O O 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 will be departing from ely and traveling to cambridge . eos O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O N/A +bos okay , and what time do you want to leave after or arrive by ? 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 need to arrive by 11:45. eos O O O O O O B-Train-Inform+Arrive N/A +bos there are 3 trains here . do you want me to book any tickets ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O Train-OfferBook +bos yes please . i need it to be booked for 8 people . 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 28.16 gbp payable at the station .reference number is : zverhbt3 . 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 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 help me find something fun to do in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos we have the vue cinema that 's in that area . would you like more information about that ? 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 O O general-reqmore +bos sure ! can i get the address ? eos O O O O O O O O O Attraction-Request+Addr +bos the address is the grafton centre , east road , postcode cb11ps . would you like the phone number ? eos 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 general-reqmore +bos yes i will appreciate . eos O O O O O O N/A +bos the phone number for vue cinema is 08712240240. can i help you with anything else ? 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 O general-reqmore +bos thanks . i am also looking for a restaurant that serves seafood . i 'd like it to be 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 B-Restaurant-Inform+Price O O O O O O N/A +bos i have the loch fyne . would you like me to make a booking for you ? 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 Booking-Inform +bos is the loch fyne in the same area as the vue cinema ? eos O O O O O O O O O O O O O O N/A +bos loch fyne is located in the centre as well , yes . would you like me to make a booking for you ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 book that for 4 people at 20:00 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 the booking was a success . your reference number is fr7fackd . 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 general-reqmore +bos no thanks . that looks like everything . 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 have a nice day . eos O O O O O O general-bye +bos i have a question about places to go in cambridge today . eos O O O O O O O O O O O O O N/A +bos sure , what is your question ? eos O O O O O O O O general-reqmore +bos i 'd like to visit a college and need to know the area , phone number , and entrance fee if that applies . 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 Attraction-Request+Area,Attraction-Request+Phone,Attraction-Request+Fee +bos clare hall is a great college in the western part of town . they have free admission . would this interest you ? or shall i try a different college ? 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 O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos what is their phone number ? eos 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 i 'm also looking for a specific restaurant . eos O O O O O O O O O O Restaurant-Inform +bos what is the name of the restaurant ? eos O O O O O O O O O Restaurant-Request+Name +bos it is da vinci pizzeria . i need a booking for 3 people at 17:45 on monday . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 reserve that table for you . your reference number is vj04svh4 . anything else i can help you with 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 general-reqmore +bos no , thank you . that will be all today . goodbye . eos 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,general-greet +bos i 'm looking for an expensive 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 i have about 33 different options for you . what sort of cuisine 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 i have no preferences , can you make a suggestion ? eos O O O O O O O O O O O O N/A +bos if you are seeking british fare , then i suggest the cambridge chop house , at 1 kings parade . would you like to make a reservation ? eos O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food 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 . please book it for 6 people on wednesday at 12:15. 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 your booking was successful . the table will be reserved for 15 minutes.your reference number is : rtxkgikh . 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 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 if there are any colleges close to the restaurant ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos corpus christi is located on the same road as the restaurant . did you need any more information ? eos 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 O O O O O O N/A +bos yes , i need their postcode and phone number . eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos their phone number is 01223338000. their postcode is cb21rh . is there anything else i can help with today ? eos 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 O general-reqmore +bos no that is all thanks so much for the help . eos O O O O O O O O O O O O general-thank +bos you are welcome . enjoy your visit ! eos O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for museums to go to in cambridge . eos O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos i have five musuems . four are free . cambridge and county folk museum is 3.50 pounds . eos O O O O B-Attraction-Inform+Type B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 what is the address for that museum ? eos O O O O O O O O O Attraction-Request+Addr +bos the address is 2-3 castle street . the postcode is cb30aq 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 N/A +bos thank you i also need a train departing from cambridge on tuesday eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day N/A +bos i have over 200 trains leaving cambridge on tuesday . where is your destination ? do you have a preferred departure or arrival time ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 O O Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive +bos my destination is liverpool and i would like to leave by 18:00. eos O O O O O O O O O O O O O N/A +bos the tr9561 train leaves at 17:59 , would this work or do you need to leave earlier ? eos 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-Select +bos that works great . what is the arrival time and price ? eos O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos the arrival time is 19:27 and the travel time is 88 minutes . eos 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 awesome , you rock ! how much does that trip cost ? eos O O O O O O O O O O O O O N/A +bos the trip would cost you 16.60 pounds , anything else ? eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O general-reqmore +bos that is everything i needed today . 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 i would like to find a train going to leicester leaving after 18:30 please . eos O O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O 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+Depart,Train-Request+Day +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 ok , i have tr8207 , it has a trip duration of 105 minutes and is 37.80 pounds . does that sound ok for you ? eos O O O O B-Train-Inform+Id 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 O Train-Select +bos that sounds perfect . i will purchase the ticket at the station . 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 . is there anything else i could 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 i 'll also be needing a place to stay . can you find me a hotel type place ? i do n't need free internet . 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 N/A +bos i have many available options . what side of town would you like ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Request+Area +bos i do n't mind where it is , but it should be 4 stars with 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 we have three options available would you prefer something cheap or expensive ? eos O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price N/A +bos if there are any that do n't have free internet tell me about that one , hotels usually start skimping on other things when they offer free internet . 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 they all have free parking and internet . i have huntingdon marriott in the west and expensive . cambridge belfry is cheap in the west . and university arms hotel is expensive in centre . eos 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 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 Hotel-Inform+Parking,Hotel-Inform+Internet +bos the cambridge belfry sounds good as long as it is 4 star with parking . i will need a booking on sunday . 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 B-Hotel-Inform+Day O O N/A +bos how many days would like to stay ? eos O O O O O O O O O Booking-Request+Stay +bos i would like to stay on sunday for 1 person , 2 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 . your reference number is r5yprgu0 . 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 general-reqmore +bos nope , that 's all i needed . thanks 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 a great visit ! eos O O O O O O O O O O O general-welcome,general-bye +bos i would like a cheap mexican restaurant , please . eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos what part of town would you like to dine in ? eos 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 N/A +bos i 'm sorry , but our only mexican restaurant is expensive . would you like more information or could i search for another type of restaurant for you ? eos O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food 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 Restaurant-Request+Food,general-reqmore +bos is there any cheap vietnamese locations ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos thanh binh is a cheap vietnamese restaurant . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos may i get the phone number of thank binh , please ? eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number for thanh binh is 01223 362456. may 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 O O O general-reqmore +bos no , i believe that it 's . thanks for your help . eos 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 would like a moderately priced restaurant in the south 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 restaurant alimentum serves modern european food and is located in the south 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 I-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 N/A +bos can you give me their address and phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the phone number for restaurant alimentum is 01223 413000 and the address is 152 - 154 hills road . anything else i can help you find 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 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 thank you goodbye . eos 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-bye +bos i need a place to stay in the north that includes free parking . what options are available ? 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 can help you with that . acorn guesthouse is a moderately priced offering with 4-stars . is this something you would be interested in ? eos 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 O O B-Hotel-Inform+Stars O O O O O O O O O O general-greet +bos yes , that is perfect thank you . eos O O O O O O O O O general-thank +bos would you like me to book a room for you ? eos O O O O O O O O O O O O Booking-Inform +bos no thanks , just gathering information for now . eos O O O O O O O O O O general-thank +bos here is the acorn guest house phone number in case you would like to contact them . their number is 01223353888. is there anything else i may assist you with ? 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 B-Hotel-Inform+Phone O O O O O O O O O O O general-reqmore +bos no . that is all for now . eos 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 thank you , have a great day , as well . eos O O O O O O O O O O O O general-thank +bos okay great , farewell ! eos O O O O O O general-bye +bos i am looking for an expensive restaurant that serves portuguese food . please also provide the phone number . 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 Restaurant-Request+Phone +bos i do not show an expensive portuguese restaurant . can i look for something else ? 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 french food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos cote is a french restaurant located in the centre part of town and is in the expensive price range . is there anything else i can help you with today ? eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-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 yes , could i have their phone number ? eos O O O O O O O O O O Restaurant-Request+Phone +bos the phone number for cote is 01223 311053. eos O O O O O B-Restaurant-Inform+Name 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 for using the cambridge restaurant system . goodbye . eos O O O O O O O O O O O O general-bye +bos looking for someone that serves australasian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos no restaurants serving australasian food can be found . may i find another type restaurant for you ? 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 how about european food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos galleria serves european food and is in the centre part of town and has a moderate price range . eos O B-Restaurant-Inform+Name O 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 I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A +bos i want to find a cheap 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 N/A +bos da vinci pizzeria serves italian food , is in the north part of town and is in the cheap price range . 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 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 O N/A +bos is there anything else ? i also want its phone number . eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos royal spice is an indian restaurant , it is in the cheap price range , and it is on the north side of town . the phone number is 01223 351707. eos O B-Restaurant-Inform+Name I-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 I-Restaurant-Inform+Area O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O N/A +bos okay , thank you for that . 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-welcome,general-bye +bos i am looking for a restaurant in the center of town that serves european 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 eraina would fit the bill . eos O B-Restaurant-Inform+Name O O O O 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 it 's pretty expensive . it 's at free school lane city centre , and you can call them at 01223 368786. anything else i can help you with ? eos O O B-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 I-Restaurant-Inform+Addr O 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 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 ! eos O O O O O general-welcome +bos i am looking for a cheap 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 la margherita is an italian restaurant located in the west part of town in the cheap price range . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O N/A +bos may 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 15 magdalene street city centre , and the phone number is 01223 315232. 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+Phone I-Restaurant-Inform+Phone O N/A +bos thank you and goodbye ! eos O O O O O O general-bye +bos goodbye eos O O general-bye +bos i 'm looking for vietnamese food . i would like the restaurant name and address . eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Addr +bos there is a vietnamese restaurant called thanh binh 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+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 goodbye . eos O O O general-bye +bos indian in the north eos O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area N/A +bos there are two indian restaurants , royal spice and the nirala . eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos what is the address , phone number , and price range of one of them ? eos 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 royal spice is an indian restaurant on the north part of town and it is in the cheap price range . the phone number is 01733 553355 and the address is 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 O O O O O 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 O O N/A +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 want a cheap portuguese restaurant . give me their address , phone number , and area , please . eos 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 Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr +bos nandos is a cheap portuguese restaurant in the south area . the phone number is 01223 327908 and the address is cambridge leisure park clifton way eos O B-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 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 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 good morning , i am hoping you can help me with information 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 N/A +bos of course . which area of town will you be attending ? eos O O O O O O O O O O O O O Attraction-Request+Area,general-greet +bos i would like to visit the centre part of town . eos O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos we have several great attractions including theatres , churches , museums , parks and night clubs . where would you like to go ? eos 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 O O O O O O O O O O Attraction-Request+Type +bos i want to visit a museum . eos O O O O O O B-Attraction-Inform+Type O N/A +bos there are no museums in this side of town . eos 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 N/A +bos well how about finding a museum that has an asian oriental restaurant in the expensive price range nearby . 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 O O N/A +bos i can only process one at a time . please choose one first . eos O O O O O O O O O O O O O O O general-greet +bos i need a museum in the centre please . eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos i have 11. would you like more info on one ? eos O O O O B-Attraction-Inform+Choice O O O O O O O general-reqmore +bos yes , please . perhaps a gallery of some kind . eos O O O O O O O O O O O O N/A +bos i can recommend the broughton house gallery on 98 king street . do you want the phone number ? eos O 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 O O O O O O O general-reqmore +bos i would like to know how much it costs to get in there ? eos O O O O O O O O O O O O O O O N/A +bos the broughton house gallery has free admission . i can look up a nearby restaurant , if you wish . 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 O O O O O O O O O general-reqmore +bos first , can you give me the postcode and address for that attraction ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos broughton house gallery is on 98 king street with the postcode of cb11ln . the phone number is 01223314960. what would you like next ? 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 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 O O O general-reqmore +bos i want to find an asian oriental restaurant in the same area . expensive please eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price O O N/A +bos there is one result . it is kymmoy . eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Name O O N/A +bos ok. can you book a table for me there ? eos O O O O O O O O O O O N/A +bos glad to do so , how many people and what is your preferred date and time ? eos 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 there will be 4 of us , we 'd like tuesday at 12:45. eos O O O O O B-Restaurant-Inform+People O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos your table is reserved , ref # 1l2bkcmx . 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 's all i needed ! thank you , bye ! eos O O O O O O O O O O O O O O general-bye +bos i 'm happy i could be of service . goodbye ! eos O O O O O O O O O O O O general-welcome,general-bye +bos can you help me find an expensive restaurant in the north that serves african ? eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O N/A +bos i 'm sorry i have no restaurants serving african food in the expensive category . is there another type of restaurant you would like to look for ? eos O O O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Price O O O O O O O O O O O O O O O O Restaurant-Request+Food +bos i am looking for a cinema . eos O O O O O O B-Attraction-Inform+Type O N/A +bos i have located two cinemas . one is in the north ; the other in the south . would you like additional information ? eos O 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 N/A +bos yes , can i have entrance fee and address for the one in the south ? 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 cineworld cinema is at cambridge leisure park , clifton way in the south , but i do n't know its entrance fee . we never figured out a restaurant for you , should we keep looking ? 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 B-Attraction-Inform+Area 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 O O O O O O N/A +bos yes . i need a restaurant the is moderate priced with italian food in the west . eos O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos great i have one called prezzo . would you like a booking there ? eos O O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Name O O O O O O O O Booking-Inform +bos yes , that sounds great . make a reservation for 3 people at 20:00 on friday and provide 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 Restaurant-Request+Ref +bos your reservation has been booked . the table will be reserved for you for 15 minutes after 20:00. your booking number is lqspgq3i . 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+Time O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos yes , i 'll need a taxi to get me from the cinema 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 O O O O Restaurant-Inform,Taxi-Inform +bos alright ! i have a taxi booked to get you to the restaurant in time for your reservation . it is a red skoda , the contact number is 07783655406. eos O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive I-Taxi-Inform+Arrive I-Taxi-Inform+Arrive I-Taxi-Inform+Arrive I-Taxi-Inform+Arrive O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O B-Taxi-Inform+Phone O O O N/A +bos thanks for the service , that 's all for today . 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 'm looking for a restaurant to dine at that serves british food and is located in the centre . do you have any suggestions ? 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 O O O O O O O N/A +bos there are seven places that serve british food . what price range are you wanting ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Price +bos i would like something more pricey . expensive would be good . eos O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos there are three , fitzbillies , the cambridge chop house and midsummer house restaurant . all in centre . 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 I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O O N/A +bos i would like to make reservation for four at the cambridge chop house at 16:45 on tuesday . may i have a reference number when it 's booked please ? eos O O O O 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 O O O O O O O O O Restaurant-Request+Ref +bos i have booked a table and the reference number is : rvgno6uq . eos O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i am also looking to visit a attraction in the same location as the restaurant . 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 O O O O Restaurant-Inform,Attraction-Inform +bos what type of attraction would you like to see ? eos O O O O O O O O O O O Attraction-Request+Type +bos any that is in the same side as the restaurant . get me the address and entrence fee eos O O O O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos i recommend holy trinity church it 's beautiful to visit and free . they are located on market street i do n't have the exact address . eos 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 O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O O O O N/A +bos i really need a taxi between the restaurant and hotel please . eos O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos can you tell me your departure and destination site and time you want 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,Taxi-Request+Dest +bos im departing from the restaurant eos O O O O O O Restaurant-Inform +bos i will need a little more information first . what is your destination and what time would you like to leave 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+Dest,Taxi-Request+Leave +bos the destination is holy trinity church . i need to get to the restaurant by 16:45. eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O O O O B-Taxi-Inform+Leave O N/A +bos a grey honda has been booked for you . the contact number is 07723204875 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 N/A +bos thank you so much for your help . eos O O O O O O O O O general-thank +bos glad to help goodbye eos O O O O O general-bye +bos i 'm looking for something to do in the centre . eos O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos the centre is very popular . is there a certain kind of attraction you are interested in ? eos 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 i would like to try local restaurants . eos O O O O O O O O O Restaurant-Inform +bos great , any cuisine you 're craving ? eos O O O O O O O O O Restaurant-Request+Food +bos actually the restaurant i have in mind is shanghai family restaurant . 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 great . shanghai family restaurant is moderately priced and located in the centre area of the city . 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 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 O O O O Booking-Inform +bos yes , please book it for friday for 6 people at 15:00. eos 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 booked it for you ! your reference number is : d6x7sukp . they will reserve your table 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 can you help me book a taxi to the restaurant ? eos O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos what is your departure site , and what time would you like the 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 to arrive in time for my reservation . eos O O O O O O O O O O O N/A +bos great are you arriving from a hotel , an attraction or perhaps the police station or hospital ? eos O 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 arriving from the train . eos O O O O O O O O O N/A +bos ok. i booked a taxi from the cambridge train station arriving at the restaurant in time for you 15:00 reservation . is that correct ? 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 B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Arrive O O O O general-reqmore +bos i need the contact number and car type . eos O O O O O O O O O O Taxi-Request+Car +bos the car type is grey ford and the number is 07121585263. would that be all ? eos 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 yes that 's all i needed . eos O O O O O O O O N/A +bos okay , i hope you enjoy your stay ! eos O O O O O O O O O O general-bye +bos hello i am looking for a nice restaurant nearby that serve portuguese , but i would also like the prices very affordable 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 N/A +bos nandos is in the south area and they have wonderful portuguese food ! would you like me to book that ? eos O B-Restaurant-Inform+Name 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 Booking-Inform +bos are they a cheap restaurant ? i want to save money for all the other plans we have during our trip . 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 N/A +bos yes . nandos city centre fits your wants . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O N/A +bos great ! could you book a table there for 5 people on thursday ? we 'd like to eat at 19:00. eos O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O O O B-Restaurant-Inform+Time O O O N/A +bos your table has been reserved for 15 minutes and your reference number is m1k2y25n on thursday at 19:00 for 5 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 N/A +bos thank you . i also want to go to a museum . eos O O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos there are several museums available . what part of town would you prefer ? 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 it can be in any area . could you suggest one and give me some information about 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 Attraction-Request+Area +bos the ruskin gallery is in the centre of town at anglia ruskin university , east road . the phone number and postcode are 01245493131 and cb11pt . admission is free . need anything else ? eos 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 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 B-Attraction-Inform+Post O O B-Attraction-Inform+Fee 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 where would you like to depart from and what time would you like 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 Taxi-Request+Depart,Taxi-Request+Arrive,Taxi-Request+Leave +bos i need to arrive at the restaurant by the booking time . eos O O O O O O O O O O O O O N/A +bos okay you got it . i 've booked you a yellow ford . the contact number is 07887698411 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 N/A +bos great ! that is all i needed . thank you . eos O O O O O O O O O O O O general-thank +bos no problem . enjoy your stay . eos O O O O O O O O general-welcome,general-bye +bos hi , i 'd like to find someplace to go in the west . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos there are 13 places you can visit . do you have a preference ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Type +bos i do n't know what there is , so it 's hard to say . could you recommend something interesting or 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 whale of a time guarantees you 'll leave with a smile . would you like the address or phone number ? 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 O O O O general-reqmore +bos what kind of attraction is that and how much 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-Inform +bos it is entertainment and i do not have any information here on the price . eos O O O B-Attraction-Inform+Type 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 i also need to find an expensive restaurant that serves traditional food please . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm afraid there are n't any in cambridge . is there a different cuisine you might like ? eos O O O O O O O B-Restaurant-NoOffer+Area O O O O O O O O O O O O Restaurant-Request+Food +bos can you find me something expensive in the cambridge area that serves gastropub food ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos here is a good one the slug and lettuce . eos O 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 sounds good ! i need a table for 3 people at 19:45 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 booking was successful . the table will be reserved for 15 minutes.reference number is : p5wgme15 . 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 is all i need today . eos 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 i am looking for a 3 star hotel on the south side of town please . eos 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 the lensfield hotel is available if you would like to book there just let me know . 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 Booking-Inform +bos is it in the cheap price range ? eos O O O O O O O O O N/A +bos i can get you into the bridge guest house . it is rated with three stars and has both internet and parking amenitites . 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 O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos is that in the cheap price range ? eos O O O O O B-Hotel-Inform+Price O O O N/A +bos unfortunately no . would you be willing to expand your price range ? eos O O O O O O O O O O O O O O Hotel-Request+Price +bos sure , how about one in the expensive range ? eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos certainly i have the lensfield hotel and it is considered expensive . shall i book that for you ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Price O O O O O O O O Booking-Inform +bos can you tell me what type of accommodation this is ? eos O O O O O O O O O O O O Hotel-Request+Type +bos the type of hotel is a regular hotel that is rated 3 stars and has both free parking and internet connectivity amenities . could i help you with booking ? 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 O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please . i need to book a room for three days starting on tuesday . eos O O O O O O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos how many people am i making the reservation for ? eos O O O O O O O O O O O Booking-Request+People +bos make a reservation for one . eos O O O O O O O N/A +bos just to verify , you wanted a room at the lensfield hotel for tuesday with one guest and a 3 night stay ? is that correct ? eos O O O O O O O O O O O O O B-Booking-Inform+Day O O O O O O B-Booking-Inform+Stay O O O O O O O N/A +bos actually nevermind , i do n't need to make a reservation right now . thanks anyway . eos O O O O O O O O O O O O O O O O O O general-thank +bos alright , 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 ! eos O O O O O O O O O O O O general-thank +bos very well , have a great day and feel free to call us back when you are ready to book . 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 am looking for a attraction called whipple museum of the history of science . 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos that museum is in the centre of town on free school lane . is there other information you are looking for ? eos 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 I-Attraction-Inform+Addr O O O O O O O O O O N/A +bos how much is admission ? eos O O O O O O N/A +bos they offer free admission . is there any other information i can provide 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 yes , find me a cheap place to eat in the center eos O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos what type of food are you interested in eating ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i am interested in italian food . however i just remembered , i need the phone number for whipple museum of history and science 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 O O Attraction-Request+Phone +bos their phone number is 01223330906. eos O O O O O B-Attraction-Inform+Phone N/A +bos there are a couple italian restaurants in the area ranging from moderate to expensive . would you like me to look them up for you and make a reservation ? 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 O O O O O O Attraction-Request+Area +bos not at this time , could i just have the phone number of an expensive italian restaurant ? eos O O O O O O O O O O O O O O B-Restaurant-Select+Price B-Restaurant-Select+Food O O O N/A +bos i need a reservation fo 3 at 16.30 eos O O O O O O O O O N/A +bos which day an time do i book ? eos O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos please reserve the restaurant for saturday at 16:30 for 3 people . eos O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time B-Restaurant-Inform+People O O O N/A +bos i have booked a table for you at clowns cafe . the table will be reserved for 15 minutes . your reference number is wyvyslff . how else can i help ? 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 O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i need a taxi to take me from the whipple ( whip whoop ) to the restaurant . please make sure the taxi drops off by the reservation time at clown eos O O O O O O O O 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 : white toyotacontact number : 07915745196 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 everything , you were very helpful . eos O O O O O O O O O O N/A +bos thank you , enjoy your day eos O O O O O O O general-bye +bos i am looking for an upscale chinese food restaurant in cambridge ; can you make a recommendation ? 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 yu garden is in the expensive price range in the east part of town . eos O 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 I-Restaurant-Inform+Area O N/A +bos i need something in the center of town . eos O O O O O O O O O O N/A +bos there are four expensive chinese restaurants in the centre of town . would ugly duckling suit you ? eos O O O B-Restaurant-Inform+Choice B-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-Select+Name I-Restaurant-Select+Name O O O O N/A +bos that sounds fine . can you 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 +bos yes ugly duckling would work . would you please reserve it for me and send me the reference number ? 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 O O O Booking-Inform +bos yes , i know it would work , i am the one you asked , lol . can you just give me the address 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 O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos their address is 12 st. johns street city centre . unfortunately their phone number is not available . 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 B-Restaurant-Inform+Phone N/A +bos thanks , i am also looking for somewhere to go in the centre area . eos O O O O O O O O O O O O B-Attraction-Inform+Area O O O N/A +bos castle galleries is a museum in the centre and it 's free . would you like the address or another option ? eos 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 O O O O O general-reqmore +bos yes , i 'd like the address please . eos O O O O O O O O O O Attraction-Request+Addr +bos their address is unit su43 , grande arcade , saint andrews street and their postcode is cb23bj . 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 O O O N/A +bos no that 's 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 for a hotel in the south 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 can help you with that . do you have a price range ? eos O O O O O O O O O O O O O O O Hotel-Request+Price +bos i do n't have a preference . i 'm just looking for a 4 star hotel that has free wifi . 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 O N/A +bos i have 2 locations that match your requirements , one is cheap , one is moderate . which would you prefer ? eos O O O O B-Hotel-Inform+Choice 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 +bos i guess we can go with the moderately priced one . eos O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos aylesbray lodge guest house is moderately priced and has free wifi . 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 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 is aylesbray lodge a guesthouse ? if not , is there a guesthouse that fits ? 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 N/A +bos yes , it is a guesthouse . when would the stay begin and for how long ? eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O Booking-Request+Stay,Booking-Request+Day +bos i need rooms for 8 peoples staying for two nights starting 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 booking was successful.your reference number is : 76hg81v6 . 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 general-reqmore +bos i 'm looking for a hotel in the west area . it does n't need to have free parking . 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 there are four possibilities on the west side . do you have preferred price range ? eos O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Price +bos i do n't have a preferred price range , but i 'd like one 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 there are 4 places that provide internet on the west side . 2 are hotels , and 2 are guesthouses . do you have a preference ? eos O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 Hotel-Select,Hotel-Inform+Internet +bos do they have parking ? i want one that does not have parking . eos O O O O O O O O O O O O O O O N/A +bos i 'm not showing anything in that area of town with no parking . 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 O O O O Hotel-NoOffer+Parking +bos can you check and see if there 's one in the north , please ? eos O O O O O O O O O O O B-Hotel-Inform+Parking O O O O N/A +bos the avalon is a guesthouse in the north . it offers free wifi but not parking . does this meet your liking and would you like to book a room ? eos O O B-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 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 works . book it for 7 people for 5 nights starting with wednesday . 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 sorry , but the avalon is n't available for those dates . would you like to book starting on another day or for fewer 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos how about 3 nights ? eos O O O O B-Hotel-Inform+Stay O N/A +bos i was able to book if for that time . the reference code is qlm5yvjd eos O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos wonderful , thank you . that is all i need . bye . eos O O O O O O O O O O O O O O general-bye +bos you 're very welcome , enjoy your stay . thank you and 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 place to stay . are there any guesthouses that are moderately priced ? 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 N/A +bos oh , yes . i have about 15 different options for you . is there an area of town you prefer to stay in ? 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 Hotel-Request+Area +bos no , i really do n't care what area , but i would like it to have a 4 star rating . 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 several 4-star guesthouses . might i suggest the warkworth house . it 's located in the east and offers both free wifi and parking . eos 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 B-Hotel-Inform+Area O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that sounds perfect so long as it has free parking . eos O O O O O O O O O O O O N/A +bos it certainly does . would you like to make a reservation ? eos O O O O O O O O O O O O O Booking-Inform +bos yes . i 'll need it for 4 people starting on saturday . we 'll be there for 5 nights . eos O O O O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Day O O O O O O B-Hotel-Inform+Stay O O O N/A +bos i 'm sorry , the warkworth is unavailable for your dates . perhaps you are flexible with your dates ? 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 well , is it available for at least 4 nights ? eos O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos i 'm sorry , four nights is n't possible either . eos O O O O O O O O O O O O Booking-NoBook +bos actually , i misspoke . i need the room for 5 people , for 5 nights , starting saturday . if that does n't work , 4 nights is fine . eos O O O O O O O O O O B-Hotel-Inform+People 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 your reservation for 5 people has been made for a 4 day stay at warkworth house , arriving saturday . your reference number is 6df5q5qj . is there anything else i can do ? eos O O O O O B-Booking-Book+People 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 general-reqmore +bos no , that 's it . thank you very much . eos O O O O O O O O O O O O general-thank +bos no problem at all . have a great day . eos O O O O O O O O O O O general-greet +bos are there any chinese restaurants on the north 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 three - hakka , golden wok , and the hotpot . would you like more information on one of these ? eos 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 O O O general-reqmore +bos can you tell me if one of those is located in the northern part of town ? eos O O O O O O O O O O O O O O O O O O N/A +bos all three are located on the north side . do you have a price range you 'd prefer ? the golden wok is moderately priced , while the others are expensive . eos 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O Restaurant-Request+Price +bos the golden wok is fine . can i get their phone number ? eos O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the golden wok 's phone number is 01223350688 and their address is 191 histon road chesterton . would you like to make a reservation ? 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 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 , i just needed the phone number . thanks very much for your help . eos O O O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos thank you , goodbye . eos O O O O O O general-welcome,general-bye +bos i 'm in the south part of town and it 's getting late . can you tell me what local hotels there might be for me to stay at ? eos O O O O B-Hotel-Inform+Area 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 i have several options for you . i have one hotel and the other 3 are guesthouses . all have free wifi and parking . do you prefer a certain price range ? 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+Type O O O O O O O O O O O O O O O O Hotel-Request+Price,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like to book the hotel please ? eos O O O O O O O B-Hotel-Inform+Type O O N/A +bos would you like to stay at rosa 's ? it 's a cheap guesthouse . eos O O O O O O O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Price B-Hotel-Recommend+Type O O O O N/A +bos no , like i said , i would prefer the hotel . can you please check availability for me at the hotel ? i want sunday and monday nights for three people . 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 B-Hotel-Inform+Day O O O O O O O O O O N/A +bos your booking for the lensfield hotel was successful . your reference number is cb8vvf4m . 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 general-reqmore +bos yes two more things , can i confirm the reference number as cb8vvf4m ? also , i want to make sure that the have free wi-fi . eos O O O O 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 your reference number is indeed cb8vvf4m . they also have free wifi . eos O O O O O O B-Booking-Book+Ref O O O O O O O Hotel-Inform+Internet +bos ok. thanks . that 's all i needed . eos O O O O O O O O O O general-thank +bos thank you for using the cambridge towninfo centre today , and enjoy your stay in cambridge ! eos O O O O O O O O O O O O O O O O O O general-greet +bos i 'm looking for a moderately-priced place to stay . eos O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i can help . we have 18 moderately priced hotels . do you have any additional preferences ? eos O O 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 N/A +bos i prefer the south part of town if you have anything . eos O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos i have 2 guesthouses available for what you need . do you want information on one of them ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O O O general-reqmore +bos yes , please . do either have free wifi ? eos O B-Hotel-Inform+Internet O O O O O O O O O N/A +bos both of the guesthouses have free wifi and free parking . i would recommend the aylesbray lodge guest house due to it being 4 stars . eos O B-Hotel-Inform+Choice 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 O O O O B-Hotel-Recommend+Stars O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos great ! can you book that for me ? eos O O O O O O O O O O N/A +bos yes , tell me what day are you arriving , how long is your stay , 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 Booking-Request+People,Booking-Request+Stay,Booking-Request+Day +bos there wili be 4 of us arriving on saturday , and staying for 3 nights . eos O O O O O B-Hotel-Inform+People O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O N/A +bos wonderful . your room has been booked for 3 nights . your reference number is hh78sjfp . is there anything else i can help with ? eos 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 general-reqmore +bos not that is it thanks . eos O O O O O O O general-thank +bos thank you if you need any more help please let us know . eos O O O O O O O O O O O O O O general-bye +bos hello , i am looking for a place to stay that includes free wifi . i would also prefer it to be in 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 B-Hotel-Inform+Type O O N/A +bos there are a number of options in cambridge . what area would you prefer to stay in ? price range ? 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 Hotel-Request+Area,Hotel-Request+Price +bos the area is n't too important . but i would like something expensive . eos O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos unfortunately i ca n't find any that are expensive . let 's try a different price range . eos O O O O O O O O B-Restaurant-NoOffer+Price O O O O O O O O O O Restaurant-Request+Price +bos moderately priced would be fine . eos O B-Hotel-Inform+Price O O O O O N/A +bos how about the archway house ? it 's a 4-star moderately priced guesthouse with both free wifi and parking . would you like to book a room ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , can you book that for 7 people on saturday ? eos O O O O O O O O O O O O O N/A +bos how many nights ? eos O O O O O Booking-Request+Stay +bos we 'd like to stay for 2 nights , please . eos O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos booking was successful ! can i get anything else for you ? eos O O O O O O O O O O O O O Booking-Book +bos is there a reference number with that ? eos O O O O O O O O O Hotel-Request+Ref +bos yes , that 'll be o6f5s5xy . eos 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 day . eos O O O O O O O O O general-welcome,general-bye +bos could you help me find an austrian restaurant please ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry but there are no austrian restaurants . is there another type that might interest you ? 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 darn , i was really hoping to find a cheap austrian restaurant . would you mind checking one more time ? 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 N/A +bos i 'm so sorry but there does n't seem to be any restaurants in the city that offer austrian food . can i look for another cuisine style for you ? eos O O O O 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 Restaurant-Request+Food +bos ok , how about a cheap chinese restaurant ? eos O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos we have four cheap chinese restaurants . are you interested in the south or centre area ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O B-Restaurant-Select+Area O O O N/A +bos i am interested in the centre area . eos O O O O O O B-Restaurant-Inform+Area O O N/A +bos the golden house is a cheap chinese restaurant in the center area . would you like me to reserve a table for you ? eos 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 O O O O O O O O O O O O O N/A +bos yes , that would be great . i 'd like a table for 3 on saturday at 18:30. 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 N/A +bos there does n't seem to be any availability for saturday at 18:30. does another time or day work for you ? eos O O O O O O O O O B-Booking-NoBook+Day I-Booking-NoBook+Day B-Booking-NoBook+Time O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos sure , try 17:30. eos O O O B-Restaurant-Inform+Time O N/A +bos i was able to make your reservation for 17:30. your reference number is vggq2ap9 . is there anything else i can help you with ? eos 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 no that will be all . eos O O O O O O O N/A +bos excellent . have a good rest of your day . eos O O O O O O O O O O O general-greet +bos i 'm looking for colleges in town centre , preferably free admission . eos O O O O B-Attraction-Inform+Type O O O O O O O O O N/A +bos christ college is lovely and is free admission . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A +bos what is their phone number ? eos O O O O O O O Attraction-Request+Phone +bos it 's 01223334900. do you need anything else ? eos O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos my girlfriend keeps mentioning wanting to try a great turkish food place . do you happen to have any in town ? 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 N/A +bos i have 3 different turkish restaurants , all are located in the centre area . would you prefer moderate price or expensive ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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-Select+Price I-Restaurant-Select+Price O N/A +bos definitely expensive . we 're going all out on this trip . eos O O B-Restaurant-Inform+Price O O O O O O O O O O N/A +bos the meze bar restaurant meets that criteria , would you like me to book a table 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 O O Booking-Inform +bos just to make sure , the restaurant is in the same area as the attraction , correct ? eos O O O O O O O O O O O O O O O O O O O N/A +bos yes , they are both in the centre of town ! eos 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 N/A +bos great , can i have their number , address , and postcode ? eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos meze bar restaurant is located at 196 mill road city centre , postcode cb13nf . i 'm sorry there is not a phone listed for this restaurant . 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 B-Restaurant-Inform+Post O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O N/A +bos i need a taxi going from christ college and the meze bar restaurant . i want to leave christ college at 06: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 O O O O O O O B-Taxi-Inform+Leave O N/A +bos okay . we have you booked . the car type will be blue lexus . the contact number is 07645780776. 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 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 thats all i needed . thanks . have a good one . 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 hi . could you help me find an expensive restaurant that serves catalan food ? eos 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 unfortunately , i do n't show anything available meeting those requirements . can i try a different price range or type of cuisine 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 Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer +bos how about something in the centre of town eos O O O O O O B-Restaurant-Inform+Area O O N/A +bos i was able to find bedouin in the centre of town in the expensive price range . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O O N/A +bos the bedouin serves catalan cuisine ? eos O O B-Restaurant-Inform+Name O O O O N/A +bos the bedouin serves african food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos oh okay . i must have been mistaken . let 's try something that has italian , is expensive and in the centre of town . 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 O O O O O O N/A +bos how does don pasquale pizzeria sound to you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O N/A +bos sounds good , lets book it for 4 people at 14:00 on wednesday , and i 'll need a reference number 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 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 : corc123e . 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 so much ! eos O O O O O O general-thank +bos you 're welcome . be sure to call us again if you need anything . 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 restaurant in the town centre ? eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos there are many high class restaurants in town centre , is there a particular cuisine you 'd prefer ? 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 Restaurant-Request+Food +bos i was thinking maybe trying something european . eos O O O O O O O B-Restaurant-Inform+Food O N/A +bos eraina is an expensive european restaurant in the city centre , would you like me to book that for you ? eos O B-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 O O O O O O O Booking-Inform +bos that sounds great ! can i book a talbe for 7 people at 17: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 your booking was successful . the table will be reserved for 15 minutes . the reference number is 0ud63qc0 . can i assist 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 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 for contacting us . have a great day . eos O O O O O O O O O O O O general-bye +bos i need a hotel on the west side . eos O O O O O O O B-Hotel-Inform+Area O O N/A +bos there are 4 places in the west area . two are listed as guesthouses and two are hotels . would you like more information ? 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+Type I-Hotel-Inform+Type O O O O O O O N/A +bos can you tell which ones have 4 stars and would be moderately priced ? eos O O 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 , but there are no hotels in the west part of town that have 4 stars and are moderately priced . can i look for something different for you ? 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 I-Hotel-NoOffer+Area O O O B-Hotel-NoOffer+Stars O O B-Hotel-NoOffer+Price I-Hotel-NoOffer+Price O O O O O O O O O O O O N/A +bos yes , how about moderately priced places to stay with 4 stars in the north ? i also need free parking . eos O B-Hotel-Inform+Parking O O B-Hotel-Inform+Price O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O O O O O O O N/A +bos there are six moderately priced 4 star places in the north which offer free parking . the acorn guest house is a popular choice . eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Price O B-Hotel-Inform+Stars O 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 O O O O Hotel-Inform+Parking +bos that sounds fine . do they have internet access ? eos O O O O O O O O O O O Hotel-Request+Internet +bos yes , they do . would you like to book a reservation ? eos O O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos not right now . in fact , that 's all the info i needed . 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 general-thank +bos sure , i 'm happy to help . eos O O O O O O O O O general-welcome +bos we need to find a guesthouse of moderate price . eos O O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Price O O N/A +bos 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 ? eos O O O O O 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 i would like it to have a 3 star rating . eos O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos the bridge guest house is a 3 star guesthouse . it is in the south area . 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+Stars B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform +bos yes , please , for four people . eos O O O O O O O O O N/A +bos how many people is the reservation for ? eos O O O O O O O O O Booking-Request+People +bos four . two nights . beginning saturday . eos O O O O O B-Hotel-Inform+Day O O O N/A +bos i am afraid that booking is unsuccessful . would you like a different day or amount of days ? 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 1 night ? would that work ? eos O O O O B-Hotel-Inform+Stay O O O O O N/A +bos this booking is successful for 1 night . your reference number is 85bgkwo4 . is there anything else i can assist you with ? eos 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 general-reqmore +bos that 's all . thank you ! eos O O O O O O O O general-thank +bos great , have a pleasant stay . bye . eos O O O O O O O O O O general-bye +bos are there any parks in town , by chance ? eos O O O O B-Attraction-Inform+Type O O O O O O N/A +bos there is one in the centre , one in the east , one in the north and two in the south . will one of these 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 N/A +bos could i get the address for the one in the centre ? eos O O O O O O O O O O O B-Attraction-Inform+Area O Attraction-Request+Addr +bos sure . the cambridge university botanic gardens are located at bateman street . 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 N/A +bos i need its address and phone number . eos O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the address is bateman street , postcode cb21jf and the phone number is 01223336265. 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 B-Attraction-Inform+Phone O N/A +bos thanks . i also need a place to get afternoon tea in the west . eos O O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O N/A +bos there are no restaurants serving afternoon tea in the west . 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 N/A +bos how about italian restaurants ? eos O O O B-Restaurant-Inform+Food O O N/A +bos yes i have two choices . one in the cheap price range and one that is priced moderately . do you have a preference ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O Restaurant-Select +bos i do n't have a price preference . which would you suggest ? eos O O O O O O O O O O O O O O N/A +bos actually , i really like the la margherita - it 's cheap but tasty . would you like me to book it ? eos O 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 O O O O Restaurant-Inform,Booking-Inform +bos yes , i need it for friday , 20:00 , for 7 people . i need a reference number . i need a taxi betweentwo places before 20:00. contact # and car type ? eos O O O O O O B-Restaurant-Inform+Day B-Taxi-Inform+Arrive O O B-Restaurant-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 Restaurant-Request+Ref,Taxi-Request+Car +bos you 're all set . the table will be available at 20:00 - they can only hold it for 15 minutes , though . your reference number is : 3v82nnnz . eos O O O O O O O O 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 O N/A +bos thanks , please also help me find a taxi . eos O O O O O O O O O O O Taxi-Inform +bos okay ! from where to where ? eos O O O O O O O O Taxi-Request+Dest,Taxi-Request+Depart +bos i 'll be going from the park to the restaurant . eos O O O O O O B-Taxi-Inform+Depart O O O O O N/A +bos be on the lookout for a black tesla . the contact number is 07533830631. 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 ok , thanks so much for the help . eos 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 i will with the lovely day planned . thanks , again . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos welcome and welcome anytime . eos O O O O O O general-bye +bos does cambridge have an establishment called the shanghai family restaurant ? 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 the shanghai family restaurant is located in the centre and is moderately priced . would that work for you ? 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 O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O N/A +bos yes , please ! i need a reservation for 2 people at 18:15 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 O N/A +bos i was able to book the table for you the reference number is bahva4jz , they will hold the table for 15 minutes . do you need 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 O O O O general-reqmore +bos yes . i would like a hotel in the centre that has 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 is there a price range you prefer ? eos O O O O O O O O O Hotel-Request+Price +bos yes , i am looking for a four star hotel in the expensive range . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos university arms hotel would be a great fit ! need a reservation ? eos 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 ! same group of people as the restaurant , same day . we 'll want to stay for 4 nights . eos 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 N/A +bos your hotel is booked . your reference number is eyotoqrv . can i help with something 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 believe we are all set . thank you ! 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 ! 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 moderately priced guesthouse ? eos O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O N/A +bos yes , there are 15 places that are moderately priced guesthouses . is there a certain area of town that you prefer ? eos O O O O O B-Hotel-Inform+Choice 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 Hotel-Request+Area +bos i 'd prefer something 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 N/A +bos i apologize but we do n't have anything that fits your criteria . would you like to change the area or try 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-Select+Type O O O Hotel-NoOffer,Hotel-Request+Area,general-reqmore +bos oh , that 's a bummer . ok , how about trying in the north ? eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos of course ! i have 8 options : 7 of which have 4 stars and 1 has 3 stars . would you like more information ? eos O O 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 O O O O O O O general-reqmore +bos the stars do n't matter . please book one for 3 people for 5 nights , starting sunday . 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 O O N/A +bos that booking was unsuccessful . will any other length of stay or starting day be possible ? 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 to start on monday . eos O O O O O O B-Hotel-Inform+Day O O N/A +bos i 'm sorry , but there 's nothing available starting on monday . eos O O O O O O O O O B-Booking-NoBook+Day O O O O N/A +bos i actually would like it to be on sunday for 2 nights . eos O O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A +bos i have reserved 2 nights for 3 people starting on sunday at the acorn guest house which is in the north of the city , is moderately priced and has internet . reference k0riyu4z . eos 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 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 all your help . good bye . eos O 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 hi , i 'll be coming in to cambridge and i 'd like a place to stay . i 'd like a guesthouse 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+Type O O O O O O O O O N/A +bos i 've got 33 guesthouses that offer free parking , do you have any more preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos i 'd like it to be in the east , if possible . eos O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos there are five guesthouses that offer free parking . 3 are cheap and 2 are moderate . which pricerange do you prefer ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Price O O O O O O O Hotel-Select +bos i 'll take a cheap one please . eos O O O O B-Hotel-Inform+Price O O O O N/A +bos i found allenbell to meet your needs . would you like me to book that for you ? eos O O O B-Hotel-Recommend+Name O O O O O O O O O O O O O O O Booking-Inform +bos no that would be all . eos O O O O O O O N/A +bos let me give you their phone number which is 01223210353. allenbell 's address is 517a coldham lane , cb13js . is there anything else i can help you with ? eos O O O O O O O O O O B-Hotel-Inform+Phone 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 . i 'm all set . thanks again . eos O O O O O O O O O O O general-thank +bos i remind you that you can check-in in this guesthouse after 3:00 pm . you can leave your suitcases anytime . 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 , have a fantastic day . eos O O O O O O O O N/A +bos you to . good bye . eos O O O O O O O general-bye +bos i am looking for places to go in the centre of town . can you help ? 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 there are lots of places to visit in the city centre . what type of place would you like to visit ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Type +bos is there a college i could visit ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos in what area would you prefer it to be ? eos O O O O O O O O O O O Attraction-Request+Area +bos in the centre would be perfect ! eos O O O O O O O O N/A +bos the emmanuel college is free and it is on saint andrew 's street . how does that sound ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O N/A +bos that sounds great ! ! can i have their address , and how much 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 Hotel-Request+Addr,Attraction-Request+Fee +bos it is located at saint andrew 's street and it 's free ! anything else ? eos 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 O general-reqmore +bos yes , i also need a place to stay . are there any 4 star hotel in the north with free parking ? eos O B-Hotel-Inform+Parking O 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 O N/A +bos do you have a price range preference ? eos O O O O O O O O O Hotel-Request+Price +bos the price does n't matter as long as it 's a 4 star hotel . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos i would recommend acorn guest house . would you like a reservation ? eos 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 no , but can i have the phone number and the address ? eos O O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos the phone number is 01223334200 and the address is saint andrew 's street . eos O O O O O B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O N/A +bos thanks for all your help ! eos 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 nope , i 'm all set . thank you ! eos 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 '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 O N/A +bos what price range would you like ? would you need free internet or parking ? eos 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 i 'd like a guesthouse in the north , i do n't care about the parking . price is no issue . eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Parking O O O O O O O O O O O O O O O N/A +bos the acorn guest house is in the north in the moderate price range and has 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+Area 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 Booking-Inform +bos yes , i would like to book it for 5 people for 5 nights starting on friday . can you give me a reference number ? 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 O O O O O Hotel-Request+Ref +bos sure ! the reservation is set . your reference number is eopokff6 . 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 i also need a train . eos 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 going from cambridge to birmingham new street on wednesday . eos 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 N/A +bos there are 19 trains on wednesday . when 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 Train-Request+Leave +bos at 5:15 would be a good time thank you eos O O O O O O O O O O general-thank +bos there are no trains leaving at 5:15. the tr0115 leaves at 5:01. would you like to book it ? eos O O O O O O O B-Train-NoOffer+Leave O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos woah now , that 's way too early . i actually do n't need to get in until 19:00. eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos i hear ya ' . how about tr1038 ? it leaves cambridge at 16:01 and gets into birmingham new street at 18:44. would that work for you ? eos O O 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 I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O Train-Select +bos what 's the price per ticket and travel time for that one ? eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos 75.10 pounds and it is a 163 minute trip . is there anything else , that i can assist with ? eos 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 O O O O general-reqmore +bos have a nice day . eos O O O O O O N/A +bos you too . have a great trip . eos O O O O O O O O O general-bye +bos i 'm looking for a train to leave on thursday to arrive at broxbourne . 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 where would you be departing from ? eos O O O O O O O O Train-Request+Depart +bos i will be leaving from cambridge sometime after 7:00pm . eos O O O O O O B-Train-Inform+Depart O O O O N/A +bos train tr0146 should fit 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 O Train-OfferBook +bos yes . i would like to book 4 people . eos O O O O O O O O O B-Train-Inform+People O N/A +bos i 've made those reservations the reference number is 2lagcy07 and the price is 71.59 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 N/A +bos thank you . can yo also find an entertainment attraction in the centre of town ? eos 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 i am sorry something more specific ? eos O O O O O O O O general-reqmore +bos what about an attraction featuring architecture ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos i dont have anything of the kind , should i look in another area ? eos O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos i am looking for a attraction in the type of entertainment please , . eos O O O O O O O O O O O O O O O Attraction-Inform +bos for some reason there are no entertainment attractions in the centre of town , are you able to go to another 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 I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O O O O O Attraction-Request+Area +bos can you try again ? there must be something . eos O O O O O O O O O O O N/A +bos not in the centre . do you have any other locations in mind ? eos O O O O B-Attraction-NoOffer+Area O O O O O O O O O O Attraction-Request+Area +bos how about something to do with architecture in the centre ? eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos there 's plenty to choose from , and most of them have free admission . eos 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 I-Attraction-Inform+Fee O O O N/A +bos i would like a architecture in the centre please . eos O O O O O O O O O O O N/A +bos i recommend great saint mary 's church , they are at market square , postal cb23pq , phone is 01223350914 , entrance fee is 2 pounds but it is worth the admission . any further questions ? eos 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 O B-Attraction-Recommend+Post O O B-Attraction-Recommend+Phone 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 O O general-reqmore +bos no , that 's it . you 've been very helpful . have a great day eos O O O O O O O O O O O O O O O O O N/A +bos have a wonderful time . eos O O O O O O general-greet +bos thank you very much . have a great day . eos 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-bye +bos i would like to book a taxi that would pick me up from sesame restaurant and bar that would pick me up at 14:00 eos 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 O O O B-Taxi-Inform+Leave N/A +bos and where will the taxi be taking you ? eos O O O O O O O O O O Taxi-Request+Dest +bos i need to go to st john 's chop house . i would like a contact number and car type for my booking query . 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 O O O O O O O O O O O O O O Taxi-Request+Car +bos your taxi will be a grey lexus with the contact number 07097363308. 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 , that is all i needed . eos 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 need to book a taxi from warkworth house . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos 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 ? eos O O O 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 want to go to rosa 's bed and breakfast and would like to arrive by 3 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 O O O O O O N/A +bos i have booked you a taxi from warkworth house to rosa 's bed and breakfast . you will arrive by 3. the taxi is a blue skoda . contact number : 07517822602 eos 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 O O O O O B-Taxi-Inform+Arrive O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O N/A +bos thank you for your help today . eos O O O O O O O O general-thank +bos certainly . 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 's all i need , thanks . bye bye ! eos O O O O O O O O O O O O general-bye +bos you 're welcome . it was a pleasure to help . please contact us again . 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 book a taxi to arrive by 09:00. eos O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos okay , and where do you want to be picked up 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 Taxi-Request+Depart,Taxi-Request+Dest +bos i need to be picked up from wagamama and i 'm headed to the mumford theatre . eos O O O O O O O O B-Taxi-Inform+Depart O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos your car will be a white volkswagen and the contact number is 07814597280. thank you , and have a great day . 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-bye +bos i would like to book a taxi departing from hotel du vin and bistro leaving after 22:30. 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 B-Taxi-Inform+Leave N/A +bos to what destination ? eos O O O O O Taxi-Request+Dest +bos it will need to take me to sitar tandoori eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos okay . i have booked a red lexus , and the contact number for the company is 07326176636. 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 B-Taxi-Inform+Phone 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 if there is nothing else i can help with , i would like to wish you an excellent 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 i 'd like a taxi that leaves from yippee noodle bar and leaves after 11:30. eos 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+Leave O N/A +bos i would be happy to book your taxi but i will need your destination and preferred arrival 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 Taxi-Request+Dest,Taxi-Request+Arrive +bos i would like to go to ballare please . eos O O O O O O O B-Taxi-Inform+Dest O O N/A +bos i was able to book that for you . the car will be a red toyota and the contact number is 07404635448. 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 B-Taxi-Inform+Phone 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 thank you very much . goodbye . eos O O O O O O O O general-bye +bos i 'm looking for a place to dine in the town centre , with an expensive price range . eos 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 N/A +bos alright , there are thirty-three possible restaurants for you to dine at , should i make you reservations at one of them ? 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 Booking-Inform +bos are there any with north american food ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos yes , there is the gourmet burger kitchen , address regent street city centre , postalcode cb21ab . would you like me to make you a reservation ? 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 O B-Restaurant-Inform+Post O O O O O O O O O O O O O O Booking-Inform +bos yes , please book a party of 4 at 11:30 tuesday . please include a reference number . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O O O O O Restaurant-Request+Ref +bos i 've went ahead and booked that . the reference number is pdiwvu9d . eos 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 a train . the train should arrive by 08:00 and should depart from peterborough . eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart O O O N/A +bos great , i can book that for you . what day will you be traveling ? eos 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 tuesday , as well . eos O O O O O O O B-Train-Inform+Day O O O O N/A +bos there are four trains that depart peterborough and arrive in cambridge by 08:00. would you like me to book one for you ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart 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 , and could you provide the travel time and the train id 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 i have booked your train ticket for the 5:19 from peterborough to cambridge . the train id is tr5042 and the ride will last 50 minutes . you should arrive by 06:09 eos O O O O O O O O O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O O O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Time I-Train-OfferBooked+Time O O O B-Train-OfferBooked+Arrive O O N/A +bos wonderful , thanks . that is everything i needed . eos 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 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 +bos i need a cab . i 'm at arbury lodge guesthouse and want to go to whale of a time . 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 I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos what time do you need to leave or arrive ? eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i would like to leave after 13:00 eos O O O O O O O B-Taxi-Inform+Leave N/A +bos ok , i just completed booking your taxi . it will be a grey honda and the number is 07839041101. is there anything else i can help you 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 B-Taxi-Inform+Phone 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 ok , enjoy your stay in cambridge . eos O O O O O O O O O general-greet +bos thank you ! i am sure i will have a fantastic time . you have a great day 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 general-thank +bos thank you for using our system . eos O O O O O O O O general-greet +bos hello . can you find a taxi to pick me up at darry 's cookhouse and wine shop sometime after 04:00 ? 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 N/A +bos not a problem . where would you like to go ? eos O O O O O O O O O O O O Taxi-Request+Dest +bos i would like to go to alexander bed and breakfast eos 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 great , i 've got a white lexus picking you up at 04:00 , your contact number is 07605710484. eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O N/A +bos thank you very much . i do n't need anything else at this time . 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 nice time . good bye . eos O O O O O O O O O O O O O general-bye +bos i need a taxi that leaves from funky fun house and arrives by 06:15 eos 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+Arrive N/A +bos certainly . what is your destination ? eos O O O O O O O O Taxi-Request+Dest +bos my destination is curry garden . eos O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos ok it is a white audi and the contact number is 07088332164 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 thank you . that is all i need right now . good bye . eos O O O O O O O O O O O O O O O general-bye +bos glad to be of help ! goodbye . eos O O O O O O O O O general-welcome,general-bye +bos i need to book a taxi from riverside brasserie . eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos 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 ? eos O O O O O O O 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 would like to arrive by 24:00. eos O O O O O O O B-Taxi-Inform+Arrive N/A +bos alright , and what is your destination ? eos O O O O O O O O O Taxi-Request+Dest +bos i am headed to curry prince . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos perfect . you are all booked and can expect to be picked up in a white tesla . the contact number is 07030002227. will you be needing anything else ? 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 B-Taxi-Inform+Phone O O O O O O O general-reqmore +bos nope , thank you very much . 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-bye +bos i 'm looking for a place to stay on the north side . eos O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos alright , there are 13 guesthouses and hotels on the north side . you have a price range in mind , or is there a particular amenity you need ? 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 O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos i 'm looking for one with 0 stars , please . eos O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos city centre north b and b is just what you 're looking for . it 's a guesthouse with free wifi and parking at 328a histon road cb43ht . would you like to book ? eos 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 B-Hotel-Recommend+Type 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 O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos one more thing , i 'd also like the price range please . eos O O O O O O O O O O O O O O Hotel-Request+Price +bos sure , it 's a cheap hotel . eos O O O O B-Hotel-Inform+Price O O O O N/A +bos thank you . i think that 's all i need today . eos O O O O O O O O O O O O O general-thank +bos great ! have a wonderful day ! goodbye ! eos O O O O O O O O O O general-bye +bos 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 . eos O O O O 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 . we have so many attractions ! what part of town will you be in ? eos 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 Attraction-Request+Area +bos i need a 4 star room in the centre please . eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O N/A +bos i have two options . would you prefer a hotel or a guesthouse ? eos O O O O B-Hotel-Inform+Choice O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos a hotel in the moderate price range . thank you ! eos O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O O O N/A +bos unfortunately , i am not seeing any 4 star hotels that are moderately priced in the centre . we could try a cheaper hotel or a guesthouse ? eos O 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 B-Hotel-NoOffer+Area O O O O B-Hotel-Select+Price O O O B-Hotel-Select+Type I-Hotel-Select+Type O O N/A +bos how about in the cheap price range ? eos O O O O O B-Hotel-Inform+Price O O O N/A +bos i 'm sorry , but there are no cheap hotels in the center of town , either . the only cheap hotel is on the west side . eos O O O 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 I-Hotel-NoOffer+Area O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O N/A +bos nevermind . do you have info on gallery at twelve a high street . 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 I-Attraction-Inform+Name O N/A +bos sure do . their address is fulbourn , postcode cb15dh . phone number is 01223295264 , and entrance is free . it 's a museum on the eastside . eos O O O O O O B-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Fee O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O N/A +bos thank you very much for your help , have a nice day . eos O O O O O O O O O O O O O O general-thank +bos thank you , enjoy your stay in cambridge . eos O O O O O O O O O O general-bye +bos i am looking for a place to stay that is named aylesbray lodge guest house . could you give me some information about it ? 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 O O O O N/A +bos alyesbray lodge guest house is in the south . it is in the moderate price range and has 4 stars . would you like to make 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+Area 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 Booking-Inform +bos yes . we 're a group of six and we 'd like to stay for two nights . we want to check in on tuesday . 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+Day O O O O O N/A +bos your booking was successful . reference number is : 2v9tm90z . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you , can you give me information on museums in the east side ? eos 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 cambridge museum of technology is a museum on the east side of town . eos 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+Area O O O O N/A +bos that sounds interesting ! can you give me their address and postcode , please ? and how much is it to get in 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-Request+Post,Attraction-Request+Addr +bos it 's 5 pounds for the entrance fee . their address is the old pumping station , cheddars lane , and phone number is 01223368650 eos O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 O O O N/A +bos thank you . i need a taxi to leave my hotel at 16:15 to go to the museum please . 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 N/A +bos i 'd 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 'd like to leave by 16:15 , please . eos O O O O O O B-Taxi-Inform+Leave O O O O N/A +bos you 're all set ! i 've booked your taxi , so keep an eye out for a red volkswagen at 16:15. your contact number is 07554925977. anything else for today ? 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 B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos sorry , could i please get the postcode for the museum ? eos O O O O O O O O O O O O O Attraction-Request+Post +bos sure . the postcode of the museum is cb58ld . anything else i can assist you with ? eos O O O O O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos nope , that 's all for today . thanks . goodbye . eos O O O O O O O O O O O O O general-bye +bos you 're welcome ! hope you enjoy your stay at the alyesbray lodge guest house and your visit to the cambridge museum of technology ! eos O O 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 to cambridge that arrives by 16:45 on monday . eos O O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O N/A +bos where would you like to leave from ? eos O O O O O O O O O Train-Request+Depart +bos i want to leave from the birmingham new street station . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos tr3387 will get you there in time . would you like me to book it for you ? eos 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 can you tell me the price and the train id ? eos O O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos the train id is tr3387 and the price is 75.10 pounds per ticket . would you like me to book you a ticket ? 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 O O Train-OfferBook +bos no but i need an attraction in the center part of town . eos O O O O O O O O O O O O O O Attraction-Inform +bos great , there are several churches if that interests you . eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O N/A +bos i would n't mind checking out some churches . which one in particular do you recommend ? eos O O O O O O O O O O O O O O O O O O N/A +bos i recommend old schools . it is located in trinity lane , cb21tt . can i give you their phone numbers ? eos 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 O O O O O O O O O general-reqmore +bos yes phone and adress please eos O O O O O O N/A +bos 01223332320. it is on trinity lane . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos where is that located again , in the centre right ? eos O O O O O O O O O O O O N/A +bos yes , it is located in the centre . eos O O O O O O O B-Attraction-Inform+Area O O N/A +bos ok , that 's all the information 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 general-thank +bos enjoy your stay . eos 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 what type of place are you looking for ? eos O O O O O O O O O O Attraction-Request+Type +bos i do n't have a preference , but i will need a phone number . eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos old schools is a great bit of architecture that i recommend visiting . their phone number is 01223332320. eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Type O O O O O O O O B-Attraction-Inform+Phone O N/A +bos i also need a train going to cambridge departing from birmingham new street . i 'd like to leave at 09:15. eos 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 O O O O B-Train-Inform+Leave 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 'll be leaving on tuesday and i changed my mind , i prefer a train that leaves after 14:00 eos O O O O O B-Train-Inform+Day O O O O O O O O O O O O B-Train-Inform+Leave O O N/A +bos train tr8466 leaves at 14:40 and arrives by 17:23. eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos what is the price and travel time ? eos O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos 163 minutes and 75.10 pounds . eos O O B-Train-Inform+Time I-Train-Inform+Time B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos awesome , thanks a lot . that 's all i need help with . eos O O O O O O O O O O O O O O O general-thank +bos did you want me to make the train reservations for you ? eos O O O O O O O O O O O O O Train-OfferBook +bos no thank you . that is all that i needed . 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 hi , i am looking for information on a place to stay . eos O O O O O O O O O O O O O O N/A +bos sure , are you looking for anything specific ? eos O O O O O O O O O O general-reqmore +bos yes a four star hotel that is cheap . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O N/A +bos the cambridge belfry is a cheap hotel with a 4 star rating . it 's at back lane , cambourne . can i book it ? eos 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+Type O O B-Hotel-Recommend+Stars O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O Booking-Inform +bos is that a guesthouse ? that is the type i am looking for . eos O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos there are 7 guest houses that are cheap , which part if town did you have in mind ? 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 Hotel-Request+Area +bos i do n't care about price . i just need a place to stay in the north that 's 4 stars . eos O O O O O O O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stay O O O O N/A +bos there are eight guesthouses in the north . i recommend home from home it has free internet and parking . would you like me to book that ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type O B-Hotel-Inform+Area 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 Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +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 general-reqmore +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 I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O O O Booking-Inform +bos any trains from stansted airport ? eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos the next train to be leaving from stansted airport is at 5:24 on friday . it will get to cambridge at 5:52. eos O 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+Day O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos i need a train that leaves on sunday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos there 's a train that leaves stansted airport at 08:24 and gets to cambridge at 8:52. i can look up an earlier or later one if you prefer eos O O O O O 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 O O O O O O O O general-reqmore +bos i just need to arrive by 19:15 , so could you find one closer to that time , 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 N/A +bos train tr1008 will arrive by 08:52. should i get you tickets for that one ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos could you tell me how long that train ride is ? eos O O O O O O O O O O O O Train-Inform +bos that ride takes exactly 28 minutes . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos are there any swimming pools in the area ? eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos there is one pool called the parkside pools on gonville place . will that work ? 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 O O O O general-reqmore +bos think i will take a dip there , can you let me know if 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 Attraction-Request+Fee +bos the entrance fee is not available online at the moment . the phone number is 01223446100 if you 'd like to call and check . can i help you with anything else ? 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 B-Attraction-Inform+Phone O O O O O O 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 're welcome , have a great day . eos O O O O O O O O O O general-welcome +bos i want a train that is going to cambridge . eos O O O O O O O O O B-Train-Inform+Dest O N/A +bos what is your departure site and preferred day and time of departure ? eos 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 leave on saturday from stevenage . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos i have 10 trains on saturday going to cambridge from stevenage . what time would you like to depart or arrive ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Day O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to depart from stevenage and arrive by 11:30. eos O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive N/A +bos i have tr9024 that leaves stevenage at 09:54 and will arrive in cambridge by 10:43. would that work for you ? eos 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 O B-Train-Inform+Arrive O O O O O O N/A +bos yes , thank you . i am also looking for some places to visit in the centre of town . 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 N/A +bos do you have a specific type of attraction ? there are museums , colleges , and others . 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 Attraction-Request+Type +bos not really , i 'm down for anything , what would you recommend ? eos O O O O O O O O O O O O O O O N/A +bos if you like nightclubs , there is a great one called club salsa in the centre . their entrance fee is 5 pounds . eos O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos what is the address and phone number please . eos O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos club salsa is located at 1 station road . you can reach them at 07782218745. eos 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 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 goodbye , have a great day . eos O O O O O O O O general-bye +bos i 'm looking for somewhere 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 a few places , do you have any preferences in attraction types ? eos O O O O O O O O O O O O O O O O Attraction-Request+Type +bos great ! i 'd like to visit a pool . 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 Attraction-Request+Addr +bos no pools in the west . perhaps another area or type ? eos O O B-Attraction-NoOffer+Type I-Attraction-NoOffer+Type O B-Attraction-NoOffer+Area O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos 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 . eos O O O O O O O O O O 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 i have abbey pol and astroturf pitch located in the east side . would that work ? eos 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+Area O O O O O O N/A +bos no , i really would prefer to stay on the west side of town eos O O O O O O O O O O O O O O O N/A +bos since there are no pools on that side of town how about the funky fun house at 8 mercers row , mercers row industrial estate ? eos 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 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 N/A +bos thanks . i also need a train for saturday . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos 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 eos O O O O O 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+Depart +bos i am traveling from cambridge to stevenage on saturday and want to arrive by 12:15. i just need the price , train id , and how long it will take . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day 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 Train-Request+Price,Train-Request+TrainID +bos in order for me to get you a price , i have to know 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 Train-Request+People +bos again , i just need to know the price of a ticket , the train id , and the duration of the train ride between cambridge and stevenage . 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 O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos i have train tr3259 leaving at 5:21 and arriving at 6:10 travel time 49 minutes . the cost is 10.24 pounds per person . 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 I-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos thank you , that is everything i needed ! eos O O O O O O O O O O general-thank +bos have a good trip ! eos O O O O O O 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 what type of food would you like to eat ? eos O O O O O O O O O O O Restaurant-Request+Food +bos i would love to try some african food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos bedouin would be the perfect place for you to dine . they 're located at 100 mill road city centre . do you need additional information about them ? eos 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 O O O O O O N/A +bos no thank you . let 's go ahead and book a table for tuesday at 16:00. there will be 5 people . eos 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 B-Restaurant-Inform+People O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : gh1hbhmc . 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 B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos thanks for the help . have a good day . eos O O O 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 +bos i 'm looking for a train that leaves after 13:45 on wednesday . eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos can you give me departure and destination locations , please ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos yes . i 'm departing from broxbourne and going to cambridge . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O N/A +bos the tr3470 leaves at 16:32. that 's the first train on that route after 13:45. eos O O B-Train-Inform+Id O O B-Train-Inform+Leave 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 O N/A +bos thank you , can i get tickets for 2 people and the reference number if successful ? 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 i will book that for you now . eos O O O O O O O O O Booking-Inform +bos can i have that reference number please ? eos O O O O O O O O O Train-Request+Ref +bos i will have that reference number in one moment . eos O O O O O O O O O O O N/A +bos okay thank you , and i need the postcode too . eos O O O O O O O O O O O O Attraction-Request+Post +bos booking was successful . reference number is zt7xx7wq . do you need anything else ? eos O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos i 'm looking for a place to go in town . i 'm looking in the city centre . do you have anything available ? what is the postcode ? 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 Attraction-Request+Post +bos what kind of attraction do you want ? eos O O O O O O O O O Attraction-Request+Type +bos can you recommend something fun . i dont know this area . eos O O O O O O O O O O O O O N/A +bos i recommend vue cinema in centre . the zip code is cb11ps . 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 B-Attraction-Recommend+Post O N/A +bos thanks . i think that took care of everything . thanks . bye . eos 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 can you give me some information on trinity college please ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos sure thing ! trinity college is located on trinity street in centre with a postcode of cb21tq . would you like more information today ? eos O 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+Area O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos great ! thanks ! is that just a college or is there any other type of attraction there ? 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 'm not sure . would you like me to give you the phone number ? they might have more information on 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 yes , can you please get that for me . thank you eos O O O O O O O O O O O O O general-thank +bos the phone number for trinity college is 01223338400. can i help you with anything else ? 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 general-reqmore +bos i also need a train to ely . eos O O O O O O O B-Train-Inform+Dest O N/A +bos where will you travel from ? eos O O O O O O O Train-Request+Depart +bos i am leaving from cambridge and will be traveling wednesday . eos O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Day O N/A +bos can you tell me 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 Train-Request+Arrive,Train-Request+Leave +bos i need to be there by 11:15. eos O O O O O O O B-Train-Inform+Arrive N/A +bos okay ! how about the 9:50 train ? that 's the latest one , and it arrives at 10:07. eos O O O O O B-Train-Inform+Leave O O O O O O O O O B-Train-Inform+Arrive O O O O N/A +bos that sounds good . what 's the travel time and price for that one ? eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos only 17 mins and 4.4 gbp payable at the station eos O O O B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos thank you so much . 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 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 yes , again . that is all i need . thanks . eos O O O O O O O O O O O O O general-thank +bos thank you for calling cambridge towninfo centre ! it 's been a pleasure to help you explore our city 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-bye +bos can you help me find a train leaving on sunday arriving by 9:00 ? eos O O O O O O O O O O B-Train-Inform+Day O O O O N/A +bos i have 36 trains that match what you are requesting . where will you be traveling to ? 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+Dest +bos i 'll be heading to peterborough from cambridge . eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos there are 7 results . what time would you like to leave cambridge ? eos O O O O B-Train-Inform+Choice O O O O O O O B-Train-Inform+Depart O O Train-Request+Leave +bos i 'm flexible , as long as i arrive by 9:00. could you let me know the total travel 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+Duration +bos all of the trains that day are 50 minutes travel time . would you like to leave at 8:06 , arriving at 8:56 ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O B-Train-Select+Leave O O B-Train-Select+Arrive O O O N/A +bos sure . could you give me the id for that train ? eos O O O O O O O O O O O O O Train-Request+TrainID +bos sure . train id tr0160 , 50 minutes travel time will cost 13.20 pounds per ticket . what else can i help you with today ? eos O O O O O B-Train-Inform+Id 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 N/A +bos great , i 'm also looking for info on a hotel called allenbell . eos O O O O O O O O O O O B-Hotel-Inform+Name 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 i need to book it for 3 people for 2 nights beginning 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 okay i have your reservation and the reference number is wznkiugx . 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 for now . eos O O O O O O O O O O O O general-thank +bos thank you for using this service eos O O O O O O O general-bye +bos find me a moderately priced place to eat in the south eos O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area Train-Request+Price +bos i have two options available pizza hut cherry hinton serving italian and restaurant alimentum which serves modern european . which would you prefer ? 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 O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O Restaurant-Select +bos restaurant alimentum sounds interesting . can you get me a table for 3 at 14:45 on friday ? eos 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 N/A +bos your reservation is all set . your reference number is r5skt4z3 . 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 great i also need a train on the same day as the restaurant booking heading to cambridge . eos 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 what time and departure site would you like to have ? eos O O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i 'll be leaving from leicester . i want to arrive at cambridge by 11:15. eos O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O O N/A +bos train tr4170 arrives in cambridge at 10:54 , would you like to reserve a ticket ? 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 O Train-OfferBook +bos can you give me the price , train id and 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,Train-Request+TrainID +bos train tr4170 leaves leicester at 09:09 and arrives in cambridge at 10:54. the duration of the trip is 105 minutes . the price is 37.80 pounds . eos 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 O B-Train-Inform+Arrive 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 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 the service today ! eos O O O O O O O O O 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 what type of food are you looking for and what price range ? eos 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 a restaurant in the moderate price range and the food type for those restaurants . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O Restaurant-Request+Food +bos british , indian , or italian . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos indian . and can you find me something to do afterwards 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 N/A +bos meghna is a restaurant in the west serving indian food in the moderate price range . do you need more information or want to reserve a table ? eos O B-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Area 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 O Booking-Inform +bos i 'd just like the address for now , thanks . are there any attractions 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 O O Restaurant-Request+Addr +bos the address is 205 victoria 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 I-Restaurant-Inform+Addr O O O O O O O O general-reqmore +bos could be please call a cab ? eos O O O O O O O O N/A +bos i 'd be happy to help you with a taxi , what is your destination/departure and what time would you like to arrive/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 Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest,Taxi-Request+Arrive +bos nevermind , i actually do n't need one . eos O O O O O O O O O O N/A +bos there are 13 attractions in the west area of town . would you like more information ? 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 general-reqmore +bos what is the entrance fee for the attractions ? eos O O O O O O O O O O Attraction-Request+Fee +bos churchill college is free in the west part of town . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O B-Attraction-Inform+Area 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 i 'm happy to help . you have a great day as well . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos howdy ! i 'm looking for a cheap place to eat in the city centre . eos O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O O N/A +bos how about the river bar steakhouse and grill that serves modern european ? 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos sounds good . may i have their telephone number please ? eos O O O O O O O O O O O O Restaurant-Request+Phone +bos certainly , that number is 01223307030. will you need a reservation this evening ? eos O O O O O B-Restaurant-Inform+Phone O O O O O O O O O Booking-Inform +bos not at the moment . can you also look up the attractions near the restaurant as well ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Attraction-Inform +bos all saints church is in the area on jesus lane . would you like me to go ahead and book a reservation for you at this time ? 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 O O O O O O O O O O O O O O O O O O Booking-Inform +bos not at this time , but can i get their 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 they have free entrance and their address is jesus lane eos O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos thank you , that is all i need for now . eos O O O O O O O O O O O O general-thank +bos thank you . if you should need further assistance in the future , please contact us . 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 visiting cambridge and looking for local attractions . can you suggest a place 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 Attraction-Inform +bos i 'm sure i could . any particular area or type of attraction you 're interested in ? 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+Type +bos yes , could you provide me with information on museums in the west of town and the entrance fees ? 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 Attraction-Request+Fee +bos there are 7 choices . how about cafe jello gallery ? it fits your needs and has free admission . would this work for you ? eos 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 B-Attraction-Recommend+Fee O O O O O O O O O O N/A +bos perhaps . i 'm also looking for a restaurant called pizza express fen ditton . can you tell me about that ? 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 O O O O O O O O N/A +bos sure , pizza express fen ditton 's phone number is 01223324033. would you like me to make a reservation ? 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+Phone O O O O O O O O O O O Booking-Inform +bos yes please . i will need a table for 3 people on sunday at 14:45. can i also have the reference number for it when it is booked ? 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 Restaurant-Request+Ref +bos absolutely . i was able to reserve the table for you ; it will be reserved for 15 minutes . the reference number is 0cgnoy9r . 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 great ! that is all i need . eos O O O O O O O O O N/A +bos alright , great . have a nice day ! eos O O O O O O O O O O general-bye +bos can you help me find a place to eat ? i am looking for somewhere in the east with a moderate price . eos 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+Price O O O N/A +bos there is the curry prince and rajmahal restuarants serving indian food . then there is the pizza hut fen ditton serving italian food . which would you like more information on ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Select +bos i think i 'd like to try rajmahal . could you book me a table for 1 on monday at 16:15 ? 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 N/A +bos your reservation has been booked . your reference number is q9drq55j . please be aware that your table will only be reserved until 16:30. can i provide any more 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 O O B-Booking-Book+Time O O O O O O O O O general-reqmore +bos i 'm also looking for things to do in the same general 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 sure , are you interested in museums , sports , parks , entertainment , swimming or boating ? eos 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 N/A +bos are there any cinemas ? if there is n't what about something that has to do with multiple sports ? 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 N/A +bos there are n't any cinemas in the general area , but what types of sports are you interested in ? eos 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+Type +bos all of them . what 's there ? eos O O O O O O O O O N/A +bos the cherry hinton village centre is the only one located there , their address is colville road , cherry hinton . 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 I-Attraction-Inform+Name 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 can i please get the phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos yes , the phone number is 01223576412. how else can i help ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos that will be all , thank you very 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 thank you let me know if you need help again . eos O O O O O O O O O O O O general-bye +bos i 'm looking for a restaurant in the centre of town eos O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos there are over 60 restaurants near the center of town , do you have a cuisine or price range in mind ? eos O 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 O O Restaurant-Request+Food,Restaurant-Request+Price +bos yes , something in the affordable price range . also , do any of them serve singaporean food ? 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 no singaporean restaurants , but there are cheap ones offering several different cuisines . eos O O O O B-Restaurant-NoOffer+Food O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos okay what about italian food then ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos zizzi cambridge serves italian cuisine in the city centre . would you like a reservation ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O O Booking-Inform +bos not right now , but can i have their postcode , please ? eos O O O O O O O O O O O O O O Restaurant-Request+Post +bos their postcode is cb21ab eos O O O O B-Restaurant-Inform+Post N/A +bos thank you . i am also looking for some places to go . 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 general-thank +bos i have a lot of different locales and attractions in my database , is there anything you 'd like to see in particular ? or search by location ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice 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+Name,Attraction-Request+Area +bos what is there to see in the centre and what is the postcode ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos there are 44 attractions in the center of town . would you like a museum , or a cinema perhaps ? 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 B-Attraction-Select+Type I-Attraction-Select+Type O O O N/A +bos i prefer the cinema , is there one in the same postcode as the restaurant ? 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 only have one venue offering cinema in the centre but it has a different postcode than the restaurant . vue cinema 's postcode is cb11ps . should i look elsewhere for cinemas ? eos O O O O O O O O O O O O O O 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 one is perfect . could you help me book a taxi please ? i am looking for one to take me from zizzi cambridge to vue cinema . i 'd like to leave by 22: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 B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O B-Taxi-Inform+Leave O O O O O N/A +bos of course . i 've booked you a grey honda leaving from zizzi cambridge to vue cinema at 22:15. the contact number is 07135477113. eos O 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 O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O general-greet +bos thanks , that 's all i need today . have a good one . 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 hi , can you help me find an architecture based attraction to go to ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos there are 5 architecture based attractions in cambridge . all in the centre of town . would you prefer a church or a school ? eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O N/A +bos any church will be fine . can you give me the phone number of one ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos certainly , all saints church 's number is 01223452587. eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Phone O O N/A +bos cool . i need a restaurant called the slug and lettuce too . 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 N/A +bos would you like me to make a reservation at the slug and lettuce for you ? eos 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 I-Booking-Inform+Name O N/A +bos no thank you . could you tell me what area of town the slug and lettuce is in , 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+Area +bos that would be the center of town . eos O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +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 thank you for using our service . 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 , you have been such a help ! eos O O O O O O O O O O N/A +bos great ! i 'm glad that i was able to assist you today . 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 swimming pool in the area . eos O O O O O O O O O O O O N/A +bos there are 4 swimming pools available . are you looking for one in a specific area ? 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 Attraction-Request+Area +bos i 'm looking for one on the east end . eos O O O O O O O B-Attraction-Inform+Area O O O N/A +bos abbey pool and astroturf pitch is in the east part of town . would you like their phone number ? 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 I-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O O O general-reqmore +bos what is the entrance fee , address 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,Attraction-Request+Fee,Attraction-Request+Addr +bos i do not have an entrance fee listed but the address for the pool is pool way , whitehill road , off newmarket road and their telephone number is 01223902088. 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 I-Attraction-Inform+Fee 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 O O B-Attraction-Inform+Phone O O N/A +bos thanks . i need a place to eat too . any expensive indian places near the pool ? eos 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 N/A +bos there are two , pipasha restaurant , and sitar tandoori would you like one of those ? eos O O O B-Restaurant-Select+Choice O O O B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O O O N/A +bos yes please try sitar tandoori eos O O O O O O N/A +bos the sitar tandoori is located at 43 high street cherry hinton , postcode cb19hx . would you like to make a reservation ? eos 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 B-Restaurant-Inform+Post O O O O O O O O O O Booking-Inform +bos yes please , for 1 person at 17:30 on thursday . 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 'm so sorry , but they do n't have a table available at 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 O O O O O O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos yes , let 's try 16:30 please . eos O O O O B-Restaurant-Inform+Time O O O O N/A +bos i have successfully booked your restaurant reservation for 1 and your reference number is nkszhagp . eos O O 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 that is all i will need . 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 could you help me find a thai restaurant ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have two listed one on the west side and one in the centre . eos O O 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 N/A +bos please one in the centre . eos O O O O O O O N/A +bos bangkok city is located in the centre . it is an expensive thai restaurant . would you like a reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O Booking-Inform +bos yes i am needing a table for 7 this monday at 11:15 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 N/A +bos great , they had an opening , you 're all set . your reference number is 1k1ndd5t . eos 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 great . i am also looking for something to do on the west side of town . any suggestions ? i will need the entrance fee and postcode and the type of attraction . 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 O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Type +bos cambridge has 13 attractions on the west side . i would suggest the cafe jello gallery , which has a free entry . would you like more information on it ? eos O O O O B-Attraction-Inform+Choice O 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 B-Attraction-Recommend+Fee O O O O O O O O O O O general-reqmore +bos yes , what type of attraction is it and what is the postcode ? eos O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type +bos the cafe jello gallery is a museum . the postcode is cb30af . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Post O O N/A +bos i am also looking for taxi to take from the museum to the restaurant by 11:15. can you give me a contact number and the car type ? 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 Taxi-Request+Car,Attraction-Request+Type +bos okay , i 've booked you a black lexus . the contact number is 07019239723. 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 N/A +bos thank you very much . that 's all i need today . eos O O O O O O O O O O O O O general-thank +bos wonderful ! enjoy your time in the city . eos O O O O O O O O O O general-bye,general-greet +bos can you help me find a place i am looking for ? its name is the jesus green outdoor pool . 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 N/A +bos sure , the address is between victoria road and the river , the postcode is cb43px . would you like their phone number for directions ? 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 O O O B-Attraction-Inform+Post O O O O O O O O O O O O N/A +bos great , thank you , and to be sure , this is actually a pool , correct ? eos O O O O O O O O O O O O O O O O O O O general-thank +bos yes , it is listed as a swimming pool in the northern part of town . is there anything else i can help you find today ? eos 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 O O O O O O O general-reqmore +bos yes , i 'm also looking for a restaurant can you help me with that , too ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos sure , what is your price range ? eos O O O O O O O O O Restaurant-Request+Price +bos expensive , it should be in the centre and serve chinese food . eos O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O O O N/A +bos i have found 4 chinese restaurants in centre ; ugly duckling , tang chinese , hk fusion , and seasame restaurant and bar . would you like there phone numbers , or address ? eos O O O O O B-Restaurant-Inform+Food 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O O O O O N/A +bos i am more interested in booking whichever will accept a table of four at 18:30 this 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 N/A +bos sir , i 'm afraid none of those restaurants have a table available for that time period . do you want 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 O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos yes , could you try 17:30 instead please ? eos O O O O O B-Restaurant-Inform+Time O O O O N/A +bos i was able to book you for that time at the ugly duckling located at 12 st. johns street city centre . your reference number is v7bj4wdn . is there anything else ? eos O O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+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 B-Booking-Book+Ref O O O O O O general-reqmore +bos no i think that 's all , thank you eos 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 anytime ! eos O O O O O O O O O O O O O O O O general-welcome,general-bye +bos i 'm traveling to cambridge and looking for things to do 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 what kind of attraction ? we 've got architecture , museums , theatres , colleges , and clubs . do any of these categories appeal to you ? 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 O O O O O O Attraction-Select +bos i 'd like to check out a theatre please . eos O O O O O O O O O O O N/A +bos i suggest the mumford theatre at anglia ruskin enterprise , east road . 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 N/A +bos is that in town centre ? if it is could you please let me know the type of attraction and the phone number for it ? does it cost to get in ? 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 O Attraction-Request+Phone,Attraction-Request+Type +bos sure , the mumford theatre is in the town centre , and the phone number is 08451962320. i 'm not sure about the entrance fee however . eos O 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-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 O O O N/A +bos thank you , i 'll call them to ask about any entrance fees . eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos was 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 , i would like a reservation at a restaurant in the centre that serves eritrean food . eos 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 unfortunately , there are no restaurants that match that exact request . care to change the location 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 Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos how about a chinese restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos we have several chinese restaurants in that area ? what price range 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+Price +bos what is the first available restaurant ? eos O O O O O O O O Restaurant-Inform +bos for how many people will you need dining reservations ? eos O O O O O O O O O O O Booking-Request+People +bos i only need a reservation for one person . eos O O O O O O O O O O N/A +bos the first available chinese restaurant in the centre is charlie chan . if you would like to book there can i know the day and time ? 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 Booking-Request+Time,Booking-Request+Day,Booking-Inform +bos if charlie chan is in the center of town , i 'll take a table there at 17:00 on saturday . just one person . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 i have that reserved for you . eos O O O O O O O O Booking-Book +bos what is the reference number , please ? eos O O O O O O O O O Restaurant-Request+Ref +bos the reference number for your booking is n36ogs3i , this table will be held for 15 mins should you not arrive at your reserved time . 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 N/A +bos thank you so much ! eos O O O O O O general-thank +bos anything else i can do for you ? eos 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 glad i could be of help . enjoy your dining experience . eos O O O O O O O O O O O O O general-bye +bos i 'm trying to find a restaurant by the name of ali baba . can you help me out ? 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 sure ! ali baba is at 59 hills road city centre . 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 Booking-Inform +bos yes . six people at 14:00 on monday . eos O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos ok , your reservation is all set . they will hold the table for 15 minutes . your reference number is uxy6qbzy . 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore +bos thank you . yeah , i 'm also looking for find a train out of cambridge that will arrive by 11:15. eos 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+Arrive O O N/A +bos great , what is your destination ? eos O O O O O O O O Train-Request+Dest +bos my destination is the stansted airport on tuesday . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos i have 6 trains available departures starting 05:40 to 10:40. what time would you like to leave ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O Train-Request+Leave +bos can you just give me the departure time of the one that gets me to stansted a little before 11:15 ? eos 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 Train-Request+Leave +bos there is one that arrives by 11:08 and it departs at 10:40. would you like to book that ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Arrive O O O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos no . that 's all i needed to know , thank you . 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 please help me look for a train that leaves on friday and arrives at its destination by 1:15 pm . eos O 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 where would you be departing from ? eos O 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 thank you . and where are you headed to ? eos O O O O O O O O O O O general-welcome,Train-Request+Dest +bos cambridge and should go to norwich.for 6 people.i need the the reference number eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+People O O O O O Train-Request+Ref +bos great . the tr2557 arrives by 12:55 , so i have booked it for 6 people . your reference number is x56lpmkm . is there anything else i can help you with today ? eos O 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O O O general-reqmore +bos i am also looking for a expensive restaurant that serves south african food . eos O 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 am sorry i have no listings for that type of food any other types i can look up ? 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 could you check the city center for me ? eos O O O O O O O O O O N/A +bos i do n't have any south african restaurants at any price range anywhere in the city . would you like to try a different 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 N/A +bos how about indian ? eos O O O B-Restaurant-Inform+Food O N/A +bos may i suggest curry garden . it is in the expensive price range and in the centre . would you like a reservation ? eos O 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 B-Restaurant-Recommend+Area O O O O O O O O Booking-Inform +bos yes please and a confirmation number too eos O O O O O O O O N/A +bos when will you be dining and how many guests ? eos O O O O O O O O O O O Booking-Request+People,Booking-Request+Time +bos i do n't need a booking quite yet , could you get 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 sure thing the postcode is cb21dp . anything else i can do for you ? eos O O O O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos that is it for today thank you very much eos O O O O O O O O O O general-thank +bos no problem , thank you for choosing cambridge towne info 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 hi is there any deals for tourists that will be a great price ? so i can book them all at the same 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 general-greet +bos 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 ? eos O O O O 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 yes , the efes restaurant . i 'd like to book for 6 people at 12:00 on sunday . could i also get the reference number ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 N/A +bos yes great i made your reservation and your reference number is sgssgx8p . eos O O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos hi i am also looking for a plane , leaving monday at 6:00. eos O O O O O O O O O O B-Train-Inform+Day O O O N/A +bos i 'm sorry , i do not have information about plane travel , could i book you a train instead ? eos 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 yes , i would like to go to the airport on monday . eos O O O O O O O O O O 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 going to stansted airport , from cambridge . eos O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O N/A +bos tr7460 leaves at 6:40 would that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-Select +bos that should be fine . please provide me tickets for the same group of people . i will also need 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 O O N/A +bos booking was successful , the total fee is 60.59 gbp payable at the station .reference number is : 2l1la91l 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 that is everything , thank you for your help . eos 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 nope . that 's it . 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,general-bye +bos i 'm travelling to cambridge and i need a train leaving after 16:15. eos O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Leave O N/A +bos can you please give me your departure location ? eos O O 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 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 on tuesday . eos O O O O O O O B-Train-Inform+Day O N/A +bos the tr0017 train leaves peterborough at 16:48. 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 B-Train-Inform+Leave O O O O O O O O O O O O Train-OfferBook +bos is there one a little earlier ? i 'd actually like to leave closer to 13:15. eos O O O O O O O O O O O O O O B-Train-Inform+Leave O O N/A +bos is there a time you would like to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos no just to leave after 13:15. eos O O O O O O O N/A +bos then train id tr4679 suits you . it leaves at 13:19 eos O O O O B-Train-Inform+Id O O O O O B-Train-Inform+Leave O N/A +bos i 'd like to book for 3 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 49.5 gbp payable at the station . reference number is : y3mavyrq . 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 N/A +bos thank you so much , now can you please recommend a restaurant in the north with a moderate price range ? any type of food will do . eos O 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 N/A +bos there are two restaurants . they serve either chinese or indian type food . what do you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Select +bos oooh . i like both of those . which would you recommend ? eos O O O O O O O O O O O O O O N/A +bos i think you will have a great time picking a dish at the nirala which serves indian . eos 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+Food O N/A +bos okay , thanks ! can you please give me the postcode and address ? eos O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the nirala is located at 7 milton road chesterton , cb41uy . how else can i help you today ? 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 O O O O general-reqmore +bos that 's all the help i need for today , thank you . 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 hi , can you help me find a caribbean restaurant to eat at on my upcoming visit ? 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 oh no ! we do n't have any caribbean restaurants at the moment . is there another type you 'd like ? 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 Restaurant-Request+Food +bos can you please look for an italian food restaurant ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos we have quite a few italian restaurants . is there a particular part of the city in which you would like to dine ? eos 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+Area +bos i 'm looking for a italian place in the moderate price range . can you suggest one and make reservations please ? 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 O O O O Train-Request+Price +bos may i recommend prezzo , it is located in the west and has a moderate price range . is there a specific date , time and number of people ? eos O O O O B-Restaurant-Recommend+Name O O O O O B-Restaurant-Recommend+Area O O O B-Restaurant-Recommend+Price 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 , that sounds great , thank you . i want to book a table for 4 people at 15:15 on wednesday . i 'll also need a reference number . 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 O O O O O O O O O Restaurant-Request+Ref +bos you have been booked at the prezzo for wednedsday at 15:15 for 4 people . your reference number is kcv0wnr3 . your table will be reserved for 15 minutes . 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 N/A +bos i also need a train going to cambridge and departing from birmingham new street . eos O O 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 N/A +bos what day will you need the train ? i have to narrow it down so i can better serve you . 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 wednesday and needs to arrive by 12:00. eos O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A +bos i have tr5635 that might work for you . it leaves at 08:40 and arrives at 11:23. can i book any tickets for you ? eos O O 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 Train-OfferBook +bos no thank you . could i get a price on those tickets though ? eos O O O O O O O O O O O O O O O Train-Request+Price +bos tickets will be 75.10 each . 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 can i also get the travel time please ? eos O O O O O O O O O O Train-Request+Duration +bos the train will take 163 minutes to arrive at the station . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O 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 you 're welcome . have a great day ! eos O O O O O O O O O O general-welcome,general-bye +bos what time would you like to depart ? eos O O O O O O O O O N/A +bos are you looking for a train or a taxi ? eos O O O O O O O O O O O N/A +bos i am looking for a train from cambridge to london kings cross for wednesday , arriving by 09:45. 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 B-Train-Inform+Day O O B-Train-Inform+Arrive O N/A +bos i only have a train that arrives at 07:51 or 09:51. eos O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos would you please book 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 O Train-Request+Ref +bos i booked 8 tickets on tr1058 leaving cambridge at 07:00. the reference number is vbkuua4s and the total fee is 188.8 gbp payable at the station . eos O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave 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 N/A +bos thanks , could you also help me find a good museum to visit while i am there ? eos 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 23 museums listed . is there an 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 Attraction-Request+Area +bos surprise me with one . i just need the address . eos O O O O O O O O O O O O Attraction-Request+Addr +bos i can do that . try the whipple museum of the history of science , on free school lane . 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 I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A +bos thank you ! as always you are amazing . 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 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 was hoping to dine at a korean restaurant while in cambridge . eos O O O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos we have a korean restaurant at 108 regent st. city center , would you like me to make a reservation ? eos 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 I-Restaurant-Inform+Addr O O O O O O O O O Booking-Inform +bos what is the price range of that restaurant ? eos O O O O O O O O O O Restaurant-Inform +bos the price range of little seoul , the korean restaurant , is expensive . eos 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+Price O O O N/A +bos is that in the centre area ? if so i 'd like a reservation for 7 on friday please . eos O O O O O B-Restaurant-Inform+Area O O O O O O O O O O B-Restaurant-Inform+Day O O O O N/A +bos yes little seoul is in the centre area , what time would you like for your reservation ? 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 O O O O Booking-Request+Time +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 sure . what time would you like your reservation ? eos O O O O O O O O O O O Booking-Request+Time +bos can you reserve a table for friday for 7 people at 15:45 ? 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 i sure can . i have your table booked . eos O O O O O O O O O O O Booking-Book +bos what is the reference number ? eos O O O O O O O N/A +bos your reference number is a5litxvz and they will hold the table for you for 15 minutes . will you be needing other assistance ? 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 general-reqmore +bos i 'm also looking for a train . the train should leave after 13:30 and should leave on monday . eos O O O O O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Day O O O N/A +bos where are you departing from and headed to ? eos O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i am departing from cambridge and need to get to norwich . eos O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O N/A +bos the closest train to your departure time is at 13:36 for train number tr3325 . do you want that booking ? eos O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Id O O O O O O O Train-OfferBook +bos hi , i 'm looking for information on booking a train . i would like to leave on wednesday and arrive at the destination at 17: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 O O O N/A +bos from where would you like to catch the train 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 i would like to catch the train at london liverpool street and i 'm 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 O O O B-Train-Inform+Dest O O N/A +bos the tr2826 arrives at 15:07. would that be ok ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O general-reqmore +bos yes can you book it for me and give me a reference number ? eos O O O O O O O O O O O O O O O N/A +bos yes of course . your booking number is dqrt2p5u . eos O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos awesome . i also need a place to eat in the moderate range . i 'm thinking maybe in the city centre . eos 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 O N/A +bos there are 5 moderately priced restaurants in the centre , 4 serve british , and one serves asian oriental food . which would you prefer ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Select +bos i really wanted a moderately priced restaurant in the center that serves spanish food actually eos O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Food O O Train-Request+Price +bos i found la tasca it meets your criteria would you like me to book that for you ? eos 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 N/A +bos just give me the address if you could please eos O O O O O O O O O O Restaurant-Request+Addr +bos the address is 14-16 bridge street . eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos thanks , i do n't need any more 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 thank you ! and enjoy your stay in cambridge ! eos O O O O O O O O O O O general-bye +bos hi there . i would like to find a train to cambridge for 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 sure . i found many listings . where would you be departing from ? what time do you wish to leave and 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 Train-Request+Depart,Train-Request+Arrive,Train-Request+Leave +bos i will be departing from birmingham new street . i do n't really care about what time it leaves but i have to get there by 21: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 O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos train tr6105 will arrive in cambridge by 12:23. it costs 75.10 pounds per ticket . would you like me to book a seat for you ? eos O O B-Train-Inform+Id 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 O O O O O O Train-OfferBook +bos no thank you . i think that was all the information i needed . eos O O O O O O O O O O O O O O O general-thank +bos will you need anything else at the moment then ? eos O O O O O O O O O O O general-reqmore +bos i would also like to find out about any mutliple sports attractions you might have in the centre of town . eos O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area O O O N/A +bos i 'm afraid we do n't have anything like that . if you 're willing to go to the east side there is the cherry hinton village centre . or maybe something else ? eos O O O O O O O O O O O O O O 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 O O O O O O O O O Attraction-NoOffer +bos what is the price for that ? eos O O O O O O O O Train-Request+Price +bos i do not have the entrance fee listed , but if you are interested in going there , you could call them at 01223576412 to determine their pricing . 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 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 O O N/A +bos do you have a college attraction in the centre of town ? 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 13 colleges in the centre of town . christ 's college is in the centre of town and the entrance fee is 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 N/A +bos that sounds great , can you tell me their postcode ? eos O O O O O O O O O O O O Attraction-Request+Post +bos there postal code is cb23bu . can i help you find anything else ? eos O O O O O B-Attraction-Inform+Post 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 i hope you enjoy your stay in cambridge ! eos O O O O O O O O O O general-bye +bos i want a french restaurant on the west side please . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O N/A +bos i was unable to find any french places on the west part of town . 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 I-Restaurant-NoOffer+Area O N/A +bos is there any thai restaurants on the west side ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos yes , there is sala thong , which is an expensive restaurant . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price O O O O N/A +bos that sounds good . can you give me the phone number and address , 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 01223323178 and addres is 35 newnham road newnham . 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 N/A +bos could you also help me find byard art ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos the address is 14 king 's parade in the south area . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area O O O N/A +bos is it a museum ? eos O O O O O O N/A +bos yes , it is a museum and the entrance fee is free . eos O O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Fee O O N/A +bos thanks that 's all i need eos O O O O O O O general-thank +bos awesome . we 're here if you need any more 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 O O O general-welcome,general-bye +bos hi ! i 'm looking to visit a museum . are there any in the west part of town ? 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 there are two different museum which are cambridge and county folk museum and museum of classical archaeology . which one would you like information for ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type 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-Select +bos can i get information on the county folk museum ? specifically the phone number and 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+Phone +bos phone number is 01223355159 and postcode is cb30aq . eos O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Post O N/A +bos thank you ! can you also find me a train 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 i can definitely help you 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 Train-Request+Depart,general-greet +bos i 'm departing from kings lynn sometime after 19:30. eos O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Leave O N/A +bos sure , there are 28 trains available , do you have a specific day in mind to leave ? eos 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+Day +bos yes . i 'd like to travel on friday . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos the first train from kings lynn to cambridge on friday after 19:30 is the tr1082 . it leaves kings lynn at 20:11. would you like to book a ticket ? eos O O B-Train-Inform+Choice I-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 O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O Train-OfferBook +bos yes , what time does it arrive in cambridge ? eos O O O O O O O O B-Train-Inform+Dest O O Train-Request+Arrive +bos it will arrive at 20:58 eos O O O O O B-Train-Inform+Arrive N/A +bos awesome ! thank you so much ! eos O O O O O O O O general-thank +bos would you like me to book you a ticket on that train ? eos O O O O O O O O O O O O O O Train-OfferBook +bos nah that wo n't be necessary . eos O O O O O O O O N/A +bos great , 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 that is 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 lovely 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 need info on trains . i am coming from birmingham new st. 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 N/A +bos 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 ? eos O O O O O O O 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 leaving on a tuesday and i would like to arrive by 17:30. eos O O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive N/A +bos tr4887 leaves at 05:40 eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos great can you book that for one person ? eos O O O O O O O O O O N/A +bos done and done ! booking was successful , the total fee is 75.09 gbp payable at the station . your reference number is : q649d1su . 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 thanks ! can you help me find a college to visit in the centre ? eos O O O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos i 'd be glad to . we have 13 colleges in the centre . most are free to visit , such as christ 's college over on saint andrew 's street . eos O O O O O O O O B-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Fee 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 O O O O O O N/A +bos i have heard of christ 's college . is there a more detailed address ? i would also like their phone number , please . 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 O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos i only have an address of st. andrew 's street , but the phone number is 01223334900 if you would like to call them . 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 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 , you have been very helpful , thank you . good bye . eos O O O O O O O O O O O O O O O general-bye +bos enjoy your visit to cambridge and gave a good day . eos O O O O O O O O O O O O general-bye +bos i 'm looking for place to go , do you have any ideas ? eos O O O O O O O O O O O O O O O N/A +bos were you interested more in something like night clubs or museums , or boats ? or something totally different ? eos 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 general-reqmore +bos i need a place in the centre . i welcome any suggestions you may have . eos 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 lots of options in that area . how about a church ? eos O O O B-Attraction-Select+Choice I-Attraction-Select+Choice I-Attraction-Select+Choice O O O O O O B-Attraction-Select+Fee O O N/A +bos a church is great can i have the address of the one you recommend ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos may i suggest all saints church , it has really great architecture ? it 's located at jesus lane , cb58bs . is there anything else i can help you with ? 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 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 general-reqmore +bos can you please find a restaurant in the same area as the attraction and 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-Restaurant-Inform+Price O O N/A +bos i have many places . a specific type of food perhaps ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Food +bos do you have any that serve italian food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos stazione restaurant and coffee bar is a great place to eat . would you like a reservation ? 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 Booking-Inform +bos not at this time but can i get their phone number ? eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos yes , the phone number is 01223352607. eos O O O O O O B-Restaurant-Inform+Phone O N/A +bos that is 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 . 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-bye,general-reqmore +bos i am looking for a restaurant in cambridge called the la margherita eos O O O O O O O O O O O O B-Restaurant-Inform+Name N/A +bos i have found the one you are looking for , the address is 15 magdalene street city centre and the phone number is 01223315232. eos 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 B-Restaurant-Inform+Phone O N/A +bos okay , great ! please book me a table for 6 at 14:45 on sunday . please provide the reference number as well . 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 Restaurant-Request+Ref +bos i 'm sorry , there are no spots available on that day and time . is there another time or day you would like 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 O O O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos well i 'm also looking for a train . can you coordinate a time with a departure from cambride on sunday ? 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 N/A +bos sure , where would you like to go ? eos O O O O O O O O O O Train-Request+Dest +bos i would like to depart from cambridge this sunday and arrive at london liverpool street by 12:15 eos 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 B-Train-Inform+Arrive N/A +bos the tr0995 arrives in london at liverpool street at 11:27 on sunday . how does that sound ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O B-Train-Inform+Day O O O O O O Train-Select +bos thank you for the information 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 , enjoy the rest of your day . eos O O O O O O O O O O O general-greet +bos i am looking for a restaurant in cambridge called nandos city centre . eos 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 know that restaurant well . it is a portuguese place located on andrews street . can i make a reservation for you ? eos O O O O O 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 no , i do n't think i 'm ready to do that yet . can you just tell me where it is on andrews 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 O O O O N/A +bos the address is 33-34 saint andrews street eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos okay great . i am also looking for a train that goes to cambridge & leaves after 08:30. eos O O O 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 there are over 1,000 trains that arrive in cambridge after 8:30. what location are you leaving from and what date are you leaving ? eos O O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i 'm leaving on tuesday and from norwich eos O O O O B-Train-Inform+Day O O B-Train-Inform+Depart O N/A +bos okay there are two trains . one leaves at 5:16 and the other at 6:16. can i book either of these for you ? eos 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 O Train-OfferBook +bos no , those wo n't work at all . as i said , i need to leave after 08:30. eos O O O O O O O O O O O O O O O B-Train-Inform+Leave O O O O N/A +bos how about tr4134 , it leaves at 09:16 eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos that 's perfect . i need to book the train for 3 people . once it is booked , can i have 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 O O O Train-Request+Ref +bos i have it ready , you will pay at the station . your reference number is fp0gzttn . can i be of any further help ? eos 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 no , that is all . thank you . 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 that is 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 as well ! thank you . goodbye ! eos O O O O O O O O O O general-bye +bos i am looking for a particular restaurant . its name is called city stop restaurant 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 N/A +bos i have found the restaurant you are looking for . would you like the address ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos no , i just need to know the type of food they serve and the phone number . 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 the restaurant serves european food . their phone number is 01223363270. anything else ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Phone O O O O general-reqmore +bos that 's all , thank you ! eos 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 'm looking for a place to eat that is cheap and in the centre . eos O O O 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 quite a few cheap restaurants in the centre ! did you have a particular type of food in mind ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-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 Restaurant-Request+Food +bos no , i do n't really care . i 'm just looking for something cheap that is nearby . eos 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 if you 're interested in asian oriental food , the dojo noodle bar is cheap and in the center of town . would you like me to reserve a table for you ? eos O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 O O O O O O O O O O O O Booking-Inform +bos i would like to book a table for 7 people at 18:45 on wednesday at the dojo noodle bar 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 O O O O N/A +bos i was able to make that reservation for dojo noodle bar for you , reference number 6nxv7khz . is there anything else i can do for you ? 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 general-reqmore +bos .yes , i also am looking for a train on wednesday . it needs to arrive by 11:15/ eos 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 N/A +bos alright there are quite a few . when would you like to leave 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 Train-Request+Leave +bos well , i 'd like to depart from bishop 's stortford and arrive in cambridge on the last train that will get me there by 11:15. 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 O B-Train-Inform+Arrive O O O N/A +bos ok , i have found you a train leaving bishop 's stortford at 9:29 and arriving in cambridge at 10:07. would you like me to book this for you ? 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 O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O Train-OfferBook +bos i need 7 tickets and could you tell me the price ? can i get the train number and the travel time also 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 Train-Request+Duration,Train-Request+Price +bos the total fee is 70.7 gbp , the train id is tr9178 , and the travel time is 38 minutes . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O 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 okay thank you , that 's all i needed . eos O O O O O O O O O O O general-thank +bos great . then you are all set . have a great evening . 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 trying to find a museum to go to while i am in cambridge on holiday . 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 there are several museums in cambridge . is there a certain area you are hoping to visit ? 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+Area +bos i have no particular area in mind . which do you recommend and can i get the entrance fee 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 Attraction-Request+Phone,Attraction-Request+Fee +bos there are 23 museums in the area of cambridge what area do you want ? eos O O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area O O O O O O Attraction-Request+Area +bos i 'm departing cambridge . can you find a train that leaves after 08:15 ? eos O O O B-Train-Inform+Depart O O O O O O O O O B-Train-Inform+Leave O O N/A +bos where will you be going and on what day ? eos O O O O O O O O O O O Train-Request+Dest,Train-Request+Day +bos i am trying to get to peterborough on thursday please . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos tr4863 leave at 08:34 , 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 yes thank you , i would like to book for one ticket . i would also like 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 Train-Request+Ref +bos i was able to book that ticket for you . your reference number is emf3a2d0 . 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos yes can you get me the phone number and entrance fee of a museum ? it can be located anywhere 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 Attraction-Request+Phone,Attraction-Request+Fee +bos i have the byard art museum in the south . the phone number is 01223464646 and it is free to enter . 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 I-Attraction-Inform+Name O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone 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 i believe that is all , thank you 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 would you like me to look up entertainment for you ? eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos actually , i think that it 's me who should be looking entertainment up for you ! there are 5 entertainment venues around the city . what part of town would you 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 O O O O O O O O O O O O O O N/A +bos i 'd like a type of entertainment in the south , please . eos O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos i have two options for you . both are in the south part of town . one is nusha and the other is tenpin . do you have a preference ? 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 B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O Attraction-Select +bos give me the address and postcode for tenpin please . eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos cambridge leisure park , clifton way is the address . cb17dy is the postcode 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 O N/A +bos thanks . i also need a train from bishops stortford going to cambridge . eos O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O O N/A +bos what day do you need it for ? when do you want to depart by ? eos 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 'd like to leave on tuesday sometime after 09:00. eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O N/A +bos tr0635 leaves at 09:29. would you like for me to book a seat ? 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 , i 'll need 8 tickets please . eos O O O O O B-Train-Inform+People O O O O N/A +bos i have booked your tickets to cambridge for 8 people on tuesday at 11:29. reference number : sedkq1ld , fee is 80.8 gbp payable at the station . anything else ? eos O O O O O O O B-Train-OfferBooked+Dest O O B-Train-OfferBooked+People O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave 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 that 'll do it . thank you very much ! eos 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 have a nice day ! eos O O O O O O N/A +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 hi , could you tell me if cambridge book and print gallery is still open ? eos 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 N/A +bos yes , but i am unable to make a booking for you . would you like to do 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 Booking-NoBook,general-reqmore +bos that 's fine , could you give me the address for the gallery please ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos the address is 49 newnham road , is there anything else i could 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 O O O O O general-reqmore +bos yes , i also need to find a train leaving from cambridge . can you help me with that ? eos O O 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 absolutely , where would you like to go ? eos O O O O O O O O O O Train-Request+Dest +bos i would like to go to london liverpool street on thursday . i would like to leave after 16:00. 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 O O O O O B-Train-Inform+Leave O N/A +bos there are 4 trains that run during that period , do you have a preference for your 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 Train-Select +bos just any time leaving after 16:00 , and i need tickets for 5 people . eos O O O O O O B-Train-Inform+Leave O O O O O O B-Train-Inform+People O O N/A +bos booking was successful , the total fee is 83 gbp payable at the station .reference number is : ig0m4c9s . 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 great ! i think that is all i need . i appreciate your help today . eos O O O O O O O O O O O O O O O O O N/A +bos glad i could help you . have a nice day . eos O O O O O O O O O O O O general-welcome,general-bye +bos thank you ! you have a nice day as well . 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 day ! eos O O O O O O O O O O O O O O general-bye +bos thank you , you as well , goodbye . eos O O O O O O O O O O general-bye +bos goodbye to you as well . i hope you have a wonderful day . eos O O O O O O O O O O O O O O O general-bye,general-greet +bos i need a particular hotel please . eos O O O O O O O O Hotel-Inform +bos we have many hotels to choose from . is there a particular area of the city you would like to stay in ? 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 O O O Hotel-Request+Area +bos i do n't know . but i do know the name of the hotel . it 's the lensdield hotel . i must book that exact hotel . it is important . 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 O O O O O O O N/A +bos i have found the lensfield hotel located on 53-57 lensfield road . would you like to book now ? 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+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O Booking-Inform +bos yes for the weekend eos O O O O O N/A +bos 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 ? eos O O O O O O O O O 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 no i want to book starting on wednesday for 2 people for 2 nights eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O N/A +bos i 'm sorry but i was unable to book for those nights . 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 O Booking-NoBook,Hotel-Request+Name +bos yes . please try to make a reservation in the same price range . eos O O O O O O O O O O O O O O O N/A +bos you are booked into express by holiday inn cambridge which is in the expensive price range you wanted . the reference number is ic7aaxp6 . is there anything else ? 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 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 , that 's it ! i appreciate your help ! eos O O O O O O O O O O O O N/A +bos no problem . have a nice stay . bye . eos O O O O O O O O O O O general-welcome,general-bye +bos hello . i need help planning a train trip . eos O O O O O O O O O O O Train-Inform +bos i 'd be happy to help . are you departing from a specific station , or do you have a specific destination 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 Train-Request+Depart,Train-Request+Dest +bos i 'd like to leave from london and travel to cambridge on saturday around 15:00 eos 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 N/A +bos would you like to depart from london kings cross or london liverpool street ? eos O O O O O O O O O O O O O O O Train-Request+Depart +bos i would like to depart from cambridge . eos O O O O O O O B-Train-Inform+Depart O N/A +bos please state your departure location and your destination . also , is 15:00 the time 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 O O O O O Train-Request+Depart,Train-Request+Dest,Train-Request+Leave,Train-Request+Arrive +bos i am leaving from cambridge going to broxbourne and want to arrive by 8:30. eos O O O O O O O O B-Train-Inform+Dest O O O O O O N/A +bos how about tr8674 ? it leaves at 05:01. eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos as long as it arrives by 8:30 that sounds good . i 'll need 7 seats please . eos 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 it does and i have booked 7 seats for you . anything else ? eos O O O O O O O O B-Train-OfferBooked+People O O O O O O general-reqmore +bos reference number please ? eos O O O O O N/A +bos sure , the reference number is vatl0rjl . 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-reqmore +bos that is all , thank you . eos O O O O O O O O general-thank +bos you are welcome . thank you for towninfo centre for your traveling needs . 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 planning a trip to cambridge and need to find a place to stay . eos O O O O O O O O O O O O O O O O O N/A +bos not a problem . we have 33 places to choose from . do you have any preferences ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O general-reqmore +bos i need someplace cheap near the center of town . free wifi and free parking are a must . eos 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 there are two places that fit your criteria . alexander bed and breakfast and el shaddai . which are you interested in ? eos O O O O B-Hotel-Inform+Choice 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 Hotel-Select +bos let 's book el shaddai for 4 people for 2 nights starting sunday . can you please send me the reference number ? 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 Hotel-Request+Ref +bos your reference number is qlyjqkty . eos O O O O O B-Booking-Book+Ref O N/A +bos i will also need a train departing from cambridge . eos O O O O O O O O O B-Train-Inform+Depart O N/A +bos i will need more information to be able to help you find the correct train , where are you headed ? 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 +bos i need a train on tuesday from cambridge to london kings cross that arrives by 8: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 N/A +bos i have two trains . one arrives by 5:51 and 7:51 , shall i book one for you ? eos O O O O B-Train-Inform+Choice O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos no , that 's ok. can i get the latter train 's id , departure time , and how long the trip 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 Train-Request+TrainID,Train-Request+Leave +bos the trainid is tr3343 . it departs cambridge at 7:00 and arrives at london kings cross at 7:51. the trip duration is 51 minutes . 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 I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos great , thanks . i think that 's all i need . 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 O O general-thank +bos you are welcome . have a great trip ! eos O O O O O O O O O O general-welcome,general-bye +bos can you recommend some places to go 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 there are several attractions in the west side of town . do you have a preference for the type of attraction ? eos O O O B-Attraction-Inform+Choice 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 O O Attraction-Request+Type +bos not really . what would you recommend ? eos O O O O O O O O O N/A +bos the museum of classical archaeology has free admission and is in the west area . is there anything else that i can help you with ? 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+Fee O O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O O O O general-reqmore +bos what is the postcode and address for the museum ? eos O O O O O O O O O B-Attraction-Inform+Type O Attraction-Request+Post,Attraction-Request+Addr +bos the postcode for that is cb3ojg and the address is girton college , huntingdon road . can i help you anymore today ? eos O 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 O general-reqmore +bos can you help me find the worth house hotel ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos worth house is a guesthouse on the north side . it is in the cheap price range , but has four stars . would you like me to book you a room ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area 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 O Booking-Inform +bos yes , please , that would be perfect . eos O O O O O O O O O O N/A +bos what day would you like , and how may days ? eos O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos i 'm sorry , but do n't book it . i just need the area and address . 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+Addr +bos it is located in the north . the address is 152 chesterton road . eos O O O O 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 thanks for all your help ! eos O O O O O O O general-thank +bos happy to help . have a pleasant day . eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for a train departing from broxbourne going to cambridge please . eos O O O O O O O O O B-Train-Inform+Depart 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+Leave,Train-Request+Day +bos i would like to leave on thursday anytime after 17:00. eos O O O O O O O B-Train-Inform+Day O O O N/A +bos i have 7 trains available . the first leaving at 17:32 and every hour following . would you like me to book one 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 I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook +bos yes , please book that first train for 1 person . eos O O O O O O O O O B-Train-Inform+People O O N/A +bos i have made a reservation for you . your reservation number is 8ttxct27 . the ticket will be 17.90 pounds . eos O O O O 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 N/A +bos i am also looking for 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 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 would be appreciated . i would also like to book a room at the alpha miltion 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 N/A +bos can you confirm the day and how many nights you would like ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos yes , i need to stay for 4 nights , arriving on thursday . i will still be traveling alone unfortunately . eos 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 O O O N/A +bos ok , i 've got you booked with reference number jx9v7t2t . 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 general-reqmore +bos no thanks that 's all i need . 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-welcome,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 there are 10 cheap hotels is there an area you prefer ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O Hotel-Request+Area +bos on second thought , i do n't care what price it is . i just really need a guesthouse with 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 i have many cheap guesthouses across the city . what area are do you prefer and if no preference would you like me to recommend something ? 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 O O O O O O O Hotel-Request+Area +bos i prefer the west side . it should also have free wifi eos O O O O B-Hotel-Inform+Area O O O O O O O O N/A +bos there is nothing on the west side , want to try a different area ? 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 need it to be cheap , but i really need it to be in the west and have free parking and 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 N/A +bos finches bed and breakfast has free parking and wifi . would you like me to book it for you ? 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 Hotel-Recommend+Internet,Hotel-Recommend+Parking,Booking-Inform +bos yes please and i 'll need the reference number eos O O O O O O O O O O Hotel-Request+Ref +bos what day do you need it for and for how many days and how many 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+Stay,Booking-Request+People +bos starting sunday for 7 people for 4 nights . eos O O O O O O O O B-Hotel-Inform+Stay O N/A +bos i am unable to book the room at this time . eos O O O O O O O O O O O O Booking-NoBook +bos is it available for 2 nights ? eos O O O O O O B-Hotel-Inform+Stay O N/A +bos your booking at finches bed and breakfast for a posey of 7 on sunday for 2 nights was successful . your reference number is : cuza1tzh . can i assist you further ? 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 O B-Booking-Book+People B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+Stay I-Booking-Book+Stay O O O O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos thanks , now can you help me find a theatre in town ? you can choose your favorite and just tell me the phone number for it 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 N/A +bos we have four available theatre options in town.i would recommend the mumford theatre and the phone is 08451962320. eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Phone N/A +bos can you help me get a taxi to go to the theatre ? eos O O O O O O O O O O O O O O Taxi-Inform +bos i need to know where will the taxi be picking you up and dropping you off ? and is there anytime specific time 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 Taxi-Request+Depart,Taxi-Request+Leave,Taxi-Request+Dest +bos i need to leave the hotel by 8:00 and go to the theatre thank you . eos O O O O O O O O O O O O O O O O O N/A +bos i have booked you with a grey honda taxi . the number for contact is 07678148281. is there anything else i can help with ? 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 B-Taxi-Inform+Phone O O O O O O O O O O N/A +bos i believe we got it all done today thanks . goodbye . eos O O O O O O O O O O O O O general-bye +bos have a wonderful trip . goodbye . eos O O O O O O O O general-bye,general-greet +bos i need to find places to go . can you aid me ? eos O O O O O O O O O O O O O O N/A +bos how about visiting one of our many architecturally important churches ? may i offer you a list ? eos O O O O O O O O O O B-Attraction-Recommend+Type O O O O O O O O N/A +bos i should very much like to explore the east , what is located there ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O N/A +bos there are 10 different entries for that area . are you looking for something specific ? 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 what attractions are in the east ? eos O O O O O O B-Attraction-Inform+Area O N/A +bos there are a couple museums , some entertainment venues , and a boat . do any of these interest you ? eos 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 how about a museum eos O O O O B-Attraction-Inform+Type N/A +bos there are 4 museums there . the cambridge artworks , gallery at twelve a high street , and saint barnabas press gallery are all free . the cambridge museum of technology is 5 pounds . 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 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 N/A +bos the cambridge artworks sounds good . can i get the 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 the cambridge artworks is at 5 greens road , cb13ef . the number there is 01223902168. 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 B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O N/A +bos thanks , i 'm 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 O N/A +bos what area of town would you like to stay in ? eos O O O O O O O O O O O O Hotel-Request+Area +bos i had no preference going into this , but lets try east since the museum is there . 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 there are about 6 places you can choose . are you wanting a specific price range ? eos 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 but quality matters , are any of them 4 stars ? eos O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos yes there are five hotels in the area that are 4 star hotels . would you like me to list them for you ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 N/A +bos i 'd like a guesthouse , 4 stars . area does n't really matter . can you recommend anything ? eos O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Stars O O O O O O O O O O O O O O N/A +bos there are 16 available . the one that is a beautiful place and is really inexpensive is the limehouse guesthouse . do you need a room ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O Booking-Inform +bos i need a hotel or guesthouse with 4 stars that has free wifi , can you make a recommendation based on that ? 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 i recommend the allenbell . it 's a cheap guesthouse that is located in the east like your attraction is . it has free parking and wifi . shall i book for you ? eos O O O O B-Hotel-Recommend+Name O O B-Hotel-Recommend+Price B-Hotel-Recommend+Type I-Hotel-Recommend+Type 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 O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos no booking , just get me the phone number . eos O O O O O O O O O O O N/A +bos i 'd like you to book the allenbell . before i do can you tell me how far is it from the theater ? eos O O O O 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 n't know this . eos O O O O O O O N/A +bos i can book that for you but need to know how many people , when and how many nights . 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,Booking-Inform +bos sorry , actually , can you please just send me their phone number ? eos O O O O O O O O O O O O O O O Hotel-Request+Phone +bos no problem at all . the phone number for allenbell is 01223210353. eos O O O O O O O O O B-Hotel-Inform+Name O B-Hotel-Inform+Phone O N/A +bos thank you so much for your help . that is all that 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 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 can i get information on 3 star hotels in the moderate price range ? eos O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O N/A +bos i have many can i ask what area you would like it in ? 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 the hotel should be of the guesthouse type and should be located in the west area . eos O O O O O O O B-Hotel-Inform+Type O O O O O O O B-Hotel-Inform+Area O O N/A +bos the hobsons house is a guesthouse that is available . would you like any additional information ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O O O O O O O O O O general-reqmore +bos can you book it for me ? eos O O O O O O O O N/A +bos absolutely , how many days will you need and the number of 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 book it for 7 people and 2 nights starting from saturday . eos O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Day O N/A +bos booking is confirmed . reference number is : i57n7y29 . may i assistance you with any additional assistance ? 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 are some attractions on the east side ? is there a swimming pool available ? eos O O O O O O O B-Attraction-Inform+Area O O O O O O O O O N/A +bos yes we have the abbey pool and astroturf pitch , is there anything else you need ? 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 O O O O O O general-reqmore +bos i need the postcodes and entrance fees please . eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos the postcode is cb58nt . you will have to call to find out the entrance fee . the phone number is 01223902088. eos O 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 O O O O B-Attraction-Inform+Phone O O N/A +bos oh you do n't have that information ? eos O O O O O O O O O N/A +bos sometimes we are provided information on the entrance fee , but unfortunately for this attraction we do not have it . eos 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos no problem , i can afford it , why am i so worried ? lol . that is everything i need , you were 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 O O O O N/A +bos it was a pleasure helping you from the cambridge towninfo centre . goodbye . eos O O O O O O O O O O O O O O O general-bye,general-greet +bos where is the closest pizza joint ? eos O O O O O O O O N/A +bos what area of town will you be in ? eos O O O O O O O O O O Restaurant-Request+Area +bos well , i 'm wanting to visit a park as well . let 's find that first . 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 wandlebury country park is in the south . it is very nice . there is also cherry hinton water play in the east . do either of those sound suitable ? 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 B-Attraction-Inform+Area O O O O O O O O general-reqmore +bos wandlebery sounds good , can i get the phone number , area , and postcode ? eos 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+Phone +bos wandlebury country park is in the south area , postcode cb223ae and phone is 01223243830. eos 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 B-Attraction-Inform+Post I-Attraction-Inform+Post O O B-Attraction-Inform+Phone O N/A +bos can you book it for me ? eos O O O O O O O O N/A +bos it is a public park . you can just walk through it without a booking . eos O O O O O O O O O O O O O O O O O general-reqmore +bos okay great thanks so much . eos O O O O O O O general-thank +bos 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 general-reqmore +bos i need a cheap hotel for 8 people 2 nights starting tuesday please eos O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos i am happy to book , but lets find you a place . any preference on area ? are ratings or type of place a factor ? eos O O O O 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 i 'd like to find something in the south . it also needs to have free parking . 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 rosa 's bed and breakfast is a cheap guesthouse in the south . it has 4 stars and provides free wifi and parking . does this sound ok to you ? eos O B-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 I-Hotel-Inform+Type 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 Hotel-Inform+Parking,Hotel-Inform+Internet,general-reqmore +bos yes please . can you please book it for 8 people for 2 nights starting on tuesday ? 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 sure thing . i just booked it . your ref number is q2jz0uil . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos thank you so much . eos 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 +bos that is all . thanks for your help today . eos 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-greet +bos i 'm looking for a hotel to stay at that has free wifi and a 4 star rating . do you have any suggestions ? 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 N/A +bos acorn guest house is in the north with wifi and a 4 star rating . 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 B-Hotel-Inform+Stars O O Hotel-Inform+Internet +bos that sounds great but i was hoping to stay in the south . do you have anything else ? eos 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 yes i have two guesthouses in the south . one in the moderate price range and another in the cheap price range . do you have a preference ? 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 O Hotel-Select +bos no , i 'll take your recommendation . can you give me a phone number and postcode ? oh , and how expensive is 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 Hotel-Request+Post,Hotel-Request+Phone +bos rosa 's bed and breakfast is cheaply priced and is absolutely gorgeous . the phone number is 01223512596 and the postcode is cb22ha . 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 O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O O O O O O O O O Booking-Inform +bos not now . but can you tell me something about concert halls in the west ? 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 thing , there are none . eos O O O O O O O O Attraction-NoOffer +bos how about a college in the same area ? eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos my favorite paid college to visit is clare college and my favorite free college to visit clare hall . do either of those peek your interest ? eos O O O O O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O Attraction-Select +bos i love free . can you give me the address of clare hall ? eos O O O O O O O O O O O O O O O Attraction-Request+Addr +bos sure , the address is herschel road . is there something else i can help you with ? 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 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 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 locate a particular hotel eos O O O O O O O O O Hotel-Inform +bos i can help you with that . which hotel are you looking for ? eos O O O O O O O O O O O O O O O Hotel-Request+Name +bos i am looking for lensfield hotel . eos O O O O O O O O N/A +bos it is located at 53-57 lensfield road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O N/A +bos can i get the postal code for that hotel ? eos O O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb21en . do you need anymore information ? eos O O O O B-Hotel-Inform+Post O O O O O O O general-reqmore +bos i am also looking for an attraction called the kettle 's yard . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos kettle 's yard is a museum in the west . their phone is 01223748100. no entrance fee . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area O O O B-Attraction-Inform+Phone O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos can i have the address for kettle 's yard , please ? eos O O O O O O O O O O O O O Hotel-Request+Addr +bos they are located at castle street . do you need 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 general-reqmore +bos i 'd like to book a taxi from kettle 's yard back to the hotel . i 'd like to leave around 23:45. 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 O B-Taxi-Inform+Leave O O O O N/A +bos a grey honda has been book to pick you up by 23:45 at kettle 's yard and take you to the lensfield hotel . is there anything further today ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O B-Taxi-Inform+Leave I-Taxi-Inform+Leave 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 O O O O O O O general-reqmore +bos yes , can i have the contact number for the taxi , please ? eos O O O O O O O O O O O O O O O Taxi-Inform +bos the contact number for your taxi is 07210623485. anything else i can help you with today ? eos 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 's it . you have been most helpful . goodbye . eos O O O O O O O O O O O O O O O general-bye +bos it was my pleasure . take care . goodbye . eos O O O O O O O O O O O general-welcome,general-bye +bos i need to book a taxi to take me from bangkok city . i need to leave by 19:30. 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 B-Taxi-Inform+Leave O N/A +bos and where will you be going to , please . eos O O O O O O O O O O O Taxi-Request+Dest +bos i would like to go to prezzo eos O O O O O O O B-Taxi-Inform+Dest N/A +bos okay i have booked your taxi for you eos O O O O O O O O O Taxi-Inform +bos what is the car type ? eos O O O O O O O Taxi-Request+Car +bos here you are ! booked car type : yellow lexuscontact number : 07405095877 eos 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 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 eos O O O O O O O O O O O O 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 alaways welcome for more services eos O O O O O O general-bye +bos thank you . goodbye . eos O O O O O O general-bye +bos thank you for allowing me to help . good bye . eos O O O O 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 italian 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 N/A +bos i have the caffe uno in the centre of town . would that work ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area O O O O O O O N/A +bos no , i just realized i 'll be in the south area . are there any that meet my criteria in the south ? eos 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 N/A +bos yes , frankie and bennys is in the south and meets your criteria . would you like me to make a reservation ? 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 O O O O O O O O O O O O Booking-Inform +bos yes could you book me a table for two sunday at 11:15 ? eos O O O O O O O O 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 : zyqx1tyk . 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 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 are so welcome . enjoy your meal . eos O O O O O O O O O O general-welcome,general-bye +bos i need to find a train that is going to arrive in stevenage by 11:45. eos O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos the latest train arriving in stevenage is for 10:10 and there are several : tr6334 , tr8290 , tr7542 . eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Id I-Train-Inform+Id O O O N/A +bos which one would you like to book ? eos O O O O O O O O O N/A +bos that 's all up to you ! eos O O O O O O O O general-greet +bos book tr6334 and get me the train id please eos O O O O O O O O O O Train-Request+TrainID +bos tr6334 is the train id , would you like to book a seat ? eos O B-Train-Inform+Id O O O O O O O O O O O O O Train-OfferBook +bos yes , book one for me please . and please make sure this is for sunday . 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 booking was successful , the total fee is 10.24 gbp payable at the station .reference number is : 92rw4c6c . 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 i did n't need to book a seat , i just needed a train id number . eos O O O O O O O O O O O O O O O O O O Train-Request+TrainID +bos as mentioned before the train number is tr6334 , you did ask me to book . one more time , what exactly did you need ? 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 O O O O O general-reqmore,Train-OfferBook +bos sorry about the confusion , i just need a train from steveage to cambridge that arrives by 11:45. i just need the train id . eos 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 O O O O O Train-Request+TrainID +bos tr2860 arrives at 10:43. eos O B-Train-Inform+Id O O B-Train-Inform+Arrive N/A +bos thank you that was everything . goodbye . eos 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 can you help me with a taxi booking ? eos O 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+Arrive +bos i must arrive to nandos by 23:15 eos O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive N/A +bos no problem - where should the car pick you up ? eos O O O O O O O O O O O O Taxi-Request+Depart +bos at the london museum thank you eos O O O O O O O general-thank +bos can you confirm the pick up location please ? eos O O O O O O O O O O Taxi-Request+Depart +bos it will depart from the place . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos i 've booked you a white toyota that will get you from the place to nandos by 23:15. contact number is 07727323900. do you need help 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+Depart I-Taxi-Inform+Depart B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O B-Taxi-Inform+Phone 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 you are welcome . if that is all , then have a good trip . eos O O O O O O O O O O O O O O O O general-bye +bos thank you , i appreciate it . eos O O O O O O O O general-thank +bos it is my pleasure . have a good day . eos 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 goodbye . i hope you have a wonderful day . eos O O O O O O O O O O O general-bye +bos i am looking for a restaurant . the restaurant should serve indian food and should be 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 B-Restaurant-Inform+Price O O O N/A +bos curry garden is a great restaurant that fulfills your wishes . it is located at 106 regent street city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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+Area O O N/A +bos awesome . can i also get the area , post code , and phone number ? eos 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 yes , curry garden is located in the centre and the postcode is cb21dp . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Post O O N/A +bos thanks , i just need the phone number so i can call them . eos O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223302330. 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 N/A +bos thanks , that 's all . good bye . eos O O O O O O O O O O general-bye +bos enjoy yourself , and let me 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 want to find a hospital in town eos O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is nearby , at hills rd , cambridge . 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 N/A +bos no , can i get the phone number , 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,Hospital-Request+Phone +bos the phone number is 01223245151 , the address is hills rd , cambridge . 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 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 welcome . at your service next time eos 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 you are always welcome eos O O O O O general-welcome +bos i want to take a taxi to eraina eos O O O O O O O O B-Taxi-Inform+Dest 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 would prefer to leave after 06:45 eos O O O O O O O B-Taxi-Inform+Leave N/A +bos where are you departing from ? eos O O O O O O O Taxi-Request+Depart +bos i will be departing from meze bar restaurant . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos booking completed ! booked car type : grey volvocontact number : 07740734110 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 O general-thank +bos you are welcome . may i help you with any other bookings ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore +bos no , that 's all thank you eos O O O O O O O O general-thank +bos have a good trip ! eos O O O O O O general-bye +bos hi there , i 'm trying to find a train that leaves from leicester but it must be after 11:15. can you help me book a ticket ? 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 O O N/A +bos i see there is a train on friday that leaves leicester at 14:09 to cambridge , could you book me a ticket for this train ? eos O O O O O O O O B-Train-Inform+Day I-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O B-Train-Inform+Dest O O O O O O O O O O N/A +bos please book me a ticket for that train . eos O O O O O O O O O O Train-Inform +bos did you only need one ticket ? eos O O O O O O O O Train-Request+People +bos i just need the train id please . eos O O O O O O O O O Train-Request+TrainID +bos the train id is tr6247 , would you like to book a seat ? eos O O O O O B-Train-OfferBook+Id O O O O O O O O O N/A +bos no thank you . that 's not necessary . can you help me find an indian restaurant in the centre of town ? 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 O O O O N/A +bos i have 9 restaurants in that area . may i ask what your budget for lunch is ? 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+Price +bos nothing expensive please . eos O O O O O N/A +bos there are three cheap resturants int hat area , kohinoor , the gandhi , and mahal of cambridge . eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price 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 N/A +bos the ghandi sounds nice . can i get their address ? and they are a cheap restaurant , right ? 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 yes , the gandhi is in the cheap price range . their address is 72 regent street city centre . would you like me to book a table for you ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 Booking-Inform +bos no thank you , their information is enough at this time . do they have a phone number ? eos 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 , their phone number is 01223353942. is there anything else i can help you with today ? eos O 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 i need a train from leicester on thursday and should leave after 11:15. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O B-Train-Inform+Leave N/A +bos i have a 12:09 that arrives at 13:54. would that do for you ? eos O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O general-reqmore +bos yes , that would be fine . could i get the train id ? eos O O O O O O O O O O O O O O O Train-Request+TrainID +bos the train id is tr8882 . can i help you with anything else ? eos O O O O O B-Train-Inform+Id O O O O O O O O O general-reqmore +bos i think that is all for now . eos O O O O O O O O O N/A +bos the duration of the trip is 105 minutes . have a great day ! eos O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O general-bye +bos i 'm coming to cambridge to visit , and i 'd like to try some chinese food in the centre . can you help me , please ? 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 O O O O O O O O O N/A +bos we have ten restaurants that match that description . what is your 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 i would like a restaurant in the moderate price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos jinling noodle bar is a moderately priced chinese restaurant in the centre of town . would you like to make 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Booking-Inform +bos 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 . eos O O O O O O 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 jinling noodle bar 's phone number is 01223566188. it 's located at 11 peas hill city centre postcode cb23pp . 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 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 i am interested in some attractions in the centre as well . what is there ? eos O O O O O O O O O B-Attraction-Inform+Area O O O O O O O N/A +bos there are several old churches , colleges , and there are museums and theatres . 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 O N/A +bos can you recommend a theatre ? eos O O O O O B-Attraction-Inform+Type O N/A +bos i 've got the adc theatre located in the center of town . how would that do ? eos 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 O O O O O O N/A +bos sure . what is the postcode ? eos O O O O O O O O Attraction-Request+Post +bos the postcode for the adc theatre is cb58as . is there anything else i can help you with ? eos O 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 O O general-reqmore +bos yes , could you help me book a taxi from jinling noodle bar to adc please ? i would like it to arrive at the restaurant by 10:45. 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 O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos of course . a yellow bmw will pick you up at the jingling noodle bar at 10:45. the contact number is 07447453701. 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+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave O O O O O B-Taxi-Inform+Phone O O O O O general-reqmore +bos great , that is everything i needed . thanks ! 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 sure . no problem . bye now . eos O O O O 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 am looking for the addenbrookes hospital 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 can i get the phone number for the emergency department ? eos O O O O O O O O O B-Hospital-Inform+Department I-Hospital-Inform+Department O Hospital-Request+Phone +bos i have it listed as 01223217118. eos O O O O O O O N/A +bos thank you , could you please provide me the address for the addenbrookes hospital . eos O O O O O O O O O O O O O O O O Hospital-Request+Addr +bos the address is hills rd , cambridge . eos O O O O O O O O O N/A +bos does it not have a building number or something ? where on hills rd ? eos O O O O O O O O O O O O O O O O N/A +bos no , it does not . eos O O O O O O O N/A +bos okay . i will call them for directions . thanks for your assistance . 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 ? eos O O O O O O O O O O O general-reqmore +bos i am grateful . that 's all 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 am looking for the addenbrookes hospital eos O O O O O O O Hospital-Inform +bos the hospital is located in hills rd , cambridge , postcode cb20qq . is there a particular department 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 O O N/A +bos i need the phone number eos O O O O O O Hospital-Request+Phone +bos the general phone number for the hospital is 01223245151. do you need any further assistance ? eos 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 thank you for using our services . eos O O 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 would you like to be picked up from , and what is your destination ? 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 going to camboats , from little saint mary 's church . eos O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A +bos what time would you like to get there ? eos O O O O O O O O O O Taxi-Request+Arrive +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 ok , i book a black volkswagen for you . the contact number is 07746689138. 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 N/A +bos great , thanks so much for your help . eos O O O O O O O O O O general-thank +bos you 're very 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 is all for now . thank you eos O O O O O O O O O O general-thank +bos i 'm glad i was able to assist you ! thank you 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-bye,general-greet +bos i am looking for night clubs in cambridge , any suggestion ? eos O O O O O O O O O O O O O N/A +bos i have 6 nightclubs , 5 are in centre and 1 is in south . would you like information on one of them ? eos 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 O O general-reqmore +bos can i have the name , postcode , phone number , and address for the one in south ? 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 sure , it 's called the place , and is located at 22 sidney street , postcode cb23hg . the phone number is 0223324600. can i help with anything else ? eos O 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 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 yeah , i need a place to stay . eos O O O O O O O O O O N/A +bos there are many fine places to stay in cambridge . let me help you find one that suits your needs . would you prefer a hotel or a guest house ? 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 O Hotel-Request+Type +bos i would like a guesthouse with a star of 4 in the moderate price range . i would like to be in the east . eos O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos a and b guest house has free internet also . would you like me to book this ? 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 Booking-Inform,Hotel-Inform+Internet +bos i 'm not ready to book yet . what is the phone number and is there 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,Hotel-Request+Parking +bos ok , the phone number is 01223315702 and it does not have free parking . anything else i can help you with ? eos O O O O O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos thank you , that will be all . eos O O O O O O O O O general-thank +bos have a good day and contact us if you need anything else . eos O O O O O O O O O O O O O O general-bye +bos i am looking for a restaurant in cambridge called the missing sock . eos 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 the missing sock is an international restaurant in the east . the address is finders corner newmarket road . do you need any further information ? 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 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 , can you give me a phone number please ? eos O O O O O O O O O O O O Restaurant-Request+Phone +bos certainly . their phone number if 01223812660. 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 O general-reqmore +bos i am also looking to book a train leaving after 18:30 to go to kings lynn . eos O O O O O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos there is a train on friday that leaves at 8:11pm . does that work ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave O O O O O Train-OfferBook +bos i 'm looking for one that leaves on tuesday after 18:30. is there anything available ? eos 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 5 that could work . how about the tr0525 , it leaves at 19:11 and arrives in kings lynn at 19:58 ? eos O O O O B-Train-Inform+Choice O 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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O N/A +bos yes it does . can you book the train for 8 people ? eos O O O O O O O O O O O B-Train-Inform+People O O N/A +bos i was able to successfully book those tickets for you . your reference number is qz3bix9u . 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 B-Train-OfferBooked+Ref O O O O 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 thank you , enjoy your day . eos 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 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 can i have the phone number please ? eos O O O O O O O O O Hospital-Request+Phone +bos the phone number is 01223245151. is there anything else ? eos O O O O O O O O O O O N/A +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 great ! have a nice day ! eos O O O O O O O O general-greet +bos thank you . you , too . goodbye . eos O O O O O O O O O O general-bye +bos you are welcome . thank you for calling . goodbye . eos O O O O O O O O O O O O general-bye +bos i am looking for a restaurant serving scottish food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos no restaurants serving scottish food eos O O O O B-Restaurant-Inform+Food O Restaurant-NoOffer +bos ok , how about vietnamese food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos thanh binh is a vietnamese restaurant , it is in the cheap price range , and it is on the west side of town . would you like the address and phone number ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O 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 can i have the address please ? eos O O O O O O O O Restaurant-Request+Addr +bos the 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 thank you ! eos O O O O general-thank +bos thank you and good bye . eos O O O O O O O general-bye +bos a moderately priced restaurant in the west part of town , please . give me their address and phone number , too . eos 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos do you have a food type preference because there are results for indian , british , and italian . eos O O O O O O O O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O Restaurant-Inform +bos indian is fine eos O B-Restaurant-Inform+Food O O N/A +bos meghna is at 205 victoria road chesterton and their number is 01223 727410. can i do anything else for you ? eos O B-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 general-reqmore +bos no , that 'll be all . thank you ! eos O O O O O O O O O O O general-thank +bos thank you , and have a good evening ! eos O O O O O O O O O O general-bye +bos hello , i am looking for an expensive restaurant that serves lebanese food . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , but i can not find any expensive lebanese restaurants . eos O O O O O O O O O O O O O O O Restaurant-NoOffer +bos can i get the address , phone number , and area of an italian restaurant ? eos O O O O O O O O O O O O B-Restaurant-Inform+Food O O O O Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr +bos how about caffe uno , they are in the centre area . their address is 32 bridge street city centre and their phone number is 01223 448620. eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+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 I-Restaurant-Inform+Phone O O N/A +bos perfect , thank you ! eos O O O O O O general-thank +bos thank you . good bye eos O O O O O O general-bye +bos i am looking for a restaurant in the expensive price range that serves belgian 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 i have nothing available meeting your request , would you like to try a different price range or another 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+Price,Restaurant-NoOffer +bos yes , is there any expensive european eateries ? eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos yes , there are 4 expensive restaurants serving european food . which area would you like ? eos O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Area +bos what is the address of the restaurant ? eos O O O O O O O O O Restaurant-Request+Addr +bos michaelhouse cafe is at st. michael 's church trinity street city centre . how does that sound ? 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O general-reqmore +bos what is its phone number ? eos O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223 309147. eos O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos okay , thanks . and what area is it in please ? eos O O O O O O O O O O O O O Restaurant-Request+Area +bos it is in the centre part of town . eos O O O O O B-Restaurant-Inform+Area O O O O N/A +bos that 's good , thanks . eos 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 that 's all . thank you , goodbye ! eos O O O O O O O O O O general-bye +bos your welcome . thanks for calling eos 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 that is a theater . 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 adc theatre is in the centre of town . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos can you give me their phone number and postcode ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure ! their phone number is 01223300085 and postcode is cb58as . eos O O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O O N/A +bos do you know if alexander bed and breakfast offers free parking ? eos O O O O O O O O O O O O O Hotel-Request+Parking +bos yes i can confirm the alexander offers parking . would you like me to book you a reservation there ? eos 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+Parking +bos no thanks , i was just looking for information . i think that takes care of everything i needed . thanks 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 O general-thank +bos okay , great ! eos O O O O O general-bye +bos i would like a moderately priced restaurant that serves creative food . eos 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 results matching your query . 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 yes . how about a restaurant that serves european food ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos de luca cucina and bar is moderately priced and serves modern european food . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-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 I-Restaurant-Inform+Food O O N/A +bos that sounds good , can i have the address and postcode please . eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 83 regent street , postcode is c.b 2 , 1 a.w . eos O O O O O B-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 N/A +bos i want to find a restaurant in the centre part of town and serves british 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 several british restaurants . do you have a price range in mind ? 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+Price +bos i have no preference . can i please have the address and phone number of one of them ? eos 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 cotto is a british restaurant in the moderate price range and in the centre . its address is 183 east road city centre and its phone number is 01223 302010. 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 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 nope , that 'll do it , 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 ! thank you , goodbye . eos O O O O O O O O O O O general-bye +bos where in the east can i find a restaurant that serves venetian food ? eos O O O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry there are no results for a venetian restaurant in the east , would you like to try a different area ? eos 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+Area +bos i prefer the east but i am open to other areas of town . eos O O O O B-Restaurant-Inform+Area O O O O O O O O O O N/A +bos do you want me to look at the center of the town ? eos O O O O O O O O O O O O O O Restaurant-Request+Area +bos yes see if there are any venetian restaurants there eos O O O O O O O O O O N/A +bos no there are not . want to try a different restaurant type ? eos 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 B-Restaurant-Inform+Food O O N/A +bos i have 9 restaurants in the cetre that are indian . do you have a price range ? eos O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Price +bos i would like expensive . eos O O O O B-Restaurant-Inform+Price O N/A +bos there are five expensive indian places in the centre but i recommend panahar , would you like more info or a booking ? eos O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O B-Restaurant-Recommend+Name O O O O O O O O O O Booking-Inform +bos i 'm sorry to trouble you but is there an expensive indian restaurant in the east ? it would be more convenient . eos 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 O O O O N/A +bos there are five , would you like me to book you one ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Booking-Inform +bos yes , book one of the expensive indian places in the east please . eos O O O O O O O O O O O O O O O N/A +bos which day would you like to dine ? eos O O O O O O O O O Booking-Request+Day +bos i would like to go on monday at 18:00 please . eos O O O O O O O O O O O O N/A +bos i would love to help ! how many people ? eos O O O O O O O O O O O Booking-Request+People +bos it will be a party of 6. eos O O O O O O O B-Restaurant-Inform+People N/A +bos none of the restaurants were available for that time . would you like me 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 yes . please try 17:00. eos O O O O B-Restaurant-Inform+Time O N/A +bos thanks very much eos O O O O N/A +bos thank you also . could i receive the reference number for the reservation , please ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos i 've booked you a table at pipasha restaurant . the table will be reserved for 15 minutes . your reference number is miro0qrd . 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 B-Booking-Book+Ref O O O O O O O O O O O general-reqmore +bos no , thanks . that 's everything . eos O O O O O O O O O general-thank +bos you 're welcome . 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 O general-reqmore +bos i would like to book a taxi to the gandhi . eos O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos i can help you book that , first i 'll need to know where you 'd like picked 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 Taxi-Request+Depart +bos i want to be picked up at prezzo please eos O O O O O O O O B-Taxi-Inform+Depart O N/A +bos i 'll need a little more information to find you a taxi . what time would you like to arrive at the ghandi ? eos O 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 i ca n't leave until after 16:30 , please . eos O O O O O O B-Taxi-Inform+Leave O O O O N/A +bos okay , i 've got a grey ford with the contact number 07766078886. 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 thank you very much ! eos O O O O O O general-thank +bos you are most welcome ! eos O O O O O O general-welcome +bos i want to book a taxi to leave after 09:15 at old schools . eos O O O O O O O O O O B-Taxi-Inform+Leave O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart 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 'll be going to royal standard . eos O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos great news ! i was able to book a red volvo for you . eos O O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O N/A +bos that is great news . may i have the contact number , too ? eos O O O O O O O O O O O O O O O N/A +bos the contact number for the volvo is 07321527336. do you need any other tourist bookings ? eos O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O Booking-Inform +bos no , that 's everything i needed . thanks ! eos 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-welcome +bos can you find me a taxi to jesus green outdoor pool ? i need to be there by 02:15. 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 O O O O B-Taxi-Inform+Arrive O N/A +bos you are booked . your car is a black bmw and contact number is 07771693374 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 ok thanks that 's all i need ! eos O O O O O O O O O general-thank +bos one more question . where do you need to be picked up from ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i need to be up from williams art and antiques . 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 N/A +bos a black volkswagen will be picking you up . their contact number is 07117431009. 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 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 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 that 's all actually . thanks and bye ! eos 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 i need a taxi to leave after 03:00 eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos what is your departure site ? 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 i 'd be happy to book that for you , what 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 to get to the cambridge corn exchange . eos 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 booking completed ! booked car type : black volvocontact number : 07025112262 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 so much . eos O O O O O O general-thank +bos if that is all i can help you 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 hi , i 've just suffered a minor injury . can you tell me where a hospital is please ? eos O O O O O O O O O O O O O O O O O O O O O Hospital-Inform +bos the nearest is addenbrookes hospital at hills rd , cambridge , postcode cb20qq . the telephone number is 01223245151. do you need transportation to the hospital ? eos O O O O O O O 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 am luckily near the hospital . thank you for your assistance . goodbye . eos O O O O O O O O O O O O O O O O O O Hospital-Inform +bos you 're very welcome . i hope you feel better . take care . eos O O O O O O 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 are you going ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O Train-Request+Dest +bos i want to go to peterborough . eos O O O O O O B-Train-Inform+Dest O N/A +bos i can certainly help . where are you departing from ? eos O O O 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 O N/A +bos do you have a day in mind to travel ? eos O O O O O O O O O O O Train-Request+Day +bos ill travel ; on wednesday . get me the train id and price eos O O O O B-Train-Inform+Day O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos what time would you like to depart ? eos O O O O O O O O O Train-Request+Depart +bos i would like to leave cambridge after 09:45 , please . eos O O O O O O O O B-Train-Inform+Leave O O O N/A +bos i have a train leaving cambridge at 10:06. the id is tr9805 and it 's 16.50 pounds per ticket . eos O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O N/A +bos thanks for helping eos O O O O general-thank +bos you 're welcome . 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 no , i only needed the train info . thanks , again . goodbye . eos O O O O O O O O O O O O O O O O Train-Inform +bos we hope you have a nice time in town . good bye ! eos O O O O O O O O O O O O O O general-bye +bos can you help me find a turkish restaurant in the expensive price range please ? eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A +bos i have meze bar restaurant at 196 mill road city centre . eos O 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 N/A +bos that sounds perfect ! eos O O O O O N/A +bos would you like me to make a reservation ? eos O O O O O O O O O O Booking-Inform +bos yes , please . 7 people at 13:15 on monday . 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 reference number is : txbu904t . eos 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 thank you for allowing me to help you today . have a great 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 hospital that is here in town . eos O O O O 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 i just need a phone number , thanks eos O O O O O O O O O Hospital-Request+Phone +bos the number is 01223245151. can i help you with something else ? eos O O O O O O O O O O O O O N/A +bos that is 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 welcome . at your service next time eos O O O O O O O O general-welcome,general-bye +bos thanks again . goodbye . eos O O O O O O general-bye +bos you 're welcome . if you ever need anything else just let us know . 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 hotel with a zero star rating and i dont 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 cityroomz is a 0 star hotel with no parking , would you like me to check on available dates 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 O O Booking-Inform,Hotel-Inform+Parking +bos i hope its in the centre eos O O O O O O B-Hotel-Inform+Area N/A +bos it is indeed in the centre . eos O O O O O O B-Hotel-Inform+Area O N/A +bos i need to book it for one person for 5 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 N/A +bos booking was not successful . perhaps another day or shorter stay ? eos O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos advice me please of a better duration eos O O O O O O O O N/A +bos five nights starting monday would do better eos O B-Booking-Inform+Stay O O B-Booking-Inform+Day O O O N/A +bos i 'm sorry , did i say friday ? i meant i want a booking for 5 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 O O O O O N/A +bos sorry , it was not successful . can i check another hotel or shorten the stay ? eos O O O O O O O O O O O O O O O O O O Booking-NoBook +bos then i can i get one on saturday for 5 nights ? eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O N/A +bos i was able to book that for you , your reference number is dfhz0zl8 . eos O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great , thank you for the help . eos O O O O O O O O O general-thank +bos thank you for using our services . can i assist you with anything else ? eos O O O O 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 O O general-bye +bos you 're so welcome . goodbye . eos O O O O O O O O general-bye +bos i 'm looking for a particular restaurant called ask . please give me information on that restaurant . 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 ask is an italian place in the centre area , they are in the cheap price range . can i help with anything else ? eos O O B-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 O general-reqmore +bos yes , i 'd like to book a table for 1 at 17:15 on wednesday . can you do that ? 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 N/A +bos i was able to book that table for you . your reference number should you need it , is dfebh5d1.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 . i think i am all set . thanks . eos O O O O O O O O O O O O general-thank +bos you 're very welcome , just 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 O O general-welcome,general-bye +bos i need a train on monday leaving birmingham new street ? 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 N/A +bos where are you headed ? eos O O O O O O Train-Request+Dest +bos birgmingham new street from cambridge eos O O O O O B-Train-Inform+Dest N/A +bos what time monday would you like to depart ? eos O O O B-Train-Inform+Day I-Train-Inform+Day O O O O O Train-Request+Leave +bos anytime after 21:00. eos O O O B-Train-Inform+Leave N/A +bos tr8406 will depart at 21:40. is that okay ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O Train-OfferBook +bos yes will you book it for me ? eos 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 need 2 tickets and a reference number please eos O O O O B-Train-Inform+People O O O O O N/A +bos sure thing . i will work on getting this booked for you . eos O O O O O O O O O O O O O O general-greet,Train-OfferBook +bos okay , i do need the reference number also . eos O O O O O O O O O O O N/A +bos my apologies , busy weekend and the system is lagging , you are set , reference number is b6sglaat total cost is 150.19 gbp , thank you for your patience . eos O O O O O O O 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 O N/A +bos thank you so much , can you please also find me an italian restaurant in the centre of town that 's on the cheap side ? 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 B-Restaurant-Inform+Price O O O O N/A +bos i highly recommend zizzi cambridge in centere . it has excellent pasta and meatballs . would you like me to book a reservation for you ? eos O O 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 O O O O O O O O O Booking-Inform +bos yes , on monday for 2 people at 14:30. olease give the reference number . eos O O O B-Restaurant-Inform+Day O O B-Restaurant-Inform+People 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 : dksucwy6 . 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 that will be all good bye eos 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 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 are you going ? eos O O O B-Train-Inform+Choice O O O O O O Train-Request+Dest +bos i am going to cambridge from leicester . i am planning to leave on sunday and i need to be there by 11:45. eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive N/A +bos if you take the tr1079 at 9:09 you can arrive in cambridge by 10:54. would you like me to book it ? eos O O O O O B-Train-Inform+Id 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 Train-OfferBook +bos yes , that sounds great . i would like to book the train for 7 people . what is the 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 Train-Request+Ref +bos there is the reference number tr4106 eos O O O O O O B-Train-OfferBooked+Ref N/A +bos thank you for your help eos 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-greet,general-reqmore +bos 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 and please call us again ! eos O O O O O O O O O O O O O O O general-greet +bos wait , i do n't think that 's a valid reference number . eos O O O O O O O O O O O O O O Train-Request+Ref +bos 35vbb0lk if your reference numbers , what else may i help you with ? eos O B-Train-OfferBooked+Ref O O O O O O O O O O O O O general-reqmore +bos great . nothing else . thanks , again . goodbye for now . eos O O O O O O O O O O O O O O general-bye +bos most welcome and safe journey eos O O O O O O general-bye +bos are there any 1-star hotels with free parking ? eos O O O O B-Hotel-Inform+Stars O O O O O N/A +bos i 'm sorry , i ca n't find any hotels that meet your criteria . would you like to search 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 Hotel-NoOffer,general-reqmore +bos i am looking for a guesthouse with free parking , preferably one star . eos O O O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos sorry , i 'm not finding anything . want to change to a hotel ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer +bos what about guesthouses ? eos O O O B-Hotel-Inform+Type O N/A +bos no , i 'm sorry but as i said , there are no guesthouse listings . what else may i look for for you ? eos O O O O O O O O O O O B-Hotel-NoOffer+Type O O O O O O O O O O O O O O general-reqmore +bos how about a hotel with 4 stars ? eos O O O O O O O B-Hotel-Inform+Stars O N/A +bos it is available . can i book one for you ? eos O O O O O O O O O O O O Booking-Inform +bos yes , i will be traveling alone on sunday and staying for 2 nights . eos O O O O O O O O B-Hotel-Inform+Day O O O O B-Hotel-Inform+Stay O O N/A +bos thank you for your patience . i am checking many hotels as so far i have been unsuccessful booking 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 O O O Booking-NoBook +bos let 's back up a bit . are there any 4-star guesthouses ? eos O O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos yes , there are 16 4 star guest houses that have free parking . do you have an area you are looking at ? eos O O O O O B-Hotel-Inform+Choice 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 Hotel-Request+Area,Hotel-Inform+Parking +bos no , no place in particular . whatever you think is good . eos O O O O O O O O O O O O O O N/A +bos the alexander bed and breakfast is a guesthouse in the centre in the cheap price range with parking . when are you arriving ? how many people ? eos 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+Type 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 Hotel-Recommend+Parking,Booking-Request+People,Booking-Request+Day +bos the reservation will start on sunday , for one person . eos O O O O O O O O O O O O N/A +bos this booking was unsuccessful . is there a different day or area 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 Booking-NoBook,Hotel-Request+Area,Booking-Request+Day +bos sure , can you check on a tuesday arrival ? eos O O O O O O O B-Hotel-Inform+Day O O O N/A +bos okay , that booking was successful for tuesday . the reference number is sid7a0h4 . is there anything else you need ? eos 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 general-reqmore +bos that is all . thanks so much ! eos 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 a place to stay . the hotel should have a star of 0 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 B-Hotel-Inform+Stars O O O O O O O O N/A +bos i found the cityroomz hotel in the centre part of town . would you like to book a room ? eos O O O O B-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 Booking-Inform +bos the hotel should include free wifi and does n't need to have free parking . eos O O B-Hotel-Inform+Type O O O O O O O O O O O O O N/A +bos cityroomz has free wifi and does not offer free parking . do you want me to book it for you ? eos 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes.book for six people and six nights . remember to also give me the reference number eos O O O O O O O O O O O O O O O O O Hotel-Request+Ref +bos what day would you like the reservation to start ? eos O O O O O O O O O O O Booking-Request+Day +bos it needs to start on wednesday , please . eos O O O O O O B-Hotel-Inform+Day O O O N/A +bos sorry , i was unable to complete the booking . would you like to try booking for a shorter stay or for 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+Stay,Booking-Request+Day +bos how about for 5 nights ? eos O O O O O B-Hotel-Inform+Stay O N/A +bos your booking was 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 Booking-Book,general-reqmore +bos actually i need the reservation to be for 4 nights , 6 people , starting from wednesday . could you change the reservation for me please ? eos O O O O O O O O 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 N/A +bos no problem , i was able to book that for you and your reference number is va5jadck . 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 general-reqmore +bos i think that is everything , thanks ! eos O O O O O O O O O general-thank +bos you 're welcome . have a pleasant stay . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i have the name of a restaurant that i need some help finding , whenever you 're ready . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos i 'm ready . eos O O O O O N/A +bos it is the seasame restaurant and bar . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos i 'm sorry but i was unable to find the restaurant you requested . is there a type of food you were thinking about having ? eos O O O 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 i misspelled the place it is sesame , can you look that up again and book 3 poeple at 17:00 on monday if available ? 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 N/A +bos gladly . i have a table reserved for you at the sesame restaurant and bar for monday at 17:00. your reference is 5oeiv10l . 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 I-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 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 train to cambridge . eos O O O O O O O O B-Train-Inform+Dest O O N/A +bos where would you like to go ? eos O O O O O O O O Train-Request+Dest +bos to cambridge , on monday . i will be leaving birmingham new street . 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 N/A +bos okay the first train leaves the station at 5:40 the last 09:40 eos O O O O O O O O O O O O B-Train-Inform+Leave N/A +bos i need to arrive by 14:15. eos O O O O O O B-Train-Inform+Arrive N/A +bos tr3387 arrives in cambridge by 13:23. price is 75.10 pounds . will that work for you ? would you like me to books seats ? 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 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 i do n't need you to book that , but i will need to know the 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+Leave +bos the tr3387 leaves at 10:40. eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos great , thanks so much for your help . that 's 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 ok ! have a great day ! eos O O O O O O O O general-greet +bos do any trains leave broxbourne ? eos O O O O O B-Train-Inform+Depart O N/A +bos there are 133 leaving broxbourne and arriving in cambridge between friday and wednesday . what day do you want to travel ? eos O O O O B-Train-Inform+Choice B-Train-Inform+Depart O O O B-Train-Inform+Dest O O O B-Train-Inform+Day I-Train-Inform+Day O O O O O O O O Train-Request+Day +bos i wanted to leave sometime after 18:15 on friday . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos tr7648 will depart at 18:32 on friday , arriving in cambridge by 19:32. would you like to book a seat ? eos 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 Train-OfferBook +bos yes please and can you send me the reference number . thank you 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 17.89 gbp payable at the station .reference number is : n4uproam . 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 thank you so much . 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 i am also looking for a moderately priced restaurant that serves european food . eos O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Food O O N/A +bos i have 2 options . there is the galleria and the other is the hotel du vin and bistro . would you be needing a reservation at either of these ? 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 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,Restaurant-Select +bos i need one that is in the centre . is either of those ? eos O O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos they both are ! would you like a reservation at one of them ? eos O O O O O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos just make sure you get phone number , postcode , and address . 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 how many people will be dining and what time do you prefer ? eos O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time +bos just for myself . eos O O O O O N/A +bos galleria is in the center , phone number is 01223362054 , post code is cb21uw and the address is 33 bridge street . would you like me to book a reservation for you ? eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post 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 O Booking-Inform +bos yes , that would be great . eos O O O O O O O O N/A +bos will you be coming in on friday ? and what time would you like the table booked for ? eos O O O O O O O B-Booking-Inform+Day O O O O O O O O O O O O N/A +bos actually , that will be all for 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 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 are there any guesthouses on the north side of town ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos yes , we have eleven . is price a concern ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Price +bos i would like the price range to be moderate . eos O O O O O O O O O B-Hotel-Inform+Price O N/A +bos is either free parking or internet a concern to you ? eos O O O O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos i would like free wifi . eos O O O O O O O N/A +bos great . there are 8 options that meet your criteria . i 'd recommend the acorn guest house . would you like to book a room ? eos O 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 O O O O O O O O O O O O Booking-Inform +bos how many stars is it ? eos O O O O O O O Hotel-Request+Stars +bos the acorn guest house is 4 stars . would you like me to book ? 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 Booking-Inform +bos can i just get the postcode and pricerange for right now ? eos O O O O O O O O O O O O O Hotel-Request+Post +bos the post code for the acorn guest house is cb41da and it is in the moderate price range . is there anything else that i can do for you 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 B-Hotel-Inform+Price O O O O O O O O O O O O O O O general-reqmore +bos i also need a place to eat . eos O O O O O O O O O N/A +bos sometimes we want to go where everyone knows our name , we have 110 places where we can make that happen . any restaurant preferences like area , price or cuisine eos O O O O O O 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 O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-Request+Area +bos yes , i would like to eat at a scottish restaurant near 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 O O N/A +bos i 'm sorry but there are n't any scottish places in the north part of town . would you like to try a different type of food ? 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 Restaurant-Request+Food +bos is there one that serves chinese ? eos O O O O O O B-Restaurant-Inform+Food O N/A +bos i have three places . would you like more info on one ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O general-reqmore +bos yes , can you send me all the info on that please ? eos O O O O O O O O O O O O O O N/A +bos i recommend hakka , located at milton road chesterton , postcode cb41jy . eos O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O B-Restaurant-Recommend+Post O O O N/A +bos thank you ! will you please book a table for 8 people at 17:00 on monday ? 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 booking was successful . the table will be reserved for 15 minutes.reference number is : 91681cyp . 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 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 +bos help me please , i just been robbed and do n't know what to do . eos O O O O O O O O O O O O O O O O O N/A +bos please contact the parkside police station at 01223358966. eos O O O O O O O O O N/A +bos thank you , what 's the postcode ? eos O O O O O O O O O Police-Request+Post +bos the postcode is cb11jg . do you need further assistance ? eos 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 am looking for a high scale restaurant located in the city centre . eos O O O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos is there a type of cuisine you are looking for ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos no , i just want an expensive place in the centre . eos O O O O O O O O O O O O O N/A +bos i have about 33 different restaurants , but if you are looking for a recommendation i would say stop by loch fyne and try their amazing seafood ! eos O 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 I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food O O N/A +bos that sounds lovely - what is their cuisine type ? eos O O O O O O O O O O O N/A +bos loch fyne serves wonderful seafood . does that sound like something you 'd be interested in ? eos 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 N/A +bos yes please but let 's put that to the side and instead find me a train to stansted airport - preferably one that gets there by 11: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 O O O O O O B-Train-Inform+Arrive O N/A +bos okay , what day would you like to leave 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+Day,Train-Request+Depart +bos i want to travel on friday . my departure station is in cambridge . 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 it for you ? eos O O O O O O O O O O O Train-OfferBook +bos yes i would like 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 N/A +bos yes the belfry is located in the west and is in the cheap price range but is rated highly at 4 stars . would you like me to book that for you ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Area 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 O O O Booking-Inform +bos yes , i would . i 'd like to book a room for 3 nights starting on saturday for 1 person . 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 N/A +bos i 've successfully booked your room at the cambrdige belfry ( reference # rq3z4l32 ) . 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 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 an attraction in the centre of town too 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 many attractions available , including architecture , college , and museum . are you looking for a specific type of attraction ? eos 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 Attraction-Request+Type +bos can you provide me with the address and phone number of a museum in the centre ? eos O O O O O O O O O O O O O O O O B-Attraction-Inform+Area O Attraction-Request+Phone,Attraction-Request+Addr +bos primavera is located at 10 king s parade . the phone number is 01223357708. eos O B-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 B-Attraction-Inform+Phone O N/A +bos great , thanks 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 that is all i need for today . thank you for your time ! eos O O O O O O O O O O O O O O O general-thank +bos we 're 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-welcome,general-bye +bos i 'm looking for 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 we have 6 total guesthouses in the east , any more preferences ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O Hotel-Request+Stars,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Internet +bos yes , i would like free wifi and a 4 star rating . eos O B-Hotel-Inform+Internet O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos i have six places , is there a price range you have in mind ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Price +bos not particularly . do you have one you would recommend ? eos O O O O O O O O O O O O N/A +bos i recommen a and b guest house . should i book that ? 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 O O Booking-Inform +bos please , for 2 people for 5 nights starting on wednesday eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day N/A +bos unfortunately there are no rooms available for wednesday in the east . could i look at a different location or day ? eos 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 Hotel-Request+Area,Booking-Request+Day +bos can you try 4 nights instead ? eos O O O O O B-Hotel-Inform+Stay O O N/A +bos booking was successful . your reference number is : 1f0goz1d . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great , could i also find someplace near the hotel to go for fun ? eos O O O O O O O O O O O O O O O O Hotel-Inform +bos funky fun house would be nice for you eos O O O O O O O O O N/A +bos i am looking for a train to cambridge leaving by 13:45 eos O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive N/A +bos there are many trains relevant to your search . please tell me where you are departing from . 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+Depart +bos i need to leave from peterborough on sunday . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos okay i can book you a trip on train tr5662 , leaving at 07:19 and arriving by 08:09. how many tickets would you like ? eos O O O O O 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 O O Train-Request+People +bos i need to book the train for 7 people . are you able to do that for me and provide me with a reference number 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 O O Train-Request+Ref +bos your booking was successful and your reference number is ja1frx8k . 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 general-reqmore +bos i 'm also looking for this place called castle galleries ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos castle galleries is a museum at unit su43 , grande arcade , saint andrews street . is there anything else you 'd like to know about it ? eos O B-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 O O O O O O O O O O O O O O N/A +bos i need the post code please . eos O O O O O O O O Attraction-Request+Post +bos the postcode is cb23bj . eos O O O O B-Attraction-Inform+Post O N/A +bos thanks , that is all the information i need . 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 and have a great day ! eos O O O O O O O O O general-bye +bos ok , thanks for all your help regarding my requests . eos O O O O O O O O O O O O general-thank +bos no problem , enjoy your trip . : ) eos O O O O O O O O O O general-welcome,general-bye +bos i am looking for an expensive place to dine at the centre . eos O O O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O N/A +bos there are quite a few expensive restaurants in the centre ! can you help me by telling me what type of food you 'd like to eat ? eos O O 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 O O O O O Restaurant-Request+Food +bos i think tonight we are looking for seafood eos O O O O O O O O B-Restaurant-Inform+Food N/A +bos how about loch fyne on the little rose 37 trumpington street ? would you like me to make a reservation for you ? 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 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 no , i just need 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 ok , the phone number is 01223362433 and the post code is cb21qy . 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 O O N/A +bos i also need a train that goes from cambridge to london kings cross . 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 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 want to leave on tuesday after 12:45. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos tr0315 will leave at 13:00 would that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O general-reqmore +bos that sounds perfect . please book it for me . eos O O O O O O O O O O O N/A +bos i have booked tr0315 leaving cambridge at 13:00 and arriving in london kings cross at 13:51 for you . your reference number is lsmj6443 . eos O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O O O O O B-Train-OfferBooked+Dest I-Train-OfferBooked+Dest I-Train-OfferBooked+Dest O B-Train-OfferBooked+Leave O O O O O O O O B-Train-OfferBooked+Ref N/A +bos thank you . you have been a great help . 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 one more thing . can you confirm the travel time or duration of my train trip ? eos 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 for your train trip will be 51 minutes . can i help you with anything else today ? eos 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 general-reqmore +bos no , i think that will do it . thanks so much . eos O O O O O O O O O O O O O O general-thank +bos you are welcome and if you ever need anything else , please contact us . eos O O O O O O O O O O O O O O O O general-welcome +bos i will . thank you ! eos 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-greet +bos can you help me find an afghan 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 N/A +bos there are no listings for an afghan restaurant on the west side . would you like to try a different area or 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+Area,Restaurant-Request+Food +bos try a different cuisine . just an expensive restaurant . eos O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have restaurants specializing in thai food , indian , european or british food . which would you prefer ? 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 Restaurant-Select +bos indian food please . what are the options ? eos O B-Restaurant-Inform+Food O O O O O O O O N/A +bos sure , how about maharajah tandoori restaurant , they serve indian food in the west . can i book a table for you ? eos O O 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Booking-Inform +bos no , i 'll have to discuss it with my wife . can you just get me the postcode for maharajah tandoori 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 O O O Restaurant-Request+Post +bos absolutely ! the postcode is cb30ah . is there anything else i can assist you with ? eos O O O 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 you 're welcome . thanks for using our service , 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 train . i need to leave on tuesday and want to arrive by 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 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 O Train-Request+Depart,Train-Request+Dest +bos i 'm heading to cambridge , and i 'd like to leave from peterborough . eos O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Depart O O O O N/A +bos the last train into cambridge before 20:45 is the tr2673 , arriving at 20:38. you would leave peterborough at 19:48. eos O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Leave O N/A +bos that will do , what is the price and train id ? eos O O O O O O O O O O O O O Train-Request+Price +bos the price is 16.50 pounds . the train id is tr2673 . shall i book it for you ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-Inform+Id O O O O O O O O O Train-OfferBook +bos no thank you . i am looking for a place to stay though that has free parking and expensive . do you have anything like that there ? 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 O N/A +bos i 've got 5 hotels here that fit your criteria , including 2 four star hotels . would you like to hear more about one of those ? 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 O O N/A +bos yes , please tell me about the four star hotels , the cheaper of the two . eos O O O O O O O O O O O O O O O O O O Hotel-Inform +bos i have the huntingdon marriott in the west and the university arms in the center . both are lovely hotels . would you like to book a room ? 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 B-Hotel-Inform+Area B-Hotel-Inform+Choice O O O O O O O O O O O O O Booking-Inform +bos no , that 's okay , i think that will be all for today , 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 you are welcome ! have a great day . goodbye . eos O O O O O O O O O O O O general-bye +bos hi there , i 'm trying to book a train for saturday that leaves after 18:45. eos 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 i can book tickets that leave london kings cross that leaves at 19:17 ? eos O O O O O O O B-Train-OfferBook+Depart I-Train-OfferBook+Depart I-Train-OfferBook+Depart O O O B-Train-OfferBook+Leave O N/A +bos no , i do n't really want to go there . i 'd like to go 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 O O N/A +bos i have one leaving at 19:59 , if that 's acceptable ? eos O O O O O O B-Train-Inform+Leave O O O O O O general-reqmore +bos can i get the travel time and train id ? eos O O O O O O O O O O O Train-Request+Duration,Train-Request+TrainID +bos it is train train tr2166 and the travel time is 88 minutes . would you like me to book your ticket ? eos O 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 O O O O O O Train-OfferBook +bos not just yet . can you find me a place to dine in the south ? moderate pricing please . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area B-Restaurant-Inform+Price O O O O O N/A +bos there are two restaurants , would you like italian or modern european ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos ooh , modern european sounds interesting . what have you got ? eos O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O N/A +bos the european restaurant is restaurant alimentum . would you like me to make a reservation ? eos O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform +bos yes i would like a reservation for 6 people at 10:45 on saturday 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 N/A +bos unfortunately , they do not have availability at 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 O O O Booking-NoBook,Booking-Request+Time +bos try 9:45 then , please . eos O O O O O O O N/A +bos that time will not be available . they are closed then . eos O O O O O O O O O O O O O Booking-NoBook +bos i 'm sorry , before we book the restaurant.. can you make sure the train is departing from 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 O O N/A +bos yes , that train is departing from cambridge . eos O O O O O O O B-Train-Inform+Depart O O N/A +bos are you sure they are closed at 9:45 ? is there a different european restaurant in that area available at that time ? eos O O O O O O O O B-Restaurant-Inform+Time O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos no , sorry , that restaurant is the only european restaurant in the area . 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 Restaurant-NoOffer +bos can you book that for 6 people at 09: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 N/A +bos unfortunately , there are no tables available at that time . 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 O Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos how about 9:45 instead ? eos O O O O O O N/A +bos unfortunately , there are no tables at 9:45. try requesting a new time or day . eos O O O O O O O B-Booking-NoBook+Time O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos 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 . eos O O 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 am sorry but i need for you to specify a date and time please . eos O O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos can you try 10:45 on saturday again ? maybe there was a cancellation . eos O O O O B-Restaurant-Inform+Time O O O O O O O O O O N/A +bos i 'm sorry , again , that time is not available . eos O O O O O O O O O O O O O Booking-NoBook +bos okay . thanks anyway . good bye ! eos O O O O O O O O O general-bye +bos you are welcome . sorry we were unable to book the table for you . please call back if we can 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 general-welcome,general-bye +bos i need to find a train that departs from london liverpool 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 N/A +bos there are many options that may suit your needs . is there a particular day you are wanting to travel on ? 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 +bos yes i want to leave on tuesday . eos O O O O O O O O B-Train-Inform+Day N/A +bos what time would you like to leave on ? eos O O O O O O O O O O Train-Request+Leave +bos i do n't care about departure time , but i need to arrive by 10:15 eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos there is a train departing at 07:39 and arriving by 09:07 that fits your needs . would you like me to book it 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 O O O O O Train-OfferBook +bos i 'm not sure . how much is it ? eos O O O O O O O O O O O N/A +bos 16.6 gbp per ticket eos O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos i 'm also looking for a place to dine . i need a restaurant in the south , in the expensive price range that serves mexican food . 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+Price O O O O B-Restaurant-Inform+Food O O O O O Train-Request+Price +bos i have chiquito restaurant bar . would you like me to book that for you ? eos 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 no , but i do need 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is 2g cambridge leisure park cherry hinton road cherry hinton cb17dy and the phone number is 01223400170. 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 I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone N/A +bos ok thank you so much eos O O O O O O general-thank +bos it 's 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 O O general-welcome,general-reqmore +bos no , that is 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 of course . have a good one . eos O O O O O O O O O general-welcome,general-bye +bos hi , i need to catch a train after 14:15 on thursday . eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos there is a train that departs cambridge and arrives at london kings cross on friday . eos 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 B-Train-Inform+Day N/A +bos oh , no , i need a train that leaves from birmingham new street and go 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 O B-Train-Inform+Dest O O O N/A +bos how about tr8121 ? it leaves at 14:40. eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos what time does it arrive ? eos O O O O O O O Train-Request+Arrive +bos it arrives in cambridge at 17:23. eos O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos i 'll need to know the price and travel time , and i am also looking for an expensive restaurant in the south . 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 B-Restaurant-Inform+Area O O O Train-Request+Duration,Train-Request+Price +bos the cost is 75.10 pounds per ticket . the travel time is 163 minutes . as far as restaurants i have 5 available . which type of food would you like ? eos O O O O B-Restaurant-Inform+Choice 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 O O O Restaurant-Request+Food +bos british food would be my preference . eos O B-Restaurant-Inform+Food O O O O O O N/A +bos unfortunately there are no british restaurants in the south in that price range . would you like to try a different type of food ? 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 O O O O O O Restaurant-Request+Food +bos okay , how about chinese food . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there are two with your preferences , the good luck chinese takeaway and peking restaraunt . both are in the south , would you like me to book one of those ? 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 O O O O B-Restaurant-Inform+Area O O O O O O O O O O O O Booking-Inform +bos no but can you give me the address , postcode and phone number for the peking restaurant 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 sure . peking restaurant , 10 homerton street , city centre cb28nx , phone : 01223354755. 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 B-Restaurant-Inform+Phone 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 now . 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 have a good day . eos O O O O O O general-bye +bos hi , i 'm trying to find a moderate turkish place to eat at . is there anything like that ? 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 O O O O N/A +bos there are two restaurants that fit your criteria . the anatolia and the efes restaurant . which one do you prefer ? 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 O O O O O O O Restaurant-Select +bos are either of those in the centre of town ? eos O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos yes , they both are . eos O O O O O O O Attraction-Inform +bos okay . can you book me a table for 4 at the anatolia ? eos O O O O O O O O O O O O O O O N/A +bos sure . what day and time would you like ? eos O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i need it for saturday at 14:15. eos O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time N/A +bos your table has been reserved and will be held for 15 minutes . your reference number is n25gqtnz . 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 B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos i need a train departing from peterborough on the same day as the restaurant booking . eos O O O O O O O B-Train-Inform+Depart O O O O O O O O O N/A +bos there are lots to choose from . what time would you like to arrive or depart by ? 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+Arrive,Train-Request+Leave +bos i want to arrive by 11:30. departure time does n't matter , but i 'd like to know what time . 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 Train-Request+Leave +bos i have located several options for you . all trains cost 13.20 pounds and 50 minutes long . trains leave from 7:48 to 10:19 for arrival by 11:30. do you have a preference ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time 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 Train-Select +bos i prefer the 10:19 train please . thank you . eos O O O O B-Train-Inform+People O O O O O O N/A +bos great . i was able to book you into that seat and your reference number is ucwr9zcj . eos O O 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 , have a nice day . eos O O O O O O O O O general-thank +bos you 're most welcome . eos O O O O O O general-welcome +bos hello , i 'm look for information about restaurants in cambridge . i would like them to be fine dining and serve catalan food . eos 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 N/A +bos i 'm sorry but there are n't any fine catalan restaurants in cambridge . eos O O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Food O B-Restaurant-NoOffer+Area O O O N/A +bos there 's nothing in the city centre ? nothing in the expensive price range ? eos O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O O O Train-Request+Price +bos there are 33 expensive establishment in the centre , none of which are catalanan , do you want me to lookup another restaurant type ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O B-Restaurant-NoOffer+Food O O O O O O O O O O O O Restaurant-Request+Food +bos yes , are there any that serve british food ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there are 3 that fit your new criteria : fitzbillies restaurant , the cambridge chop house , and misdummer house restaurant . would you like a reservation at 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 O O O O O O O O O O O O O Booking-Inform +bos yes i 'd like to make a reservation for 3 people on monday at 11:45 at the cambridge chop house . could i get the reference number for that as well ? 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 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+Ref +bos your reservation is all set . the reference number is b7i50s2k . 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 i need information about a train . i need one that leaves cambridge and arrives by 12:00 eos 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 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 what time would you like to leave ? eos O O O O O O O O O Train-Request+Leave +bos i just need to arrive by 12:00 on tuesday . anything for that time frame ? eos O O O O O O O O O B-Train-Inform+Day O O O O O O O N/A +bos the tr9536 leaves cambridge at 05:00 and arrives in london , kings cross at 05:51. will that suffice or would you like to book something later in the day ? eos O 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 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 is there anything that leaves a bit later ? eos O O O O O O O O O O N/A +bos what time would you prefer to leave by , the latest i have in 11:00. eos O O O O O O O O O O O O O O B-Train-Inform+Leave O Train-Request+Leave +bos that would be good , what is the 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 the cost would be 23.60 pounds , and the trip takes 51 minutes . 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 O N/A +bos thanks . that 's all i need . eos O O O O O O O O O general-thank +bos ok , perfect , enjoy ! eos O O O O O O O general-welcome,general-bye +bos i would like to find somewhere with expensive kosher food . eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O N/A +bos i 'm not seeing any expensive kosher restaurants , would you like to try a different price range perhaps ? eos 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 Restaurant-Request+Price +bos sure . i also need the restaurant to be in the center . eos O O O O O O O O O O O O O O Restaurant-Inform +bos sorry it looks like there are no kosher restaurants in any price range in town at all . would you like another 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 I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O O O O O O O O Restaurant-Request+Food +bos sure , let 's try italian instead . eos O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are 4 expensive italian restaurants in the center of town . i suggest caffe uno at 32 bridge street city centre . would you like to make a reservation ? eos 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 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 O O Booking-Inform +bos caffe uno 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 Restaurant-Request+Phone +bos their phone number is 01223448620. 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 no , you 've been very helpful . thank you ! good bye . eos 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 i 'm looking for a train to cambridge that leaves on saturday . eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Day O O N/A +bos the london kings cross travels to cambridge on saturday . where are you leaving from ? eos O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O Train-Request+Depart +bos i 'm leaving from peterborough and want to arrive by 12:30. eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O N/A +bos the tr7594 leaves at 05:19 and arrives by 06:09. would you like me to book it ? 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 can you tell me the price of the ticket please ? eos O O O O O O O O O O O O Train-Request+Price +bos sure - tickets from peterborough to cambridge are 13.20 gbp each . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos great i also am looking for a restaurant called dojo noodle bar 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 dojo noodle bar is an asian oriental restaurant in the cheap price range . eos O B-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+Price O O O N/A +bos i would like to book dojo noodle bar for one at 18:15 on saturday , please . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos that time is not available . what other time would work for you ? eos O O O O O O O O O O O O O O O Booking-NoBook,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 you for 17:15 on saturday . tables are held for 15 minutes . the reference # is waeol74o . eos O O 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 B-Booking-Book+Ref O O O 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 it was a pleasure . 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 restaurant serving british food that 's in the centre . eos 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 restaurant one seven serves british food and is located in the centre . 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 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 O Booking-Inform +bos can you give me more information about this place ? eos O O O O O O O O O O O N/A +bos it 's located at de vere university arms regent street city centre . it 's one of my favorite restaurants ! 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 O O O O N/A +bos okay . that sounds good . can you give me the phone number and price range ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price +bos 01223337766 , is the phone . it is in the moderate price range . eos O B-Restaurant-Inform+Phone O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos i forgot to ask for the address . can i get that also , please ? eos O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos as mentioned before the address is de vere university arms regent street city centre , can i assist with anything else ? 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 O O O O O O O general-reqmore +bos yes , i need a train to cambridge leaving sometime after 16:15 on wednesday . eos O O O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day 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 ely eos O O O O O O B-Train-Inform+Depart N/A +bos i have located several options train tr8610 leaves at 17:35 , tr0328 leaves at 19:35 , tr5050 leaves at 21:35 , or tr8230 leaves at 23:35. would you like me to book tickets ? 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+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos earlier is better , please book me for one at 17:35. eos O O O O O O O O O O O O N/A +bos absolutely ! can you please confirm how many tickets you would like to book ? eos O O O O O O O O O O O O O O O O Train-Request+People +bos i would like one ticket please . how long will the travel time be on that ? eos O O O O O O O O O O O O O O O O O O Train-Request+Duration +bos the train will take 17 minutes to arrive at your destination . may 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 O O O O O general-reqmore +bos no , thank you . eos 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 O general-bye +bos could really use some grub . eos O O O O O O O N/A +bos sure . is there any part of town that you 'd like to look for food in ? eos O O O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos somewhere in the centre . i 'm looking for some traditional food . eos O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O O N/A +bos i 'm sorry , but there are n't any traditional restaurants in the centre . would you like to try another cuisine ? 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 O O O O O Restaurant-Request+Food +bos ok , how about lebanese food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos ali baba is a great restaurant that fits exactly what you are looking for . would you like me to book a table 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 O O O O O O O O O O Booking-Inform +bos yes , please book me a table for 2 people at 12:00 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 i 'm sorry , that is n't available . is there another day or time you could eat ? 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 how about at 11:00 instead ? eos O O O O B-Restaurant-Inform+Time O O N/A +bos your reservation for 11:00 was successful and your reference number is q1xudh9y . 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 wonderful . thanks for your help today . bye . eos O O O O O O O O O O O general-bye +bos thank you , have a good day . goodbye . eos O O O O O O O O O O O general-bye +bos i need a train leaving cambridge on saturday please . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos we have trains leaving every two hours . where is your destination and when would you like to get there . eos 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 O O Train-Request+Arrive,Train-Request+Dest +bos i would like a train that is leaving after 18:15 and is going to peterborough . eos O O O O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O N/A +bos alright , you have 11 options . trains from cambridge to peterborough leave twice an hour , beginning at 18:34 and running until 23:34. would you like me to book one of these trips ? eos O 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O O Train-OfferBook +bos could i please have the arrival time for the train that leaves at 18:34 ? eos O O O O O O O O O O O O O O O O Train-Request+Arrive +bos sure , the 18:34 train will arrive in peterborough at 19:24. eos O O O B-Train-Inform+Leave O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive 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 i can help you with that as well , where would you like to stay ? and would you like me to book a seat on the train departing cambridge at 18:34 ? eos O O O O 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-OfferBook+Depart O B-Train-OfferBook+Leave O O O Hotel-Request+Area +bos no need to book the train yet , thanks . i 'd like a hotel in the south with 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 N/A +bos i have 33 that meet your criteria . what is the 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 Hotel-Request+Price +bos i am looking for a moderately priced stay . eos O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are two options for you : alesbray lodge guesthouse and bridge guesthouse . would you like me to book you a room at one of these ? 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 O O O O O O O O O O O O O O O Booking-Inform +bos i 'll take the alesbray lodge guesthouse , can you book it for 4 people starting on wednesday ? we would be staying 3 nights . eos 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 O O B-Hotel-Inform+Stay O O O O N/A +bos i was able to book the guesthouse for you for 3 nights for 4 people . your check-in day is wednesday and your reference number is v9xd9kr7 . eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O B-Booking-Book+Stay O O B-Booking-Book+People O O O O B-Booking-Book+Day I-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A +bos thanks , that 's all i needed . have a good day . eos 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 am looking for a chinese restaurant 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 sure , there are 10 chinese restaurants in the centre of town , do you have a price range in mind ? 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 O O O O O O O O O O Restaurant-Request+Price +bos it does n't matter . can you pick one and give me the postcode and the 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 Restaurant-Request+Post,Restaurant-Request+Price +bos sure , the charlie chan is good , the price range is cheap and postcode is cb21db . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O B-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Post O O O N/A +bos can you recommend an attraction that is also 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 certainly . you might enjoy all saints church . it 's famous for its architecture , and free to visit . eos O 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 B-Attraction-Recommend+Fee O O O O O O O N/A +bos that sounds great ! could you send me the phone number , postcode , and attraction type ? 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+Type +bos all saints church is famous for its architecture . it 's located on jesus lane , cb58bs . they can be reached at 01223452587. is there anything else i can find for you ? eos O O B-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 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 yes . i need a taxi to take me from the church to the restaurant at 21: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 i found a red skoda phone number is 07911744131 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A +bos could you book that taxi for me , please ? and that 's the car make and contact number , 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 Taxi-Inform +bos yes , that 's right . your taxi booking is complete . eos O O O O O O O O O O O O O Taxi-Inform +bos thank you , i have no more questions . eos O O O O O O O O O O general-thank +bos my pleasure . goodbye . eos O O O O O O general-bye +bos i 'd like a resturant in the centre of town that serves canapes food . eos 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 unfortunately , i do n't have any available listings that fit that type . would you like me to try another type of cuisine or 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 O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-NoOffer +bos maybe take another look ? i need an expensive canapes restaurant in the centre . eos O O O O O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O N/A +bos i 'm sorry , i could not find any restaurants fitting that description . would you like to suggest another cuisine 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 Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer +bos that 's okay . let 's try european food instead , with the other details the same . eos 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 have two available . the eraina and michaelhouse cafe . can i assist you in booking a table at either of these ? 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 O O O O O O O O O O O O O Booking-Inform +bos can you just give me the postcode of eraina ? eos O O O O O O O O O O O Restaurant-Request+Post +bos sure , the postcode is cb23rh . can i be of further service today ? eos O O O O O B-Restaurant-Inform+Post O O O O O O O O O O general-reqmore +bos you 've been more than helpful . thanks but thats all i need . have a good night . 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 ! 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 place to eat in south cambridge that is more on the expensive side . eos 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 yes there are 5 different places that serve 4 different types of food . eos O O O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i would prefer vegetarian food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos unfortunately , there is no expensive vegetarian restaurant in that area . would you like to look for something else ? 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 Restaurant-Request+Food +bos i would like to try chinese food then . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos peking restaurant is a great place . can i book a table there for you ? eos 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 +bos i want a table for 6 people at 11:30 on tuesday . 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 booking was successful for peking restaurant . the table will be reserved for 15 minutes . your reference number is sdu5ra0n . do you require any further assistance ? 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 B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos yes i 'm also looking for a train to arrive at 8:15 eos O O O O O O O O O O O O O N/A +bos from where will you be departing ? and how many will be traveling ? eos O O O O O O O O O O O O O O O Train-Request+People,Train-Request+Depart +bos i will be departing from london kings cross and need to arrive in cambridge by 08:15. 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+Dest O O N/A +bos i would be happy to assist you . i will need to know what day you 'd like to depart before 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 Train-Request+Day +bos i will be departing tuesday . eos O O O O O B-Train-Inform+Day O N/A +bos there are two trains available . one leaves at 5:17 and the other leaves at 7:17. which 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 O O O O O Train-Select +bos actually i am departing from london liverpool street . i need a train to cambridge on tuesday that arrives by 8:15. 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+Dest O B-Train-Inform+Day O O O O O N/A +bos there is a train that gets in at 7:07. would you like to purchase tickets ? eos O O O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos how much does the ticket cost ? eos O O O O O O O O N/A +bos tickets cost 16.60 pounds per ticket . eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos great . thank you very 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 i can assist you with ? i can help you create a booking for 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 general-welcome,general-reqmore,Train-OfferBook +bos i need a train leaving after 18:15 departing from birmingham new street eos O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A +bos ok , and what day are you traveling ? eos O O O O O O O O O O Train-Request+Day +bos friday . i 'll be heading to cambridge . eos O O O O O O O O O O N/A +bos train tr8903 departs for cambridge on friday at 18:40. will this work for you ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Leave O O O O O O Train-Select +bos yes , that works - could you book 3 tickets please . also , what is 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 O O Train-Request+Ref +bos i have booked the 3 tickets for you . the reference number is wgu9cz1c . eos O O O O O O B-Train-OfferBooked+People O O O O O O B-Train-OfferBooked+Ref O O N/A +bos 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 . eos 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 N/A +bos i believe the alpha-milton guest house might meet your needs . it 's moderately priced in the north , 3 stars , with no internet or parking . would you like more information ? 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 I-Hotel-Inform+Price O O B-Hotel-Inform+Area O B-Hotel-Inform+Stars 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 is it in the centre ? eos O O O O O O O N/A +bos no i 'm sorry alpha-milton guest house is in the north . do you need something in the centre ? eos O 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 O Hotel-Request+Area +bos i suppose the north will work for me . eos O O O O O O O O O O N/A +bos alright , would you like me to book you a room at the alpha-milton guest house ? 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 O O N/A +bos yes please . make sure to send me the postcode for the hotel . eos O O O O O O O O O O O O O O O Hotel-Request+Post +bos the postcode for the alpha milton guest house is cb41xa . how many guests will be staying in your party and how many days ? when will your stay begin ? 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+Post 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 do n't need to book right now . i just needed to know the postcode and the hotel type please . can you confirm 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 Hotel-Request+Post,Hotel-Request+Type +bos certainly ! it is a guesthouse and the postcode is cb41xa . is there anything else i can help you with today ? eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Post O O O O O O O O O O O O O general-reqmore +bos i 'm sorry , i decided that i do need a hotel in the centre . eos 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 i have 3 results for hotels in the centre area . would you prefer moderate or expensive priced ? eos O O O O B-Hotel-Inform+Choice O 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+Price +bos i do n't car , but i 'm not bringing a car or computer so i do n't need parking or internet . which ones do n't have 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 N/A +bos i recommend the gonville hotel . it is an expensive 3-star hotel in the center . i can book a room there , if you like . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price 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 +bos that 's not necessary . thanks for the help ! eos O O O O O O O O O O O general-thank +bos you are welcome . is there anything else i may assist you with today ? eos O O O O 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 this system ! eos O O O O O O O O general-greet +bos we are in cambridge for a visit and looking for an expensive place to dine in the centre . are there any expensive italian restaurants in the centre ? eos 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 B-Restaurant-Inform+Food O O O O O O N/A +bos definitely ! i recommend caffe uno , at 32 bridge street city centre . 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 N/A +bos can i please get a table reserved for 8 people at 12:45 on sunday ? also , i 'll need the reference number 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 O O O O O O O O Restaurant-Request+Ref +bos ok , i made your reservation for 8 people on sunday . your reference number is 8k44ka03 . eos 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 N/A +bos thank you . also , i 'm looking for info on an attraction called the sheep 's green and lammas land park fen causeway . 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 I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O N/A +bos sheep 's green and lammas land park fen causeway is a park in the south part of town at fen causeway , newnham road . the postcoe is cb22ad . 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+Name I-Attraction-Inform+Name O O 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 B-Attraction-Inform+Post O O O O N/A +bos does it have an entrance fee ? eos O O O O O O O O Attraction-Request+Fee +bos no , it 's free to get in ! eos O O O B-Attraction-Inform+Fee O O O O O O N/A +bos great ! can i also book a taxi from the sheep 's green and lammas land park fen causeway to the restaurant to get us there before our booking ? 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 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 N/A +bos booking completed ! booked car type : blue hondacontact number : 07946418606 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 the help i need today . eos O O O O O O O O O O O O general-thank +bos great . i hope you have a wonderful trip ! eos O O O O O O O O O O O general-bye +bos hi i am looking for the attraction corpus christi can you find it for me ? eos O 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 corpus christi is located at king 's parade in the centre of the town . 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 O O O O N/A +bos super , i 'm right by there ... what kind of an attraction is corpus christi ? eos O O 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 a college located on king 's parade eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos okay . i 'm also looking for a restaurant called restaurant alimentum . eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos sure , i 've located that for you . what information would you like ? eos O O O O O O O O O O O O O O O O general-greet,general-reqmore +bos i need to reserve a table for 8 at 17:30 wednesday and the reference # too eos O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O O Restaurant-Request+Ref +bos your reservation for 8 people at the restaurant alimentum for this wednesday at 17:30 was successful . your reference number is : pjh9svze . eos O O O O O B-Booking-Book+People O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you . you have provided everything i needed . 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 need a train that leaving cambridge for ely . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos what day and time would you like to arrive in ely ? eos O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Day +bos i would like to leave on tuesday and arrive by 13:15. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos there are several options available that could suit you . the arrival times are anywhere from 06:07 to 12:07. what time do you want 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 B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O Train-Select +bos i 'd like the reference number please . eos O O O O O O O O O Train-Request+Ref +bos i 'm sorry , i can not give a reference number until we book you a seat . there is a train departing at 07:50 , would you like 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 O O O B-Train-Inform+Leave O O O O O O O O O O O Train-OfferBook +bos can i get one ticket on the train that arrives at 12:07 ? eos O O O O O O O O O O O O B-Train-Inform+People O N/A +bos not a problem . do you need the reference number ? eos O O O O O O O O O O O O general-greet +bos yes , i would like the reference number , please . i am also looking for a guesthouse as well . 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 Train-Request+Ref +bos a and b guest house located at 124 tension road phone number 01223315702 and is located in the east side . 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Phone I-Hotel-Inform+Phone O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos is it 4 stars and is there wifi ? eos O O O O B-Hotel-Inform+Stars O O O O O N/A +bos it is four starts and it does have wifi . eos O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O Hotel-Inform+Internet +bos great ! can i get the address , please ? eos O O O O O O O O O O O Hotel-Request+Addr +bos the address is 124 tenison road postcode cb12dp eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post N/A +bos also , does it have free parking ? eos O O O O O O O O O N/A +bos no it does not have free parking eos O O O O O O O O Hotel-Inform+Parking +bos i need one with free parking . eos O O O O O O O O N/A +bos i 'm sorry , your train reference number is thuz22rm . acorn guest house in the north has wifi and parking . would you like a reservation ? eos O O O O O O O O B-Train-OfferBooked+Id 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 O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos thanks for the train info . may i have the address for the acorn guest house , please ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Request+Addr +bos yes , it 's located at 154 chesterton road . may i help with something 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 O O O general-reqmore +bos no thank you . now that i have the info , i can take it from here . eos O O O O O O O O O O O O O O O O O O O general-thank +bos if that is all , have a good trip . thank you for contacting 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 O O O O O general-welcome,general-bye,general-greet +bos i 'm looking for a restaurant called little seoul ? eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos yes great spot . would you like for me to book ? eos O O O O O O O O O O O O O Booking-Inform +bos can you book it for me for 7 people at 11:15 on saturday and get a reference number ? 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 booking has been successfully made . the reference number is k87ke3lm . enjoy your meal ! eos O O O O O O O O O O O B-Booking-Book+Ref O O O O O O N/A +bos thank you ! i 'm also looking for information on a hotel called huntington marriott hotel please . eos O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos it is a 4 star hotel located in the west . do you need me to book for you ? eos O O 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 O Booking-Inform +bos yes i need it booked for our group for 3 nights . eos O O O O O O O O O O O B-Hotel-Inform+Stay O N/A +bos what day will you be coming in and how many in your party ? eos O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos we 'll be coming in on saturday and will be staying for three nights . eos O O O O O O B-Hotel-Inform+Day O O O O O O O O O N/A +bos booking was successful.reference number is : 8n94vo8j eos O O O O O O O B-Booking-Book+Ref N/A +bos that is all i need . goodbye . eos 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 'm looking for a place to go in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos ok , there are 44 different attractions in the centre . any particular type ? eos O O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area O O O O O O Attraction-Request+Type +bos nothing particular . maybe a cinema ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos the vue cinema is exactly what you 're looking for ! it 's located at the grafton centre , east road . do you want any 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 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 can you give me the phone number and postcode ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos phone number is 08712240240 and postcode is cb11ps . is there anything else i can assist you with ? eos O O O O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O O O O O O O O O O general-reqmore +bos yes , can you reserve a table at a restaurant for 2 people at 15:15 on saturday . type of food does n't matter just in the same area as the attraction . 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 O O O O O O O O O O O O O O N/A +bos how about bedouin ? it looks lovely eos O O O B-Booking-Inform+Name O O O O N/A +bos sounds good . please book eos O O O O O O N/A +bos i 've booked you at bedouin on saturday at 15:15. your reference number is : om74myom . eos O O O O O B-Booking-Book+Name O B-Booking-Book+Day O B-Booking-Book+Time O O O O O B-Booking-Book+Ref O O N/A +bos i also need a taxi to get to the restaurant by 15:15. eos O O O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos booking completed ! booked car type : red fordcontact number : 07349747219 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 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 great let us know if you need anymore assistance . 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 N/A +bos i can help you out ! what would you like to see ? eos O O O O O O O O O O O O O O general-reqmore +bos well , i actually need a place to stay . eos O O O O O O O O O O O N/A +bos ok did you need an attraction ? eos O O O O O O O O general-reqmore +bos yes , please . i am looking for a boat type of attraction . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos yes i have several in the center and one in the north and east . any preferences ? eos 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 O Attraction-Select +bos no preference . which one do you recommend ? eos O O O O O O O O O O N/A +bos the riverboat georgina you may like . it has passenger cruises and more . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O N/A +bos thanks , i 'm also looking for a train to cambridge departing 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 O 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 want to leave friday , after 10 eos O O O O O B-Train-Inform+Day O O 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 the tr0044 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 yes , could you please book that for me . i need one ticket . 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.09 gbp payable at the station .reference number is : uftqbozs . 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 that is all , have a great day . 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 i 'm looking for a place to stay that is on the cheap side . eos O O O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos there are 10 locations on the cheap side . do you have an area of town in mind ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O O Hotel-Request+Area +bos i have no preference regarding the area . eos O O O O O O O O O N/A +bos we have 1 hotel and 9 guesthouses that fit your criteria . do you have a preference ? eos O O O O O O O B-Hotel-Inform+Choice O O O O O O O O O O O Hotel-Select +bos are any of them 4 star guesthouses ? eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos 7 of them are four star guesthouses . would you like me to book you a reservation ? eos 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 Booking-Inform +bos what 's the postcode for your favorite of those guesthouses ? eos O O O O O O O O O O O O Hotel-Request+Post +bos how about alexander bed and breakfast ? it 's in the cb12de postcode . 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+Post I-Hotel-Recommend+Post O O O N/A +bos okay . can you also provide me with information on the cambridge and county folk museum ? i would like their phone number , venue type and postcode . 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 O O O O Attraction-Request+Type +bos got it right here . what would you like info on ? eos O O O O O O O O O O O O O general-reqmore +bos the county folk museum . i need the phone number , venue type 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+Type +bos sure thing . their phone number is 01223355159. postcode is cb30aq and it is in fact a museum like the name suggests eos O O O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O B-Attraction-Inform+Type O O O O O N/A +bos can you reserve tickets for me ? eos O O O O O O O O N/A +bos i can not reserve tickets to the museum , if that 's what you 're asking . eos O O O O O O O O O O O O O O O O O O Booking-NoBook +bos i 'm looking for a train to leave from stantsted airport on monday . eos O O O O O O O O O O O O B-Train-Inform+Day O O N/A +bos okay , there are several trains available.. looks like they are all going to cambridge . is that where you would like to go ? eos O O O O B-Train-Inform+Choice O O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O Train-Request+Dest +bos yes . is there one that leaves after 11:15 ? eos O O O O O O O O B-Train-Inform+Leave O O N/A +bos yes , there are five trains that leave after that time . is there a time you would 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 O O O O O O O Train-Request+Arrive +bos nope , what is the travel time on the one that leaves closest to 11:15 ? eos O O O O O O O O O O O O O O B-Train-Inform+Leave O O Train-Request+Duration +bos i recommend tr5754 . it leaves 11:24 . can i book for for eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos i do n't want to book yet , i need to first make sure that i can stay at a hotel called `` 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 O N/A +bos would you like to book a room at the acorn guest house ? eos 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 yes please book it for 5 people and 4 nights starting from 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 N/A +bos i 've made those reservations and your reference number is 2oqy5dxg . 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 was all i needed . 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 nice trip ! eos O O O O O O O O O O O O O O O general-bye +bos i 'm looking for an expensive hotel in cambridge that offers free wifi for guests . 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 express by holiday inn cambridge is a nice one . do you want to book ? eos 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 what part of town is it located in ? eos O O O O O O O O O O N/A +bos it is located in the east . do you need a reservation ? eos O O O O O O B-Hotel-Inform+Area O O O O O O O Booking-Inform +bos i 'm actually looking for something in the centre part of town . is the one you mentioned a 5 star ? 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 expensive hotels in the centre of town . one is rated 4 stars and the other 3 stars . the one i mentioned earlier is only rated 2 stars . 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 O O B-Hotel-Inform+Stars O O O O O O O O O O O O O N/A +bos i would like more info on the three star please . eos O O O O O O O O O O O O N/A +bos gonville hotel has free wifi and parking , and is located at gonville place , cb11ly . their number is 01223366611. want to book ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O B-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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos thats sounds perfect . but , i do n't need to book today . although , can you tell me their 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 N/A +bos their star rating is 3. eos O O O O O B-Hotel-Inform+Stars N/A +bos ok. i also need to find a restaurant . eos O O O O O O O O O O Restaurant-Inform +bos ok. do you have a food preference , or maybe a part of town you 'd like the restaurant to be 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 Restaurant-Request+Food,Restaurant-Request+Area +bos i would like to find an indian restaurant that is in the expensive range . eos 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 there are many expensive indian restaurants , could you narrow it down by location or would you like for me to make a recommendation ? eos 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 O O O O Restaurant-Request+Area,general-reqmore +bos make a recommendation please . eos O O O O O O N/A +bos curry garden is an expensive indian restaurant located in town centre . 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 I-Restaurant-Recommend+Area O N/A +bos can you make a reservation for saturday for 7 people at 15: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 you are booked for curry garden on saturday . your reference number is blg9k1bw . may i help you with something else ? eos O O O O O B-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 general-reqmore +bos i 'd like a taxi to take me from the hotel to curry garden for my reservation . 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 O N/A +bos your taxi has been booked . it will be a grey ford and the contact number is 07955235640. 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 can you please let me know what time i 'll arrive at curry garden ? i do n't want to miss my reservation , it 's my best friend 's dirty thirty . eos O O O O O O O O O O O O O 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 , you will arrive by 15:15. eos O O O O O O B-Taxi-Inform+Arrive O N/A +bos thanks alot for helping eos O O O O O general-thank +bos you 're very welcome ! bye ! eos O O O O O O O O general-welcome +bos can you find me 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 there are 33 restaurants in the centre . what kind of food are you looking for ? or is there a certain price range that you need ? 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 O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos i am 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 yes i have the curry garden at 106 regent street city centre . would you like their telephone number ? 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 I-Restaurant-Inform+Addr O O O O O O O general-reqmore +bos i would actually like to book it for 6 people at 13:45 on sunday . 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 that booking was unsuccessful . 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 Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos can you try to book for 6 at 12:45 instead ? and if it is availabe , can i get a reference number for my booking ? 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 O O O O Restaurant-Request+Ref +bos the booking was successful . the reference number is w3eifxn1 . 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 tell me about a place to go in town , maybe 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 there are 5 colleges in my search . is there a specific area you want it to be in ? 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 Attraction-Request+Area +bos 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 . eos O O O O O 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+Addr +bos christ 's college is in the centre of town at 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos that sounds good . what 's the address ? eos O O O O O O O O O O Attraction-Request+Addr +bos hold on while i look up the address for christ 's college . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos thank you . please tell me the area and address of christ 's college . eos 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+Addr +bos it is the centre and the address is saint andrew 's street . eos O 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 N/A +bos great 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 O general-thank +bos you 're welcome . have a nice evening . eos O O O O O O O O O O general-welcome +bos i am looking for places to go , preferably a museum located 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 N/A +bos i have several and most include free admission . how about cambridge artworks ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Inform+Fee O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos that sounds interesting . can you give me the address ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos you 'll find cambridge artworks at 5 greens road . eos 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 O N/A +bos i am looking for a place to eat as well . somewhere that is in the same area as the museum and serves gastropub 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 B-Restaurant-Inform+Food O O O N/A +bos i 've found one location that matches those criteria , the royal standard . would you like me to book you a table ? eos 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 O O O Booking-Inform +bos no thank you , i 'd just like the postcode for it please . eos O O O O O O O O O O O O O O O Restaurant-Request+Post +bos the postcode is cb13nl . 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 would you be able to arrange taxi service from cambridge artworks to royal standard leaving by 13:30 ? 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 O B-Taxi-Inform+Leave O N/A +bos alright , you 're all booked . the car is a red tesla and their contact number is 07885428664. 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 N/A +bos that sounds perfect , thank you . that is 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 general-bye +bos thank you for calling . enjoy your stay . eos O O O O O O O O O O general-bye +bos hello , i 'm looking for a train to ely . i need to leave on saturday . eos O O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Day O O O O N/A +bos i see there are 10 trains leaving ely on saturday . where would you like to go ? eos O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart B-Train-Inform+Day O O O O O O O O Train-Request+Dest +bos i do no want to leave ely . i want to go to ely . i am leaving from cambidge . 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 N/A +bos my apologies , there are 10 trains commuting from cambridge to ely on saturday . what time would you prefer to depart by ? eos O O O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O O O O Train-Request+Leave +bos i do n't have a departure time in mind but the train should arrive by 11:00. eos O O O O O O O O O O O O O O O B-Train-Inform+Arrive O Train-Request+Leave +bos tr0718 arrives in ely at 10:07. would that work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O general-reqmore +bos that works perfectly . i am also looking for a cheap place to stay . can you help me with this ? 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 N/A +bos sure , i can help with that . do you have an area , or amenites i should 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 Hotel-Request+Area +bos i 'm looking for a 3 star hotel in the north area . eos O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O N/A +bos hamiliton lodge is a 3 star hotel with internet and parking in the north area . would that work for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Area O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos is it in the moderate price range ? eos O O O O O B-Hotel-Inform+Price O O O N/A +bos yes it is in the moderate price range with a 3 star rating and also includes free parking and internet . can i book a room for you ? eos O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes , for person and for 2 nights starting on thursday . eos O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O N/A +bos i was able to book the room for you on thursday for 2 nights . the reference number is 73mseuiq . is there anything else i can help you with ? eos O O O O O O O O O O O B-Booking-Book+Day I-Booking-Book+Day 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 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 quite welcome . thanks for contacting cambridge towninfo centre and have a wonderful day . 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 information on a restaurant it 's called saffron brasserie . eos 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 saffron brasserie is an expensive indian restaurant in the centre . would you like me to make reservations ? 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 O Booking-Inform +bos oh yes ! please i need a reservation for 5 people on saturday at 18:00. i need a reference number too . 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 Restaurant-Request+Ref +bos sure , the reference number is psidghac . eos O O O O O O B-Booking-Book+Ref O O N/A +bos i am also looking for places to go while in town . do you have a swimmingpool ? eos 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 4 places to swim in town . does the area matter ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O O O O O O O Attraction-Request+Area +bos i 'm not particular on the area ; is there one near saffron brasserie ? eos O O O O O O O O O O O O O O O O N/A +bos parkside pools is in the centre . that would be closest to saffron brasserie . 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 N/A +bos okay that will work , what is the postcode ? eos O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb11ly . eos O O O O B-Attraction-Inform+Post O N/A +bos great , thank you . can you also help me with getting a taxi from the restaurant to 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 Restaurant-Inform,Taxi-Inform +bos certainly . what time would you like the taxi to fetch you from the restaurant ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i would like a taxi to pick us up from the restaurant at 20:00. can you please give me the contact number and car type of 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 O Taxi-Request+Car +bos absolutely . you will be picked up at the restaurant by a black lexus . here is your contact number : 07511821304. anything else i can help with ? eos O O O O O O O O O B-Taxi-Inform+Depart 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 's it . thank you for your service ! 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-greet +bos are there any entertainment attractions in the centre of town ? eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O N/A +bos unfortunately , i have n't found anything . would you like me to search for another type of attraction , 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 O Attraction-Request+Type,Attraction-Request+Area,Attraction-NoOffer +bos sure . are there any colleges in the centre ? eos O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos yes , there are 13 colleges located in the centre . can i help you narrow down the results ? eos O 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 general-reqmore +bos sure , i would like the largest college available eos O O O O O O O O O O N/A +bos gonville and caius college area-centre phone # -01223332400 post code-cb21ta address-trinity street entrance fee-free eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O B-Attraction-Inform+Addr N/A +bos thank you . can you also find a turkish restaurant that is moderately priced ? 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 there are two that match your requests . anatolia and efes restaurant . would you like me to book one for you ? 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 O O O O O O O O Booking-Inform +bos is one of them in the centre area . i would like one close to the college . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O N/A +bos they are both located in the centre . efes restaurant is located at king street city centre . would you like to reserve a table ? eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area 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 O O O O O O O O O O Booking-Inform +bos we 'll try efes , could you book me a table for 2 on thursday at 11:15 ? i 'll need the reference number also . 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 Restaurant-Request+Ref +bos you are all set at the efes on thursday at 11:15. your reference number is nz89k99x . is there anything else i can help you with ? 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 O O general-reqmore +bos no that is it thank you . eos O O O O O O O O general-thank +bos so happy i could help ! enjoy the rest of your day ! eos O O O O O O O O O O O O O O general-bye +bos hi - i 'm looking for an expensive restaurant on the east side of town . can you help me ? 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 O O O N/A +bos yes i there are five restaurants that match what you are looking for . is there a food type you would prefer ? 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 Restaurant-Request+Food +bos surprise me . i just need a table for 6 at 12:00 on thursday . 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 sure , i have made a reservation for 6 people at 12:00 thursday at grafton hotel restaurant reference number is : swdeohlf . may i help with anything else ? eos O O O O O O O O O B-Booking-Book+People O B-Booking-Book+Time B-Booking-Book+Day 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 general-reqmore +bos no , that 's all i needed , thank you . eos O O O O O O O O O O O O general-thank +bos you are very welcome ! enjoy your meal ! eos O O O O O O O O O O general-bye +bos i 'm looking for a cheap restaurant where i can get some korean food , please . eos 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 there are no cheap korean restaurants in the area , would you like to look up a different restaurant ? eos O O 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 Restaurant-Request+Name,general-reqmore +bos what about a cheap korean restaurant in the north ? eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O N/A +bos i 'm sorry , but there are no restaurants that match your criteria . would you care to broaden your search a bit ? eos O 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 what about italian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos does it have to be cheap and located in the north as well ? eos O O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos yes it does have to be . eos O O O O O O O O N/A +bos i found da vinci pizzeria would you like to book a table there ? 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 sure . i 'd like a reservation for tuesday . eos O O O O O O O O O O O N/A +bos ok , for how many and at what time ? eos O O O O O O O O O O O Booking-Request+Time,Booking-Request+People +bos 18:00. also i need 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 20 milton road chesterton , cb41jy , and 01223351707. anything else ? eos 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 O O general-reqmore +bos yes , i am also looking for a cheap hotel in the same area as the restaurant . eos 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 worth house matches your criteria . would you like me to 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 Booking-Inform +bos yes please book it for four people in the three nights starting on sunday eos O O O O O O O O O O O O O O B-Hotel-Inform+Day N/A +bos i am sorry , but i was unable to book your request , would you be able to move the starting date or have 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 i suppose . is there a room available for 2 nights , starting sunday ? eos 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.reference number is : tf5t6myf.. anything else ? eos O O O O O O O B-Booking-Book+Ref 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 you are quite welcome . have a pleasant stay . eos O O O O O O O O O O O general-welcome,general-bye +bos what is there to do in the centre part of cambridge ? eos O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos there is so much to see . do you have any interests ? eos O O O O O O O O O O O O O O Attraction-Request+Type +bos i was thinking of some kind of movie maybe . are there any cinemas in that part 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 O O N/A +bos there is vue cinema at the grafton centre , east road , postcode cb11ps . their phone is 08712240240. eos 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 B-Attraction-Inform+Phone O O O N/A +bos i also need a train eos O O O O O O Train-Inform +bos please help me with more details on the time eos O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i 'll need a train departing from cambridge on sunday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos okay , great . we have a lot of options . would you like to narrow it down further 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 O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Dest,Train-Request+Depart +bos sure . i 'd like to leave after 20:30 and go to peterborough . eos O O O O O O O B-Train-Inform+Leave O O O O O O O N/A +bos there is a train that leaves at 21:00. eos O O O O O O O O B-Train-Inform+Leave N/A +bos please book for 2 people . eos O O O O O B-Train-Inform+People O N/A +bos reference number is : jfm4htl4 . is there anything else ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O general-reqmore +bos no , i do n't think so . thank you for your help ! eos O O O O O O O O O O O O O O O general-thank +bos it 's been a pleasure . 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 i 'm looking for a place to stay , some place expensive and with a 2 star rating . eos 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 N/A +bos i found the express by holiday inn cambridge . it offers free internet and parking and is very nice . 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 O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i need it to be in the east . eos O O O O O O O O O O N/A +bos it is . would you like to make a reservation ? eos O O O O O O O O O O O O Booking-Inform +bos sure , i would love that . eos O O O O O O O O N/A +bos for what day and time could you like the reservation to be made ? eos O O O O O O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos i 'm sorry , i do n't actually need a reservation . but can you recommend an expensive modern european restaurant in cambridge ? eos O 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 O O O O O N/A +bos in what area are you looking for ? eos O O O O O O O O O Restaurant-Request+Area +bos in the east , book a table for 3 people at 11:30 on tuesday . eos O O O B-Restaurant-Inform+Area O O O O O O O O O O O O N/A +bos i 'm sorry there is n't an expensive modern european restaurant in the east . would you like to try another area ? eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-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+Area +bos yes please try the north area . eos O O O O O O O O N/A +bos the only modern european restaurant is in the center of town . eos O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos make a reservation for 3 people at 11:30 on tuesday , a taxi to commute between the two places by the booked time . i need reference number , contact number and care type . eos O O 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 O Restaurant-Request+Ref +bos ok , i have your table booked at darrys cookhouse and wine shop . your reference number is nx1lavog . your taxi will be a yellow skoda , contact number 07967910816. 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 O B-Booking-Book+Ref 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 . you 've been very helpful . eos O O O O O O O O O general-thank +bos is there anything else you need from me ? eos 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 you 're most welcome . have a good time . eos O O O O O O O O O O O general-welcome,general-bye +bos i am planning a trip to cambridge eos O O O O O O O B-Train-Inform+Dest N/A +bos do you need a train ? or would you like information on restaurants , attractions , or hotels ? 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 need a train for friday ? eos O O O O O O B-Train-Inform+Day O N/A +bos there are hundreds of trains i can book for you . where are you going and what time do you need to be 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 Train-Request+Dest,Train-Request+Arrive +bos i 'm going from cambridge to broxbourne , departing after 20:45 on friday . eos 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 O N/A +bos the first train after that time is tr8966 . it leaves at 21:01 and arrives in broxbourne at 22:01. would that work or do you prefer a later train ? eos 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+Dest O B-Train-Inform+Arrive O O O O O O O O O O O O Train-Select,Train-OfferBook +bos that is fine , can i also get the total travel time for that ? eos 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 60 minutes . did you need any tickets ? eos O O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O general-reqmore +bos no thanks , i 'm also looking for an italian restaurant eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos okay ! what part of town would you like to dine in ? eos O O O O O O O O O O O O O O Restaurant-Request+Area +bos i do n't care , should be in the cheap price range . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos la margherita is a great place located in the west . would you like a reservation ? eos O O B-Restaurant-Recommend+Name I-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 reservation for now . but , can you please provide me with 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos sure . it 's located on 15 magdalene street city centre and the postcode there is cb30af . would you like the phone number as well ? 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+Post O O O O O O O O O O O O general-reqmore +bos yes . please thank you . eos O O O O O O O general-thank +bos the phone number for la margherita is 01223315232. can i assist you with something else ? eos O O O O O O O O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos that is all , thank for your help . eos O O O O O O O O O O general-thank +bos that 's wonderful . have a great day and let me know what i can do for you if you need me 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 general-bye +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos i can help you with all kinds of information . what are you looking for ? eos O O O O O O O O O O O O O O O O O general-reqmore +bos i 'd like to find a train for friday leaving after 16:30 , from peterborough . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O B-Train-Inform+Depart O O O N/A +bos tr0992 will leave at 16:48 and arrive by 17:38. do you need anything else ? 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 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 trip ! eos O O O O O O general-greet +bos i want to find information on a restaurant called wagamama . eos O O O O O O O O O O B-Restaurant-Inform+Name O N/A +bos oh good choice . wagamama is an expensive japanese restaurant that is located in the centre area . would you like me to reserve you a table ? eos O O O 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O O Booking-Inform,general-greet +bos sure i would like that , it 'll be fore 2 people at 18:00 on tuesday . 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 i was able to book at table for 2 on tuesday at 18:00. your reference number is : zzaa5fy2 . can i assist you with anything else ? eos O O 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 O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos yes i also want to find a mutliple sports attraction in the town centre . eos O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos i 'm sorry . we do n't have any results . would you like to try a different attraction 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 O Attraction-NoOffer +bos how about a museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos how about the castle galleries ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos yes , that sounds great . can you give me the address please . eos O O O O O O O O O O O O O O O Attraction-Request+Addr +bos the address for castle galleries is unit su43 , grande arcade , saint andrews street . is there any other information you need ? eos 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 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 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 train that should depart from cambridge and leave after 15:45. eos O O O O O O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Leave N/A +bos we have lots of those ! what day are you traveling ? eos O O O B-Train-Inform+Choice O O O O O O O O O Train-Request+Day +bos i 'm traveling on monday eos O O O O B-Train-Inform+Day O N/A +bos where will you be traveling to ? eos O O O O O O O O Train-Request+Dest +bos i 'll be traveling to stevenage . eos O O O O O B-Train-Inform+Dest O O N/A +bos tr0254 departs at 17:21 and arrives by 18:10. 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 , could you actually book 4 tickets please ? eos O O O O O O O B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 51.2 gbp payable at the station .reference number is : t665ri57 . 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 ! i 'm looking for things to do in town . eos O O O O O O O O O O O O O general-thank +bos we have many fine attractions in town ! if you do n't care about type or area , i recommend the funky fun house in the east . it 's funky and fun ! 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-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 N/A +bos i wish i could go be funky and fun ! i was really looking more for something in north , though . 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 N/A +bos how about the riverboat georgina in the north ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area O N/A +bos that sounds great . could you tell me their phone number , entrance fee , and attraction type ? 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+Type +bos it 's a boat trip . the ticket price varies based on your destination . they can be reached at 01223902091. would you like me to tell you what destinations are available ? eos O O O B-Attraction-Inform+Type O O O O B-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 O O O O general-reqmore +bos no that 's ok. thank you . 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 no that is all i need today . 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 i am planning a trip in cambridge eos O O O O O O O O N/A +bos we are happy to help you with some information for our city . what specifically can i 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 O O general-reqmore +bos i need a place to stay in the west eos O O O O O O O O O B-Hotel-Inform+Area N/A +bos i 'll be happy to help . can you tell me if there is an area of town 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 Hotel-Request+Area +bos in the west . a cheap hotel with free parking . eos O O O B-Hotel-Inform+Area O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O N/A +bos the cambridge belfry is a cheap hotel with free wifi and parking . the phone is 01954714600. can i help with a booking ? 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 O O O O O O B-Hotel-Inform+Phone O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos just the postal code please ? eos O O O O O O O Hotel-Request+Post +bos the postal code for that hotel is cb236bw . eos O O O O O O O O B-Hotel-Inform+Post O N/A +bos thanks ! i also need help finding a train . eos O O O O O O O O O O O Train-Inform +bos where are you traveling to and from and on what day and at what time ? eos 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,Train-Request+Depart +bos i 'm leaving from norwich . i 'll need to arrive at cambridge on monday by 08:15. eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Arrive O O O N/A +bos i found the tr9020 leaving at 05:16. how many tickets would you like to book ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O Train-Request+People +bos grab me 8 tickets please and i need the conf # too eos O O O O B-Train-Inform+People O O O O O O O O N/A +bos i will work on getting that booked and be back with you shortly . eos O O O O O O O O O O O O O O O Train-OfferBook +bos great , thank you . eos O O O O O O general-thank +bos booking was successful , the total fee is 140.8 gbp payable at the station .reference number is : dk26rl4o . 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 , thats all i need today eos O O O O O O O O O general-thank +bos you are most welcome eos O O O O O general-welcome +bos have a good day . eos O O O O O O N/A +bos please feel free to reach out to us if you have additional requests . 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-bye +bos can you assist me with the address and phone number of ask restaurant in cambridge . i need to try it when i cambridge , its a local restaurant . 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 O O O O O O O O O Hotel-Request+Addr +bos i would be happy to help . ask is located at 12 bridge street city centre . the phone number is 01223364917. do you need additional information ? eos O O O O O 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 B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos yes , i need a booking for 8 people at 15:30 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 O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : 1yghgspt . 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 ! can you also provide me with information on a hotel called the lovell lodge ? 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 N/A +bos lovell lodge is 2 star hotel in the moderate price range , located in the north . it has free parking and wifi . eos 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+Price O O O O O B-Hotel-Inform+Area O O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos that will work . can you give me the address ? eos O O O O O O O O O O O O Hotel-Request+Addr +bos the address is 365 milton road . can i help you with anything else ? 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 general-reqmore +bos i also need to book a taxi to commute between the hotel and the restaurant . 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 there are several taxi 's , what will your destination be ? eos O O O O O O O O O O O O O Taxi-Request+Dest +bos i 'm looking for somewhere fun to go in the west part 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 we have an entertainment venue called whale of a time in the west . eos O O O O B-Attraction-Inform+Type 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 N/A +bos that sounds good . what is their 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 the phone number is 01954781018. eos O O O O O B-Attraction-Inform+Phone N/A +bos how much is admission ? eos O O O O O O N/A +bos the admission fee is not currently available , so you may want to call their box office . 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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos looking for a train . the train should leave on tuesday and should leave after 19:00. eos O O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave N/A +bos okay , where are you headed and where are you departing from ? eos O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos first can i get the address for whale of a time ? eos O O O O O O O O O O O O O Attraction-Request+Addr +bos sure , the address is unit 8 , viking way , bar hill . 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 N/A +bos for the train , i am leaving cambridge and going 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 tr5928 leaves cambridge at 19:29 and arrives by 20:07 , making it a 38 minute trip . it costs 10.10 pounds . 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 O B-Train-Inform+Arrive 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 Train-OfferBook +bos yes please . i would like one seat . eos O O O O O O O O O O N/A +bos okay . i booked you one seat on tr5928 . the reference number is d42f8osx and it will cost 10.1 gbp . eos O O O O O O B-Train-OfferBooked+People 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 N/A +bos thank you for your help , that is all for now . eos O O O O O O O O O O O O O general-thank +bos thanks for choosing to stay in our city , enjoy the trip ! eos 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 nightclub to go to located in the centre ? thanks . 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 N/A +bos there are many to chose from . do you want a recommendation ? eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O general-reqmore +bos yes please make a suggestion . eos O O O O O O O N/A +bos of course i would recommend kambar located at 1 wheeler street . the entrance fee is 5 pounds . would you like their phone number ? eos 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 O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O O O O general-reqmore +bos yes , and their postcode as well . eos O O O O O O O O O Attraction-Request+Post +bos their postcode is cb23qb . 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 yes , i need a train to cambridge . eos O O O O O O O B-Train-Inform+Dest O O N/A +bos sure , i can help with that . 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 Train-Request+Day,Train-Request+Leave +bos the train should arrive by 12:00 and should depart from peterborough.the train should go to cambridge and should leave on monday . eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Day O N/A +bos there is a 12:19 that will arrive by 13:09. how does that sound ? eos O O O O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O O Train-OfferBook +bos yes that is fine please make a booking for 7 people . eos O O O O O O O O O O O B-Train-Inform+People O N/A +bos reference number is : xv2wdraa . is there anything else you need ? eos O O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos can i get the reference number for this ? eos O O O O O O O O O O Train-Request+Ref +bos the reference number is xv2wdraa . is there anything else i can help you with today ? eos O O O O O B-Train-Inform+Ref O O O O O O O O O O O O general-reqmore +bos that was all for today , thank you . eos O O O O O O O O O O general-thank +bos i 'm happy to be of service , and thanks 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 general-bye +bos yes , hi ! i am looking for a hotel in the tampa bay area . eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos you did not read the directions of this hit . there is no tampa bay area . please read the directions next 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 Hotel-NoOffer,general-greet +bos i 'm sorry , dude . i 'm from florida so i 'm not very smart . i 'm trying to get from cambridge to stevenage . eos 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 O O O O O N/A +bos if you would like to take a train from cambridge to stevenage there is one leaving friday at 05:21 arriving by 06:10. does that work ? eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O B-Train-Inform+Choice B-Train-Inform+Day O B-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O N/A +bos i would like to leave on sunday and arrive by 18:45. i need tickets for 8 people . could you make the reservation and provide a reference number ? 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 O O O O O Train-Request+Ref +bos i can get you on tr0523 arriving at stevenage by 14:10. how many tickets will you need ? eos O O 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 O Train-Request+People +bos 8 tickets please , and i will need the reference number . eos O O B-Train-Inform+People O O O O O O O O O O Train-Request+Ref +bos your booking was successful . the total fee is 81.92 gbp which can be paid at the station . the reference number is 1a9jyqs7 . 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 N/A +bos i 'd like somewhere to go in town . something in the centre please . eos O O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos is there anything in particular you 're interested in doing/seeing ? eos O O O O O O O O O O O O Attraction-Request+Type +bos anything you recommend . i just need 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 Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Type +bos little saint mary 's church is an architecture attraction with no entrance fee . their phone number is 01223366202. 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+Fee O O O O O B-Attraction-Inform+Phone O N/A +bos thank you for all your help . eos 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 are there any theaters that i can go to while i 'm visiting cambridge ? eos O O O O O O O O O O O O O O O O N/A +bos yes ! ! several , like the cambridge corn exchange . is there a particular area you are interested in ? eos O O O B-Attraction-Inform+Choice 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 Attraction-Request+Area +bos yes a theatre in the east is what i am looking for . eos O O O O O O B-Attraction-Inform+Area O O O O O O O N/A +bos unfortunately there are n't any theatres in that area . would a different area work for you ? eos O O O O O B-Attraction-NoOffer+Type O O O O O O O O O O O O O Attraction-Request+Area +bos i would consider a museum . are there any in the east ? eos O O O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos yes i have 4 , does a entrance fee matter to you ? eos O O O O O B-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Price +bos i need the get postcode and phone number . eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos a museum wasnt picked , but i would recommend the cambridge museum of technology , the postal code is cb58ld and the number is 01223368650 , may i help with anything else . eos 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 B-Attraction-Recommend+Post O O O O B-Attraction-Recommend+Phone O O O O O O O O O O general-reqmore +bos i do n't want that museum , i hate technology . i want to destroy this computer i 'm using . 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 lol . okay how about the gallery at twelve a high street then ? 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 I-Attraction-Inform+Name O O N/A +bos is it an art gallery ? i also hate art . i 'm a curmudgeon . 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 O O N/A +bos it 's just listed as a museum but i would assume they have art there . anything else today ? 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 general-reqmore +bos i need a train to peterborough on saturday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there are a few trains to that place . where will you be departing 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 Train-Request+Depart +bos the train should leave on saturday and should depart from cambridge . eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart O N/A +bos the train nnumber is tr7310 and leaves at 5:06 eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave N/A +bos i am going to cambridge for a one week holiday . i need to take a train from leicester on sunday . eos O O O O O B-Train-Inform+Dest O O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos i have several trains to bring you to cambridge , the first one leaving leicester at 5:09. would that work for you ? eos O O O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave O O O O O O O N/A +bos is there a train leaving after 15:30 on sunday ? eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos no but we have one leaving at 16.09 eos O O O O O O O O B-Train-Inform+Leave Train-NoOffer +bos that 'll do . i need 8 tickets . eos O O O O O O B-Train-Inform+People O O O N/A +bos okay . your booking was successful . your total fee is 241.92 gbp which can be paid at the station . the reference number is kz0ffg5r . 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 O O B-Train-OfferBooked+Ref O O O O N/A +bos thanks ! i 'm also looking for something to do in town , in the south . 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 what kind of attraction are you interested in ? eos O O O O O O O O O O Attraction-Request+Type +bos a college please . eos O O O O O N/A +bos there are no colleges in the south to visit . how about a museum instead ? byard art is fantastic ! would you like some more information on it ? 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 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 O O O O O O O O general-reqmore +bos wow , thanks . i might check them out later but the people i 'm with think we should have a picnic in the park . are there any 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 B-Attraction-Inform+Type O O O O O O O O O O O N/A +bos yes , there are two . sheep 's green and lammas land park and wandlebury country park . do you have a preference ? eos 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 I-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 N/A +bos lammas land park sounds like fun . can you give me the post code , phone number 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 O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos sure the post code is cb22ad , phone number 01223302580 , and the entrance fee is free . eos O O O O O O B-Attraction-Inform+Post O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Fee O O O O O N/A +bos thanks a lot for the service . eos O O O O O O O O general-thank +bos is there anything else i may help you with ? eos O O O 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 thank you , enjoy the rest of your day . eos O O O O O O O O O O O general-bye +bos hello , i need to book a train at 07:15 leaving cambridge going to the town center on thursday for 7 people . eos O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day O O O O O N/A +bos sure i can help with that . there are no trains going to the town centre . do you have another destination in mind ? eos O O O O O O O O O O O O O O B-Train-NoOffer+Dest I-Train-NoOffer+Dest I-Train-NoOffer+Dest O O O O O O O O O Train-Request+Dest +bos could you check for a bus ? eos O O O O O O O O N/A +bos i think we may need to recheck your intended arrival location . to where and from where 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 Train-Request+Dest,Train-Request+Depart +bos i am leaving from cambridge at 14:30. eos O O O O O O O O N/A +bos and where are you going ? eos O 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 what time do you want to arrive by ? eos O O O O O O O O O O Train-Request+Arrive +bos does n't matter . i just ca n't leave until 14:30 eos O O O O O O O O B-Train-Inform+Leave O O O N/A +bos there is a 15:50 train that will arrive at 16:07. does that sound good ? eos O O O O B-Train-Inform+Leave O O O O O B-Train-Inform+Arrive O O O O O general-reqmore +bos does the train depart on friday ? does it go to stevenage ? eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O N/A +bos i 'm sorry , earlier you said you were going to ely , but now you 're asking about stevenage . what 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 O O O O O Train-Request+Dest +bos for clarification : from cambridge to destination stevenage , , on friday , leaving after 14:30. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O N/A +bos sorry about that , how many tickets ? eos O O O O O O O O O Train-Request+People +bos just one person eos O O O O N/A +bos there are five available trains , leaving every two hours , starting at 15:21. would you like me to book at seat on the earliest train ? 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 I-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O O O O O Train-Request+Leave,Train-OfferBook +bos do you know how long the travel time is and the price ? eos 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 all trains is approximately 49 minutes and each ticket costs 12.80 pounds . would you like me to book you on one ? 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 O O Train-OfferBook +bos no , that is all thanks . eos 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 a train from kings lynn , please . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O N/A +bos what day and what time ? eos O O O O O O O Train-Request+Leave,Train-Request+Day +bos i would like to leave on thursday and arrive by 15:15. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos i found 10 trains that match . how about tr2788 that leaves at 05:11 ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O N/A +bos that sounds fine . book for 8 people and get me the reference number eos O O O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos i booked the train . your reference is 8fyr7n4l and it was 78.4 total . eos O O O O O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket O O O N/A +bos great ! can you also recommend something interesting to do while i am in town ? eos O O O O O O O O O O O O O O O O O N/A +bos little saint mary 's church has some great architecture you could check out 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 O O N/A +bos is that in the centre ? if so , could i get the postcode , and how much 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+Post,Attraction-Request+Fee +bos sure thing ! their postcode is cb58bs and there is no entrance fees to get in eos O O O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee O O O O O N/A +bos great , that 's all i needed ! eos 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-welcome,general-bye +bos i 'm trying to find a nightclub 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 we have 5 nightclubs located in the centre of town . are you looking for a particular nightclub or do you want 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 Attraction-Request+Name,Attraction-Select +bos could you give me a recommendation as well as the entrance fee ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos ballare has a 5 pound entrance fee . eos O B-Attraction-Inform+Name O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos i need a train departing from london liverpool street . eos 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 and time would you like to travel ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i will need it on friday and intend to arrive by 12:00. eos O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos sure , i can help you with that . what day were you wanting to travel ? eos 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 friday . eos O O O O O O O B-Train-Inform+Day O N/A +bos the tr0637 will get you into cambrdige by 11:07. will that work for you ? eos 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 N/A +bos may i have the train id and price please ? eos O O O O O O O O O O O Train-Request+Price,Train-Request+TrainID +bos you already have the train id from previous conversations , but the price is 16.60 pounds . eos O O O O O O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos thanks . thats all i needed . goodbye . eos O O O O O O O O O O general-bye +bos thank you for choosing the cambridge towninfo centere . i hope you use us again . 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 chinese 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 there are 3 restaurants in centre and one in south . which area are you most interested in ? eos 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 O Restaurant-Select +bos let 's try the one in the south . are there openings on tuesday ? eos O O O O O O O O O O O O B-Restaurant-Inform+Day O O O N/A +bos i would need to know what time and for how many people in order to check on tuesday 's availability . eos O 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 Booking-Request+Time,Booking-Request+People +bos it will be at 15:30 on tuesday and there will be 4 people . eos O O O O O B-Restaurant-Inform+Time O O O O O O O B-Restaurant-Inform+People O N/A +bos i was unable to book . do you want to book another timeslot ? eos O O O O O O O O O O O O O O O Booking-NoBook,Booking-Request+Time +bos how about 14:30 instead ? eos O O O B-Restaurant-Inform+Time O O N/A +bos booking was successful to dine at the lucky star . table will be reserved for 15 minutes . your reference number is : m0ow1ei5 . anything else ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O O O O O B-Booking-Book+Time I-Booking-Book+Time O O O O O B-Booking-Book+Ref O O O O O N/A +bos yes i am also looking for a train that leaves on wednesday after 08:30 that departs from cambridge and goes to kings lynn . 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 B-Train-Inform+Depart O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos the earliest train after 8:30 would be the tr2831 , departing at 09:11 and arriving in kings lynn at 09:58. would you like to book a seat on that train ? eos O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O B-Train-Inform+Id 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 O O O O O O Train-OfferBook +bos yes , i need four tickets please . eos 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 : 9nz8a7wm . may i help you further ? 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 is all . eos O O O O O O N/A +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,general-greet +bos i am looking for information in cambridge . eos O O O O O O O O O N/A +bos sure , what can i help you with ? eos O O O O O O O O O O general-reqmore +bos are there trains leaving from peterborough on tuesday ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos yes , there are many trains leaving peterborough on tuesday , what are your arrival and departure times ? 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 O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i 'd like to arrive by 13:00. i 'd also like to book seats for 6 people . can you provide a reference number please ? eos O O O O O O B-Train-Inform+Arrive 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 your booking has been successful . you will take the tr5060 at 11:48 and arrive at 12:38. your fees are 99 gbp which you can pay at the station . fdpk5m0m eos O O O O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Leave 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 B-Train-OfferBooked+Ref O O N/A +bos yes i am also looking for an expensive restaurant on the west side . 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 what about graffiti ? it looks lovely eos O O O B-Restaurant-Recommend+Name O O O O N/A +bos grand . please can you give me the postcode and phone ? eos O O O O O O O O O O O O O Restaurant-Request+Post +bos 01223277977 is the phone number . cb30lx is the postcode . can i help you with anything else ? eos O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O 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 thank you for calling . have a fantastic trip ! goodbye ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i am looking for the limehouse hotel . eos O O O O O O B-Hotel-Inform+Name O O N/A +bos the limehouse guesthouse is located in the north at 78-80 milton road eos O O B-Hotel-Inform+Name B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos i 'd like to make a reservation for thursday for 6 people and we want to stay 2 nights please . eos O O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+People O O O O O O B-Hotel-Inform+Stay O O O N/A +bos i 'm sorry , but there are no rooms available for the days you have requested . 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 O O O 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 i am sorry there are no others in that price range or in that area , could i search another area for 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 Hotel-NoOffer,Hotel-Request+Area +bos are you sure there 's nothing available ? i really need something in the same price range as limehouse . 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 show acorn guest house which is in the same area and price range . would you like me to check availability 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 O O O O O Booking-Inform +bos yes please check it for me . eos O O O O O O O O N/A +bos i have good news . i was able to book you into the acorn guesthouse and your reference number is dt4envmj . 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 O B-Booking-Book+Ref O O N/A +bos oh good . thank you 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 's all . thanks again ! eos 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 could you help me find a 3 star guesthouse ? eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos the bridge guest house is 3 stars and located in the south . would you like me to book it ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Stars O O O O B-Hotel-Recommend+Area O O O O O O O O O Booking-Inform +bos it should be in the north , not south . eos O O O O O O B-Hotel-Inform+Area O O O O N/A +bos i am sorry about that , i have 2 in the north alpha-milton guest house , and hamilton lodge . would you like a booking at either of them ? eos O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area 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 either one . could you make a booking for 5 people starting wednesday for 4 nights eos O O O O O O O O O O O O O O O O B-Hotel-Inform+Stay N/A +bos ok i have made you a booking at the alpha-milton guest house for 4 nights starting wednesday for 5 people . 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 B-Booking-Book+Stay I-Booking-Book+Stay B-Booking-Book+Day I-Booking-Book+Day O B-Booking-Book+People O N/A +bos great . can you give me a reference number please ? eos O O O O O O O O O O O O Hotel-Request+Ref +bos sorry , the system must have glitched . i was n't able to get you that booking , but i got you a room at hamilton lodge . your reference number is : 24frowco . 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 O O B-Booking-Book+Ref O O O O O O O Booking-NoBook +bos okay great . that is all i need need 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 can you find me a place to say in the centre that includes free wifi ? eos O O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos i can recommend the alexander bed and breakfast . it is a guesthouse in the cheap price range . 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 B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O N/A +bos are there any in the moderate price range ? eos O O O O O O O O O O N/A +bos i have the cityroomz hotel which is in the moderate range with internet and no parking . would you like to book this hotel ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please i need a booking for 4 people and 2 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 that on is not open then , shall i try another ? eos 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 how about the el shaddai , they have free internet and free parking ? eos O O O O O B-Hotel-Select+Name I-Hotel-Select+Name O O O O O O O O Hotel-Select+Parking,Hotel-Select+Internet +bos that will be fine . eos O O O O O O N/A +bos great news ! your booking was successful and i have a reference number for you . it is pl4jeq9a . 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 your help . eos O O O O O O O general-thank +bos you are very welcome . please enjoy your stay . eos O O O O O O O O O O O general-welcome,general-bye +bos thank you very much . i will . eos O O O O O O O O O general-thank +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 need a particular hotel called the leverton house . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos i have located the leverton house . would you like me to book it for you ? 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 Booking-Inform +bos yes , please i would like it booked for 4 people . i would need this for 3 nights starting with monday . eos 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 N/A +bos i 'm sorry . i could n't book the leverton house for that day . would you like me to try another hotel ? eos 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 Hotel-Request+Name +bos yes , in the same price range , please . eos O O O O O O O O O O O N/A +bos okay . i was able to book you into the allenbell and your reference number is mll5wth5 . eos 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 N/A +bos that is wonderful . thank you for your help . eos O O O O O O O O O O O general-thank +bos thank you . please call again if you need anything else . eos 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 includes free wi-fi . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O N/A +bos okay i found quite a few . what area would you like ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area +bos i need a cheap one that has free wifi . eos O O O O O O O O O O O N/A +bos i have 23 guesthouse that meet your requirements . is there a price range or area of town you prefer ? 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 Hotel-Request+Area,Hotel-Request+Price +bos well i also would like free parking if that helps . eos O O O O O O O O O O O O N/A +bos i have found 9. would you like autumn house in the east ? i can book for you . eos O O O O O B-Hotel-Inform+Choice O O B-Hotel-Select+Name I-Hotel-Select+Name O O B-Hotel-Select+Area O O O O O O O Booking-Inform +bos yes that one would be great . can you book for saturday ? eos O O O O O O O O O O O O O O N/A +bos sure . how many days would you like to stay 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 Booking-Request+People,Booking-Request+Stay +bos i need to book 8 people for 3 nights starting on 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 N/A +bos i apologize but that guesthouse is unable to accommodate you . would you like me to choose a different guesthouse or change 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 N/A +bos yes but one in the same price range . eos O O O O O O O O O O N/A +bos i have booked alexander bed and breakfast . your reference number is v3ga3k4q . is there anything else ? eos 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+Ref O O O O O O O N/A +bos no . that is all i need . thank you so much ! eos O O O O O O O O O O O O O O general-thank +bos so glad i was able to help . have a great day . 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 with a 3 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 've found 6 choices that match your inquiry . 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 Hotel-Request+Price +bos i would like a lower price range with free parking . eos O O O O O O O O O O O O N/A +bos we have 3 guesthouses with free parking in moderate price range . 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 Hotel-Inform+Parking +bos i want to be in a hotel , not a guesthouse . eos O O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos there are no hotels matching your requirements , would you like to try something different ? eos O O O O O O O O O O O O O O O O O Hotel-NoOffer,general-reqmore +bos can you find me a hotel in the south with a 3 star rating free parking ? eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars O O O O N/A +bos the lensfield hotel matches that all your requirements , would you like to book there ? 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 Booking-Inform +bos yes please let 's try that . eos O O O O O O O O N/A +bos can you please let me know the details of your reservation such as number of people , length of stay , and arrival 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 Booking-Request+Day,Booking-Request+Stay,Booking-Request+People +bos please book for 6 people and 5 nights starting from 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 that booking was unsuccessful . would you like me to help you 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 is there another hotel in the same price range that you can book ? eos O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos there are none in the same area , can i check in another area ? eos O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos yes , please check in another area . eos O O O O O O O O O N/A +bos the gonville hotel in the centre area meets all your requirements . would you like to book there ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O O Booking-Inform +bos yes could you check there please . eos O O O O O O O O N/A +bos i have made a booking and it went through . your reference number is : aebkvjv3 . 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 yes , and please give me the reference number . eos O O O O O O O O O O O Hotel-Request+Ref +bos your reference number is aebkvjv3 . is there anything else you needed today ? eos 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 . 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-welcome,general-bye +bos i want to stay at a guest house , in the south . eos O O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos yes i have two in the moderate price range and on in the cheap price range , any preference ? eos 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 I-Hotel-Inform+Price O O O O Hotel-Request+Price +bos i will need free internet . eos O O O O O O O N/A +bos they all have free internet . would you like me to book one for you ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes . please book 4 people for 5 nights starting thursday . eos 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 was able to get a room for you at aylesbray lodge . your reference number is bb07ctao . anything else ? eos 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 general-reqmore +bos no that is all . thanks ! 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 you too thank you ! goodbye . eos O O O O O O O O general-bye +bos if you need further help , let us know . bye , thank you . eos O O O O O O O O O O O O O O O O general-bye +bos yes , i am searching for a hotel named the aylesbray lodge 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 O O N/A +bos i have found the hotel . it is in the moderate price range . would you like me to book it for you ? eos 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 Booking-Inform +bos yes please for 5 people for 3 nights starting from 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 'm sorry , i was not able to book aylesbray . would you like me to try another hotel ? 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 Hotel-Request+Name +bos yes please . i want to stay around the moderate price range though ! eos O O O O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i have you booked for a and b guest house . the reference number is o1uzcjc9 . is there anything else you need ? 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 B-Booking-Book+Ref O O O O O O O O O N/A +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 using the service . good bye . eos O O O O O O O O O O O general-bye +bos i am looking for a guesthouse that has free parking . eos O O O O O O O O O O O O N/A +bos i have a listing for arbury lodge guesthouse in the north of town , is that okay ? eos O 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 O O O O O Booking-Inform +bos what is its rating . i need a 4 star hotel ? eos O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos yes it is 4 stars . would you like me to 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 Booking-Inform +bos yes i need a room booked for 8 people . we will be there for 3 nights starting on friday . 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 N/A +bos i 'm sorry , the booking was unsuccessful . would you like me to find you another guesthouse ? 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 please could you try a different hotel in the same price range ? eos O O O O O O O O O O O O O O O Hotel-Inform +bos is there a price range you would like to stay within ? eos O O O O O O O O O O O O O Hotel-Request+Price +bos yes , the same price range as the arbury lodge please . eos O O O O O O O O O O O O O N/A +bos you are booked at limehouse . reference number : zup4ypxa . eos O O O O O B-Booking-Book+Name O O B-Booking-Book+Ref 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 sounds wonderful . i hope you have a great day . eos O O O O O O O O O O O O general-bye +bos could you help me locate a 4 star lodging on the north side of town ? eos O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O O N/A +bos sure . how about the avalon ? they also have free internet as well . eos O O O O O B-Hotel-Select+Name I-Hotel-Select+Name O O O O O O O O O Hotel-Inform+Internet +bos sure that would be lovely . eos O O O O O O O N/A +bos alright , for how many people and for how long would you like to book this ? 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 can i get it for 3 people , 4 nights and we will be there thursday . thank you eos 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 O N/A +bos i was unable to get you that booking , perhaps 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos sure , how about a different hotel in the same price range ? eos O O O O O O O O O O O O O O N/A +bos there are 7 guest houses in the same price range . archway house and arbury guest house are on the same road . would you like me to book one ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type 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 Booking-Inform,Hotel-Select +bos yes please book it for me . eos O O O O O O O O N/A +bos i was able to successfully book you , your reference number is ij54oohx , may 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 thank you so much for your help . eos O O O O O O O O O general-thank +bos i am happy i was able to confirm your booking . 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 O O general-reqmore +bos no . that is all i need . thank you so much ! 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 hi , i 'm looking for a guesthouse to stay in that includes free parking . can you find me something like that ? 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 N/A +bos is there a specific area you would like to stay in ? i have multiple options for you . eos O O O O O O O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 there are 9 guesthouses in the north side with free parking . is there a price range you are 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 O O O O O Hotel-Request+Price,Hotel-Inform+Parking +bos not really , but i do need free wifi . eos O O O O O O O O O O O N/A +bos yes , i see a 4 star guesthouse named acorn guest house that would suit you needs . would you like for me to proceed with booking ? eos O O O O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type I-Hotel-Recommend+Type 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 please , and what is the reference number ? i am also looking for a train departing norwich after 09:00. eos 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+Leave O O Hotel-Request+Ref +bos how many people will be staying at the hotel and for how long ? what day will you be arriving ? 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+People,Booking-Request+Stay,Booking-Request+Day +bos i need to book the room for 3 people starting on sunday for 4 nights . eos 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 N/A +bos alright , i have booked you a room at the acorn guest house for 4 nights . your reference number for that is yu96sdzx . are you still needing information about a train ? 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 B-Booking-Book+Stay 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 a train on sunday to leave after 9:00 and i need to get the price , arrival time and total travel as well , please . 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 O O O O O O Train-Request+Price,Train-Request+Arrive +bos there are 15 trains that leave norwich sunday after 9:00. did you have a specific destination in mind ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Day B-Train-Inform+Leave O O O O O O O O O Train-Request+Dest +bos the train should be going to cambridge and i need the price , as well , i need the arrival time and travel time . 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 O O Train-Request+Duration,Train-Request+Price,Train-Request+Arrive +bos there is a train leaving norwich at 9:16 sunday . the price is 14.08 pounds , the travel time is 79 minutes , and you will arrive by 9:16. want me to book it ? eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Leave B-Train-Inform+Day 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 O O O O O Train-OfferBook +bos no thanks , that 's all i need today ! eos O O O O O O O O O O O general-thank +bos alright , have a good day ! eos O O O O O O O O general-bye +bos need a train to cambridge leaving after 11:45. eos O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave N/A +bos we have quite a few trains available . what day are you wanting to travel on ? 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 Train-Request+Day +bos i would be leaving on wednesday . i would be leaving from london kings cross . eos 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 N/A +bos a train is departing london kings cross at 13:17 to cambridge . a train will depart every two hours after that time . would you like to book a train ? 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 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-OfferBook +bos yes i would like to book for 2 people . eos O O O O O O O O O B-Train-Inform+People O N/A +bos i have booked your train . your reference number is 9v6domnz and the fee of 47.2 is payable at the station . can i help 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 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 would really love to have some chinese food while i am in town . 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 lots of chinese restaurants in town . is there a particular area of town you would like to dine in ? 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 O O O O O O O Restaurant-Request+Area +bos i would prefer the south if there is anything available there . eos O O O O O B-Restaurant-Inform+Area O O O O O O O N/A +bos the lucky star is a cheap chinese restaurant . there are two expensive chinese restaurants as well . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O N/A +bos let 's go with lucky star please . what is the phone number ? 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 Restaurant-Request+Phone +bos the phone number for the lucky star is 01223244277. is there anything else i can help you with ? 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 O O general-reqmore +bos no . that 's all for now . thanks for all your help . bye ! eos O O O O O O O O O O O O O O O O O general-bye +bos enjoy your visit . thank you for contacting cambridge towninfo centre . good bye . 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 a train on thursday going to cambridge . eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A +bos sure , where will you be leaving from ? eos O O O O O O O O O O Train-Request+Depart +bos departing from london liverpool street going to cambridge arriving by 13:45 on thursday please . eos O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Arrive O O O O N/A +bos the tr8805 arrives by 1:07. how many tickets would you like ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-Request+People +bos just one , please eos O O O O O N/A +bos you 're booked for this train and the fee is 16.60 gbp payable at the station . your reference number is ke8grdrb . can i help you 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 O general-reqmore +bos thanks . i also need to find a place to dine . i 'm looking for something moderate in price and in the west . 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 B-Restaurant-Inform+Area O O Train-Request+Price +bos i have british , indian , or italian , what are you in the mood for ? eos 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 let 's try italian food . eos O O O B-Restaurant-Inform+Food O O O N/A +bos okay , i 've got the prezzo in the west area . how does that sound ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos that sounds perfect . can i get the postcode for it please ? eos O O O O O O O O O O O O O O Restaurant-Request+Post +bos sure thing , their zip code is cb30ad . eos O O O O O O O B-Restaurant-Inform+Post O O N/A +bos what 's the address and phone number for that too ? eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos they are located at 21-24 northampton road . the phone number is 01799521260. eos 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 N/A +bos thanks so much ! that 's all i need . goodbye ! eos O O O O O O O O O O O O O general-bye +bos have a nice day as well . goodbye . eos O O O O O O O O O O general-bye +bos what train should i take to get to cambridge by 14:45 ? eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos could you be more specific on where you are departing from 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 O Train-Request+Depart,Train-Request+Day +bos depart from london liverpool street and should leave on monday . eos 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 any arrival time in mind ? eos O O O O O O O Train-Request+Arrive +bos yes , 14:45. could you give me a departure time that meets my criteria ? eos O O O O O O O O O O O O O O O O Train-Request+Leave +bos yes , tr7040 leaves at 11:39 and arrives by 13:07. would that work 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 Train-OfferBook +bos i do n't know yet . do you know how much it will cost ? eos O O O O O O O O O O O O O O O O N/A +bos tickets are 16.60 pounds eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos okay . i am also looking for a restaurant . are there any restaurants in the centre that serve asian oriental food ? 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 I-Restaurant-Inform+Food O O O O N/A +bos there are several choices . do you have a specific price range ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Price +bos nah . can you just book me a table at your favorite one ? 2 people at 20:45 on monday , 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 i was not able to book a table at 20:45. 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 Booking-NoBook,Booking-Request+Time +bos how about 19:45 and give me a reference number eos O O O O O O O O O O Restaurant-Request+Ref +bos one moment while i try to make the reservation for 19:45. eos O O O O O O O O O O O B-Booking-Inform+Time N/A +bos i would like the reference number if it s successful please . eos O O O O O O O O O O O O O Restaurant-Request+Ref +bos the reference number is 2dnk6c4b . eos O O O O O B-Booking-Book+Ref O N/A +bos thank you very much for the help . good bye ! eos 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 hi ! do you know anything about a restaurant called clowns 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 clowns cafe is an italian restaurant in the centre . would you like to make a booking ? 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 O O O Booking-Inform +bos yes , please ! for 1 at 11:00 on friday . please include the reference number eos 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 N/A +bos i have you a table reserved on friday at 11:00 for 1 person . they will hold the table for 15 minutes . your reference number is : 7syas6d8 enjoy your meal ! eos O O O O O O O O O O O O O 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 a train to birmingham new street that leaves after 12:45. 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 O N/A +bos there are many trains that arrive at birmingham new street . where would you like to depart from so i can narrow it down ? eos O O O B-Train-Inform+Choice 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 Train-Request+Depart +bos cambridge on saturday . eos O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos the tr9790 leaves cambridge at 13: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 O O O O O O O Train-OfferBook +bos yes , can you book me one ticket please and give me 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 , i 've reserved you one ticket and the total fee is 60.08 pounds , which is payable at the station . your reference number is 0eqtrg4o . 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 B-Train-OfferBooked+Ref O O O O O N/A +bos that 's all i need . thanks ! eos O O O O O O O O O general-thank +bos sure thing , have a great day ! eos O O O O O O O O O general-bye +bos i would like to try something new , i am looking for an irish restaurant , preferably in the 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 B-Restaurant-Inform+Price O O O O O Train-Request+Price +bos i am sorry their are no irish restaurants in my data base , may i help you with something else 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 general-reqmore +bos yes , i 'd be willing to try international cuisine if you could find an establishment that serves it . 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 have 2 in the centre of town , the varsity restaurant and bloomsbury restaurant eos 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 I-Restaurant-Inform+Name O N/A +bos could you give me the phone number and postcode for the bloomsbury ? eos O O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name Restaurant-Request+Post,Restaurant-Request+Phone +bos the phone number is 08719429180 and the postcode is cb23dt . do you need 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 O O O N/A +bos yes . i need to find a train going to stansted airport by 19:30. eos O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive 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 would like to leave on monday eos O O O O O O O B-Train-Inform+Day N/A +bos there are 14 trains on monday from cambridge to stansted airport . for clarification , do you want to leave or arrive by 19:30 ? 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 O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i need to arrive by 19:30. eos O O O O O O B-Train-Inform+Arrive N/A +bos the tr4964 arrives by 06:08 on monday , and is 10.10 pounds . eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O B-Train-Inform+Day O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 you 're very welcome , have a wonderful day ! eos O O O O O O O O O O O general-bye +bos i am hoping you can help me find a train departing from cambridge on saturday . eos O O 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 over 200 trains available , do you have a specific destination in mind or a time you 'd like to leave 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 O O Train-Request+Leave,Train-Request+Dest +bos i would like to leave on saturday around 13:15 going to london liverpool street . eos O O O O O O O B-Train-Inform+Day 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 6 trains that meet your requirements , the closest in time being the tr4466 . it leaves at 13:59. would you like to book a ticket ? eos O O O O B-Train-Inform+Choice 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 yes , can you book spots on that for 5 people and give me the 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 Train-Request+Ref +bos sure thing ! you are booked with reference number 8v36rby3 . the total is 66.39 payable at the station . eos O O O O O O O O O B-Train-OfferBooked+Ref O O O B-Train-OfferBooked+Ticket O O O O O O O N/A +bos thanks . i 'm also looking for a restaurant in the centre that serves european 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 O N/A +bos i have many . what price range would you prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Price +bos i do n't have one , could you recommend me a good place ? eos O O O O O O O O O O O O O O O N/A +bos i would recommend galleria , they have excellent food . would you like me to book a table ? eos O O O O B-Restaurant-Recommend+Name O O O O O O O O O O O O O O O Booking-Inform +bos maybe . what is the price range ? eos O O O O O O O O O Restaurant-Request+Price +bos the galleria is a moderate priced restaurant . would you like me to make a booking for you today ? eos O O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Price O O O O O O O O O O O O O O O Booking-Inform +bos no , i 'm sure they 'll have tables if i just walk in . can you give me their 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos their address is 33 bridge street and their postcode is cb21uw . 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 O O O B-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos no thanks . i need to go . 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 it was a pleasure helping you today . have a great trip ! eos O O O O O O O O O O O O O O general-bye +bos hi i am looking for a expensive restaurant that serves indian food eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O N/A +bos there are 14 options . is there an area of the city that you would 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+Area +bos yes , i 'd like for the restaurant to be 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 there are two restaurants . the nirala which is moderate and the royal spice which is cheap . 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A +bos i was looking for expensive . how about an expensive restaurant that serves french food ? eos O O O O O B-Restaurant-Inform+Price O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos restaurant two two is an expensive french restaurant . 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 N/A +bos please book it for 7 people at 17:00 on tuesday . 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 great . your reference number is l0bph6qy . please arrive on time because they will only hold the reservation for 15 minutes . 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 general-reqmore +bos i could also use some help finding a train into cambridge that will get me there by 10:45. eos O 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 certainly , what day and departure site would you like to find a train for ? 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 need it for tuesday as well and it should depart from bishops stortford . eos O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos the tr0635 train leaves at 09:29 and arrives at 10:07. does that work 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 N/A +bos that will work just fine . what 's 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 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 thank you can , you book me for 7 people on that train ? eos O O O O O O O O O B-Train-Inform+People O O O O O N/A +bos absolutely ! your booking was successful . would you like the reference number ? eos O O O O O O O O O O O O O O O Train-OfferBooked +bos no , that 's okay . that is all i need for 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 let me give you the reference number 0fe8n2xb for your records . if there is nothing else , then thank you for calling cambridge towninfo centre . good bye . 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 O O O O O O O O O general-bye +bos are there trains leaving cambridge after 18:15 ? eos O O O O O B-Train-Inform+Depart O O O N/A +bos yes . can you help me narrow down the choices with a day to leave and destination ? 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 'm looking for one that goes to stevenage on saturday . eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos i have a train leaving at 19:21 and arriving at 20:10 , if that works . eos O O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O Train-Select +bos yes , can you book three tickets on it , 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 30.72 gbp payable at the station .reference number is : s74f7izs . 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 ! can you help me find a cheap restaurant that serves the americas food ? eos 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 N/A +bos i do not show any restaurants that fit that criteria . 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 O Restaurant-NoOffer,general-reqmore +bos i just need something with american food . eos O O O O O O O O O N/A +bos i have found gourmet burger kitchen , they serve north american food , although they are expensive . would you be interested in booking here ? eos 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 O O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos no thank you , i am just gathering information for now eos 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 can i have the address for the restaurant . eos O O O O O O O O O O Restaurant-Request+Addr +bos absolutely ! the gourmet burger kitchen is located on regent street . would you like the phone number ? or anything else ? eos O O O O 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 general-reqmore +bos if there 's no cheap american food restaurant , can you recommend a cheap restaurant that serves chinese food ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos certainly , there 's charlie chan in the centre area that serves cheap chinese food . would you like more information or to book it ? eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Area 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 Booking-Inform,general-reqmore +bos i need some information . on a train to london liverpool street arriving by 13:00. 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 yes i have 28 entries with that destination arriving at various times monday thru sunday eos O O O O O B-Train-Inform+Choice O O O O O O O O O O N/A +bos i 'm leaving on sunday from cambridge , is there anything available ? eos O O O O B-Train-Inform+Day O B-Train-Inform+Depart O O O O O O O N/A +bos i have the tr7187 that will arrive at 01:27. would you like me to book that for you ? eos 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 O Train-OfferBook +bos yes , please book that for me . eos O O O O O O O O O N/A +bos for how many people ? eos O O O O O O Train-Request+People +bos hold on a moment . can i first make a restaurant booking ? eos O O O O O O O O O O O O O O Restaurant-Inform +bos yes , we can do that after we finish with your train booking . how many people do you need tickets 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 Train-Request+People +bos i do n't need to book it yet . what 's the departure and travel times for the train ? 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 tr7187 departs from cambridge at 23:59 and arrives in london liverpool street at 01:27. do you want me to book that for you or move on to restaurant assistance ? eos O B-Train-Inform+Id I-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 O O O O O general-reqmore,Train-OfferBook +bos i really dislike math , can you just let me know the trip duration if you have it in front of 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+Duration +bos sure . the trip is 88 minutes . would you like to book a seat ? eos O 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 yes , and then lets work on the restaurant . eos O O O O O O O O O O O Restaurant-Inform +bos how many tickets would you like ? eos O O O O O O O O Train-Request+People +bos i do n't want to book the train right now . could you find me a restaurant in centre that serves swedish food ? eos 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 O O O O N/A +bos there appear to be none in the area . any other types of food 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-Request+Food,Restaurant-NoOffer +bos is there british food in the centre in the moderate price range ? eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A +bos there are four restaurants that serve british food . i recommend cotto for you . their address is 183 east road city centre eos O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food O O O B-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 N/A +bos what 's the postcode with that ? eos O O O O O O O O Restaurant-Request+Post +bos the postcode is cb11bg . 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 no thank you , that is everything . 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 'll be flying into stansted airport and need to find a train to cambridge . can you help me ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O O B-Train-Inform+Dest O O O O O O O N/A +bos yes , i can . do you have a day and time in mind ? eos O O O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos after 13:30 on tuesday , please . eos O O B-Train-Inform+Leave O O O O O N/A +bos i have a train leaving stansted airport on friday at 14:24. is this an option you would like ? 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 Train-Select +bos yes , can you please make a booking for just me ? eos O O O O O O O O O O O O O N/A +bos i have booked you on train tr2819 for 10.10 pounds . your reference number is 6owfncjk . eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O N/A +bos i am also looking for an expensive indian restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos sure . we have a few options i think you would like . first , do you have a preference on the area ? 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 O Restaurant-Request+Area +bos yes . i am looking for west . eos O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have 5 terrific indian expensive restaurants . would you like me to book one for you or would you like the list of names ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food 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 O O Booking-Inform,general-reqmore +bos yes can we book one of those restaurants for 1 at 16:45 ? eos O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O N/A +bos to clarify you wanted me to book a table on friday ? eos O O O O O O O O O O O O O Booking-Request+Day +bos i am sorry . my train was supposed to be for tuesday as well as my restaurant reservation . eos O O O O O O O O O O O B-Restaurant-Inform+Day O O O O O O O O N/A +bos alright , let me change your reservations around . i have booked the tr0135 train leaving at 14:24 on tuesday from stansted airport for you , with a reference number of wh24dhng . eos O O O O O O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Day O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart I-Train-OfferBooked+Depart O O O O O O B-Train-OfferBooked+Ref O O O O N/A +bos perfect . then i 'd like to reserve an expensive indian restaurant for myself on tuesday , as well . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O B-Train-Inform+Day O O O O O O N/A +bos your reservation is set . the reference number is adw35i6e . 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 general-reqmore +bos no , thank you for helping me with my trip . i will contact you again if i need anything else . 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 general-bye +bos it was my pleasure . have a wonderful evening . goodbye . eos O O O O O O O O O O O O O general-bye +bos i am looking for an expensive hotel to stay at in cambridge , please . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O N/A +bos there are 5 to choose from ( two with 4 star ratings ) . which side of town would you like to be close 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 N/A +bos i do n't care what part of town , just so that it has a 4 star rating . eos 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 there are two options - the university arms hotel in the centre and the huntingdon marriott hotel in the west . do you have a preference ? eos O O O O B-Hotel-Inform+Choice 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 I-Hotel-Inform+Area O O O O O O Hotel-Select +bos the university arms hotel . can you book that for 5 nights please ? eos O O O O B-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Stay O O O N/A +bos what day would you like to stay and how many people will be staying ? eos O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos myself and my wife will be staying 5 nights starting on wednesday . eos O O O O O O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O N/A +bos great ! i 've booked that for you . your reference number is 8z83650o . 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 O general-reqmore +bos i am also looking for the restaurant frankie and bennys , i need the phone number , price range , and postcode please . 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 O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Price +bos absolutely ! the phone number is 01223412430 and the postcode is cb17dy . it is expensive / upscale price range . would you like me to make a reservation ? eos O O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post 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 O O O Booking-Inform +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 okay . glad i could be of help . eos O O O O O O O O O O general-bye +bos i 'm looking for a good chinese place with a cheap price range . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A +bos there are four chinese restaurants in the cheap price range . what 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 O O O O O O O Restaurant-Request+Area +bos the south area please . eos O O B-Restaurant-Inform+Area O O O N/A +bos the lucky star is located in the southern area . did you want me to book you a table ? eos 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 Booking-Inform +bos yes , please . i 'd like to make a reservation for 8 people at 12:30 on tuesday . can i have the reference number for the reservation ? 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 O O O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 8tes0qat . 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 general-reqmore +bos thank you . i 'm also looking for a two star hotel near there with 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 is no hotels that are 2 stars and offer free parking in the south . there is one in the east if you are interested . but it is expensive . eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O B-Hotel-NoOffer+Stars O O O O O O B-Hotel-NoOffer+Area O O O B-Hotel-Inform+Choice O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O B-Hotel-Inform+Price O O O Hotel-NoOffer+Parking +bos the east is ok , is that one a guesthouse style ? eos O O O O O O O O O B-Hotel-Inform+Type O O O N/A +bos no , the only 2-star locations with free parking are all hotels , not guesthouses . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O Hotel-Inform+Parking +bos oh well then . can i ask what 4 star guesthouses with free parking are around ? 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 N/A +bos sure . on the south side of town we have the aylesbray lodge guest house is a moderately priced 4 star hotel . or rosa 's bed and breakfast , which is also 4 star , but has cheap rates . eos O O O O O O O O O O O O O O O O O O O O O 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 , let 's go with rosa 's bed and breakfast then , that 's a guesthouse at least ? 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 what day do you want the reservation and for how many days and how many people ? 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,Booking-Request+Day +bos i would like the reservation for 2 nights starting tuesday . it will be for 8 people . eos 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 N/A +bos great ! you 're booked with reference number 0e530a7j . how else may i 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 's all i needed . thank you ! eos O O O O O O O O O O general-thank +bos okay . glad i could assist . please call us anytime . eos O O O O O O O O O O O O O general-bye +bos thank you . have a good day . eos 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 would like to book a five star , or closest to it , in the east part of town please . 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 O N/A +bos there are several hotels with those characteristics . could you narrow down by price range and hotel type you want ? 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 O O Hotel-Request+Price,Hotel-Request+Type +bos i am looking to stay in a guesthouse in the expensive price range . eos O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O N/A +bos there are no hotels which match your criteria . can i help you find something else ? 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 general-reqmore +bos what about a hotel in a cheap price range ? eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos your options are : allenbell , autumn house , and leverton house . all of these guesthouses have 4 stars , are in the east part of town , and offer free parking and wifi . 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+Stars O 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,Hotel-Inform+Internet +bos i would like to book the autumn house starting monday for 4 nights for 2 people . eos O 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 N/A +bos great your reference number is dpeistwk . eos O O O O O O B-Booking-Book+Ref O N/A +bos what expensive restaurants are in the east part of town ? eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there is yu garden and royal standard . eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos what cheap restaurants are in the east part of town ? eos O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O N/A +bos the missing sock is a cheap restaurant in the east part of town . they serve international food . would you like me to book that for you ? eos 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 B-Restaurant-Inform+Food O O O O O O O O O O O O O Booking-Inform +bos yes please for 2 people on monday , thanks . eos O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day O O O N/A +bos absolutely . what time would you like ? eos O O O O O O O O O Booking-Request+Time +bos i need that for 13:00 and i would appreciate a reference number . eos O O O O O B-Restaurant-Inform+Time O O O O O O O O N/A +bos i booked that reservation for you . your reference number is vn4qz2m1 . 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 thank you eos 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 need to what trains are leaving friday evening . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos where are you looking to depart from ? eos O O O O O O O O O Train-Request+Depart +bos i 'm leaving from peterborough . eos O O O O B-Train-Inform+Depart O O N/A +bos there are two trains an hour leaving peterborough all evening . do you know what time you plan to leave ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice B-Train-Inform+Depart O O O O O O O O O O O O O Train-Request+Leave +bos not really . i want to get there by 20:45 though . eos O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos tr4182 leaves peterborough at 18:19 and arrives in cambridge at 19:09. will 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 O B-Train-Inform+Arrive O O O O O O general-reqmore +bos yes , that 's perfect . what is the price ? eos O O 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 thank you very much . that is all for today . eos O O 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 am sure . thank you . eos O O O O O O O O O general-thank +bos you 're welcome . 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 'm looking for a place to stay in the moderate price range . it does n't need to have 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 O O O O N/A +bos there are quite a number of hotels that fit your description . any preferences in location or food served ? eos O O O B-Hotel-Inform+Choice I-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 Hotel-Request+Area +bos it should be on the east side , and have free wifi , no food preferences though . 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 3 results for moderately priced guesthouses on the east side . all have 4 star ratings and free wifi , do you need parking ? eos O O O O B-Hotel-Inform+Choice 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 B-Hotel-Inform+Stars O O O O O O O O O O Hotel-Request+Parking,Hotel-Inform+Internet +bos i do not need free parking . can you book one of them for thursday ? i have 8 people and we need to stay for 2 nights . eos 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 O O B-Hotel-Inform+Stay O O O N/A +bos great i was able to book a and b guest house , the reference is vmwivzv7 . 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 B-Booking-Book+Ref O O N/A +bos thank you for your help in booking the hotel for me ! eos O O O O O O O O O O O O O Hotel-Inform +bos you are welcome . goodbye ! eos O O O O O O O general-welcome +bos i also also need a place to eat in the moderate price range in the same area as the hotel 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 sure i have two indian restaurants and one italian restaurant matching your price and area preference . do any sound good to you ? eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Food O O O O O O O O O O O O O O Restaurant-Select +bos i would like to book a table at the italian restaurant for 8 people on thursday at 14:45. can i have the reference number for that as well ? eos O O O O O O O O O O B-Restaurant-Inform+Food 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 N/A +bos okay you 're all set . your reference number is u37o50hc . 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 O general-reqmore +bos yes , i would like to book a taxi from the hotel 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,Hotel-Inform +bos i was able to book a blue honda , phone number is 07521143616 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 great thank you for all your help eos O O O O O O O O general-thank +bos not a problem , have a great day ! eos O O O O O O O O O O general-greet +bos i am looking for a train leaving london kings cross and arriving by 14:30. 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+Arrive N/A +bos where are you departing from and what day would you like the train for ? 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 am leaving from london kings cross and i 'd like to leave on thursday . 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+Day O O N/A +bos sure thing . what will your destination be ? eos O O 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 N/A +bos you have plenty of trains leaving from 5:17 every second hour onwards . do you want me to book one ? 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 O O O O Train-OfferBook +bos yes please book me something around 10 for 7 people eos O O O O O O O O O O B-Train-Inform+People N/A +bos booking was done for 165.2 gbp , your ref number is ur40dxm4 eos O O O O O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O B-Train-OfferBooked+Ref N/A +bos great , that 's all , see you ! eos O O O O O O O O O O N/A +bos alywas there if you need me , bye ! eos O O O O O O O O O O general-bye +bos i 'm looking for a hotel that 's in the north side of cambridge and it needs to have a moderate price . 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 N/A +bos there are 11 places located in the north of cambridge that are moderate price . would you prefer a hotel or guesthouse ? eos O O O O B-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos either place and it does n't matter if it has free parking or not . eos O O O O O O O O O O O O O O O O N/A +bos i found 11 places . is there a certain star rating you 're wanting to book ? 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 +bos the star rating does not matter , please book one for 2 people for 4 nights , checking in saturday . i need a reference number please . 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 N/A +bos okay your room is booked at the acorn guest house for saturday . reference number is 414s09ix . can i help you with anything else today ? eos O 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 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 restaurant called curry king . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos curry king is an indian restaurant in the centre of town . would you like to make 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O Booking-Inform +bos yes . please make a reservation for two people at 16:00 and i would like the reference number . eos O O O O O O O O O O B-Restaurant-Inform+Time O O O O O O O O O N/A +bos i booked that for you ; your reference number is 5s1kpktu . is there 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 no , that should be it . 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 . 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 a train heading to new street station in birmingham , do you have info for that ? 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 where do you want to depart from ? eos O O O O O O O O O Train-Request+Depart +bos i 'd like a train that can get me from cambridge to birmingham new street on monday by 12:45. 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 B-Train-Inform+Arrive O N/A +bos the tr1162 leaves at 9:01 and will arrive at 11:44. is that alright ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O B-Train-Inform+Arrive O O O O N/A +bos yes that will fine . can you tell me the travel time for that ? eos O O O O O O O O O O O O O O O O Train-Request+Duration +bos it will be 163 minutes long . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time 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 you 're welcome , thank you for using our service . eos 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 , when and where are you leaving from ? eos O O O O O O O O O O O Train-Request+Depart,Train-Request+Leave +bos i 'll be leaving from bishops stortford on saturday , and i need to get to cambridge at or a little before 14:00. eos O O O 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 B-Train-Inform+Arrive O O N/A +bos i can get you a train arriving at cambridge at 12:07 , how many tickets will you be needing ? eos O O 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 Train-Request+People +bos just one , please . eos O O O O O O N/A +bos i booked train id tr4594.your price is 8.08 pounds . is there anything else i can do for you ? eos O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O O O O O general-reqmore +bos yes i need the reference number for the booking please . eos O O O O O O O O O O O O Train-Request+Ref +bos yes that is mkl2a4kd . is there anything else i can help you with today ? eos O O O O B-Train-Inform+Ref O O O O O O O O O O O O general-reqmore +bos no , that 's all . 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 you are welcome . have a nice day . eos O O O O O O O O O O general-welcome +bos i need to leave cambridge on sunday by train . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos the first train to leave cambridge departs at 5:00 , and goes to london kings cross . eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos that will be fine i guess . it will arrive by 19:15 , i 'm sure ? eos O O O O O O O O O O O O B-Train-Inform+Arrive O O O O O N/A +bos tr2045 will arrive closer to that time , it arrives at 18:58. would you like tickets for that one instead ? 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 O Train-OfferBook +bos yes , let 's go ahead and book that . eos O O O O O O O O O O O N/A +bos my apologies , i believe there was an error in the database lookup . tr2045 is not available but tr3353 arrives at 17:51 on sunday . shall we book that instead ? eos 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 O B-Train-Inform+Day O O O O O O O O O Train-OfferBook +bos yes , please give me travel time and departure time , please . eos O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos certainly . the departure time is 17:00 and the travel time is 51 minutes . i have booked your ticket . the reference number is bjj3gxmx . can i help with anything else ? eos O O O O O 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 B-Train-OfferBooked+Id O O 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 thank you for using our system ! eos O O O O O O O O general-bye +bos thanks for your help bye ! eos O O O O O O O general-bye +bos you are welcome . goodbye . eos O O O O O O O general-bye +bos hi i need to find a restaurant in the centre part of cambridge that falls in the moderate price range , can you give me some suggestions 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 O O O O N/A +bos there are several italian , european , and chinese restaurants in that area , would you like one of those options ? eos O O O B-Restaurant-Inform+Choice 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 O O Restaurant-Select +bos a reservation at any will do . please reserve a table for 3 at 19:15 on sunday . 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 lan hong house would be a good choice for chinese . i will book that for you . booking was successful . the table will be reserved for 15 minutes.reference number is : us2bco6d . eos O O B-Restaurant-Recommend+Name I-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 O O O O O O O O O O O B-Booking-Book+Ref O O O O Booking-Inform +bos i am looking for a place to stay in an expensive price range . i do n't need any 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 O O N/A +bos i have 5 hotels in the expensive price range , would you like to stay in a particular area of town ? 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 Hotel-Request+Area +bos i do n't care about the area , i just want it to be a hotel type and not 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 O O O O N/A +bos great , both university arms hotel , and huntingdon marriott hotel are four stars . can i book one of these for you ? 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+Stars O O O O O O O O O O O O O Booking-Inform,Hotel-Select +bos book the huntingdon marriott please . eos O O O O O O O N/A +bos certainly , i 'll just need the arrival and departure date as well as 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 Booking-Request+Day,Booking-Request+Stay,Booking-Request+People +bos arriving on saturday and departing on monday , please , for two adults . i 'll also need the phone number , postcode , and internet availability with my confirmation number , please . eos 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 O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Internet +bos the phone number is -- 01480446000 the postcode is -- pe296fl . yes internet is available . eos O O O O B-Hotel-Inform+Phone O O B-Hotel-Inform+Post O O O O O O O O O O Hotel-Inform+Internet +bos great , thanks a lot for your help ! 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 i need information on the hotel limehouse please . eos O O O O O O O B-Hotel-Inform+Name O O N/A +bos limehouse is a guesthouse on the north side of town . it has a moderate price range and is 4 stars . would you like to book at 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 O O O O O O O O O O N/A +bos could you please tell me if free parking and internet is available at the limehouse ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos yes , limehouse has both internet and parking . would you like me to book you a room there ? 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes but i 'm also looking for an expensive restaurant that serves british food in the area . 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 N/A +bos it appears the screen is locked . give me a moment . let me see . eos O O O O O O O O O O O O O O O O O N/A +bos once you find a restaurant , i want to book a table for 5 people at 13:00 on tuesday . please do n't forget my reference number . 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 Restaurant-Request+Ref +bos i will book the limehouse for you . eos O O O O O B-Booking-Inform+Name O O O N/A +bos thanks can i please have the reference number ? eos O O O O O O O O O O Restaurant-Request+Ref +bos i 'm sorry , but i 'm experiencing some errors . 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 N/A +bos sure , i am looking for a restaurant serving british 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 O O N/A +bos how about the travellers rest , in west cambridge ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O N/A +bos that sounds perfect . could you book me a table for 5 at 1300 on tuesday . eos O O O O O O O O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Day O O N/A +bos i certainly can ! your booking is confirmed and your reservation number is 8vqlvp78 . eos O O O 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 is there anything else i can help you with ? can i recommend a nearby attraction ? eos O O O O O O O O O O O O O O O O O O general-reqmore +bos great . thank you very 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 you are very welcome . 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 O O O general-welcome,general-bye +bos i need to find lodgings on the north side of town . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos we have 13 available lodging areas in the north . any preferences ? eos O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Inform+Area O O O O Hotel-Request+Stars,Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Price,Hotel-Request+Type,Hotel-Request+Internet +bos some place in the north and it does not need to have free parking eos O O O O O B-Hotel-Inform+Parking O O O O O O O O O N/A +bos there are 2 locations that match your criteria . the alpha-milton guest house with a 3 star rating and the avalon with a 4 star rating . do either of these sound good ? 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+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O Hotel-Select +bos is the avalon a hotel or a guesthouse ? eos O O O B-Hotel-Inform+Name O O O O B-Hotel-Inform+Type O N/A +bos the avalon is a guesthouse . would it interest you ? if so , i can help you book a room if you like ? 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 O O O O O O O O O O O Booking-Inform +bos yes please , i would arrive tuesday and need to book for 3 people . it will be a 4 night stay . can i get a reference number please ? eos 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 B-Hotel-Inform+Stay O O O O O O O O O O O Hotel-Request+Ref +bos i have reserved your room at the avalon , reference number 2asa82vj . 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 N/A +bos that 's all i need . thanks . 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-bye +bos i 'm looking for the alpha-milton guest house . eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos the alpha-milton guest house is in the north part of town and has 3 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 O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform +bos that would be a massive help if you can do that for me ! it 's me and me mum and we 'll be there 2 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 B-Hotel-Inform+Stay O O O O N/A +bos what day would you like me to book this for ? eos O O O O O O O O O O O O Booking-Request+Day +bos could you book it for monday ? may i also have the reference number ? eos O O O O O O B-Hotel-Inform+Day O O O O O O O O O N/A +bos booking was successful . reference number is : wqkbc80c . eos 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 . the train should go to cambridge and should leave after 08:00. 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+Leave O O O N/A +bos there are many trains coming into cambridge during that time . where are you coming from and what day would you like to come ? eos O O O B-Train-Inform+Choice 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 Train-Request+Day,Train-Request+Depart +bos i will be departing from london kings cross on monday . 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 the closest i found was tr3899 leaving at 9:17 , would that work for you ? eos O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O N/A +bos yes . i need you to book it for 2 people and then give 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 N/A +bos yes your booking was successful at a total cost of 47.20 pounds . your reservation number is 7q0oikbi . 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 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 we met all of your needs ? eos O O O O O O O O O O O O O O O O general-reqmore +bos yes you have , thanks again for all of your help ! eos O O O O O O O O O O O O O general-thank +bos you are welcome . have a great trip . eos O O O O O O O O O O general-welcome,general-bye +bos hello . i 'm looking to take a train into cambridge at 7:15 pm . eos 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 are you departing from ? eos O O O O O O O O O O Train-Request+Depart,general-greet +bos i am departing from kings lynn on friday . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos great , i can look that up for you ! do you want to catch the train after 7:15 , or do you need to be in cambridge by 7:15 ? eos O O O O O O O O O O O O O O O O O B-Train-Select+Arrive O O O O O O O B-Train-Select+Dest I-Train-Select+Dest O O O O O general-greet +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 there are three trains that leave for cambrdige before 7:15. one is at 5:11 , one at 6:11 , and one at 7:11. would one of these work for you ? eos O O O B-Train-Inform+Choice I-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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Select +bos let 's go with the one that leaves at 7:11. can you tell me what the price is ? 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 it is 9.80 pounds and it is a 47 minute ride . would you like me to book a train for you ? 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 I-Train-Inform+Time O O O O O O O O O O O N/A +bos no thanks , but i do need the trainid , please . then let 's talk hotels . eos O O O O O O O O O O O O O O O O O O O Train-Inform,Hotel-Inform +bos yes the train id for the 7:11 is tr3858 . eos O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Id O N/A +bos i also need a room at a hotel in the west that has free parking . it should be 4 stars and cheap . eos 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+Stars O B-Hotel-Inform+Price O O N/A +bos there are 8 hotels with those features are there any other features you want in order 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 O O O O N/A +bos not really any other preferences , what would you recommend ? eos O O O O O O O O O O O O N/A +bos i recommend the allenbell guesthouse . 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 , i 'll need the reservation to be for 1 person staying for 3 nights . i 'd like to arrive the same day as my train please . eos O O O O O O O O O O O B-Hotel-Inform+People 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 your hotel is booked . your reference number is ebqn22n5 . 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 that is all ! thank you ! 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 woah , wait , the train needs to arrive by 7:15 , not depart . i doubt the train ride is 4 minutes , 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 O O Train-Inform +bos the train will arrive by 7:15pm ( 19:15 ) and is 47 minutes long , not 4 minutes . is there anything else i can help you with ? eos O O O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive 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 O O general-reqmore +bos nope , as long you tell me i 'll be on time , i should be good . 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 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 that 's all i needed thank you very much ! eos O O O O O O O O O O O general-thank +bos you are welcome , have a great time with your cambridge adventure . 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 O O O O O O O O O general-welcome,general-bye +bos i am looking for nearby museums eos O O O O O O B-Attraction-Inform+Type N/A +bos we have 23 fine museums in town . is there a certain area you would like ? 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 Attraction-Request+Area +bos no particular area . may i have the phone number of one you recommend ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone +bos i recommend broughton house gallery eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos that sounds good , what is their phone number ? eos O O O O O O O O O O O Attraction-Request+Phone +bos their phone number is 01223314960. 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 that would be it thank you for all your help . eos O O O O O O O O O O O O general-thank +bos i hope you enjoy the museum , and have a great day ! eos O O O O O O O O O O O O O O general-bye +bos hi . i need a train leaving from cambridge anytime after 21:30. eos O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Leave O N/A +bos where do you want to go ? eos O O O O O O O O Train-Request+Dest +bos i want to go to kings lynn on wednesday . 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 tr2182 departing wednesday at 22:11 and arriving in kings lynn at 22:58. would that work for you ? eos O O O O O O 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 Train-OfferBook +bos yes that sounds perfect , i will need 3 tickets and a reference number please . eos O O O O O O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos i was able to book you 3 tickets for that train . your reference number is nyp3rnm4 . is there anything else i can help 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 i am also looking for a place to stay , preferably a guesthouse that includes free parking . 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 there are 21 guesthouses that offer free parking , did you have any other requirements ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Hotel-Inform+Parking,general-reqmore +bos is it also in the cheap price range ? does it include free wifi ? eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos i have 9 entries meeting all 3 requirements , are you looking for a certain 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 O O Hotel-Request+Area +bos no - could you please choose one for me ? i do n't like to stress out too much about travel arrangements . eos O O O 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 . the alexander bed and breakfast is in the centre , and their phone number is 01223525725. should i book you 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 B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Phone O O O O O O O O O Booking-Inform +bos yes , thank you . eos O O O O O O general-thank +bos i will need some more information to book a room , what day will you arrive , for how many people and how many 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 Booking-Request+People,Booking-Request+Stay,Booking-Request+Day +bos i will be arriving wednesday . we will need a room for 4 people . eos O O O O O O O O O O O O O O O O N/A +bos ok great i will book you a room for 4 people . how many nights would you like ? eos O O O O O O O O O O O B-Booking-Inform+Stay O O O O O O O O Booking-Request+Stay +bos let 's just do one night for now . can i cancel the reservation if i decide i do n't 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 O N/A +bos you will have to contact the hotel directly to do that , do you still want to book 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 Booking-Inform +bos no , thank you . i am not ready to reserve quite yet . could you just tell me the postcode for 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 O O O O O O O O O O Hotel-Request+Post +bos the postcode is cb12de . is there anything else i can help you with ? eos O O O O B-Hotel-Inform+Post O O O O O O O O O O O general-reqmore +bos i would like to book the room and get the reference number please . eos O O O O O O O O O O O O O O O Train-Request+Ref +bos ok. i am trying to book the hotel for 4 people for 1 night . you wanted the hotel for wednesday night , right ? eos O O O O O O O O O O O B-Booking-Inform+People O O B-Booking-Inform+Stay O O O O O B-Booking-Inform+Day O O O O O N/A +bos actually i would just like the postcode and telephone number . eos O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone +bos sure . the postcode is cb12de and the phone number is 01223525725. 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 B-Hotel-Inform+Phone O O O O O O O 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 we 're happy to be of service . 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 train that will depart from birmingham new street and go 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 B-Train-Inform+Dest O O O O O O O N/A +bos there are 133 trains from birmingham new street and to cambridge . is there a particular day and/or time you 're interested in ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+Dest 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 monday and i need to arrive by 11:15 eos 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 train tr5747 departs at 7:40 and would arrive in cambridge at 10:23. would that work for you ? eos O O B-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 N/A +bos yes , that would be perfect , thanks . eos O O O O O O O O O O general-thank +bos here is your reference number : qqvpn13m . total fee will be 75.09 gbp payable at the station . is there anything else i can help you with today ? eos O O O O O O B-Train-Inform+Ref 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 O O O general-reqmore +bos can you help me find a place to stay ? i am looking a 0 star hotel with a cheap price . eos 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 N/A +bos i found 2 zero star guesthouses that are cheap . one is in the north and one in the centre . which area would you prefer ? eos O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O Hotel-Select +bos are you able to find me a hotel in the east with free parking ? 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 3 cheap guesthouses in east with free parking . they are all 4 stars . would you like me to book one of those ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O B-Hotel-Inform+Area 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+Parking,Hotel-Select +bos no , i 'd like that zero star cheap guesthouse in the north . eos O O O O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O N/A +bos sure , i can help you with that . when would you like to stay ? 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 monday . please give me their phone number , postcode and address eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr +bos city centre b & b sounds perfect for you . their phone number is 01223312823 , and their address is 328a histon road , postcode cb42ht . is there anything else i can help you with today ? 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+Phone 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 O O O O O O O O O O O general-reqmore +bos no . thank you . you have been quite helpful . eos O O O O O O O O O O O O general-thank +bos thank you very much , enjoy your stay . eos O O O O O O O O O O general-bye +bos hello ! i was hoping you could help me find a 0-star place with 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 3 hotels that meet your search . would you like a cheap or moderate priced hotel ? 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 i would like a moderate priced hotel please . eos O O O O O B-Hotel-Inform+Price O O O O N/A +bos how about cityroomz , the do n't have free parking though . eos O O O B-Hotel-Recommend+Name O O O O O O O O O Hotel-Recommend+Parking +bos parking is not important . can you book cityroomz for three people staying 2 nights starting friday . eos 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 N/A +bos there is no rooms available for two nights . would you like to shorten your stay or try one of the other 2 hotels ? eos O 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 O B-Hotel-Select+Type O Booking-Request+Stay +bos how about one night ? eos O O O O O O N/A +bos yes that worked ! you are booked into the hotel for one night and your reference number is uow30zyv . eos O O O 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 thank you for that ! i 'm also looking for a train to cambridge from leicester . can you help me with that ? eos 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 N/A +bos certainly , there are trains from cambridge to leicester every hour at 21 past the hour from 05:21 to 23:21. do you have a date or time in mind ? eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest 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 O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos i need one that arrives in cambridge by 8:45 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 the tr2293 leaving cambridge at 6:21 and arriving at 8:06. would you like me to book that one 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+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos yes please i need that for 3 people please eos O O O O O O O O B-Train-Inform+People O N/A +bos your reservation is all set , reference number 8biybuoj eos O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos great . thank you very much . that is 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 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-welcome,general-bye +bos can you suggest some places to dine ? eos O O O O O O O O O N/A +bos sure . do you have any preferences as far as area , 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+Area,Restaurant-Request+Price +bos i 'd like indonesian food if it 's available . eos O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos i have no listings for that type of food , any other types you would like ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Select,Restaurant-NoOffer +bos please check to see if there are any restaurants that serve modern european food . eos 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 yes i have many options in this category . do you have a preference for 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 O O O O Restaurant-Request+Price,Restaurant-Request+Area +bos any restaurant you recommend is fine . i just need 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos i would suggest riverside brassiere . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O N/A +bos ok , can i have the address , postcode , and phone number 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 address is doubletree by hilton cambridge granta place mill lane , postcode cb21rt . their phone is 01223259988. 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 B-Restaurant-Inform+Post O O O B-Restaurant-Inform+Phone O O N/A +bos im also looking for a 4 star hotel . it needs to have free 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 i have 3 hotels that meet what you have asked for . two are in the west and one is in the centre . what area are you looking to stay ? 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+Area I-Hotel-Inform+Area O O O O O O O O O Hotel-Request+Area +bos i do n't have a preference for an area . i will need free wifi , now that i think about it . eos 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 O O Hotel-Request+Area +bos i recommend the huntingdon marriot hotel . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos thanks . that sounds good . can you give me the area it 's in ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos absolutely . it is in the west part of the city . would you like me to book it for you ? eos 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 Booking-Inform +bos no booking just yet , but i do want to know the price range and phone number please 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 +bos sure , it 's in the expensive price range and the phone number is 01480446000. can i assist with anything else ? eos O O O O O B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Phone O O 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 thank you and enjoy your stay in cambridge ! eos O O O O O O O O O O general-bye +bos hi , i 'd like some info on where to eat in cambridge ! eos O O O O O O O O O O O O O O O N/A +bos i would love to help ! what kind of food do you prefer ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet +bos i like expensive chinese food . eos O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i have results for 9 expensive chinese restaurants , what area are you looking to dine in ? eos 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 Restaurant-Request+Area +bos i would be interested in dining in the north . eos O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos there are 2 in the north . one is hakka and the other is the hotpot . which would you prefer ? eos O O O O B-Restaurant-Inform+Choice 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 O O Restaurant-Select +bos i will take a table for 6 at hakka for 13:30 on wednesday , please . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Name O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos i was able to book you for a table for 6 on wednesday at 13:30. your reference number is : 5ptmtl2c . is there anything else you need ? eos O O O O 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 O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos would alike a hotel in the east with free wifi and free parking that is a 3 star . eos 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 N/A +bos sorry , no records found . would you care to try a different area 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+Area,Hotel-Request+Stars +bos okay could you try the north then instead ? eos O O O O O O B-Hotel-Inform+Area O O O N/A +bos i have found the hamilton lodge which meets your criteria . 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 O O O O Booking-Inform +bos yes . please book the lodge for 6 people for 3 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 booking was successful , your reference number is bcuq481v , is there anything else ? eos O O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos great , that 's perfect . are you able to find us a taxi , too ? that would be awesome if you can . eos O O 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 sure can , what time would you like to be picked up and where are you leaving from ? 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 need to be picked up from the hotel and get to 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 N/A +bos i was able to get you a taxi it is a white tesla contact number is 07305303624. is there anything else i can assist with 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos that will be all , thanks . have a good day eos O O O O O O O O O O O O general-thank +bos have a wonderful night and best wishes on your trip . eos O O O O O O O O O O O O general-bye +bos please book dinner reservations for five people on saturday at the india house restaurant . 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 it is located at 31 newnham road newnham . but , i can not perform the booking function as yet . 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 O O Booking-NoBook +bos really ? i need at table at 14:00 wednesday for 4 people . eos O O O O O O O B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O O N/A +bos the booking was successful . the reference number is mnfwdwlv . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos what about a booking for sunday ? eos O O O O O O B-Restaurant-Inform+Day O N/A +bos i have also reserved for saturday evening eos O O O O O O B-Booking-Book+Day O N/A +bos can you book sunday as well like i asked please ? eos O O O O O O O O O O O O N/A +bos my apologies , i will cancel the saturday booking , what time on sunday would you like me to reserve ? eos O O O O O O O O O O O O B-Booking-Inform+Day O O O O O O O O O Booking-NoBook +bos same time please . eos O O O O O N/A +bos you 're all set ! your reference number is i64xbd1r eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos sorry change of plans can you cancel and book for monday now please ? eos O O O O O O O O O O O B-Restaurant-Inform+Day O O O N/A +bos i have table for 4 booked for monday at 14:00 with the reference number e7slgc6t eos O O O O O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref N/A +bos thanks . i 'm also looking for an expensive 3 star hotel . i 'd like it to have free wifi and parking . eos O O O 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 O O N/A +bos the two hotels meeting your needs are the gonville hotel in the centre ; and the lensfield hotel in the south . which one do you prefer ? eos 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 O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O Hotel-Select +bos either is fine as long as it has free parking and expensive price range . i will need the postcode as well . 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 Hotel-Request+Post +bos great , which day and how many people should i book for ? eos O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos i 'm taking a trip in cambridge and need a place to stay . i would like a 4 star in the moderate 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 B-Hotel-Inform+Price O O O O O N/A +bos i have several guesthouse options for you . what area of town are you interested in staying ? 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 have an area preference , but i would like to have free wifi . 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 suggest a and b guest house would you like the info ? 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 O O O O general-reqmore +bos yes , can you give me that information . 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 N/A +bos the address is 124 tenison road and the phone number is 01223315702. 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+Phone N/A +bos sounds great . that is a guest house correct ? what part of town ? eos O O O O O O O O O O O O O O O O N/A +bos yes , it is a guest house located in the east area . eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O N/A +bos thank you for the info . if you could also help me get info for a restaurant named sala thong , i 'd be grateful ! 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 O O O O O O O N/A +bos the address is 35 newnham road newnham eos O O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr N/A +bos can you book sala thong ? 7 people at 18:30 on tuesday 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 booking was successful . the table will be reserved for 15 minutes.reference number is : bvu67rnq . 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 great , no thank you . i appreciate all your help today , 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 you are very welcome . it was a pleasure assisting you . good-bye . 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 place to eat in cambridge . i 'd like to eat light bites in the mid price range please . 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 N/A +bos hmmm . nothing is coming to mind for light bites in that price range . may i suggest something else for dining ? 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 N/A +bos okay , how about some italian food ? that sounds good , too . eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos is there a certain area you prefer ? eos O O O O O O O O O Restaurant-Request+Area +bos anywhere should be fine . find me the postcode , phone number and location please . 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 you should try prezzo it is located at 21-24 northampton road in the west , post code cb30ad and their number is 0179952160. do you need more help today ? 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 O B-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Post O O O O B-Restaurant-Recommend+Phone O O O O O O O O general-reqmore +bos i would like to find a room as well , with free wifi . eos O O O O O O O O O O O O O O O N/A +bos we have several is there a specific area or price range you 'd like me to look at ? 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+Price,Hotel-Request+Area +bos i want a 4 star place with the same price range as the restaurant . and free parking as well . eos 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 how about finches bed and breakfast ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O Hotel-Recommend +bos sure , can you book that for me ? starting friday , 2 nights , and 5 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 i apologize , but our hotel booking system is currently down . 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 Booking-NoBook,general-reqmore +bos that is all that i need . eos O O O O O O O O N/A +bos i apologize for the delay . the system is up and the booking was successful . your reference number is gxcm3s30 . 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 N/A +bos thank you that is all i need today . have a great day . eos O O O O O O O O O O O O O O O general-thank +bos okay , i am happy to have assisted ! goodbye ! eos O O O O O O O O O O O O general-bye +bos hello i am looking for an expensive restaurant on the east side of town . any suggestions ? 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 yes the grafton hotel has a very nice restaurant . eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O N/A +bos is the food there gastropub ? eos O O O O O B-Restaurant-Inform+Food O N/A +bos they are british , would you like me to look up a gastropub ? eos O O O B-Restaurant-Inform+Food O O O O O O O O O O O general-reqmore +bos yes , could you make a reservation for 6 on tuesday 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 O N/A +bos royal standard is the only expensive gastropub in the east . i booked a party for 6 at 19:30 with reference yhcvv3fq . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O O O B-Booking-Book+People B-Booking-Book+Time O O B-Booking-Book+Ref O O N/A +bos i am also looking for a hotel by the name of allenbell . eos O O O O O O O O O O O O B-Hotel-Inform+Name O N/A +bos of course , would you like me to book it ? eos O O O O O O O O O O O O Booking-Inform +bos yes i need it for 4 nights starting tuesday for 6 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 N/A +bos your booking was successful , and your reference number is omitg48o . is there anything else i can assist you with tonight ? 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 . thank you very much . eos O O O O O O O O O O O O general-thank +bos have a good trip ! good bye . eos O O O O O O O O O general-bye +bos can you tell me about the city centre north b and b hotel ? 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 I-Hotel-Inform+Name O O N/A +bos it 's a guesthouse in the north . it 's cheap , and has free wifi and parking . would you like a room ? eos O O O B-Hotel-Inform+Type 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 O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes please . we will be arriving on sunday for 3 nights . there are 7 of us . eos 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 N/A +bos oh great . your booking was successful and your reference number is ebl4a5dl . eos 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 a cheap place to eat in the centre area , what do you recommend ? 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 N/A +bos there are many is there a type of food you 'd prefer ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Food +bos i would prefer portuguese food please . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos nandos city centre is located at 33-34 saint andrews street . would you like me to make reservations for you ? 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 O O O O O O O O O O O Booking-Inform +bos yeah i want a table for 7 people on sunday at 18:00 eos O O O O O O O O O O O O O N/A +bos i can not book it for you . would you like any more information ? eos O O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos is the 17:00 time slot available for 7 ? eos O O O B-Restaurant-Inform+Time O O O O O O N/A +bos i can book it for you at 17:00 but i need to know what day , i can do monday for you . eos O O O O O O O O B-Booking-Inform+Time O O O O O O O O O O B-Booking-Inform+Day O O O O Booking-Request+Day +bos is there another restaurant in that area with portuguese food ? eos O O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos sorry for the confusion , i booked the restaurant for you and the reference number is 6udmbsi2 . 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 general-reqmore +bos i need a taxi . i want to be taken from the hotel to nandos city centre , arriving by 17:00. please give me the car and contact information eos O O O O O O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Restaurant-Inform+Area O O B-Taxi-Inform+Arrive O O O O O O O O O O N/A +bos your all set ! a blue volkswagon will be picking you up the contact number is 07525527431 , is there anything else i can assist 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 B-Taxi-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos thanks for all of your help you 've been great ! eos 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 a place to stay located in north cambridge that has free parking . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos i have 8 guesthouses and 2 hotels in that area with free parking . do you have a price range or rating in mind ? eos 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 Hotel-Request+Stars,Hotel-Request+Area,Hotel-Inform+Parking +bos yes , i would like a 3 star guesthoise please . eos O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos hamilton lodge suits all your description eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos okay , please book that 2 people and 4 nights starting from friday . eos 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 made those reservations for you your reference number is g3phr3fo . eos 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 a good restaurant in the same north part 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 there are many good restaurants in that area . do you have a cuisine preference ? 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 i would like it to be in the moderate range please . eos O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos there is a chinese and an indian moderately priced restaurant in the north part of town . would you like to book one ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 O Booking-Inform,Restaurant-Select +bos can you tell me the address for the chinese restaurant eos O O O O O O O O O O O Restaurant-Request+Addr +bos the address for the chinese restaurant is 191 histon road chesterton . 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 N/A +bos please book a taxi . i want to depart the hotel at 06:30 and go to the restaurant . give me car type and contact info 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 Taxi-Request+Car +bos a red skoda will be arriving to take you to the golden wok . the contact number is 07740908114. is there anything else i can do for you ? eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O 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 O O O O O general-reqmore +bos no , 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 alright , have a nice day ! eos O O O O O O O O general-bye +bos i want to have some afghan food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos sorry , no matches found eos O O O O O O Restaurant-NoOffer +bos is there any chinese restaurants in the area ? eos O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are many chinese restaurants . what price range are you looking for ? 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 Restaurant-Request+Price +bos moderate price range eos O B-Restaurant-Inform+Price O O N/A +bos would you like something in the north or centre of town ? eos O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area I-Restaurant-Select+Area N/A +bos i do n't care eos O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos jinling noodle bar is a nice place that fits your requirement eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O N/A +bos please give me their number , too . eos O O O O O O O O O N/A +bos jinling noodle bar 's number is 01223 566188. would you like the address ? eos 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 general-reqmore +bos what type of food do they serve ? eos O O O O O O O O O N/A +bos jinling noodle bar is a nice chinese restaurant . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos no thank you , goodbye . eos O O O O O O O general-bye +bos okay , goodbye . eos O O O O O general-bye +bos could i get the name of a moderately priced restaurant on the north side 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 the golden wok is a chinese restaurnt in the north part of town . or there 's the nirala , which serves indian food . eos O O O O O O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O N/A +bos could you get me the 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is 191 histon road chesterton , and the phone number is 01223 350688. 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 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 's it . 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 goodbye ! eos O O O O O O general-bye +bos i am looking for a moderately priced restaurant in the north part of town , what do you have available ? 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 N/A +bos i show two restaurants that fit your criteria . one is chinese and one is indian . which one would you like to find out more about ? eos O O O O O O O O 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 tell me the address and phone number of the indian restaurant eos O O O O O O O O O O O B-Restaurant-Inform+Food O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the nirala is located at 7 milton road chesterton and can be reached at 01223 360966. will that be all or can i assist you further ? 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 I-Restaurant-Inform+Phone O O O O O O O O O O O general-reqmore +bos that 's all i need , thank you . goodbye ! eos O O O O O O O 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 +bos im looking for a restaurant in the north part of town in the cheap price range eos 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 there are two restaurants in the cheap range on the north side of town . would you prefer indian or italian ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-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 O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i am looking for the east part of town , serving austrian food . eos O O O O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Food O O O N/A +bos i am sorry , there is no such restaurant match your request . would you prefer another area or 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 O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer +bos how about chinese food on the east 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 yu garden serves chinese food and is located in the east part of town . would you like more information ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O 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 O O N/A +bos yes , i would like their address , phone number and postcode , 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 address is 529 newmarket road fen ditton , their phone number is 01223 248882 and their postcode is c.b 5 , 8 p.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 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 N/A +bos that 's all i 'm looking for . thank you for the information . eos 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 yes . i would like 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 O N/A +bos curry prince serves indian food , in the moderate price range and in the east part of town . eos 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 is there any other restaurant ? eos O O O O O O O Restaurant-Inform +bos pizza hut fen ditton is in the east part of town and serves moderately priced italian food . eos 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 I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos pizza hut fen ditton phone number is jesus lane 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 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 i 'm looking for a moderately priced restaurant . eos O O O O O B-Restaurant-Inform+Price 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 chinese food eos O B-Restaurant-Inform+Food O N/A +bos i 'm showing 4 restaurants matching that description , 3 in the city centre and 1 in the north . do you have a preference for area ? eos O O O O O 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 O O O O O O O O Restaurant-Request+Area,Restaurant-Select +bos could you give me the address and phone number of the one in the north ? eos O O O O O O O O O O O O O O O B-Restaurant-Inform+Area O Restaurant-Request+Phone,Restaurant-Request+Addr +bos golden wok is in the north area , its phone number is 01223 350688. their address is 191 histon road chesterton eos 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 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 O general-bye +bos enjoy ! eos O O O general-bye +bos i want an expensive restaurant and serves danish food . eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos i found no restaurants serving danish food in the expensive price range . eos O O O O O O O O O O O O O O Restaurant-NoOffer +bos asian oriental eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food N/A +bos kymmoy is an asian oriental restaurant located in the centre of town and is 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 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 O O O general-reqmore +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 the phone number for kymmoy is 01223 311911 and they are located in the centre of town . eos 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos thank you ! goodbye ! eos O O O O O O general-bye +bos you 're very welcome . thanks for calling us . 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 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 meghna is an indian restaurant , it is in the moderate price range , and it is in the west part of town . would you like the phone number ? 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+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 O O O O O O general-reqmore +bos yes , and the address and postcode please . eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the phone number for meghna is 01223 727410 and they are located at 205 victoria road chesterton . the postcode is c.b 4 , 3 l.f. eos O O O O O B-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 O O O O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post N/A +bos perfect . thanks for the information . goodbye . eos O O O O O 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 +bos i need a really inexpensive restaurant on the east side . eos O O O O O O O O O B-Restaurant-Inform+Area 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 O N/A +bos there 's a restaurant that serves international food called the missing sock . does that sound good ? eos O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O Booking-Inform +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos their address is finders corner newmarket road . 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 how about their postcode ? eos O O O O O O N/A +bos their 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 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 hello , i am looking for a cheap restaurant that serves german food . eos O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +bos it looks like there are no german restaurants in the city . would you like me to check for 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 Restaurant-Request+Food,Restaurant-NoOffer +bos yes , how about portuguese food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there are two restaurants in the cheap price range that serve portuguese food . what area would you like to go to ? 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O Restaurant-Request+Area +bos it does n't matter . eos O O O O O O N/A +bos nandos serves portuguese food and in the cheap price range . is there anything else i can help you with ? eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O O O general-reqmore +bos i would like the address of nandos restaurant , please . eos O O O O O O O O O O O O Restaurant-Request+Addr +bos nandos is located in the south part of the city and the address is cambridge leisure park clifton way . anything else you need ? 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 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 general-reqmore +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 what is the address for pizza hut in cherry hinton ? eos O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O N/A +bos the address is g4 cambridge leisure park clifton way cherry hinton . 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 N/A +bos i need to reserve a table there . eos O O O O O O O O O N/A +bos ok , let 's start with which day you would like to have this reservation ? eos O O O O O O O O O O O O O O O O O Booking-Request+Day +bos book a table for 8 people at 17:15 on sunday . eos O O O O O O O O O O O O N/A +bos okay , i will work on getting that booked and get back with you shortly . eos O O O O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos i am in a hurry , this is odd . hello ? can anyone help me ? can i speak with your supervisor ? eos O 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 was able to book that , reference number is iu1whv35 eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks . i 'd also like a multiple sports attractions 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 there are unfortunately no multiple sports attractions in the centre . would you like me to search other areas for the multiple sports 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 N/A +bos no problem , how about a nightclub ? eos O O O O O O B-Attraction-Inform+Type O O N/A +bos absolutely . there are 5 nightclubs located in the centre . all of them have an entrance fee of 5 pounds . would you like a 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 N/A +bos that will be great . eos O O O O O O N/A +bos i personally like ballare , they are very contemporaneity eos O O O O B-Attraction-Inform+Name O O O O O N/A +bos can i get their phone number and postcode please ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure ! their phone number is 01223364222 and the postcode is cb23na . eos O O O O O O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Post O 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 i booked a taxi to pick you up at 7 pm , it 's going to be a blue volkswagen , the contact number is 076-2009-8271. 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 B-Taxi-Inform+Phone O O O N/A +bos i thought you already booked it ? i 'm confused . eos O O O O O O O O O O O O N/A +bos your taxi is booked . eos O O O O O O Taxi-Inform +bos yes thank you that is all i need . eos O O O O O O O O O O general-thank +bos well , 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 O O general-bye,general-greet +bos 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 . eos O O O O O O O O O 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 is your food type preference ? eos O O O O O O O O Restaurant-Request+Food +bos i would say let 's look for an attraction first . can you recommend something to do in the south part 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 N/A +bos there are several nice parks in the area as well as theaters and museums . eos O O O B-Attraction-Inform+Choice O O O O O O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type N/A +bos i will go with whatever you recommend , i just need the attraction type and 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+Type +bos the byard art museum postal code is cb21sj . can i help you get transportation to and from the museum ? 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+Post O O O O O O O O O O O O general-reqmore +bos no , but i would like to find a cheap priced south african restaurant . eos O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Area I-Restaurant-Inform+Food O O O N/A +bos i 'm sorry , but we do n't have and south african restaurants in the area . is there a different type of food i can help you find ? 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 O O O O O O O Restaurant-Request+Food +bos try portuguese then . eos O O B-Restaurant-Inform+Food O O N/A +bos there are two results . both are cheap . do you prefer the south or centre ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O O N/A +bos i would rather be in the south area . eos O O O O O O O B-Restaurant-Inform+Area O O N/A +bos the only option is nandos . eos O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Name O N/A +bos can you book a table for me there on thursday at 12:15 ? eos O O O O O O 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 3 people will be dining . please give me a reference number once you finish the reservation eos O O B-Restaurant-Inform+People O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos i have finished booking it for thursday at 12:15 for 3 people at nando , your reference number is tdqzgm38 . do you need anything else ? eos O O 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 O O O O B-Booking-Book+Ref O O O O O O O O general-reqmore +bos thanks so much for putting up with me ! you 've been great ! 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 +bos could you tell me if cambridge has any expensive austrian restaurants ? eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos i 'm afraid not . could you like to try any other food type or 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,Restaurant-NoOffer +bos are you sure there 's no expensive austrian food in the north ? it 's what i 'm really set on . eos 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 O N/A +bos i 'm sorry but i 'm not able to find anything that matches those specifications . 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 O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos could you look for something chinese with the same criteria ? eos O O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos i would suggest hakka eos O O O O B-Restaurant-Recommend+Name N/A +bos that sounds good - can you book a table for 8 at 12:00 on thursday , 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 N/A +bos i have a table for 8 people on thursday at 12:00 , your reference number in pbgq796l . can i help with anything else ? eos 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 B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos i am also looking for a boat in the north 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 is one option . it is riverboat georgina . can i help you further today ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O general-reqmore +bos please tell me the postcode eos O O O O O O Attraction-Request+Post +bos sure thing . the postcode is cb43ax . is there anything else i can assist you with ? eos O O O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-greet,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 are most welcome . enjoy your day ! eos O O O O O O O O O O general-welcome,general-bye +bos yes i need to book at hotel . eos O O O O O O O O O Hotel-Inform +bos sure thing ! which area and price range ? eos O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos oh wait . i really want to find a museum . eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos i have about 23 museums to choose from . is there a certain area of town i can focus on ? 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 O Attraction-Request+Area +bos what do you suggest ? i do n't know the town , so i do n't have any idea where 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 N/A +bos i would recommend the broughton house gallery , it is in the centre and the entrance fee is free . would you like the address or phone number ? 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 O O O B-Attraction-Recommend+Fee O O O O O O O O O O O N/A +bos no , thanks ! but will you please find me an expensive restaurant in the centre part of town ? 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 O O O N/A +bos there are many expensive restaurants in centre . is there a certain type of cuisine that you prefer ? eos O O O B-Restaurant-Inform+Choice 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 Restaurant-Request+Food +bos an expensive british restaurant , what would be one you would recommend ? eos O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos oh may i suggest midsummer house , it 's great and i go there all of the time 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 N/A +bos sounds nice , i will book for 2 people at 14: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 O N/A +bos your reservation number is zk239m8h . is there anything else i can help you with ? eos O O O O O B-Restaurant-Inform+Ref 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 have a good time . eos O O O O O O general-bye +bos can you help me find a church in cambridge ? i think it 's called holy trinity church . 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 O O N/A +bos holy trinity church is located in the centre of town , they have free admission . 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 I-Attraction-Inform+Area O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos ok. thanks . that works . eos O O O O O O O general-thank +bos your 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 general-welcome,general-reqmore +bos i am looking for a place to dine that is cheap and located in the city center . eos 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 . was there a type of cuisine 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+Food +bos chinese food . actually cantonese food . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos i have no cantonese restaurants , but i can definitely help you with a chinese restaurant . eos O O O O B-Restaurant-NoOffer+Food O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i 'm not interested in chinese . what about mediterranean ? eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos yes , we have the gardenia . would you like me to make a booking for you ? 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 yes . please book me a table for 8 at 13:30 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 N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : ebc4apkq . 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 is all i needed today . eos O O O O O O O O O O general-thank +bos great , thanks for your business in cambridge and i hope you enjoy your stay . eos O O O O O O O O O O O O O O O O O general-greet +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 greetings , are there any moderately priced restaurants in 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 several such restaurants . 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 would like vietnamese food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry , i do n't have a moderately priced vietnamese restaurant . will anything else do ? 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 O O O O O O O O N/A +bos what other cuisines are available for a moderate price range in the centre 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 N/A +bos there are many options available . some choices are : asian oriental , british , italian , international , spanish , and turkish . eos O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos can you suggest one with british cuisine ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are four restaurants in the centre that serve british food . they are all in the boderate price range . i suggest the copper kettle . eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O N/A +bos great ! i would love a reservation for 5 people at 15:00 on wednesday 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 N/A +bos i was successfully able to book you a table . the reference number is f9ukg65l . is there 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 general-reqmore +bos thanks , and yes please . i 'd also like to find an entertainment attraction in the centre . eos 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 N/A +bos there is none in the centre . can we change the location ? eos O O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O Attraction-Request+Area +bos are there any colleges in the area ? eos O O O O B-Attraction-Inform+Type O O O O N/A +bos there are 13 , i recommend trinity college , would you like more info ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O general-reqmore +bos yes . can i please get the entrance fee and the postcode ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos the entrance fee is 1 pound . the postcode is cb21tq . may i help with anything else ? eos O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos no thanks . that was all . bye . eos O O O O O O O O O O general-bye +bos i hope your dinner is great . eos O O O O O O O O general-bye +bos can you help me find some local tourist attractions ? eos O O O O O O O O O O O Attraction-Inform +bos absolutely ! is there a certain type of attraction you 're interested in visiting , or are you looking for something in a certain 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+Type,Attraction-Request+Area +bos i am interested in something in the centre of town . are there any entertainment options there ? 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 N/A +bos i 'm sorry , there 's no entertainment in the centre . can i look in a different area for you ? eos 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 Attraction-Request+Area +bos are there any colleges i could check out ? eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos i found 13. how about emmanuel college ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos what do they have to offer ? eos O O O O O O O O N/A +bos they have free admission and are located at saint andrew 's street eos O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos great . can i have the phone number ? eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223334200. 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 also looking for a barbeque restaurant in the same area as the college . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos i 'm sorry there are n't any barbecue restaurants in the centre . would you like to try another type of food or area ? 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 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 N/A +bos there are 4 asian restaurants in the centre . do you have a price range in mind ? 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 Restaurant-Request+Price +bos i would prefer a cheap restaurant . eos O O O O O B-Restaurant-Inform+Price O O N/A +bos dojo noodle bar is a great cheap restaurant in the centre of town serving asian oriental food . can i provide you more information or book it for you ? 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 B-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 O O Booking-Inform,general-reqmore +bos it sounds yummy . please book a table for saturday at 19:30 for 7 people . 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 N/A +bos your are booked , reference number is 2dnbvg3z , table is held for 15 minutes after booking time . any further questions ? 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 general-reqmore +bos that is 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 great day . eos O O O O O O O O O O general-welcome +bos hello , 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 general-greet +bos can i get the type of attraction you would like to go to ? eos O O O O O O O O O O O O O O O Attraction-Request+Type +bos i would like to go to a swimming pool . eos O O O O O O O O O O O N/A +bos i show 4 swimmingpools . do you have a preference of an area ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O Attraction-Request+Area +bos no area preference in mind . please get me the address and entrance fee - if any - 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 O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos i 'm not sure about the entrance fee but i can give you the address for abbey pool and astroturf pitch eos 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+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O general-reqmore +bos ok what 's the address ? eos O O O O O O O Attraction-Request+Addr +bos abbey pool and astroturf pitch is located at pool way , whitehill road , off newmarket road . is there anything else you needed to know ? 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 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 yes , are there any seafood 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 yes , loch fyne is a seafood restaurant in the centre . i must warn you that it is expensive . would you like me to book it ? 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 O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos yes please i need it for 6 people for 14:15 on a wednesday . i will need the reference number . eos 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 O O O O O Restaurant-Request+Ref +bos booking was successful . the table will be reserved for 15 minutes.reference number is : pey9rurv . 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 is all i need for now . 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 have a great time in cambridge . eos O O O O O O O O general-bye +bos i 'm looking for a restaurant can you help ? eos O O O O O O O O O O O Restaurant-Inform +bos there are many different kinds of restaurants to try out , what kind of food do 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 O O O Restaurant-Request+Food +bos i would like indian food please . i need it to be cheaply priced as well . eos O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos there are 4 restaurants that meet your criteria . three are in the centre of town , and one is in the north . do you prefer the north or the centre ? eos O O O O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area 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 N/A +bos can you book me a table for 5 at 16:30 on wednesday , we can try the one in the north and see if anything is available . 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 B-Restaurant-Inform+Area O O O O O O O N/A +bos i 've made reservations at the royal spice and your reference number is bixl9fwh . eos 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 N/A +bos thanks . i also wanted to find a museum to visit in the centre area . eos O 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 okay , how about the castle galleries ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos sounds great ! do they have an entrance fee ? eos O O O O O O O O O O O Attraction-Request+Fee +bos you are in luck , castle galleries is free ! no fee to get in ! eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 excellent ! what is the address ? eos O O O O O O O O Attraction-Request+Addr +bos unit su43 , grande arcade , saint andrews street eos 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 thanks ! you 've helped so much . 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 thanks for using our service today ! eos O O O O O O O O general-bye +bos please find me a hotel in cambridge with 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 O N/A +bos there are 19 hotels . was 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 Hotel-Request+Price +bos thanks for asking . moderate suite my pocketbook best . eos O O O O O B-Hotel-Inform+Price O O O O O N/A +bos there are nine guest houses that fit your criteria . are you interested in a particular area of town ? 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 +bos yes north will be fine with me eos O O B-Hotel-Inform+Area O O O O O N/A +bos may i suggest acorn guesthouse ? it fits all your criteria . would you like me to reserve you any rooms ? 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 O Booking-Inform +bos that sounds great . i need a reservation for 8 people please . eos O O O O O O O O O O O O O O N/A +bos when will you be arriving 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 Booking-Request+Stay,Booking-Request+Day +bos i 'd like to book for 4 nights starting on wednesday , please . eos 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 : fuhpbza4 . can i help 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 general-reqmore +bos i am also looking for a restaurant for that same day eos O O O O O O O O O O O O Restaurant-Inform +bos sure , what type of food are you looking for ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i think everyone likes chinese food . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos what price range would you like ? eos O O O O O O O O Restaurant-Request+Price +bos it should be on the moderate price range eos O O O O O O B-Restaurant-Inform+Price O O N/A +bos i have 4 to choose from . three are in the centre of town and 1 is in the north . do you have a preference ? eos O O O O O O O O O O O O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Area O O O O O O O O Restaurant-Select +bos let 's do the one in the north , by the hotel . eos O O O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos okay ! how about golden wok ? would you like a reservation ? eos O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O N/A +bos yes for 18:00 on wednesday for 8 people please . eos O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A +bos okay , you got it ! the reference number for your reservation is 96eq4jsi 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 i need . eos O O O O O O O O O O general-thank +bos enjoy your dinner . eos O O O O O general-bye +bos have a great day ! eos O O O O O O N/A +bos you too and glad i could help . eos O O O O O O O O O general-bye +bos hello , is panahar still serving lunch specials ? eos O O O B-Restaurant-Inform+Name O O O O O O N/A +bos the panahar is open for lunch , to find out about their specials i would suggest calling them at 01223355012. anything else today ? eos O O B-Restaurant-Inform+Name O O O O O O O O O O O O O O O O B-Restaurant-Inform+Phone O O O O O N/A +bos yes can you help me book a hotel ? eos O O O O O O O O B-Hotel-Inform+Type O N/A +bos yes what area or price range are you looking for ? eos O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos i 'm sorry . i do n't need a hotel . i do need to make a reservation for a table at panahar for wednesday afternoon . can you help me with that ? 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 B-Restaurant-Inform+Day O O O O O O O O O O O O O N/A +bos yes , i 'd be happy to help . so for wednesday , how many people for the reservation and what time would you like ? eos 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 O O O O Booking-Request+Time,Booking-Request+People,general-greet +bos i will need it for four people please . eos O O O O O O O O O O N/A +bos okay and what time would you like your reservation to be ? eos O O O O O O O O O O O O O Booking-Request+Time +bos 13:30 , wednesday , 7 people . eos O B-Restaurant-Inform+Time 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 : v6ix8tf3 . anything else i may 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 yes , i 'm also looking for a place to stay . it should be a 2 star hotel with free wifi and parking . eos O B-Hotel-Inform+Internet 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 O N/A +bos i dont happen to have anything that meets your criteria . can i try something different for you ? 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 really ? there are no 2 star hotels with wifi/parking in all of cambridge ? eos 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 i have found 3 hotels matching your criteria . two are in the north and one is in the east . which area do you prefer ? eos O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O 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 O O O O O Hotel-Select +bos east is find and i would need the postcode , and price range eos O B-Hotel-Inform+Area O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price +bos it is called express by holiday inn cambridge , itis in 15-17 norman way , coldhams business park post cde is cb13lh 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 B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O B-Hotel-Recommend+Post O O N/A +bos and what is the price range ? is it relatively cheap or pricey ? eos O O O O O O O O O O O O O O O Hotel-Request+Price +bos the price range is expensive . eos O O O O O B-Hotel-Inform+Price O N/A +bos i think i will hold off on booking for now . thanks for everything , 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 O O O O general-thank +bos let me know if i can help more . eos O O O O O O O O O O general-reqmore +bos i would like to find something to do in the west . eos O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos we have some lovely college 's in the area some are free some are n't eos O O O O O B-Attraction-Recommend+Type 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 N/A +bos can you give me some information about the free options ? eos O O O O O O O O O O O O N/A +bos churchill college , clare hall , and magdalene collegeare free . all are in the west area and is very nice . eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Fee O O O O B-Attraction-Inform+Area O O O O O O O O O N/A +bos can i get the phone number to churchill college eos O O O O O O O O O O Attraction-Request+Phone +bos the phone number for churchill college is 01223336233. can i help you with anything else today ? 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 general-reqmore +bos i want to eat at an expensive european restaurant . eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos sure , would you like that in the west part of the city also ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos yes , i would like it in the west as well . eos O O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos great i found the cambridge lodge restaurant for you ! what would you like to do with it ? 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 may i have the phone number please ? eos O O O O O O O O O Restaurant-Request+Phone +bos sure . the phone number to the cambridge lodge restaurant is 01223355166. eos O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Phone O N/A +bos did you book a table for me ? eos O O O O O O O O O N/A +bos i have not booked it as of yet . 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 O O O Booking-Inform +bos no thanks . i just need the phone number please . eos O O O O O O O O O O O O Restaurant-Request+Phone +bos sure ! their phone number is 01223355166. 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 O general-reqmore +bos thank you , that will be all . 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 hello , i 'd like to get some info about a restaurant in cambridge ! eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos ok , do you need information on a specific restaurant or do you want me to run a search ? eos 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 i want an expensive indian restaurant , please . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos i have 14 entries showing . would you like a certain area of town or i could recommend the cocum in the west area ? 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 I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area O O O Restaurant-Request+Area +bos i 'll give the cocum a try . please book a table for 6 for 12:45 on thursday . eos O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O O O N/A +bos reference number is : hebfpw6j . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i 'm looking for a 3 star hotel to stay at . eos O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A +bos i have one in the south and one in the centre . they are both expensive , with free parking and wifi . can i help you make a booking at one ? eos O O O O O O O O O O O B-Hotel-Select+Area O O O O B-Hotel-Select+Price O O O O O O O O O O O O O O O O O Booking-Inform,Hotel-Select+Parking,Hotel-Select+Internet +bos i 'll go with the one in the south . i need a room for 6 people , 5 nights from thursday . 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 N/A +bos gonville hotel is a nice place , i will 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 Booking-Inform +bos yes please . eos O O O O N/A +bos our reservation system seems to be having trouble . in the meantime let me double check on the amenities . the gonville is a hotel rather than a guesthouse - is that 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 B-Hotel-Inform+Type O O O O O O O O O O O Hotel-Request+Type +bos can you try that booking now and see if it will go through this time ? eos O O O O O O O O O O O O O O O O O N/A +bos unfortunately , the booking system is still down . eos O O O O O O O O O O Booking-NoBook +bos can you find a taxi for me ? eos O O O O O O O O O Taxi-Inform +bos what time will you need a taxi ? eos O O O O O O O O O Taxi-Request+Leave +bos i need to leave the hotel and arrive at the reestaurant by 12:45 eos O O O O O O B-Hotel-Inform+Type O O O O O O B-Taxi-Inform+Arrive N/A +bos booking was successful . reference number is : f5hl5g1j . is for your hotel . eos O O O O O O O O B-Booking-Book+Ref O O O O O O O N/A +bos thats it thanks eos O O O O general-thank +bos glad i can help . do you need anything else ? eos O O O O O O O O O O O O general-reqmore +bos i 'm sorry , what did you say ? is that reference number for the hotel or taxi ? eos 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 that 's the reference number for the hotel . eos O O O O O O O O O O Booking-Book +bos okay can you do the taxi now please ? eos O O O O O O O O O O Taxi-Inform +bos yes , a red skoda is booked now . the number is 07003213138 eos 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 great , that 's all i need . ta ta . eos O O 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 hello i 'd like to get some information on a place to eat in the north side of cambridge . 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 N/A +bos we have 9 restaurants to chose from . there are italian , indian , french , chinese , european and asian restaurants . what sound good to you ? eos O O O O B-Restaurant-Inform+Choice 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 O O O O O O O O Restaurant-Select +bos i prefer chinese . something is the expensive price range eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O N/A +bos i would suggest the hakka it is chinese in the north and is expensive . would you like to make reservations ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price O O O O O O O O Booking-Inform +bos i 'd like to get the address and postcode . yes , i 'd like a reservation please . this place sounds 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 Restaurant-Request+Post,Restaurant-Request+Addr +bos hakka is located on milton road , chesterton , cb41jy . when would you like your reservation ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O O Booking-Request+Time,Booking-Request+Day +bos on friday . i also need a 4 star hotel in the west . eos O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos we have one in the cheap and one in the expensive range . which would you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O Hotel-Select +bos i actually preferred moderate , but lets go with the expensive option . eos O O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos hutington marriot is an expensive 4-star hotel on kingfisher way . it 's phone number is 01480446000. should i book that for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type I-Hotel-Inform+Type B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O O O O O O O O Booking-Inform +bos i 'm sorry , i 've checked my budget and really need to go with the cheap hotel . could you just give me the information on that one ? no booking today . eos 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 O O O O O O O O O O O O O O O N/A +bos the cambridge belfry is hotel in the west , within the cheap price range . what information on the hotel 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 N/A +bos do they offer free parking ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O Hotel-Request+Parking +bos yes . the cambridge belfry offers free parking . is there anything else i can help you with or would you like me to book it ? 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 O O O Booking-Inform,Hotel-Inform+Parking,general-greet,general-reqmore +bos no , thanks , but i do need a taxi between the hotel and the restaurant , leaving the hotel at 23:15 , please . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O B-Taxi-Inform+Leave O O O O O O N/A +bos ok , i 've booked you a taxi from the hotel and restaurant . it will be a red volkswagen . the contact number : 07761073818 eos 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 B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone O O O O O N/A +bos thank you , thats all i need today . eos O O O O O O O O O O general-thank +bos thanks for contacting us ! eos O O O O O O general-bye +bos hello , i am looking for a guesthouse to stay in and i would like it to have 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 N/A +bos does location or price range matter ? eos O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos no but it would also need free wifi . eos O O O O O O O O O O N/A +bos we have 21 guesthouses all over cambridge , i can narrow that down further if you tell me what part of town you 're 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 Hotel-Request+Area +bos i need the north part of town eos O O O O B-Hotel-Inform+Area O O O N/A +bos how about the acorn guesthouse ? eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name N/A +bos has it free parking ? eos O O O O O O N/A +bos yes , the parking is free . eos O O O O O O O O Hotel-Inform+Parking +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 sure can ! what day are you checking in ? eos O O O O O O O O O O O Booking-Request+Day +bos i would like to check in on monday at 5:30 eos O O O O O O O O B-Hotel-Inform+Day O O N/A +bos how many nights would you like to stay ? eos O O O O O O O O O O Booking-Request+Stay +bos monday and i actually meant 17:30 and for 6 people . sorry , things are hectic and im a little scatterbrained . 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 but how many nights are you staying ? eos O O O O O O O O O Booking-Request+Stay +bos just one please . eos O O O O O N/A +bos booking was successful . reference number is : 2jxk0sq0 . 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 i would like the contact number an car type . eos O O O O O O O O O O O Taxi-Request+Car +bos sure . where would you like to go to ? eos O O O O O O O O O O O Taxi-Request+Dest +bos i need a taxi from the hotel to the restaurant please . eos O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos i can book that for you . what time would you like to leave and what restaurant ? 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 oh , i seem to have forgotten to ask you about the restaurant . can you look up taj tandoori for me ? 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 O O O O N/A +bos sure , their number is 01223412299 eos O O O O O B-Restaurant-Inform+Phone O N/A +bos i 'd like to book a table at taj tandoori for 6 people on monday at 17:30 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 i have you booked the reference number is jq0wq39k . what else can i 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 general-reqmore +bos i 'll also need a taxi . eos O O O O O O O O Taxi-Inform +bos where are you going ? eos O O O O O O Taxi-Request+Dest +bos i need to commute between the guesthouse and the restaurant . make sure it arrives by the booked time and send 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 O O O O O O O O Taxi-Request+Car +bos you are set , look for a white tesla , contact number is 07013573051 , any other questions ? 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 general-reqmore +bos no , that 's all for today . thank you for all 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 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 guest house , please . eos O O O O O O O O O O O N/A +bos there are many guesthouses in cambridge ! do you have a certain area or price range in mind ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Type B-Hotel-Inform+Area O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos no but i want it to be in the north and have free parking . eos O O O O O O O O O O B-Hotel-Inform+Area O O O O O N/A +bos hamilton lodge is a guesthouse in the north in the moderate price range . it has free parking and wifi . can i reserve a room for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type 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 O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Booking-Inform +bos i do n't need to book at the moment , but thank you for the information ! eos O O O O O O O O O O O O O O O O O O general-thank +bos was 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 book the room for me please 2 people 5 nights starting thursday please eos O O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O N/A +bos reference number is : ukuno9ii . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos thank you much . i have heard raves about a certain restaurant called two two . do you have any info 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 O Restaurant-Inform +bos i found restaurant two two it serve french cuisine is in north and the price range is expensive . do you want me 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+Food I-Restaurant-Inform+Food O O B-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 Booking-Inform +bos yes , please . i want a table for 2 people on thursday at 11:00. please 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 okay , your booking was successful , the reference number is lqu2hdto . 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 actually , that was all i wanted help with today ! thanks a whole bunch ! ! 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 , have a good one ! eos O O O O O O O O O general-bye +bos i would like to find a french restaurant , please . eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos you can try cote in the centre . need a reservation ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area O O O O O Booking-Inform +bos if it 's moderately priced , yes please . eos O O O O O O O O O O N/A +bos i do not have a moderate priced french place . do you have another kind in mind ? eos O O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O Restaurant-Request+Food +bos hmm . how about indian instead ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos there are four moderately priced indian restaurants . two are in the east . would you like me to make a reservation for either curry prince or rajmahal ? eos O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 B-Restaurant-Select+Name I-Restaurant-Select+Name O O Booking-Inform +bos yes , please book me for 2 people at 14:30 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 okay i 've booked you at curry place . your reference number is reference number is : ep4zpsl2 . do you need anything else ? eos O O O O O O B-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 general-reqmore +bos i also need to find a place to stay while i am in town . eos O O O O O O O O O O O O O O O O N/A +bos how many stars do you want . eos O O O O O O O O Hotel-Request+Stars +bos i am looking for a 2 star hotel with free wifi . eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos i have 3 hotels that fit your criteria . would you like one located in the north or the east ? 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+Area I-Hotel-Select+Area O N/A +bos yes , the hotel should include free wifi and does n't need to have 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 well then , i would recommend the ashley hotel . would you like me to book a room for you ? eos 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 book it for the same group of people and 4 nights starting from the same day . eos O O O O O O O O O O O B-Hotel-Inform+Stay O O O O O O N/A +bos your room has been booked . your reference number is pwwhlh5v . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you . you took care of all my needs . thanks . bye . eos 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 assist . enjoy your trip , 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-welcome,general-bye +bos i would like a a decent chinese restaurant eos O O O O O O O B-Restaurant-Inform+Food O N/A +bos i have located 4 chinese restaurants in the moderate price range . does this sound good ? eos O 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 Booking-Inform +bos i 'm looking for a hotel with free wifi and parking and has a 3 star rating . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos you can stay at the gonville hotel in the centre of town , or the lensfield hotel in the south of town . they are both expensive . would you like one of those ? eos O 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 O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O O O N/A +bos possibly . does either include both free wifi and free parking ? eos 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 like me to book a room for you ? 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos no , please choose the best one . i need the area , postcode and address for them . 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+Post,Hotel-Request+Addr +bos the lensfield hotel is located in the south , at 53-57 lensfield road , postcode cb21en . 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O B-Hotel-Inform+Post O O O N/A +bos are there any good bistro restaurants in the centre ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i 'm unable to locate any bistro options in the centre . would you like help with anything else ? 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 general-reqmore +bos what about indian cuisine ? eos O O O B-Restaurant-Inform+Food O O N/A +bos we have a few restaurants of that cuisine , is there a price range you 'd like to look 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 Restaurant-Request+Area +bos no price range preference . what is your recommendation ? eos O O O O O O O O O O O N/A +bos then i will recommend saffron brasserie . it is a nice expensive restaurant . can i book for you ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos that sounds great , could i get their address and phone number ? 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 hills road city centre and the phone number is 012233574679. 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 N/A +bos ok , that should be all for me . 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 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 tell me what colleges are in the west side of town eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O N/A +bos there are 5 colleges on the west side . two have free entrance and two cost 2.50 pounds . is there anything else i can help you with ? 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+Choice I-Attraction-Inform+Choice 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 what are the phone numbers for these colleges ? eos O O O O O O O O O O Attraction-Request+Phone +bos churchill college 's phone number is 01223336233. eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Phone O N/A +bos that 's it . thanks ! 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 '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 O 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 are there any guesthouses in the north area of town ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos we have 11 guesthouses available . is it possible to narrow it down to price range or 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 O O Hotel-Request+Stars,Hotel-Request+Price +bos yes i am looking for something in the expensive price range . eos O O O O O O O O O O O O O N/A +bos we have no guesthouses in the expensive range , are there any other ranges that you would be interested in . 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 B-Hotel-Select+Price I-Hotel-Select+Price O O O O O O O O Hotel-Request+Price +bos yes , what about guesthouse in the moderate price range ? eos O O O O O O O O O O O O N/A +bos there are 3 in the area you are looking for . the acorn guest house , the arbury lodge guesthouse , and the archway house . would you like to know more ? 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+Name I-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O general-reqmore +bos i 'd like some details on the acorn guest house please . what 's 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 O Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Addr +bos the address of the acorn guest house is 154 chesterton road . the postcode is cb41da and the phone number is 01223353888. 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 O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos i am also looking for a train that leaves on thursday from cambridge . eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos i have 202 trains that match that description . where are you headed ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Dest +bos i am headed to leicester and it should leave after 13:45. eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave N/A +bos tr3780 will depart cambridge at 14:21 and arrive in leicester by 16:06. would you like to book 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 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 'll need 6 tickets . when you book it can you get me a reference number ? 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 certainly , your reference number is i1cm9wut . is there anything else i can do for you ? 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 no , thank you . that is all at this time . 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 'd like to find hotels in the cheap price range that offer free wifi . eos 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 there is one hotel that matches your search . it is the cambridge belfry in the west area . can i book that 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 B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform +bos no thank you , just the address and phone number please . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Taxi-Request+Phone +bos they are located on back lane , cambourne . is there anything else i can help you with ? eos O 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 can you book it for me . 3 people , 4 nights , sunday . reference number , please . eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay B-Hotel-Inform+Day O O O O O O O O O N/A +bos booking was successful.reference number is : 1cu5lu5x . is there anything else i can help ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O O O general-reqmore +bos thanks . i am also looking for a place to eat in the north . same price range as my hotel . 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-Hotel-Inform+Type O N/A +bos there are 2 choices - would you prefer indian or italian food ? eos O O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i would prefer italian . eos O O O O B-Restaurant-Inform+Food O N/A +bos da vinci pizzeria serves italian food it is in the north of town 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 N/A +bos ok , i will need to make a reservation for the same group of people at 12:45 on that 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 N/A +bos you 're all set . your reference number is : 7j5inwly . 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 O general-reqmore +bos great . thank you for your help . eos O O O O O O O O O general-thank +bos it was my pleasure , 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 taking a tour of colleges and i 've heard that cambridge is the place to go . can you tell me about some you have there ? 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 O O N/A +bos we have many nice ones . what area of town are you interested in ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O O Attraction-Request+Area +bos it does n't matter . i 'm interested in a college type attraction . i also need the entrance fee , address , and area info . thanks . 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+Area,Attraction-Request+Fee,Attraction-Request+Addr +bos christ 's college is in the centre on saint andrew 's street and its free 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 I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O N/A +bos thanks ! if it is n't too much trouble , could you also find me information on a restaurant called da vinci pizzeria ? 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 O O N/A +bos of course ! they are a great italian restaurant in the north part of town . they are usually very cheap . it 's located on 20 milton road chesterton . 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 B-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 N/A +bos thank you ! will you please book a table for 6 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 i 've reserved a table for six on wednesday at 18:30. your reference number is nt05qs6a . please note that they will hold the table for 15 minutes after your reserved time . eos 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 O O O O O O O O O O O O O O O O O N/A +bos thank you . i will need a taxi to get from christ 's college to the restaurant . 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 N/A +bos your taxi has been booked and the car will be a yellow volkswagen and their contact number is 07597491842. 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 general-reqmore +bos no , thank you . you 've been quite helpful . 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 i need a guesthouse in the center of the town please . eos O O O O B-Hotel-Inform+Type O O O O O O O O N/A +bos i have 2. the alexander bed and breakfast and the el shaddai . both are in the cheap price range . 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 O O B-Hotel-Inform+Price O O O O N/A +bos i need it to b moderately priced and include free wifi . eos O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos i 'm sorry , but there are no moderately priced hotels that fit your criteria . would you like me to look for something moderately priced in a different part of town ? eos O O O O O O O B-Hotel-NoOffer+Price I-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 O B-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area I-Hotel-Select+Area O O O N/A +bos can we try in the north instead ? eos O O O O O O B-Hotel-Inform+Area O O N/A +bos we have 8 moderately priced guesthouses in the north . might i suggest the arbury lodge guesthouse ? 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 B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos alright , can you book me a room please . i want to stay on sunday for 2 nights . 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 okay , great ! how many people will be staying ? eos O O O O O O O O O O O O Booking-Request+People +bos it looks like we 'll have a total of 5 people in our party . eos O O O O O O O O O O B-Hotel-Inform+People O O O O O N/A +bos i have book a room for 5 people beginning on sunday and continuing for two nights . your reference number is 2kmvo8nf . can i help you find anything else ? eos O O 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 B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos i am looking for a place to dine . eos O O O O O O O O O O N/A +bos what kind of food are you interested in ? eos O O O O O O O O O O Restaurant-Request+Food +bos i would like to find asian oriental . eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos what is your price range ? eos O O O O O O O Restaurant-Request+Price +bos it does n't matter as long as it is near the hotel . eos O O O O O O O O O O O O O O Hotel-Inform +bos saigon city is located in the north . 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 O O O O O O O O O O O Booking-Inform +bos yes , sunday , 5 people for 15:30. eos O O B-Restaurant-Inform+Day O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O N/A +bos booking was successful . the table will be reserved for 15 minutes.reference number is : 1h1xocsa . 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 would also like a taxi to get 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 O Restaurant-Inform,Taxi-Inform +bos booking was completed ! a grey ford will pick you up at 15:15 in front of the guesthouse , contact number 07097490762. can i assist with anything else ? 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+Leave 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+Phone 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 where would you like the 2nd taxi to take you ? eos O O O O O O O O O O O O Taxi-Request+Dest +bos actually just one taxi was enough , thank you . that 's all i need . eos O O O O O O O O O O O O O O O O O Taxi-Inform +bos you are welcome and thank you too eos O O O O O O O O general-welcome +bos have a lovely day . eos O O O O O O N/A +bos and you have a lovely day as well ! eos O O O O O O O O O O general-bye +bos i am looking for a guesthouse that has free wifi . eos O O O O O O B-Hotel-Inform+Type O O O O O N/A +bos do you have a price range or specific area ? eos O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Price +bos area is not important , thanks ! eos O O O O O O O O general-thank +bos my favorite guesthouse is the acorn guest house , in the north . 4 stars and moderately-priced . would you like a room there ? eos O O O B-Hotel-Recommend+Type O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Area O B-Hotel-Recommend+Stars O B-Hotel-Recommend+Price O O O O O O O O O O Booking-Inform +bos that sounds great . i 'll need a room for 6 people and 3 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 alright ! i have made your requested booking and the reference number is p6w6xfmk . 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 that 's all i need 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 thanks ! you too ! eos O O O O O O general-thank +bos do you need to book anything for travel ? eos O O O O O O O O O O general-reqmore +bos yes , please , a train from london liverpool street 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 O O N/A +bos i have trains departing cambridge on friday as early as 05:39 and as late at 23:39. do you have any preference on what time you 'd like to depart by or arrive ? 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 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 Train-Request+Leave,Train-Request+Arrive +bos i want to leave after 11:15. if i do , what time do you think i will arrive ? 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-Request+Arrive +bos if you leave at 11:39 on train tr7943 you will arrive at 13:07. eos O O O O O B-Train-Inform+Leave O O B-Train-Inform+Id O O O O O N/A +bos thank you , thats all i need . eos O O O O O O O O O general-thank +bos thank you for using our service . please feel free to reach out if you need 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 general-bye +bos please see if you can find me a 3-star hotel on the east eos O O O O O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area N/A +bos i 'm sorry we do not have any east hotels that meet your criteria . would you like to try a different part of town ? eos O O O O O 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 O O O Hotel-Request+Area +bos yes , please look for any 3-star hotels in town that include free parking . east is still preferred . 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 N/A +bos none fits your criteria . can we change the area ? eos O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos try something in the center of town . eos O O O O O O O O O N/A +bos the gonville hotel is an expensive , 3-star hotel in the centre of town . 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+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 O O O O Booking-Inform +bos yes please . it 's for 2 people and 2 nights starting on thursday . eos 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 booking was successful.reference number is : 2v7ewg9e . 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 general-reqmore +bos how about a place to dine in the expensive price range serving indian food . eos 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 i have many . what area would you prefer dining in ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Area +bos i would like somewhere 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 5 all located in the centre eos O O O O B-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Area N/A +bos then please pick one and give me their phone number band postcode . eos O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos saffron brasserie is located at hills road city centre , post code cb21la . their phone number is 01223354679. can i help with anything else today ? eos 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 O O B-Restaurant-Recommend+Post O O O O O B-Restaurant-Recommend+Phone 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 are welcome . eos O O O O O general-welcome +bos i 'm looking for a restaurant in the south that is cheap . eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos there are two cheap places in the south . the lucky star serves chinese food , and nandos serves portuguese food . which do you prefer ? 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 B-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food I-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O Restaurant-Select +bos either will work . i would like to book a table for 2 people at 13:25 on monday . eos O O O O O 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 booked a table for two at the lucky star on monday at 13:15. your reference number is x2yxz9p . anything else ? 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 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 O O O general-reqmore +bos thanks . could you also find a museum to go to in town ? eos O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos byard art is close and is free . it is at 14 kings parade . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Fee O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos am looking for places to go in town . the attraction should be in the type of museum . 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 byard art is near where you will be eating . the entrance fee is free . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O B-Attraction-Inform+Fee O O N/A +bos great . can you tell me the postcode for byard art ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Post +bos sure ! there is no entrance fee to byard art . is there anything else i can help you with today ? eos 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 O O O O O O O O O O O general-greet,general-reqmore +bos i 'll need a taxi eos O O O O O O Taxi-Inform +bos i can help you with that . i 'll need to know your departure site and destination . you can also tell me the 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 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 '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 . eos O O O O O O O O O O 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 which museum will you be attending ? eos O O O O O O O O Attraction-Request+Name +bos you are the one that suggested byard art . remember ? eos O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A +bos sorry about that . booking completed ! booked car type : blue lexuscontact number : 07150432273 anything else ? 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 general-greet +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 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 +bos are there any cheap restaurants in the centre that i can try ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O O N/A +bos yes , there are many . what type of cuisine are you interested in ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Food +bos can you suggest one , i am not picky , just need the type and address eos O O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos sure ! the golden house is a chinese restaurant that 's located at 12 lensfield road , city centre . would you like a table reserved ? 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 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 no thank you . i need to find a train leaving cambridge after 16:30. eos O O O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos i have 5 different trains leaving cambridge on friday evening , which destination do you prefer : kings cross or liverpool street ? eos 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 B-Train-Select+Dest I-Train-Select+Dest I-Train-Select+Dest O O N/A +bos i actually need to go to stevenage . eos O O O O O O O B-Train-Inform+Dest O N/A +bos what day do you need to leave ? eos 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 trains leaving cambridge every two hours starting at 17:21 and arriving in stevanage one hour later . which time do you prefer ? eos O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Time I-Train-Inform+Time O O O O O O O Train-Request+Leave +bos 17:21 sounds fine . please make a booking for 1 person and let me know the reference number . eos 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 booking was successful , the total fee is 12.8 gbp payable at the station . reference number is : l9dax54q . 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 thank you goodbye eos O O O O general-bye +bos you 're very welcome . good-bye . eos O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for some places to go in cambridge . eos O O O O O O O O O O O O O O N/A +bos sure . do you know what you would like to do ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos a park or swimming on the east side eos O O O O O O O B-Attraction-Inform+Area O N/A +bos there is cherry hinton park and abbey pool and astroturf pitch . would you like more information ? 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 I-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O general-reqmore +bos what is the phone number for abbey pool and astroturf pitch ? eos 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 Attraction-Request+Phone +bos the phone number is 01223902088. can i help with anything else ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O N/A +bos could you also tell me abbey pool 's address ? eos O O O O O O O O O O O Attraction-Request+Addr +bos the address is pool way , whitehill road , off newmarket road . can i help you any further ? 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 O O O O O O general-reqmore +bos i would also like help finding a guesthouse . eos O O O O O O O O B-Hotel-Inform+Type O N/A +bos what type of guest house are yo looking for ? eos O O O O B-Hotel-Select+Type I-Hotel-Select+Type O O O O O N/A +bos i 'd like to find a cheap 4 star place in the cheap price range please . eos O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos which area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos the area does not matter . just whatever you think is best in that criteria . eos O O O O O O O O O O O O O O O O O N/A +bos in that case , i would recommend the alexander bed and breakfast in the centre . 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 I-Hotel-Recommend+Name O B-Hotel-Recommend+Area O O N/A +bos thank you ! do they have free wifi ? eos O O O O O O O O O O N/A +bos yes , they do . would you like me to book a reservation 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 no , thanks . i just need their address and phone number eos O O O O O O O O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos sure thing . their phone number is 01223525725. the address is 56 saint barnabas road . anything else i can do for you ? eos O O O O O O O B-Hotel-Inform+Phone 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 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 ! take care ! eos O O O O O O O O O general-welcome +bos i need a train for tuesday after 12:30 eos O O O O O O B-Train-Inform+Day O O N/A +bos where would you like to go eos O O O O O O O Train-Request+Dest +bos i need to go from cambridge to bishops stortford . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos tr2771 leaves at 13:29. would you like me to book a reservation 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 . i 'll need it booked for 5 people . can i please 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 O O O Train-Request+Ref +bos booking was successful , the total fee is 50.5 gbp payable at the station .reference number is : 38589brc . 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 O general-reqmore +bos i 'm looking for a place to go in the south . i 'd like it to be of the type 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 N/A +bos the only multiple sports is located in the east . can i get you information for that place ? eos O 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 O O O O O O general-reqmore +bos yes , since there is no multiple sports location can you pleas find me something in the east . 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 there are ten places in the east to pick form , any specific interest in a type of place ? 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 Attraction-Request+Type +bos anything that would be entertainment . eos O O O O O B-Attraction-Inform+Type O N/A +bos funky fun house and also cherry hinton hall and grounds are both in the east . 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 I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area O N/A +bos can i get the address to the funky house ? eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos they are at 8 mercers row , mercers row industrial estate , postal cb58hy , no info on entrance fee but they can be reached at 01223304705 to answer 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 O O O N/A +bos great that 's all i needed to know today , thank 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 hello , i am going to be visiting cambridge and am looking for a particular hotel called the warkworth house . 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 O N/A +bos the warkworth house is a guesthouse on the east side located at warkworth terrace . their phone number is 01223363682. would you like help with anything else ? 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 O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos perfect i would like to book it for 7 people eos O O O O O O O O O O O N/A +bos what nights would you like me to book it for ? eos O O O O O O O O O O O O Booking-Request+Day +bos we will arrive on saturday and stay for four nights . eos O O O O O B-Hotel-Inform+Day O O O O O O N/A +bos the booking was successful and your reference number is d786qb5s . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i also need a place to go . in the center , to do multiple sports eos O O O O O O O O O O O O O O O O O N/A +bos unfortunately there are no sports attractions in the centre of town . should i broaden your search ? 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 O O O O O O O general-reqmore +bos how about a college instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos i have 13 colleges . would you like more info on any of them ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O general-reqmore +bos surprise me , please . i just need their address , phone number , and entrance fee . 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,Attraction-Request+Addr +bos gonville and caius college is in centre . phone is 01223332400. it 's free to get in , and the address is trinity street . do you need anything else ? 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+Phone O B-Attraction-Inform+Fee O O O 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 that is all i needed . eos O O 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-greet +bos i need a place to stay with free wifi but i do n't need free parking , thank 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 i am showing 2 guesthouse and 1 hotel . all are moderate price range . would you like more information ? eos O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos do you have any in the cheap price range ? eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos 9 of the 10 results returned are guesthouses . what area of town would you like to stay in ? eos O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O O O O O O O O O O Hotel-Request+Area +bos it does n't matter as long as it 's on the moderate range . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos do you have a preference for location ? i 'm showing guesthouses everywhere but the city centre . eos O O O O O O O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O Hotel-Request+Area +bos i just need to find one that has room for 3 people to stay 3 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 O O O N/A +bos the avalon is available , , would you like to book now ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Inform +bos yes , let 's go ahead and book with the avalon . eos O O O O O O O O O O O O O N/A +bos ok. the booking was successful and your reference number is c35xs6ye . eos O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos thank you . i am also looking for a place to eat in the centre area and that serves indonesian food . eos 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+Food O O O N/A +bos i 'm afraid that i did n't find any restaurants matching your criteria . would you like to try a different type of cuisine , or 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 O O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer +bos are there any indonesian restaurants elsewhere ? eos O O O O O O O O Restaurant-Inform +bos there are none in town . shall i try another type of food ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos how about lebanese instead ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there 's actually a great lebanese restaurant in that area , ali baba . would you like me to book a table for you ? eos O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food 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 Booking-Inform +bos yes , book the table for two . also , make it a late dinner ? eos O O O O O O O O O O O O O O O O O N/A +bos okay , i will book the table for two at a moderate restaurant . eos O O O O O O O O O B-Booking-Inform+People O O O O O N/A +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,Booking-Inform +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 latest , please . how long is the travel time ? eos O O O O O O O O O O O O Train-Request+Duration +bos the tr8928 arrives at 16:44 and has a travel time of 163 minutes . would you like me to book it for you ? eos O O B-Train-Inform+Id 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 Train-OfferBook +bos no , thanks . that 's all that i need , 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 O O general-thank +bos thank you for using our services . gooday eos O O O O O O O O O general-bye +bos find me a place to dine on some cheap foods from the americas please . eos 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 i am sorry but i am not finding any results for the americas . is there another food type you would be interested in ? eos 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 Restaurant-Request+Food +bos how about spanish food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos it seems there are no cheap spanish restaurants either . can i help you with anything else today ? 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 you can help me to book a table for 8 people at 16:45 on friday.make sure you get the reference number with moderate price range 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 your booking is successful , reference number is wlb1869a eos O O O O O O O O B-Booking-Book+Ref O N/A +bos great , thanks ! can you also help me find a train to get me to cambridge from leicester ? eos O O O O O O O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O N/A +bos which day will you want to travel ? eos O O O O O O O O O Train-Request+Day +bos i would like friday eos O O O O B-Train-Inform+Day N/A +bos i have a few options on friday with departures starting at 5:09 and recurring every hour . what time would you like to depart ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Day I-Train-Inform+Day 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-Request+Leave +bos can you pick one and get me 8 tickets please ? 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 302.39 gbp payable at the station .reference number is : i0w8xguw . 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 , that 's all i needed today ! 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-greet +bos i am looking for a place to stay . the hotel should be in the moderate price range and should include free wifi . eos 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 O O N/A +bos i 've found three to choose from . what area would you like ? i have 2 in the north and 1 in the centre . do you know ? 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+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O Hotel-Select +bos i would like a 3-star place , please . eos O O O O O O O O O O N/A +bos sorry , none of these places are 3 stars . would you like to try something different ? eos O O O O O O O O O O O O O O O O O O O general-reqmore +bos what types of hotels are available in cambridge that have a 3 star rating and are moderately priced ? 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 N/A +bos unfortunately , there are no hotels that fit that criteria , but there are 3 guesthouses with all the other specifications . are you interested in those ? eos O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type 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 yes lets book one of those for 6 people and 4 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 N/A +bos okay . we have you booked at the bridge guest house . your reference number is 2v8lwi7j . can i help with 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 O O O O O general-reqmore +bos yes , i 'm also looking to sight-see in town . can you recommend 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 what area of town would you like to attend a museum at ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O Attraction-Request+Area +bos anywhere will be fine , as long as i have the address so i know how to get there . 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 how about the cafe jello gallery ? the address is 13 magdalene street and free admission . 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos no thank you that will be all eos O O O O O O O O general-thank +bos are you sure ? we also have the cambridge and county folk museum . would you like some information about it ? 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 general-reqmore +bos no . the cafe jello gallery sounds interesting . i think we 'll go there . 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 is there anything else you need today ? eos O O O O O 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 your welcome . have a nice day . eos O O O O O O O O O general-welcome,general-bye +bos i am looking for a hotel , 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 it is located in the north at 63 milton road . eos O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos what day would you like me to book a room ? eos O O O O O O O O O O O O N/A +bos what ever day you want . eos O O O O O O O N/A +bos i would like to book the room for friday for four nights . eos O O O O O O O O O O O O O O N/A +bos would you like the reference number ? eos O O O O O O O O N/A +bos yes , please provide the reference number . eos O O O O O O O O O Hotel-Request+Ref +bos i also need to know how many people will be staying ? eos O O O O O O O O O O O O O Booking-Request+People +bos i will have a party of 4 people . eos O O O O O O O O B-Hotel-Inform+People O N/A +bos when will you begin you stay and how long will you stay ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+Stay +bos we want to arrive on friday and stay 4 nights . eos O O O O O O B-Hotel-Inform+Day O O O B-Hotel-Inform+Stay O N/A +bos your booking was successful ! your reference number is j6qggj3 . enjoy your stay ! eos O O O O O O O O O B-Booking-Book+Ref O O O O O O general-welcome +bos thanks ! i also need a train for tuesday . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos what is your destination and your departure ? eos O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i need to go from cambridge to london kings cross . 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 is convenient for you ? eos O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to leave after 09:15. i 'd like the travel time , id and price please eos O O O O O O 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 i have train tr2643 leaving at 15:00 arriving at 15:51 travel time 51 minutes with a price of 23.60 pounds . eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O B-Train-Inform+Arrive 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 thank you for everything , that is all i need . eos O O O O O O O O O O O O general-thank +bos i 'm glad that i could be of assistance today . good-bye . eos O O O O O O O O O O O O O O general-welcome,general-bye +bos hi , i am planning a trip for my family 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 O O O N/A +bos i can help with that , what would you like to stay at ? eos O O O O O O O O O O O O O O O Hotel-Request+Type,general-greet +bos i would like a hotel on the west side of cambridge . i prefer an affordable hotel that includes free parking . 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 N/A +bos i have 2 hotels in the west . both offer free internet and free parking . one is cheaper and the other is expensive . do you have a preference ? eos 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 B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Select,Hotel-Inform+Internet,Hotel-Inform+Parking +bos i want the cheap one . eos O O O O B-Hotel-Inform+Price O O N/A +bos the cheap one is the cambridge belfry . eos O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos please book that for 3 people for 3 nights starting on friday . eos 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 : ikc0pefs . eos O O O O O O O B-Booking-Book+Ref O N/A +bos i 'm looking for a place to stay that has 4 stars and includes free parking . eos 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 can help you with that . would you prefer a guest house or hotel ? eos O O O O O O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O general-greet +bos i think i need it to be in the centre . i probably prefer a hotel if possible . 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 there is one available . the university arms hotel . it is expensive , is that okay ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 Booking-Inform +bos sure . i need a room 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 B-Hotel-Inform+Day O O N/A +bos your reservation at the university arms hotel for 5 days 4 nights for 4 people was successful . your reference number is : bw6k6iar . eos 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 I-Booking-Book+Stay I-Booking-Book+Stay O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks . now that the hotel is set , i need to book a train for thursday going to peterborough . eos O 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 O N/A +bos i have 38 trains going to peterborough on thursday . will you be leaving from cambridge and what time would you like to leave and arrive by ? eos 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 O O O O O O O Train-Request+Leave,Train-Request+Arrive,Train-Request+Depart +bos yes , i am leaving from cambridge and i will need to arrive by 09:45 please eos O O O O O O B-Train-Inform+Depart O O O O O O O B-Train-Inform+Arrive O O N/A +bos ok am booking for you one and send you the requirements eos O O O O O O O O O O O O Train-OfferBooked +bos so i 'm planning a trip and i need some information about where to stay in the north . i prefer hotels with free parking 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 O O O N/A +bos sure , i have 11 options for you eos O O O O O B-Hotel-Inform+Choice O O O N/A +bos north 2 star and should include free wifi eos O O O B-Hotel-Inform+Stars O O O O O N/A +bos can i recommend the lovell lodge and make you 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 yes please . i need the reservation to be for 5 people and 4 nights starting on 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 O N/A +bos booking was successful . reference number is : 8fi2lr0p . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you . i would also like to find a chinese restaurant in the same area . can you let me know what is available ? 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 N/A +bos you have your choice of hakka or the hotpot , in luxury options , or the moderately priced golden wok . eos O O O O O O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos the hakka sounds good . can you book it for 5 people on friday ? eos O O O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Day 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 i would like it at 18:45. eos O O O O O O B-Restaurant-Inform+Time N/A +bos i was able to book the table for you per your request . your reference number is : 1weop8wm . is there anything else you need 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 general-reqmore +bos i also need a cab to get me to and from both places . i need the contact # 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 Taxi-Request+Car +bos will you be going from the lodge to the restaurant ? and what time do 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 O O O Taxi-Request+Depart,Taxi-Request+Dest,Taxi-Request+Arrive,Taxi-Request+Leave +bos to the restaurant , i would like to arrive before the reservation time of 18:45. eos O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos ok , look for a grey lexus . the contact number is 07361322317. can i help with anything else today ? eos 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 that 'll be everything thanks ! eos O O O O O O O general-thank +bos alright , have a lovely day . goodbye . eos O O O O O O O O O O general-bye +bos i need a train leaving cambridge after 21:15. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos ok , i have 5 options for you . the earliest leaves at 21:59. eos O O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave O O N/A +bos i would like to travel on saturday and go to leicester . eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A +bos the tr7610 leaves cambridge at 21:21 and arrives in leicester at 23:06. would you like to book a ticket ? 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 Train-OfferBook +bos yes , can you book me a ticket 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 90.72 gbp payable at the station . your reference number is dkv6x3z3 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 wonderful . can you tell me if a and b guesthouse is still around ? eos O O O O O O O O O O O O O O O O N/A +bos yes i have a listing for the 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 general-reqmore +bos can get some detailed information on this place ? eos O O O O O O O O O O N/A +bos sure thing ! it is in the east , moderate priced and 4 star . need me to book a room ? eos O O O O O O O O B-Hotel-Inform+Area B-Hotel-Inform+Price O O O B-Hotel-Inform+Stars O O O O O O O O O Booking-Inform +bos can you tell me the phone number , hotel type , and postcode ? i need to check on a few things . eos 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+Type +bos the phone number for a and b guest house is 01223315702 and the postcode is cb12dp . 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 B-Hotel-Inform+Phone O O O O B-Hotel-Inform+Post O N/A +bos thank you . i will call you back if we decide to stay there . eos O O O O O O O O O O O O O O O O general-thank +bos okay sounds good is there anything else i can do , eos O O O O O O O O O O O O general-reqmore +bos no , thank you . you 've been a great help . eos O O O O O O O O O O O O O general-thank +bos your welcome and good bye eos O O O O O O general-welcome,general-bye +bos i 'll be travelling to cambridge to do some sightseeing and need a place to stay . i 'd love to stay in a guesthouse rather than 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 B-Hotel-Inform+Type O O O O O O O N/A +bos i have 24 options to choose from . do you have a preference for area , stars , pricerange or internet ? 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+Stars,Hotel-Request+Area,Hotel-Request+Price,Hotel-Request+Internet +bos i would really like something in the north with a two star rating . 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+Stars O O N/A +bos i am sorry but i am not showing any 2 star guesthouse in the north . would you like to me check availability for 3 or 4 star 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 O O O N/A +bos how about some options for 2 star hotels instead of guesthouses . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O N/A +bos i still ca n't find anything that matches that . could you like us to look at other areas 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 Hotel-NoOffer,Hotel-Request+Area +bos are there any other type of hotels that match ? eos O O O O O O O B-Hotel-Inform+Type O O O N/A +bos i 'm terribly sorry , i have nothing that has two stars in the north at all . eos O O O O O O O O O O B-Hotel-NoOffer+Stars O O B-Hotel-NoOffer+Area I-Hotel-NoOffer+Area O O O O N/A +bos i really need a hotel room in the north with a 2 star rating . can you please double check ? eos O O O O O B-Hotel-Inform+Type 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 i just double checked and nothing . do you want to try another star rated hotel ? eos O O O O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Stars +bos well , maybe you can help me find an attraction called the gallery at twelve a high street . 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 N/A +bos the gallery at twelve a high street is a museum on the eastside . address is fulbourn , postcode cb15dh . phone number is 01223295264. entrance is free . anything else you need today ? 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 B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Fee O O O O O O O O O O general-reqmore +bos no that is ok. 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 yes , can you provide me with information on the attraction gallery at twelve and high street ? eos O O O O O O O O O O O O O O O O O O O Attraction-Inform +bos i sure can . they are a museum located in the eat . they offer free admission . they are located at fulbourn , postcode cb15dh . their phone number is 01223295264. is there anything else ? eos O O O O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Addr O B-Attraction-Inform+Post O O O O O O O O O O O O O O O general-reqmore +bos can you tell me how much the entrance fee is ? eos O O O O O O O O O O O O Attraction-Request+Fee +bos there is no entrance fee . it is free admission into the museum . can i help you with anything else today ? maybe a taxi to the museum ? eos 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 O O O O O O O O O general-reqmore +bos no , but i am looking for a place to stay that is cheap . eos O O O O O O O O O O O O O B-Hotel-Inform+Price O O N/A +bos i can recommend three guesthouses , all four star , in the east . may i book a room for you and your family ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type 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 Booking-Inform +bos i need something that includes free wifi as well . eos O O O O O O O O O O O N/A +bos i 'd like to suggest allenbell . is there anything else i could help you with ? eos O O O O O B-Hotel-Recommend+Name O O O O O O O O O O O O general-reqmore +bos what is their star rating ? and do they offer free wifi ? eos O O O O O O O O O O O O O O N/A +bos they have a star rating of 4 and they do offer free wifi . would you like me to book that for you ? 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 Booking-Inform,Hotel-Inform+Internet +bos no , but could i get the address 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+Addr +bos 01223210353 is the phone number . the address is 517a coldham lane . is there anything else i could help you with ? eos O B-Hotel-Inform+Phone I-Hotel-Inform+Phone 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 no , thank you.that is all for now . eos 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 hello ! i need a guesthouse to stay in , and i really need it to include free parking for my van . can you help ? 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 O N/A +bos i sure can ! there are 21 guesthouses in the city that include free parking . is there a certain part of town you 'd like to stay in ? 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 Hotel-Request+Area,Hotel-Inform+Parking +bos yes , in the south , please , and someplace with 4 stars . eos O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Stars O O O O N/A +bos aylesbray lodge guest house is available and is 4 stars , would you like me to book this 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 B-Hotel-Inform+Stars O O O O O O O O O O O Booking-Inform +bos perfect ! i 'll need a room for 5 people on thursday . we 'll be staying 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 B-Hotel-Inform+Stay O O O O O N/A +bos you are booked into aylesbray lodge guest house . your reference number is 744k1a1e . do you need 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 O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos i 'm looking for a place to go . are there any museums in town ? eos O O O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos the byard art is a museum in the south located at 14 king 's parade , postcode cb21sj . phone number 01223464646 and best yet , it 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 O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O B-Attraction-Inform+Phone O O O O O B-Attraction-Inform+Fee O O O O O N/A +bos thanks , you 've been extremely helpful . that 's all i needed ! eos O O O O O O O O O O O O O O O general-thank +bos great ! let us know if we can assist you 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 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 okay , any type in mind ? eos O O O O O O O O Restaurant-Request+Food +bos the train i 'm looking for should depart from stevenage and be leaving after 16:45. can you help ? eos 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 N/A +bos okay . you mentioned finding a local restaurant , initially . would you like me to search for one ? if so , what kind 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 Restaurant-Request+Food,general-reqmore +bos i 'm looking for something local . what do you recommend ? eos O O O O O O O O O O O O O N/A +bos it depends on what your price range is . eos O O O O O O O O O O Restaurant-Request+Price +bos actually i am craving singaporean food , price is no object . i would also like something in the centre area . eos O O O O 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 Train-Request+Price +bos unfortunately , there is not a singaporean restaurant in the centre of town . any other preferences ? 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 general-reqmore +bos do you have any asian expensive restaurants ? eos O O O O O O B-Restaurant-Inform+Price O O N/A +bos yes , there 's a place called kymmoy . eos O O O O O O B-Restaurant-Inform+Name O O O N/A +bos thank you so much for your information . eos 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-greet +bos i am looking for a swimmoingpool in the east . can you tell me what is available and if they have an entrance fee , please ? eos 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+Fee +bos the only one is the abbey pool & astroturf pitch . unfortunately , i do not have information on the entrance fee . i can give you their number if you like . eos O O O O B-Attraction-Inform+Choice 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 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 general-reqmore +bos that 's okay . 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 that 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 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 ? eos O O O O O O O O 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 hotels that offer both . which area of town are you interested in and what is your 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 Hotel-Request+Price,Hotel-Request+Area +bos i am looking for an expensive hotel and have no preference about location . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos i found 5 expensive hotels with free internet and parking . huntington marriott hotel is in the west part of town . would you like me to book a room there ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O O 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 O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , can you book that for 6 people staying 3 nights starting wednesday ? i will need the reference number as well please . 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 O O O Hotel-Request+Ref +bos booking was successful . your reference number is 8e863iru . can i help you with something 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 no , that should be all . i appreciate your help ! eos O O O O O O O O O O O O O N/A +bos happy to help ! enjoy your stay ! eos O O O O O O O O O general-welcome,general-bye +bos hi , i 'm looking for a train that leaves after 12:00 and departs from cambridge . 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 i will also need your arrival destination and day of travel please to complete this request . 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 would like to go to leichester on tuesday . eos O O O O 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 tuesday . eos O O O O O O B-Train-Inform+Day O N/A +bos i have 12 trains that match your criteria . they leave every hour starting at 12:21. do you have a preference of time ? eos O O O O B-Train-Inform+Choice 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 Train-Request+Leave +bos that first one sounds good , the one that leaves at 12:21. can you book that train for 2 people 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 N/A +bos your total is 75.59 gbp , which you can pay at the train station . your reference number is : atztdm9q . 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 O B-Train-OfferBooked+Ref O O O N/A +bos i 'm also looking for some entertainment around the center of town , 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 N/A +bos sure , i can help you with that ? was there a type of attraction 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 Attraction-Request+Type +bos i was actually looking for an entertainment venue . eos O O O O O O O B-Attraction-Inform+Type O O N/A +bos i have nothing in the venue right now . do you have other preferences ? eos O O O O O O O O O O O O O O O O general-reqmore,Attraction-NoOffer +bos how about a theatre ? eos O O O O B-Attraction-Inform+Type O N/A +bos we got 4. can i recommend one ? eos O O O O B-Attraction-Inform+Choice O O O O general-reqmore +bos yes , please . i need the theatre 's entrance fee , 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+Fee,Attraction-Request+Addr +bos i recommend the adc theatr , postcode cb58as , address park street . no entrance fee . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Post O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A +bos ok that sounds perfect , thank you . eos O O O 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-welcome,general-reqmore +bos that is everything thank you . 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 hi , i 'd like to find 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 O O N/A +bos there are five cheap italian restaurants in town . is there a particular area 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 O Restaurant-Request+Area +bos i prefer the north area of town . eos O O O O B-Restaurant-Inform+Area O O O O N/A +bos great , there is a cheap italian place in the north part of town called da vinci pizzeria . would you like a reservation ? eos O O O 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+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O Booking-Inform +bos yes , please make one 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 O N/A +bos i have your table reserved at the requested day and time . it will be held 15 minutes for you . the reference number is : ub24w3tp . eos 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 N/A +bos sounds good . could you also help me find a cinema in the same area ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos i 'm sorry . there are no cinemas in that part of town . would you like to try a different type of attraction ? 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 general-greet +bos darn ! i really wanted to go to the cinema . is there a park located in that area ? 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 N/A +bos yes , there is milton country park in the north . it is free to enter . eos O O 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+Fee I-Attraction-Inform+Fee O O O O N/A +bos can i get their address please ? eos O O O O O O O O Attraction-Request+Addr +bos absolutely . their address is milton country park , milton . is there anything more i can help you with ? 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 general-greet,general-reqmore +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos their fee is free . is there anything else i can help you with ? eos O O O O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos i 'd also like a taxi . i 'd like to 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 N/A +bos i have booked your ride , it 's a yellow tesla and the contact number is 07623087287. 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 N/A +bos thank you , you 've been very helpful ! that 's all i 'll need today ! 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 'm looking for a hotel named cityroomz . can you provide me information about it 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 yes . it 's a 0 star hotel that 's located at sleeperz hotel , station road in the centre of town . would you like their phone number as well ? eos O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 general-reqmore +bos no thanks , but can you book me for 3 people and 5 nights starting on saturday ? i 'll also need 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 O Hotel-Request+Ref +bos i booked it for you . the reference is l30five7 . do you need anything else ? eos O O O O O O O O O B-Booking-Inform+Ref O O O O O O O O general-reqmore +bos im looking for a place to go in the centre area with multiple sports . eos 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 are no multiple sports in the centre area . do you want me to try a different area or a different attraction ? 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 Attraction-Request+Type,Attraction-Request+Area +bos how about let 's try a nightclub ? eos O O O O O O B-Attraction-Inform+Type O O N/A +bos yes i found 5 nightclubs . would like to try the ballare located at heidelberg gardens , lion yard ? eos O O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Name O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos i think that would work . can you tell me their entrance fee and postcode 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+Fee +bos yeah , the entrance fee is 5 pounds , and the postcode is cb23na . eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O O N/A +bos can you book me a taxi between the two locations please ? eos O O O O O O O O O O O O O Taxi-Inform +bos when would you like to be picked up ? eos O O O O O O O O O O Taxi-Request+Depart +bos at 17:00 hours please eos O O B-Taxi-Inform+Leave O O N/A +bos okay . you 'll be expecting a blue ford . their number is 07043795737. anything else ? eos 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 general-reqmore +bos was that taxi booking for leaving by 18:45 ? eos O O O O O O O O B-Taxi-Inform+Leave O N/A +bos it was at 17:00 , quite a bit before 18:45. would you prefer a later booking ? eos O O O O B-Taxi-Inform+Leave O O O O O O O O O O O O O general-reqmore +bos i just need to arrive at my attraction by 18:45. can i get the car type and 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 Taxi-Request+Car +bos it 's a blue ford and the contact number is 07043795737. 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 thanks for your help ! eos O O O O O O general-thank +bos thank you for using the help desk ! good bye ! eos O O O O O O O O O O O O general-bye +bos i have just been in a car accident dispute and i am looking for help . eos O O O O O O O O O O O O O O O O O N/A +bos you may contact the parkside police station at 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 i do not have their full address information available , the postcode is cb11jg . please call them to get the 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 N/A +bos can you help me get a taxi to pizza express fen ditton ? 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 O N/A +bos sure ! where do you want to depart from ? eos O O O O O O O O O O O Taxi-Request+Depart +bos i want to depart from sidney sussex college . eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos great . now i 'll just need a time from you please . eos O O O O O O O O O O O O O O Taxi-Request+Leave +bos i ca n't leave until after 11:45 please . eos O O O O O B-Taxi-Inform+Leave I-Taxi-Inform+Leave O O O N/A +bos ok , you will be riding in a black bmw , the contact number is 07196618284 , 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 O B-Taxi-Inform+Phone O O O 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 thank you for using cambridge towninfo centre . goodbye for now . eos O O O O O O O O O O O O O general-bye +bos i need a train leaving 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 i can help you with that what day are you wanting to leave ? eos O O O O O O O O O O O O O O O Train-Request+Day +bos i want to leave on a tuesday . eos O O O O O O O B-Train-Inform+Day O N/A +bos where will you be travelling to ? eos O O O O O O O O Train-Request+Dest +bos i will be traveling to cambridge . eos O O O O O O B-Train-Inform+Dest 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 whatever time that will get me there closest to 14:00. eos O O O O O O O O O O B-Train-Inform+Arrive N/A +bos tr7850 leaves tuesday at 11:17 and arrives at 12:08. will this one 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 Train-Select +bos yes , that would work great . what is the price per ticket for that train ? eos O O O O O O O O O O O O O O O O O O Train-Request+Price +bos the tickets are 23.60 gbp each . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos i am also looking for a place to go in town eos O O O O O O O O O O O O N/A +bos what type of place would you like to visit ? eos O O O O O O O O O O O Attraction-Request+Type +bos i 'd like to visit a college in the south . eos O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O N/A +bos unfortunately , i do n't have any colleges located in that area . can i try a different area or attraction type ? 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 Attraction-Request+Area,Attraction-Request+Type +bos yes , can you look for a theatre in the south ? 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 the junction theatre in the south located on clifton way . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos could i have their phone number and address please ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos yes the junction theater 's address is clifton way and their telephone number is 01223511511. eos 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 O O O B-Attraction-Inform+Phone O N/A +bos thank you for the help , that is all i need for today . eos O 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 O general-bye +bos i would like a taxi to limehouse . i need to arrive by 7:15. eos O O O O O O O B-Taxi-Inform+Dest O O O O O O O N/A +bos i 'd be happy to book that for you , where are you departing from ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Depart +bos i am leaving from nusha . eos O O O O O B-Taxi-Inform+Depart O N/A +bos you are booked for a black skoda . 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 N/A +bos could you give me the contact number for the skoda , please . eos O O O O O O O O O O O O O O N/A +bos booked car type : black skodacontact number : 07129813049 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone N/A +bos thank you for your help eos O O O O O O general-thank +bos you 're 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 it . goodbye . 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-bye +bos i was in a car accident dispute and i am looking for help eos O O O O O O O O O O O O O O N/A +bos you should telephone the police immediately at 01223358966. eos O O O O O O O O O N/A +bos can i get the postcode please ? eos O 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 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 . anything else we can do for you ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos no , i 've got to run right now . thanks , goodbye . eos 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 hello there , could you tell me where the parkside police station is please ? eos O O O O O O O O O O O O O O O O Police-Inform +bos that police station is located at parkside , cambridge eos O O O O O O O O O O N/A +bos thanks , i need the phone number , address and postcode . eos O O O O O O O O O O O O O Police-Request+Post,Police-Request+Addr,Police-Request+Phone +bos their telephone number is 01223358966 and they are located in parkside , cambridge 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 thank you for using our services . eos O O O O O O O O general-bye +bos can you book me a taxi to arrive by 23:30 ? oh , and i am departing from wandlebury country park . 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 O O N/A +bos i would be happy to book that , first i will need to know your destination . eos O O O O O O O O O O O O O O O O O O Taxi-Request+Dest +bos i want to go the tandoori palace . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos 07903665107 is the contact number , i have you in a black honda . eos O B-Taxi-Inform+Phone O O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos thank you so much you 've been 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 . goodbye . eos O O O O O O O O O O general-bye +bos glad to be of service , goodbye . eos O O O O O O O O O general-bye +bos book me a train from bishops stortford that arrives by 18:30. 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 ok , the tr0201 arrives at 18:07. would you like to book that ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos i need the train to leave on tuesday and go to cambridge . eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Dest O N/A +bos there are no trains on tuesday . eos O O O O O O B-Train-NoOffer+Day O N/A +bos are you sure ? i need to leave tuesday . eos O O O O O O O O B-Train-Inform+Day O O N/A +bos yes i am sure . can you change your criteria ? eos O O O O O O O O O O O O general-reqmore +bos no , i can not do that . eos O O O O O O O O O N/A +bos i have a train on tuesday that arrives at 18:07. i believe that would suffice ? eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O O O O O general-reqmore +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 i can do that for you . can you tell me how many tickets you need 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,Train-OfferBook +bos i need to book it for 5 people . eos O O O O O O O O B-Train-Inform+People O N/A +bos your booking on tr1772 was successful . the reference number is yv3k20rp . the total fee of 50.5 is payable at the station . eos O O O O B-Train-OfferBooked+Id O O O O O O B-Train-OfferBooked+Ref O O O O B-Train-OfferBooked+Ticket O O O O O O O O N/A +bos also looking for place to go in the west . i need the postcode , address and entrance fee . eos 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+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos there are a lot of great places to go in the west - museums , colleges , entertainment venues - what would you like to do ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Area 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 would you choose an entertainment venue for me ? museums and colleges seem so boring . i will need the address , 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 O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos the only entertainment venues that i can find are colleges in the west . is there another area you would like me to search ? eos 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 O O Attraction-Request+Area +bos colleges are find , can you recommend one and give me the postcode , address and entrance fee ? eos 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+Fee,Attraction-Request+Addr +bos i recommend clare hall . it is free admission , and the address is herschel road , cb39al . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee O O O O O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O N/A +bos that is great , thanks for your help . 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 no , i think i have everything i need . eos O O O O O O O O O O O N/A +bos thank you for calling . have a great day and a fantastic trip to cambridge . 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 i want to find a hospital in town . the hospital should have the neurology neurosurgery department eos O O 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 i have addenbrookes hospital on hills rd in cambridge , they have a nuerology and nuerosurgery department , will 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 N/A +bos that would be fine . i just need the phone number and postcode . thanks . eos 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 phone number is 01223245151 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 N/A +bos no , thank you . i got what i needed . goodbye . 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 i need a train to cambridge leaving after 17:15. can you help me ? eos O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O O O N/A +bos 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 . eos O O O O O 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 leaving on tuesday from london kings cross eos O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A +bos tr2471 leaves at 23:60. and costs 3.60 pounds . can i book for you ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O Train-OfferBook +bos yes please , thank you ! i will need the reference number once booked . eos O O O 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-Request+People +bos just one , thank you . eos O O O O O O O general-thank +bos i will book that for you now . eos O O O O O O O O O Train-OfferBook +bos okay well then do so , i do n't have all day eos O O O O O O O O O O O O O N/A +bos actually , train tr2471 leaves london kings cross at 23:17 at a cost of 23.60 pounds . i have booked one seat , reference number xniaw5cw . eos O 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Ref O O O O N/A +bos thanks , i 'm also looking for a place to stay in the centre that is moderately priced . eos 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 cityroomz is moderately priced and in the centre . would you like me to book a room for you ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O B-Hotel-Recommend+Area O O O O O O O O O O O O Booking-Inform +bos does it have free wifi and zero stars ? eos O O O O O O O O O O N/A +bos it does indeed , should we go ahead and book a room for you ? eos O O O O O O O O O O O O O O O O Booking-Inform,general-greet +bos yes please , for 1 person 5 nights starting tuesday . eos O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O N/A +bos i 've book a single occupancy room for five nights beginning tuesday . your reference number is 1nom5ruh . 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 N/A +bos that us all i need . 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,general-bye +bos do you know anything about camboats ? eos O O O O O O B-Attraction-Inform+Name O N/A +bos i do , they are an amazing boating place in the east part of cambridge with activites for all type of boaters , would you like more information ? eos 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 O O O O O O O O O N/A +bos yes more info of what is offered and how can i get there eos O O O O O O O O O O O O O O N/A +bos the address i have for camboats is the plough , green end , fen ditton . perhaps you can give them a call for more information . their phone number is 01223902112. eos O O 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 O O O O O O O O O O B-Attraction-Inform+Phone O O O O N/A +bos thank you . could you tell me their business hours ? eos O O O O O O O O O O O O general-thank +bos no i do n't know their business hours but i have a phone number you can use to check with them . it 's 01223902112. eos O O O B-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open O O O O O O O O O O O O O O O O B-Attraction-Inform+Phone O O O N/A +bos is there an entrance fee at camboats ? eos O O O O O O O O O Attraction-Request+Fee +bos i 'm unsure of the entrance fee . you could try calling then with the number i provided though . can i help with anything else ? eos 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 O O O O O O general-reqmore +bos i also need a train leaving on friday and arriving by 20:00. eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos and where would your destination be please ? eos O O O O O O O O O Train-Request+Dest +bos my destination is bishops stortford eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A +bos we 've got a train leaving at 17:29. would you like me to book some tickets 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 Train-OfferBook +bos i dont need a booking . i do need the travel time 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+Duration,Train-Request+Price +bos the travel time is 38 minutes and the price is 10.10 pounds . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thanks that is i need today eos O O O O O O O general-thank +bos you are welcome . eos O O O O O general-welcome +bos thank you . goodbye . eos O O O O O O general-bye +bos please feel free to reach out if you have any additional questions . goodbye . eos O O O O O O O O O O O O O O O O general-welcome,general-bye +bos do you know anything about emmanuel college ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos emmanuel college is located in the center of town , on saint andrew 's street in postcode cb23ap . it 's free to get in . 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 I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O B-Attraction-Inform+Fee O O O O O O O O N/A +bos is that their full address ? eos O O O O O O O Attraction-Request+Addr +bos yes it is . can i help you with anything else today ? eos O O O O O O O O O O O O O O general-reqmore +bos i 'm also looking for a recommendation on 4 star , moderately priced hotels . eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Price O O O O O N/A +bos the acorn guest house is a great place to stay . would you like me to book you a room ? 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 Booking-Inform +bos do they have free wifi ? eos O O O O O O O N/A +bos yes they do . would you like anymore information ? eos O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos book it for 4 people and 3 nights starting from thursday eos O O O O O B-Hotel-Inform+People O O B-Hotel-Inform+Stay O O O N/A +bos you 're all set at the acorn , reference # m1kydqsw . can i help you with anything else today ? eos 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 general-reqmore +bos no , that 's it . thanks ! eos O O O O O O O O O general-thank +bos let us know if there is anything else you need . eos O O O O O O O O O O O O general-bye +bos can you help me find a place to stay for my upcoming trip ? i am excited to see some of your 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 Attraction-Inform +bos sure , in what area of town were you looking 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 O O O Hotel-Request+Area,Hotel-Request+Price +bos i 'm not looking for a specific area but i would like it to be a 2 star and expensive please . eos O O O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O N/A +bos okay , the express by holiday inn cambridge matches the criteria . the address is 15-17 norman way , coldhams business park . would you like me to book a reservation ? 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 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 Booking-Inform +bos does it have free parking eos O O O O O O N/A +bos yes it most certainly does . eos O O O O O O O Hotel-Inform+Parking +bos great . please book it for 3 people for 2 nights starting on tuesday . 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 have booked that for you . your confirmation number is wpkwg3r7 . 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 particular attraction called old schools . eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos it is a type of architecture located in the centre of town 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 N/A +bos may i please get the address for old schools ? eos O O O O O O O O O O O Attraction-Request+Addr +bos old schools are located on trinity lane . can i book a taxi for you to visit this attraction ? 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 O O O O O O O O O N/A +bos yes , actually . that would be very helpful . i want to leave the hotel by 11:00 to head over there . 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 N/A +bos i booked that for you and the contac number is 07901150688 eos O O O O O O O O O O O B-Taxi-Inform+Phone N/A +bos thank you that is all . eos O O O O O O O general-thank +bos thank you so much 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 O O general-bye,general-greet +bos i need to find a train going to leicester that arrives by 4:45 pm . do you know of one ? 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 O N/A +bos there are many trains going to leicester at the time , where are you departing from and on what day ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Day +bos i am departing from cambridge on friday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr0623 leaves at 14:21 and will arrive at leicester at 16:06. the trip will take 105 minutes and will cost 37.80 pounds . would you like to book ? eos O B-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 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 Train-OfferBook +bos yes , i need 8 tickets . please send the ref . no . when you 're done . eos 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 booking was successful , the total fee is 302.39 gbp payable at the station . your reference number is fi1yoznv . is there anything else i can assist 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 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 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 how about adc theatre located at park street . the phone number is 01223300085. 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 B-Attraction-Inform+Phone N/A +bos is there an entrance fee for this ? eos O O O O O O O O O Attraction-Request+Fee +bos the entrance fee isnt stated . but if you 'd like to call them to find out the phone number is 01223300085. 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 O O O O O O B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos what is there address ? eos O O O O O O Attraction-Request+Addr +bos the address is park street and the post code is cb58as . eos 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 that would be all for tonight eos O O O O O O O O general-thank +bos ok , great . happy to be of assistance ! eos O O O O O O O O O O O general-welcome,general-bye +bos yes , could you help me with 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 O N/A +bos i would recommend old schools located at trinity lane . the architecture there is beautiful . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Type O O O O O N/A +bos i 'm actually looking for a place to take the family swimming . is there anything of that sort available ? 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 certainly , there are 4 swimming pools in town , two on the northend , one on the eastside , and one in city centre . would you like more information ? 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 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 i do n't care what part of town it is in . can you recommend one and give me the 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 Attraction-Request+Phone +bos yes , kings hedges learner pool is really nice . their number is 01223353248. is there anything else i can assist you with ? 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-Recommend+Phone O O O O O O O O O O O general-reqmore +bos yes i need to catch a train to norwich from cambridge that leaves after 08:45. eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O B-Train-Inform+Leave N/A +bos what day will you be leaving ? eos O O O O O O O O Train-Request+Day +bos i need to travel on monday . eos O O O O O O B-Train-Inform+Day O N/A +bos is there a certain time you need to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos i want to leave sometime after 08:45. eos O O O O O O O O N/A +bos the tr8495 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 yes please get me 7 tickets for that . eos O O O O O O B-Train-Inform+People O O O N/A +bos your booking was successful . would you like the total fee or the reference number ? eos O O O O O O O O O O O O O O O O O Train-OfferBooked,general-reqmore +bos may i have the reference number please ? eos O O O O O O O O O Train-Request+Ref +bos yes , why did i ask , that should be implied that someone would want it , my mistake , reference number is 3qunf9lo , any further questions ? 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 general-reqmore +bos no thanks , you were helpful , have a great day . eos O O O 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-bye +bos 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 ? eos O O O O O O O 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 ! how about downing college , it has free admission . eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O N/A +bos awesome , can i have 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 postcode is cb21dq , and the address is regent street . eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos thank you ! i 'm also looking for a hotel called aylesbray lodge 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 O O O N/A +bos the aylesbray guest house is a 4 start guest house located in the south area of town and it is moderate in price . 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 O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A +bos that sounds perfect ! can you reserve me a room for tuesday for 5 guests ? eos O O O O O O O O O O O O O O O O O N/A +bos i have the system up , will this be for one day or more ? eos O O O O O O O O O O O O O O O O Booking-Request+Stay +bos i need it for 4 nights eos O O O O O O B-Hotel-Inform+Stay N/A +bos ok , your room is booked . the reference number is nzgyo251 . 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 yes i need a taxi to travel between the two places and would like to leave the attraction by 04:00 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 N/A +bos a taxi has been booked . the contact number is 07045457153 , in case you have any questions . eos O O O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O O N/A +bos can you tell me the car type please ? eos O O O O O O O O O O Taxi-Request+Car +bos it will be a white skoda . is there 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 general-reqmore +bos no , that will be all . thanks , goodbye . eos 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-bye +bos could you help me find a restaurant that 's moderately priced , and services sri lankan cuisine ? 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 N/A +bos i 'm sorry , i do n't see any moderately priced sri lankan restaurants . would you like to try another sort 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 Restaurant-Request+Food,Restaurant-NoOffer +bos yes , are there are restaurants with lebanese cuisine ? eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos no , i 'm sorry , there are no sri lankan restaurants in the moderate or the expensive price range . can i help you find 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 Restaurant-NoOffer,general-reqmore +bos do you have a moderately priced restaurant serving lebanese food ? eos O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O N/A +bos yes . ali baba serves lebanese . may i book a table for you ? 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 O Booking-Inform +bos yes see if there is booking for 6 people at 11: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 N/A +bos i 'm sorry , i was unable to book the restaurant . would you like 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 Booking-NoBook,general-reqmore +bos yes , is there another restaurant serving lebanese food that you can recommend ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O N/A +bos no i am sorry the ali baba is the only one . another place maybe ? eos O O O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos yes , please try 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 O O N/A +bos i was able to book you at the oak bistro . your reference number is 11wh7x3k . 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 O O B-Booking-Book+Ref O O O O O O O O O O O O general-reqmore +bos nope , that should do it ! thanks ! eos 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 general-bye +bos i am looking for an expensive place to eat 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 i have 33 restaurants that meet your requests . can you tell me what kind of food 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 O Restaurant-Request+Food +bos the type of food does n't matter . i just need a table for 3 for friday night at 19:00. eos 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 would you like me to try and make a reservation for the cambridge chop house ? 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 O N/A +bos yes and lets book for next weekend , instead , thank you . eos O O O O O O O O O O O O O O N/A +bos there is no availability at that time . 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 O Booking-NoBook,Booking-Request+Time,general-reqmore +bos can you try to find another restaurant in the same area and pricerange ? eos O O O O O O O O O O O O O O O Restaurant-Inform +bos how about fitzbillies restaurant ? it 's also an expensive british restaurant in the centre of the city eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 O O N/A +bos yes , try that please . eos O O O O O O O N/A +bos alright , i have your table booked at fitzbillies restaurant . the table will be reserved for 15 minutes . your reference number is : bcvphb3u . anything else today ? 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 O O B-Restaurant-Inform+Ref O O O O O O O O O general-reqmore +bos no thanks , that is everything eos O O O O O O O general-thank +bos no problem . enjoy your meal on friday . good bye . eos O O O O O O O O O O O O O general-welcome,general-bye +bos hi , i am looking for a restaurant in the south that serves tuscan 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 i 'm sorry , there are not tuscan restaurants at all . can i find a different cuisine type for you ? 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 Restaurant-Request+Food,Restaurant-NoOffer +bos okay . that 's fine . can you find me one that serves chinese 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 have 3 chinese restaurants available . is there a price range you would prefer ? eos O O O O B-Restaurant-Inform+Food O O O O O O O O O O O O Restaurant-Request+Price +bos i do n't care . i just need a table for 5 people at 12:45 on tuesday if you can book me one . 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 N/A +bos i have the lucky star with is in the south and cheap . would you like me to book at that restaurant ? 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 B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos lucky star . sure why not . eos O O O O O O O O N/A +bos booking was unsuccessful . would you like to try another time or different chinese restaurant ? eos O O O O O O O O O O O O O B-Restaurant-Select+Food O O O Booking-NoBook,Booking-Request+Time +bos could you find me a place with the same price range 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 the only other cheap restaurant in the center of the city is a portuguese restaurant . would you like me to book that for you . eos O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Price 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 Booking-Inform,Restaurant-Select +bos yes , please . same people , date , and time . eos O O O O O O O O O O O O O N/A +bos i was able to book at table at nandos for the time and date specified . your reference number is 0w15tqoh . can i help you with anything else today ? eos O O O O O O O O O B-Booking-Book+Name O O O O O O O O O O B-Restaurant-Inform+Ref O O O O O O O O O O O general-reqmore +bos no i do not need anything else , thank you goodbye . eos O O O O O O O O O O O O O general-bye +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 looking for a cheap restaurant in the town 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 yes there are many in my search for you , can i get what type of food you are looking to eat at the restaurant ? 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 O O O O Restaurant-Request+Food +bos italian food , cheap and in the east part of town eos O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O N/A +bos there are several cheap italian restaurants in the centre but none in the east . 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 Restaurant-NoOffer +bos actually a chinese restaurant in the centre would better suit our needs , what is available at a cheap price ? eos O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos in the centre we have charlie chan , rice house , and golden house that are all quite inexpensive . would you like me to book a table at one of them ? eos O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Choice 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 . i need a table for 3 people at 18: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 you have a table at the rice house . it will be held for 15 minutes and the reference number is cbkxevpz . can i help you further ? 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 B-Booking-Book+Ref O O O O O O O general-reqmore +bos no , that will be all thanks . have a great day . eos O O O O O O O O O O O O O O general-thank +bos thank you . i hope you have a good day as well . eos O O O O O O O O O O O O O O general-bye +bos i want to find a place to eat that serves indian food in the centre of town . 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 O N/A +bos there are 9 restaurants that fit that description . are you looking for a cheap or expensive restaurant ? 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 I-Restaurant-Select+Price O N/A +bos price range does n't matter . which restaurant out of the 9 do you recommend ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos i 'd recoment the mahal of cambridge . it 's inexpensive , and conveniently located . would you like me to book you ? eos 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 O O O O O O O O O O O O O O O Booking-Inform +bos that sounds fine . can you book for 4 people at 19:30 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 booking was unsuccessful . would you like me to look at another location ? eos O O O O O O O O O O O O O O O Booking-NoBook +bos yes . can you find me something that is available in the same area and 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 the ghandi ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos ok lets try there . eos O O O O O O N/A +bos your all set . reference number is hkbdrn69 . anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O general-reqmore +bos no thank you . eos O O O O O general-thank +bos okay . thanks so much for calling . enjoy your evening ! eos O O O O O O O O O O O O O general-bye +bos i would like to find a restaurant in the expensive price range that is located in the city center . eos 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 there are 33 expensive resturants in the city center . we could narrow it down more by food type . what type of food would you like ? eos 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 O O O O O O O O O O Restaurant-Request+Food +bos i do not care about that . eos O O O O O O O O N/A +bos bedouin serves african food , is in the center , and in the expensive price range . do you want me to book this restaurant ? eos O B-Restaurant-Inform+Name O B-Restaurant-Inform+Food 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 O O O O O Booking-Inform +bos yes , i 'd like to book a table for seven at 19:15 on tuesday . eos O O O O O O O O O O O O O B-Restaurant-Inform+Day O O O N/A +bos ok i have booked you at bedouin on tuesday at 19:15 for 7 people . eos O O O O O O O B-Booking-Book+Name O O O B-Booking-Book+Time O O B-Booking-Book+People O N/A +bos may i have the reference number please ? eos O O O O O O O O O Restaurant-Request+Ref +bos it is actually not open then , another day or place to dine ? eos O O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos how about a different restaurant in the area and price range ? eos O O O O O O O O O O O O O Restaurant-Inform +bos i was able to book you at the cambridge chop house . reference number k1t50mhg . eos 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 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 okay . enjoy your dinner . eos O O O O O O O general-bye +bos can you find me an italian restaurant in the centre ? eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos sure , there are 9 restaurants to choose from . did you have a price range in mind ? 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+Price +bos i 'm looking for something on the cheap side , please , although i 'd like to get good value for the money . eos 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 N/A +bos there are three italian restaurants in the center in the cheap range . they are pizza hut city centre , ask , and zizzi cambridge . which 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 I-Restaurant-Inform+Area O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 N/A +bos any of them will be fine . as long as it 's cheap . i need a table for 4 on monday at 12:15 please . 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 B-Restaurant-Inform+Time O O O O O N/A +bos i would recommend ask as it is a nice place . eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos yes , please book ask for 4 people at 12: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 i 'm sorry but i could n't book you there . how about another restaurant ? 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 , same price range as before . eos O O O O O O O O O O N/A +bos okay i was able to get you into the zizzi cambridge and your reference number is gi0fzmkl . 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 okay thank you very much for your help . eos O O O O O O O O O O general-thank +bos you are welcome . enjoy your lunch . eos 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 okay . do n't hesitate to call us 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 looking for mid range spanish restaurants , can you help me ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos i have a listing for la tasca in the centre area , can i book you a table there ? 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 Booking-Inform,Restaurant-Select +bos sure . that sounds like a nice place . go ahead and book that for me . eos O O O O O O O O O O O O O O O O O O N/A +bos what day and time are you looking for ? 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 +bos i need a table for 6 people sunday night at 17:00. eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O B-Restaurant-Inform+Time N/A +bos i was unable to find a table at that time . would you like to find another restaurant ? 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 find me something along the same price and in the same area please ? eos O O O O O O O O O O O O O O O O O N/A +bos there are no other spanish places in that area , another area or type perhaps ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Area,Restaurant-NoOffer +bos any in the same area , and price range please . eos O O O O O O O O O O O O N/A +bos the copper kettle is a british restaurant in the centre area with a moderate price range , would you like me to book that for you ? 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 B-Restaurant-Inform+Price O O O O O O O O O O O O O Booking-Inform,Restaurant-Select +bos okay , again for 6 people sunday at 17:00. eos O O O O O B-Restaurant-Inform+People O O B-Restaurant-Inform+Time O N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : 840zvk1r . 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 ok , 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 . please call again . eos O O O O O O O O O general-welcome,general-bye +bos i need a place to eat that serves traditional food in the centre . 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 i am sorry there are no listings for that type of place , can i help you find one in 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 Restaurant-Request+Area,Restaurant-NoOffer +bos are there any cheap places to eat that serve traditional food in other areas of the city ? eos O 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 am sorry but there is no traditional food in the cheap price range . do you want a different type of cuisine or 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 O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food,Restaurant-NoOffer +bos how about ones that serve italian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have 3 cheap italian restaurants located in the centre of the city . would you like to hear them ? 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 O O O O O O O general-reqmore +bos yes please book a table for 1 on wednesday at 14: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 N/A +bos sure , i 've booked you at ask with reference number lk2p76os . may i help with anything else ? eos O O O O O O O B-Booking-Book+Name O O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos no , that should be all , thanks ! 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 am looking for a restaurant that serves british food in the west area . can you locate one for me please ? 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 O O O O O O N/A +bos there are 3 results for restaurants in the west that serve british food . do you prefer moderately priced , or expensive ? eos O O O O B-Restaurant-Inform+Choice 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 B-Restaurant-Select+Price I-Restaurant-Select+Price O N/A +bos i would like to get information about moderately priced . eos O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos i have st johns chop house within the moderate price range . can i book it for you ? eos 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 O O O O O O O O O O Booking-Inform +bos can you check to see if booking is available for 5 people at 19: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 N/A +bos sorry , but there is not space for 5 people . can i search a restaurant in the north ? eos O O O O O O O O O B-Booking-NoBook+People O O O O O O O O O O O general-reqmore +bos i need something else in the west , moderate priced . eos O O O O O O O B-Restaurant-Inform+Area O O O O N/A +bos okay i booked you into an indian restaurant that is moderately priced called prezzo and your reference number is tmt76mhk . eos O O O O O O O O O O O O O O B-Booking-Book+Name O O O O O O B-Booking-Book+Ref N/A +bos thank you ! that 's all i need from you today . eos O O O O O O O O O O O O O general-thank +bos okay . do not hesitate to call 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 hello , are there any attractions on the eastside ? eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos yes , there 's entertainment , museums , boats , swimming pools , parks , multiple sports . would you like information on a particular attraction ? eos 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 O O general-reqmore +bos what is the entrance fee for the parks ? eos O O O O O O O O B-Attraction-Inform+Type O Attraction-Request+Fee +bos the park is free it 's called cherry hinton water play would you like the address ? eos O O B-Attraction-Inform+Type O B-Attraction-Inform+Fee 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 general-reqmore +bos no , but are there any cheap korean restaurants ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos there is one korean 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 i would like a restaurant in the cheap price range eos O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos i am sorry but there are no korean restaurants in the cheap price range . would you like to try another type of food or price range ? eos O O O O O O O O B-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price O O O O O O O O O O O O O O N/A +bos how about one that serves asian oriental food ? could i have the phone number ? eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Phone +bos i would recommend the dojo noodle bar . their phone number is 01223363471. would you like to reserve a table ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Phone 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 yes , i am happy to book you at dojo . what time would you like to book and for how many people in the party ? eos O O O O O O O O O B-Booking-Inform+Name 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 whenever is fine , just for me . eos O O O O O O O O O N/A +bos i can book you at 10:00 in the morning if you like . is there a particular day of the week you had in mind ? eos O O O O O O B-Booking-Inform+Time I-Booking-Inform+Time I-Booking-Inform+Time I-Booking-Inform+Time O O O O O O O O O O O O O O O O O Booking-Request+Day +bos i did not have any in mind eos O O O O O O O O N/A +bos to brighten up your monday i have you booked at dojo noodle bar . 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 N/A +bos thank you for such great customer service . i am set for now . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos you are most welcome and thank you for contacting the cambridge towninfo centre . take care ! 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 want to find a theatre in town to go to . do you have any suggestions ? 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 i think we can help with that . i have five theaters listed . which part of town are you in ? eos O O O O 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 O Attraction-Request+Area +bos anything in the centre of town available ? eos O O O O B-Attraction-Inform+Area O O O O N/A +bos the adc theatre is in this area . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos what is the cost to get in ? i need the postcode and 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 O Attraction-Request+Post,Attraction-Request+Phone +bos their phone number and post code are 01223300085 cb58as rspectively , and i have no information on their entrance fees . eos O O O O O O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos i also need a reservation for 4 at 17:00 on thursday at an italian restaurant in the moderate price range . please provide the reference number after booking . eos O O O O O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O O O O O Restaurant-Request+Ref +bos i have several italian restaurants , did you want to stay in the centre area ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O Restaurant-Request+Area +bos no , just as long as it is in the moderate range would be good . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos okay , i recommend prezzo in the west . would you like their information ? eos O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area O O O O O O O O N/A +bos actually could you make a reservation for 4 people at 17:00 on thursday 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 N/A +bos i have made those reservations and your reference number is 90zjq89q . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i 'd also like to book a tax to take us from the theater to the restaurant . 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 ! booked car type : white volvocontact number : 07419631990anything else ? 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 general-reqmore +bos i need 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 booking completed ! booked car type : white volvo . contact number : 07419631990 anything else ? eos 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 O O O O general-reqmore +bos no , that is it , thank you . 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 am looking for nandos city centre in cambridge , can you give me directions ? 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 N/A +bos it is located at 33-34 saint andrews street 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 great . can you let me know the price range and phone number of the restaurant ? eos O O O O O O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Price +bos nandos is rated in the cheap price range . their number is 01223327908. eos O B-Restaurant-Inform+Name O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Phone O N/A +bos in which area of town is it found ? eos O O O O O O O O O O Restaurant-Request+Area +bos it is in the centre . i can make you a reservation if you like . eos O O O 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 please also find a museum to go to in the east ? 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 N/A +bos we have 4 great museums in the east , but my favorite is cambridge artworks , at 5 greens road . it 's free to get in ! eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O 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 B-Attraction-Inform+Fee O O O O 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 i 'm glad i could help . do you need anything else today ? eos O O O O O O O O O O O O O O O general-reqmore +bos no , you were of much help and i appreciate it eos O O O O O O O O O O O O N/A +bos thank you for contacting us today and have a nice day . eos O O O O O O O O O O O O O general-bye +bos i am looking for an attraction focused on architecture . eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos all saints church is located in the centre of town and has a free entrance fee . would this suffice ? 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 O O B-Attraction-Inform+Fee O O O O O O O N/A +bos can i get the postcode for it as well please ? eos O O O O O O O O O O O O Attraction-Request+Post +bos the postcode is cb58bs eos O O O O B-Attraction-Inform+Post N/A +bos thanks . are there any guesthouses nearby ? it 's okay if it does n't include internet . eos 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 the alpha-milton guest house is a guesthouse in the north area and is moderately priced . it does not have parking or internet . 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 B-Hotel-Inform+Type 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 O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos no . i need free parking and a 4 star rating . would you possibly have a guesthouse with that . 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 alexander bed and breakfast is in the same area as all saints church and is a guesthouse with 4 stars . it also has free parking and wifi . 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-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos that hotel sounds good to me . thank you . eos O O O O O O O O O O O Hotel-Inform +bos you 're welcome and have a nice day ! eos O O O O O O O O O O general-welcome,general-bye +bos 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 . eos O O O O O O O O O O O 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 do you have any food type , price range , and location preferences ? 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 you know what , i change my mind . let 's look for an attraction 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 N/A +bos there are lots of attractions is there anything 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 general-reqmore +bos i am looking for a entertainment please . eos O O O O O O B-Attraction-Inform+Type O O N/A +bos there 's nothing matching that criteria . do you want to search in a different area ? eos O O O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos no . i 'm thinking it may be nice to visit a college . can you please recommend one of those ? 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 N/A +bos there are 5. i recommend downing college . eos O O O O B-Attraction-Inform+Choice O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O N/A +bos how far away is it from the all saints church ? eos O O O O O O O O O O O O N/A +bos all saints is in the center of town at jesus lane . eos O O B-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 O N/A +bos i would like 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 , it is free and it is located at jesus lane , postcode cb58bs . eos O 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 N/A +bos thanks . now lets try for a restaurant again . i am looking for something cheap that serves asian oriental in the centre . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O N/A +bos j restaurant is my favorite . 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 book for 3 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 N/A +bos you have a table reserved at j restaurant on sunday for a party of 3. your reference is y1tz0i81 . is there anything else i can help you with today ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Booking-Book+Day O O O 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 can you also arrange for a taxi for me ? eos O O O O O O O O O O O Taxi-Inform +bos yes , what two places do you need to travel between ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos the hotel and the restaurant . eos O O O O O O O N/A +bos i have reserved a white volkswagen . the contact number is 07072342612. would you like 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 general-reqmore +bos that 's all thanks . eos O O O O O O general-thank +bos okay . thanks for calling . eos O O O O O O O general-bye +bos i 'm looking to visit a museum in cambridge . can you tell me a little about what you have ? 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 there are 23 museums that match that criteria . what area should the museum be in ? 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 n't have a preference . can you recommend one ? eos O O O O O O O O O O O O O N/A +bos cambridge artworks is a great place and has free entry . their address and phone number is 5 greens road 01223902168. 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Phone O N/A +bos sounds great , thanks . i am also looking for a restaurant in the centre that serves gastropub 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 O N/A +bos okay , there are 3 different restaurants . what is your price range ? eos O O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Price +bos it really does n't matter money is no object . i need a table for 8 on thursday at 14:45. as long as its a gastropub in the centre of town eos 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 B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O O O N/A +bos i will make a booking for backstreet bistro , booking complete here is your reference number t9tb8fbo . eos O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O B-Booking-Book+Ref O O O N/A +bos awesome ! thanks for all the info eos O O O O O O O O general-thank +bos sure . 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 general-reqmore +bos i would also like to book a taxi to get 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 Restaurant-Inform,Taxi-Inform +bos i can work on booking this for you . eos O O O O O O O O O O Booking-Inform,general-reqmore +bos i need to arrive at the restaurant by 14:45. i 'll need the contact number and car type as well please . eos 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 Taxi-Request+Car +bos okay i have booked your taxi . the contact number is 07498867892 and the car is a blue tesla . eos 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 N/A +bos thank you that 's all the help i need . goodbye eos O O O O O O O O O O O O general-bye +bos thanks for using our service today ! eos O O O O O O O O general-bye +bos i wanted to visit the tenpin , could you tell me the hours it is open , and if there is an admission cost ? eos 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 N/A +bos sorry . i do n't have the hours of operation or whether there is an entrance fee . would you like the phone number so you can call to get the information yourself ? eos O O O B-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open I-Attraction-Inform+Open 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 O O general-reqmore +bos that 's ok , could you tell me what part of town it 's located in ? eos O O O O O O O O O O O O O O O O O O N/A +bos sure , it is in the south part of town . the address is cambridge leisure park , 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 O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos great . thank you . i also need a place to dine . eos O O O O O O O O O O O O O O general-thank +bos what type of food would you like and what price range ? eos O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos i am looking for scottish food . i would like it to be nice so it can be expensive , but it needs to be in the east 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 O O O O O O N/A +bos i will find you one 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 general-reqmore +bos i 'm hoping you can help me find a particular attraction . eos O O O O O O O O O O O O O Attraction-Inform +bos sure , what are you looking for ? eos O O O O O O O O O Attraction-Request+Name +bos i 'm looking for a place called cambridge and county folk museum eos 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 cambridge and country folk museum is located on the west area at 2-3 castle street postcode cb30aq . 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 O B-Attraction-Inform+Area O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O N/A +bos thank you . i 'm also looking for a particular restaurant called the meze bar restaurant please . 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 O O N/A +bos i have it here . what would you like to know ? eos O O O O O O O O O O O O O N/A +bos could you book a table for 1 at 16:30 on monday ? 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 your booking was successful . the table will be reserved for 15 minutes.your reference number is : jgnmhyr5 . is there anything i can do to assist 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 i will also need a taxi to get from the attraction to restaurant . eos O O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Attraction-Inform +bos your booking was successful . your taxi will be a blue audi and the contact number is 07434215242. 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 O O O B-Taxi-Inform+Phone O O O O O O O O O general-reqmore +bos thank you that 's all i needed today . eos O O O O O O O O O O general-thank +bos have a nice day and enjoy your trip ! eos O O O O O O O O O O general-bye +bos i need a place to stay in the centre of cambridge . eos O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos do you have any constraints regarding cost or quality ? eos O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Price +bos i am looking fro something cheap with a 0 star rating . eos O O O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos how does el shaddai sound ? it is a cheap guesthouse with 0 stars located centrally . it includes both free wifi and free parking ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O B-Hotel-Inform+Area O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos i would like to book a hotel . eos O O O O O O O O O Hotel-Inform +bos there are no cheap hotels with 0 stars in the centre . would you like to book cityroomz ? it is a hotel that has 0 stars and it is moderately priced . eos O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Stars O O B-Hotel-NoOffer+Area O O O O O B-Booking-Inform+Name O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O N/A +bos cityroomz will be fine . i need a room for 2 nights starting thursday . there will be a total of 8 guests . eos O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O O O O O B-Hotel-Inform+People O O O N/A +bos i 'm sorry , the book was unsuccessful . would you like to try for another date 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 how about for only a one night stay ? eos O O O O O O O O O O N/A +bos sadly i could n't book cityroomz . but i was able to book alexander bed and breakfast a 4 star guesthouse for an even cheaper rate for one night with 8 guests . eos O O O O O B-Booking-NoBook+Name 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+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O B-Booking-Book+People O O O N/A +bos thank you ! what is the reference number ? eos O O O O O O O O O O Hotel-Request+Ref +bos your reference number is 6mywn42p . eos O O O O O B-Hotel-Inform+Ref O N/A +bos i would also like to know about fun things to do in town . what types of entertainment is available near the hotel ? 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 O O O O N/A +bos there is no entertainment in the centre would you like to look for another type of attraction ? 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 Attraction-Request+Type +bos in that case can you tell me the address of some of the colleges in the area ? eos O O O O O O O O O O O O O O B-Attraction-Inform+Type O O O O Attraction-Request+Addr +bos we have gonville and caius college on trinity street , emmanuel college on saint andrew 's street , and downing college on regent street . 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 B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O N/A +bos can you give me the full address for downing college please ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Addr +bos downing college is on regent street with the postal code cb21dq . would you like the phone number ? 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+Post O O O O O O O O general-reqmore +bos no thanks , but i 'd like to book a taxi between the two locations , please . eos O O O O O O O O O O O O O O O O O O O Taxi-Inform +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 Taxi-Request+Leave,Taxi-Request+Arrive +bos i want to leave my hotel no later than 17:15. eos O O O O O O O O O O B-Taxi-Inform+Arrive N/A +bos great ! i have a yellow honda set to pick you up . the contact number is 07441052837 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 N/A +bos thank you ! that 's all i need today . you 've been very helpful . eos O O O O O O O O O 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 we would like recommendation of places we could go 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 N/A +bos do you have a type of food you would like to try ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos yes , i would like to try indian food . eos O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos sure , there are several options in that area . did 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 Restaurant-Request+Price +bos i want something expensive eos O O O O B-Restaurant-Inform+Price N/A +bos i have 5 indian restaurants in the west . if i may , might i suggest the rice boat . i can reserve a table for you if you 'd like . eos O O O O 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 O O O O O O O O O O Booking-Inform +bos yes , could you please book that . eos O O O O O O O O O N/A +bos for how many and what time and day would you like to eat ? 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 i need a reservation for 5 people for 16:15 on tuesday . 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 ! your reference number is 3ihpemvx . eos 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 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 actually , i also need a taxi to arrive at 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 N/A +bos where are you departing from ? eos O O O O O O O Taxi-Request+Depart +bos i actually would like to hear about some attractions , then schedule my cab . where are the fun 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 Attraction-Inform +bos as far as attractions , we have all kinds , any preference on area of type of place ? 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+Type +bos i would like to find any type of attraction in the west , and would like a phone number please . 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 Attraction-Request+Phone +bos how about queens college ? the phone number is 01223335511. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Phone O N/A +bos sounds great , thanks ! can you please book me a taxi from queens college to the restaurant , please ? i need to arrive 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 O O O O Restaurant-Inform,Taxi-Inform +bos a white tesla will pick you up and take you to the rice boat in time for your reservation . your driver can be reached at 07114121468 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 O O O O O O O O B-Taxi-Inform+Phone O N/A +bos thanks so much for your help ! that will be all today . eos O O O O O O O O O O O O O O general-thank +bos you 're welcome . glad i could be of assistance . eos O O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a college to visit . eos O O O O O O B-Attraction-Inform+Type O O O N/A +bos we have many colleges in cambridge , most of which are in the center of town . do you have a specific area in mind ? 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 I-Attraction-Inform+Area O O O O O O O O O O O Attraction-Request+Area +bos i do n't have a preference , but could i have the entrance fee , 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 Attraction-Request+Post,Attraction-Request+Fee +bos clare college is located in the west with a postcode of cb21tl . the phone number is 01223333200 and the entrance fee is 2.50 pounds . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O B-Attraction-Recommend+Post O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O N/A +bos thank you . can you help me in finding a hotel in the centre of town ? eos O O O O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos may i recommend the alexander bed & breakfast hotel located in the centre of town at 56 saint barnabas road ? 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 O O B-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 I-Hotel-Recommend+Addr N/A +bos does it have 0 stars ? i 'm wanting to make sure i book a room at a place with 0 stars . eos 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 no , the alexander has a 4 star rating . there are two others located in the centre of town that have 0 stars . would you like information for either of those ? eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O O O O O O O O O O general-reqmore +bos could either of the ones with 0 stars accommodate 7 people for 4 nights , starting from saturday ? if so , book it and please provide a reference number . eos O O O O O O O O B-Hotel-Inform+Stars 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 Hotel-Request+Ref +bos in order that i may better serve you , i will need the date you will need your accommodations . 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 i just said i needed it on saturday for 4 nights ? there will be 7 of us . 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 O N/A +bos i have you booked for four nights . your reference number is acllasus . eos O O O O O O B-Booking-Book+Stay I-Booking-Book+Stay O O O O O B-Booking-Book+Ref O N/A +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 O Taxi-Inform +bos i 'd be happy to help you with a taxi . which will you be departing from and what time are you looking 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 Taxi-Request+Depart,Taxi-Request+Leave,general-greet +bos i will be departing from clare college at 02:15. eos O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O B-Taxi-Inform+Leave N/A +bos okay , i booked a taxi from clare college to alexander at 02:15. the car will be a yellow tesla , contact number is 07924405989. 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 B-Taxi-Inform+Leave 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 , 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 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,general-greet +bos i would like some information on an attraction called clare hall . if you could provide address and cost of admission that would be great . 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 N/A +bos the cost of clare hall is free , so you do n't need to worry about that . the address is herschel road . any more questions ? 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O general-reqmore +bos could i get the phone number , postcode , and the area that the cost of clare hall is located 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,Attraction-Request+Post,Attraction-Request+Phone +bos the phone number is 01223332360 , postcode is cb39al , and the area is west eos O O O O O B-Attraction-Inform+Phone O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Area O O N/A +bos okay great . i 'd also like to find a guesthouse that has a 4 star rating . eos O O O O O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Stars O O O O N/A +bos i 've found 18 possible matches based on your preferences . would you like to add additional preferences for your hotel ? 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 i need a hotel that 's cheap with free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O N/A +bos alexander bed and breakfast is cheap with free parking and internet . it is in town centre . does this suit your needs ? eos 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 B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos that would work , can you please book it for 1 person for 5 nights starting from monday ? 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 i apologize but could you 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos four nights would work . eos O O O O O O N/A +bos all right , your room is reserved at the alexander for four nights . your reference number is gi3n4viv . eos O O O O O O O O O B-Booking-Book+Name O B-Booking-Book+Stay O O O O O B-Booking-Book+Ref O O O N/A +bos great . thank you . that 's all i need . eos O O O O O O O O O O O O general-thank +bos great ! glad we could help ! eos O O O O O O O O general-welcome,general-bye +bos i am looking for something to do on the north 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 you could check out the riverboat georgina , located with the cambridge passenger cruisers at the jubilee house . eos 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 I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos sounds good . what 's the address ? eos O O O O O O O O O Attraction-Request+Addr +bos the address is cambridge passenger cruisers , jubilee house . eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos also , can you find me a place to stay , in moderate price and includes free wifi ? 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 there are 17 offerings . what part of town are you interested 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 part of town does n't matter , and i do n't need free parking . which would 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 N/A +bos is there a price range you would like to look for ? eos O O O O O O O O O O O O O Hotel-Request+Price +bos moderate price range . eos O O O O O N/A +bos the acorn guest house is nice . would you like to book a reservation there ? 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 i do n't need a reservation right now . just the address , postcode , and number of stars 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 O O O O O Hotel-Request+Stars,Hotel-Request+Post,Hotel-Request+Addr +bos sure . the address is 154 chesterton road , the phone number is 01223353888 and it is a 4 star hotel . anything else i can help with ? eos O O O O O O B-Hotel-Inform+Stars 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 O O O O O O O general-reqmore +bos very well . i also want to book a taxi to take me there , to leave by 10:15. 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 ok , i have a grey volvo picking you up at the riverboat georgina and heading to the acorn guest house at 10:15. the contact number is 07727986161. will that be all ? 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 O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O O O O general-reqmore +bos yes , that is all good bye eos 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 O general-bye +bos hi . i 'm looking for something to do . are there any entertainment attractions in the south part of town ? eos 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 O O N/A +bos there is a cinema , museum , park , theatre and nightclub . would you like information for any of these ? eos 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 general-reqmore +bos could you please give me the postcode , address and entrance free of a museum ? 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 byard art is a museum that has free admission . the address is 14 king 's parade and the postcode is cb21sj . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type O O B-Attraction-Inform+Fee 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 thank you . i am also looking for a nice expensive hotel . it does not need internet . can you help with 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 N/A +bos there are a total of 5 different places to stay that are expensive . 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 O O 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 no , and it also does not need free parking . eos O O B-Hotel-Inform+Parking O O O O O O O O O N/A +bos huntingdon marriott hotel and university arms hotel are both 4-star rated hotels . would you prefer the west or the center area of town ? 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+Stars O O O O O O O O O B-Hotel-Select+Area I-Hotel-Select+Area O O O O N/A +bos i will stay in the west area of town . eos O O O O O O O O O O O N/A +bos ok , i will contact the mariott and get you all set up . eos O O O O O O O O O O O O O O O Booking-Inform +bos okay , i will need to book for 8 people for 4 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 your booking has been completed ! here is your reference number vjubq1yn . can i assist 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 would also like a taxi to take me between the marriot and the museum . eos O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos i will need a departure time or an arrival time between the two locations . eos O O O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos oh , sorry ! i would like to leave the museum by 11:15. eos O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos you are all set for 11:15 , the car will be a white audi and they can be reached at 07467849660 eos 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 O B-Taxi-Inform+Phone O N/A +bos thank you for all your help . i am all set now . eos O O O O O O O O O O O O O O general-thank +bos ok , it was a pleasure assisting you . have a wonderful day . 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 vegetarian restaurant near south cambridge , or a restaurant that has a variety of vegetarian dishes . 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 'm sorry , i 'm experiencing a system error . could 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 Restaurant-Request+Area,Restaurant-Request+Food +bos uh , can you tell me where the man on the moon exhibit is ? 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 sure , its on 2 norfold street . anything else ? eos 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 is the area that is in ? eos O O O O O O O O O Attraction-Request+Area +bos it is in the centre of the city . 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 O O O O O O O O general-reqmore +bos yes , i also need a place to stay i need a hotel that is expensive . eos O O O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O N/A +bos university arms hotel is also in the centre area in the expensive price range . free parking and internet . 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+Area 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos free parking is n't that expensive to me , are there any others or just the university arms ? 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 5 hotels in total to choose from . we have a marriott in the expensive price range in cambridge if you are interested . eos O O O O B-Hotel-Inform+Choice O O O 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+Area I-Hotel-Recommend+Area O O O O O N/A +bos does it have internet ? eos O O O O O O Hotel-Request+Internet +bos yes , the huntingdon marriott has internet , would you like more information on this hotel ? 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 Hotel-Inform+Internet,general-reqmore +bos is it in the centre ? if it is , i would like to book it . eos O O O O O O O O O O O O O O O O O O N/A +bos no it is in the west . do you wan na book it ? would you like to try university arms hotel instead , that is also in the centre . eos O O O O O O B-Restaurant-Inform+Area O O O O O 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+Area O O O O O Booking-Inform +bos please book the marriott for 4 please . eos 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 not sure yet . i actually just need the info . sorry . eos O O O O O O O O O O O O O O O O N/A +bos the huntingdon marriott is a 4 star hotel on the west side . it is in hinchinbrook business park and the phone number is 01480446000. can i help with anything else ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O B-Hotel-Inform+Phone O O O O O O O O general-reqmore +bos no , 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 are 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 am looking for a hotel with free wifi . eos O O O O O O O O O O O N/A +bos there are 32 hotels with free wifi , do you have any other things you require in 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 O O Hotel-Inform+Internet +bos i would like a four star hotel , and 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 N/A +bos how about a and b guest house , unless you have any other specifics . 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 N/A +bos could you recommend me a hotel that is cheap ? eos O O O O O O O O O O O Hotel-Inform +bos how about the autumn house ? it has 4 stars , is in the cheap price range and has internet . eos 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 B-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Internet +bos hmm , let me see ... i think maybe a moderately priced 4 star hotel might be better . do you show any availabe ? 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 O O O O N/A +bos i would recommend the acorn guesthouse which is 4 stars , moderately prices and offers both free wifi and parking . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O O O O O Hotel-Recommend+Internet,Hotel-Recommend+Parking +bos sounds great . can i book 8 people for 2 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 O N/A +bos you are all booked at the acorn guest house . your reference number is lxmfrzlr . do you need assistance with anything else ? 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 general-reqmore +bos i am looking for places to go in the centre . eos O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos certainly , there are 44 attraction in the town centre , do you have a type of attraction you would like to visit ? eos O 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 O Attraction-Request+Type +bos are there any museums available ? eos O O O O B-Attraction-Inform+Type O O N/A +bos there are a total of 79 attractions in centre what type of attraction that you are looking for ? eos O O O O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Type +bos i do n't have any in particular . what would be the highest rated attraction in that area ? eos O O O O O O O O O O O O O O O O O O O O Attraction-Inform +bos i do n't have rating information , but castle galleries in nice , and admission is free . would that interest you ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Fee O O O O O O O O O N/A +bos that sounds great . can i get the postcode for castle galleries ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos yes 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 general-reqmore +bos no . that 's all i needed . thanks ! eos 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 +bos i 'm looking for a train that leaves from london liverpool street on thursday , is there any information you can give me about something like that ? 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 O O N/A +bos yes . trains leave from london liverpool street every two hours , starting at 05:39. was there a particular time of day you were interested in ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart 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 O O Train-Request+Leave +bos i would like to arrive by 11:00 in cambridge . eos O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O N/A +bos there are three choices . the tr3839 departs london at 05:39 and arrives cambridge at 07:07. that 's the earliest departure . would you like to book a ticket ? eos O O O B-Train-Inform+Choice 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 O O O O O Train-OfferBook +bos yes , for 3 people , please . eos O O O O B-Train-Inform+People O O O O N/A +bos success ! your 3 seats are reserved and the total will be 49.8 gbp , payable at the station . your reference number is sq22g015 . can i do anything further for you ? eos O O O O B-Train-OfferBooked+People 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 'd also like to find a place to go . i was thinking a nightclub would be fun . 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 N/A +bos which area would you like for the nightclub ? we have 5 in centre and 1 in south . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Area I-Attraction-Inform+Area Attraction-Request+Area +bos it does n't matter , what would you recommend ? eos O O O O O O O O O O O N/A +bos in my opinion , the nicest one is kambar nightclub . it 's in the centre of town . would you like more information on it ? eos O O O O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O O O O O O O O O O N/A +bos sure , can i have the phone number and address ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos their phone number is 01223842725 , and they are located at 1 wheeler street . 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 O N/A +bos great ! thanks for your help today ! eos 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,general-reqmore +bos no , you 've covered everything . 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 am looking for train schedules leaving from bishops stortford . can you help me ? eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O N/A +bos yes , i can . just to confirm , is your destination cambridge or another city ? eos O O O O O O O O O O O O O O O O O O Train-Request+Dest +bos the train should depart from bishops stortford . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos there are oodles of trains from bishops stortford to cambridge . what day and time would you like to travel ? eos O O O B-Train-Inform+Choice 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 Train-Request+Day,Train-Request+Leave +bos i would like to travel on friday and leave sometime after 14:00 please . eos O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Leave O O N/A +bos i have a 15:29 departure . would you like to book that ? eos O O O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos what is the travel time for the 15:29 departing train ? eos O O O O O O O O B-Train-Inform+Leave O O O Train-Request+Duration +bos the travel time is 38 minutes . would you like me to book that ? 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 yes . what attraction is good in the north ? may i have the address ? eos O O O O O O O O B-Attraction-Inform+Area O O O O O O O O Attraction-Request+Addr +bos riverboat georgina is located at cambridge passenger cruisers , jubilee house 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 N/A +bos great can i get their address please ? eos O O O O O O O O O Attraction-Request+Addr +bos absolutely . their phone number is 01223902091. is there anything else i can do for you 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 i would also like the street address please . eos O O O O O O O O O O Attraction-Request+Addr +bos it 's located at cambridge passenger cruisers , jubilee house . eos O 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 a street address or landmark to locate them ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos that is the street address . i do n't have any further information . eos O O O O O O O O O O O O O O O Attraction-Inform +bos thank you so much for double-checking that for me . eos 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 ? eos O O O O O O O O O O O O O O general-reqmore +bos no that is all eos O O O O O N/A +bos have a good day ! eos O O O O O O general-bye +bos hello , i need some info on cambridge museum of technology 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 cambridge museum of technology is on the east side of the city at the old pumping station on cheddars lane . their entrance fee is 5 pounds . 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 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 O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos can i get the postcode for it as well ? eos O O O O O O O O O O O Attraction-Request+Post +bos sure . the postcode is cb58ld . can i help you with anything else ? eos O O O O O O B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos i need a train from cambridge and should go to 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 it looks like there are hourly trains every day . did you have a day and time in mind ? 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 Train-Request+Leave,Train-Request+Day +bos yes , thursday with an arrival by 16:00. eos O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive O N/A +bos train tr6456 leave cambridge at 14:40 and arrives at the airport at 15:08. would you like me to book the train ? eos O 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 O O Train-OfferBook +bos yes i would like to book for 3 people , please . eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos reference number is : jrao2h4a . and the price will be 30.29gbp eos O O O O O B-Train-OfferBooked+Id O O O O O B-Train-OfferBooked+Ticket O N/A +bos thank you so much , that 's really helpful . that 's all for now . eos O O O O O 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 general-bye +bos thank you so much , goodbye . eos O O O O O O O O general-bye +bos have a good day and thank you for contacting us . eos O O O O O O O O O O O O general-bye +bos i need to take a train , going to norwich leaving after 08:00. eos O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Leave O N/A +bos ok , and what day are you traveling ? eos O O O O O O O O O O Train-Request+Day +bos i 'm traveling on saturday . eos O O O O B-Train-Inform+Day O O N/A +bos we have 16 trains that meet that request 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 O O Train-Request+Arrive +bos i need it to depart from cambridge after 8:00 and go to norwich . 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 tr8411 departs from cambridge at 9:36 on saturday . would you like me to book a seat 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 O O O O Train-OfferBook +bos yes please , i 'll need a booking for one ticket . eos O O O O O O O O O O O O O N/A +bos i 've booked the ticket for you , your reference number is gy20nlb1 . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos thanks , i need a place to go too . what about a nightclub 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 O N/A +bos there are no night clubs on the west sorry eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos perhaps a college , then . could you recommend one ? eos O O O B-Attraction-Inform+Type O O O O O O O O N/A +bos churchill college is lovely this time of year , and they have no entrance fee . eos O B-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 I-Attraction-Recommend+Fee O N/A +bos yes that would be fine . 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 of course ! the post code is cb30ds . can i assist you with anything else ? eos O O O O O O O B-Attraction-Inform+Post O O O O O O O O O O general-reqmore +bos no , that is everything i needed , 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 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-welcome,general-bye +bos hello , i am interested in seeing the attractions on the west side of town . can you assist 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 O N/A +bos clare hall is a college in the west part of town . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Type I-Attraction-Recommend+Type O B-Attraction-Recommend+Area O O O O N/A +bos great . can you let me know the address and entrance fee ? 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 herschel road and it is free . can i help you with anything else ? eos 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 general-reqmore +bos yes , im looking for a nice high end expensive place to dine at in the same area . 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 is there a certain cuisine you are interested in eating ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos yes , i was hoping for austrian food . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos there is not an expensive austrian restaurant in the area . is there another cuisine you 'd like to try ? 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 O Restaurant-Request+Food +bos how about cheap price range ? eos O O O O O O O N/A +bos 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 ? eos O O O O 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 what about an expensive indian restaurant , then ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos no indian makes me get the runs . how about pizza ? eos O O O O O O O O O O B-Restaurant-Recommend+Food O O general-greet +bos that 's more information than i needed to know . i 'm sure your supervisors would n't approve . i was looking for expensive indian food , please . eos 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 O O O O O O N/A +bos well , do n't say i did n't warn you . we have 14 expensive indian places in cambridge , what side of town are you looking for ? 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 O O O O O O O O O O Restaurant-Request+Area,general-greet +bos on the west side please eos O O O B-Restaurant-Inform+Area O O N/A +bos there are 5 places in the west . if you want a suggestion , my friends always go to tandoori palace . 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O N/A +bos do they serve austrian food ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos no , there are no places that serve austrian food , anywhere . eos O O O O O O O O B-Restaurant-NoOffer+Food O O O O O N/A +bos how about an expensive indian restaurant in the west ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are a few available but i suggest the rice boat . would you like for me to book a table ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 no , can you just give me the address , please ? eos O O O O O O O O O O O O O Restaurant-Request+Addr +bos the rice boat is located at 37 newnham road newnham . 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 N/A +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 you are welcome . thank you for using cambridge towninfo centre to plan your visit . 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,general-greet +bos yes i am looking for a attraction called 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 holy trinity church is located on market st in postcode cb23nz . it 's free to get in . did you have any further questions ? 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 B-Attraction-Inform+Post O B-Attraction-Inform+Fee O O O O O O O O O O O O O general-reqmore +bos do you have the address of holy trinity church ? eos O O O O O O O O O O O Attraction-Request+Addr +bos yes it 's on market street . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos thank you . can you help me find a train going to leicester ? eos O O O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos yes , when would you like to leave ? eos O O O O O O O O O O Train-Request+Leave +bos anytime after 19:00 eos O O O B-Train-Inform+Leave N/A +bos i have a train that leaves at 19:21. what day would you like to travel ? eos O O O O O O O O B-Train-Inform+Leave 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 tr4708 departs cambridge at 19:21 and arrives at 21:06. can i book that 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 O Train-OfferBook +bos yes . i would like to book for 3 people and will need 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 Train-Request+Ref +bos i booked you 3 seats on tr4708 leaving cambridge on saturday at 20:21 , the total fee is 90.72 gbp and your reference number is fvma8aao . eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave 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 that 's all i need . thank you . eos O O O O O O O O O O general-thank +bos i 'm glad that i can be of help please have a great trip . eos O O O O O O O O O O O O O O O O general-welcome +bos hi there . i am looking to find a college to visit in the centre of town . eos O O 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 we have 13 , and most are free to visit . eos O O O O B-Attraction-Inform+Choice O O B-Attraction-Inform+Price O O O O N/A +bos which one would you suggest for a short visit ? eos O O O O O O O O O O O N/A +bos i would recommend gonville and caius college located on trinity street or christ 's college located on saint andrew 's street . do you need any additional information on these options ? 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 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 yes , actually , can you provide their postcode as well please ? eos O O O O O O O O O O O O O O Attraction-Request+Post +bos the postcode for christ 's college is cb23bu and the postcode for gonville and caius college is cb21ta . is there anything else you need ? 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 B-Attraction-Inform+Post O O O O O O O O O general-reqmore +bos yes , i 'm also looking for a train 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 O N/A +bos the tr3859 train leaves stansed airport for cambridge on friday at 05:24 , would you like to make a booking ? eos O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart 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 Train-OfferBook +bos not just yet . i actually need to find one that does n't leave the airport until sometime after 20:00 on saturday . i 'll need the price and arrival time info on that please . eos O O O O 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 O O O O O O O O O O O O O O Train-Request+Price,Train-Request+Arrive +bos thank you , we have train tr0446 leaving at 20:24 and arriving at 20:52 , for 8.08 pounds . would this time work for you ? eos O 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O Train-Select +bos ok , thanks , i 'll take care of it from there . 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 . 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 can you find me a multiple sports attraction in the centre ? eos O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos sorry there 's no multiple sports in the centre . would you like to try a different 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 +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 yes , quite a few ! there 's broughton house gallery , the whipple museum of the history of science , and more . would you like to know more about them , or the others ? eos O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-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 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 general-reqmore +bos yes i would love some information . eos O O O O O O O O N/A +bos there are 11 museums in the area . they are all free . there are several art museums , an archaelogy museum , and a science museum . eos O O O O O O O O O O O O B-Attraction-Inform+Fee O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O N/A +bos could i get the address , phone numbers , and postcodes of them please ? i 'm also looking for a train from cambridge to broxbourne . 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 O B-Train-Inform+Dest O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos primavera is at 10 king s parade cb2 1st , the phone number is 01233357708. what day would you like to board the train ? eos 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 I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Phone O O O O O O O O O O O Train-Request+Day +bos sunday , and it should arrive by 12:00. eos O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive O N/A +bos train tr9580 departs from cambridge at 10:01 on sunday and arrives at broxbourne at 11:01. would that work for you ? eos 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+Day I-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O O Train-OfferBook +bos yes , can you book it for 3 people and get me 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 booking was successful , the total fee is 42.96 gbp payable at the station .reference number is : ird8ruwo . do you need 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 O general-reqmore +bos no , actually . i am all finished . thanks 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 okay great , have a good day . eos O O O O O O O O O general-bye +bos can you give me information on a particular attraction , called kambar ? eos O O O O O O O O O O O B-Attraction-Inform+Name O O N/A +bos sure , it 's a nightclub in the centre of town . 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 N/A +bos great , could you also provide me with the phone number ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos of course , the phone number for kambar is 01223842725. can i help you with anything else ? eos O O O O O O O B-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos i want to also eat indian food . what expensive restaurant do you have ? eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O N/A +bos we have many options for indian . how about saffron brasserie at hills road city centre . phone 011223354679. anything else ? eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Food 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 B-Restaurant-Inform+Phone O O O O O general-reqmore +bos great . could you make a reservation for 7 people at 17:30 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 booking was successful . the table will be reserved for 15 minutes.reference number is : 7e8it3a0 . 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 no . that will be all . eos O O O O O O O O N/A +bos thank you for using our services , feel free to contact us any time for assistance . 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 helping eos 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 planning a trip and could use some help with a particular attraction . eos O O O O O O O O O O O O O O O O O O Attraction-Inform +bos okay , sounds good . what attraction are you thinking about ? eos O O O O O O O O O O O O O Attraction-Request+Name +bos i 'm looking for milton country park . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos i have found it what types of information can i get you on it ? eos O O O O O O O O O O O O O O O O N/A +bos can i get the attraction type , entrance fee , and postcode please ? eos 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 it 's a park and there 's no entrance fee . it 's free for all . the postcode is cb46az . how can i be of further assistance today ? eos 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 I-Attraction-Inform+Fee O O B-Attraction-Inform+Post O O O O O O O O O O O O O O O general-reqmore +bos i 'm also looking for a great italian restaurant on the east side of town that you would recommend . 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 would suggest pizza hut fen ditton eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos what are their prices like ? eos O O O O O O O Restaurant-Request+Price +bos they are moderately priced eos O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price N/A +bos what is the address and phone number to pizza hut fen ditton ? 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 01223323737 , and it is in cambridge retail park newmarket road fen ditton . eos 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 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 you 're welcome ! have a wonderful day . eos O O O O O O O O O O general-welcome,general-bye +bos hi , can you please give me information on theatres 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 theaters located in the centre and south which area would you like ? eos O 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 Attraction-Select +bos there is no specific area . eos O O O O O O O N/A +bos i see . what sort of information can i help you with ? eos O O O O O O O O O O O O O O general-reqmore +bos 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 ? eos O O O O O 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 the address for adc theatre is park street . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos is there a entrance fee ? i am also looking for a cheap north american restaurant to dine at on the east side . any recommendations ? eos 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 O O O B-Restaurant-Inform+Area O O O O O O Attraction-Request+Fee +bos entrance fee is not mentioned . there are no restaurants in that area that fit your criteria . is there something else i can look up 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 Restaurant-NoOffer,general-reqmore +bos are there any serving international cuisine in the same area and price range ? eos O O O O O B-Restaurant-Inform+Food O O O O O O O O O N/A +bos the missing sock is an international restaurant in the east and has a cheap price range . would you like a reservation ? 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 B-Restaurant-Inform+Price O O O O O O O O O Booking-Inform +bos yes , get me a table for 3 at 15:30 on saturday . eos O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O O O O N/A +bos i have made those reservations and the reference number is y40mjdc0 . eos O O O O 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 can i help you with anything else today ? eos 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 fantastic , have a great day ! eos O O O O O O O O general-bye +bos i am looking for an attracion called the cherry hinton hall and grounds . 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 N/A +bos ah , yes . cherry hinton hall and grounds is an entertainment venue in the east . would you like the phone number or postcode ? 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+Type I-Attraction-Inform+Type O O B-Attraction-Inform+Area O O O O O O O O O O O O general-reqmore +bos yes , may i please have the phone number ? eos O O O O O O O O O O O Attraction-Request+Phone +bos sure ! the phone number for the cherry hinton hall and grounds is 01223446104. can i help you with anything else ? eos 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+Phone O O O O O O O O O general-greet,general-reqmore +bos i 'm also looking a train . the train should leave on friday and should go to stevenage . eos O O O O O O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Dest O O O N/A +bos are you wanting to leave from cambridge ? eos O O O O O O O O O Train-Request+Depart +bos yes i 'd like to depart from cambridge and arrive by 16:15. eos O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos how about the tr7852 train ? it arrives in stevenage at 14:10. eos O O O O B-Train-Select+Id I-Train-Select+Id O O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O N/A +bos is there anything that arrives a little closer to 16:15 or is this the best option ? eos O O O O O O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos train tr8135 arrives by 16:10 , shall we book that one for you ? that is the closest one to that time . 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 B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O Train-OfferBook +bos you do n't need to book it for me , but could you tell me the travel time and price for 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 Train-Request+Duration,Train-Request+Price +bos the price is 12.80 pounds and the duration of the trip would be 49 minutes . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thank you so much , that 's all i needed . goodbye ! eos O O O O O O O O O O O O O O general-bye +bos glad to give you the information , contact us again if you need more assistance . eos O O O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos i am interested in seeing some of the attractions in town , particularly in the south . can you help me ? 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 N/A +bos sure ! museum ? nightclub ? movies ? you name it ! eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O O Attraction-Request+Type +bos i have no preference , but you can suggest a museum for me . 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 museums in the south . would you like to try a different area or different attraction ? eos O O O O B-Attraction-NoOffer+Type O O O O O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos that 's too bad . can you find me a restaurant in the expensive price range in the south instead ? eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O B-Attraction-Inform+Area O O O N/A +bos i have about 5 places to choose from . i have 2 chinese places , an indian place , an italian place and lastly a place that serves delicious mexican 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 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 would like indian food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos very good choice . the taj tandoori restaurant is located at 64 cherry hinton road cherry hinton . phone number is 01223412299 and post code is cb17aa . anything else ? eos 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 I-Restaurant-Inform+Addr 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 i will like to book that for 5 people at 11:15 on saturday . i also really need that information on an attraction in the south . just something fun . 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 B-Attraction-Inform+Area O O O O O N/A +bos i have booked . reference number is : 8jww36za.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 general-reqmore +bos i 'm going to need a taxi to get between the two places . 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 Taxi-Inform +bos to book you a taxi , i will need to know 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 Taxi-Request+Depart +bos i 'll be going to the restaurant . eos O O O O O O O O O Restaurant-Inform +bos 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 . eos O O O O O O O O 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 that 's because you never got back to me , you forgot first . i want to go somewhere in the south but i 'm not familiar with the town , what do you recommend ? 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 O O O O O N/A +bos byard art is a very popular museum with both tourists and locals in the south part of town . would you like me to book the taxi from here ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O B-Attraction-Inform+Type 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 Taxi-Request+Depart +bos yes , please , and can i also get a contact number and what type of car will arrive ? 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 in order to book a taxi i need the travel time , departure location and arrival destination . 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,Taxi-Request+Dest +bos book taxi to go to taj tandoori restaurant . i need to arrive by 11:15 on saturday . eos O O O O O O O O O O O O O O O O B-Taxi-Inform+Arrive O B-Restaurant-Inform+Day 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 ok i need to firm up a attraction to visit then that will be my pick up location . eos O O O O O O O O O O O O O O O O O O O O Attraction-Inform +bos ok , what type of attraction are you looking for ? eos O O O O O O O O O O O O Attraction-Request+Type +bos what do you recommend in the south ? eos O O O O O O O B-Attraction-Inform+Area O N/A +bos i highly suggest a nightclub called the place . eos O O O O O B-Attraction-Recommend+Type O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name N/A +bos ok great . i will need the phone number , address and postcode . 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 the phone number is 01223324600. eos O O O O O B-Attraction-Inform+Phone N/A +bos great . now i would like taxi from the attraction to the restaurant to arrive by 11:15. 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 a blue tesla will be picking you up at the place and dropping you at taj tandoori at 11:15. the contact number is 07648510373 eos 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+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O O O O O N/A +bos great , thank you so much . that is all i need . eos O O O O O O O O O O O O O O general-thank +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 'd like some help picking out a restaurant . eos O O O O O O O O O O O Restaurant-Inform +bos do you have a food preference ? eos O O O O O O O O Restaurant-Request+Food +bos i am looking for something that serves british 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 N/A +bos i got quite a number . can you state your price preference ? eos 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 i would like to dine somewhere that is expensive . eos O O O O O O O O O B-Restaurant-Inform+Price O N/A +bos fitzbillies restaurant is in the expensive price range . would you like me to book a table ? eos 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 O O O Booking-Inform +bos could i get their phone number please ? eos O O O O O O O O O Restaurant-Request+Phone +bos yes , their phone number is 01223352500 eos O O O O O O B-Restaurant-Inform+Phone O N/A +bos thanks ! i 'm also looking for something fun to do close to the restaurant . what 's 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 Restaurant-Inform +bos there are a lot of choices , depending on your interests . the soul tree nightclub , for example , or the cambridge university botanic gardens . what sort of thing were you looking for ? 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 I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O O O Attraction-Request+Type +bos any should be ok. please get me the entrance fee and address.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 O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos the address of the soul tree nightclub is 1-6 corn exchange street , and the entrance fee is 4 pounds . shall i organize the taxi to that address ? 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 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 Taxi-Request+Depart +bos yes but i need to leave the night club by 1:45 and go to fitzbillies restaurant . i 'll need the contact number and car type as well . 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 O O O O O O O O O O O O Taxi-Request+Car +bos ok , i 've got you a red lexus , contact number 07216817086 can i help with anythign else today ? 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 O O O O O O general-reqmore +bos thank you , thatll be all for now . eos O O O O O O O O O O general-thank +bos you 're welcome . if you need anything else , let us know . eos O O O O O O O O O O O O O O O general-welcome,general-bye +bos i 'd really like to check out some interesting architecture while i 'm in town . can you recommend anything ? 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 recommend holy trinity church in the centre it 's free to visit . would you like the address and phone number ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O B-Attraction-Recommend+Fee O O O O O O O O O O O O O general-reqmore +bos yes , the phone number would be fantastic ! thank you ! eos O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223355397. may i assist you with anything else today ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos could you also tell me what area it 's in ? eos O O O O O O O O O O O O Attraction-Request+Area +bos holy trinity church is in the centre area , on market street . eos 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+Addr I-Attraction-Inform+Addr O O N/A +bos thank you . i also need an expensive place to eat in the center , preferably one that serves african food eos O O O O O O O B-Restaurant-Inform+Price O O O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos we only have one restaurant at the center that meets your request . it is called bedouin at 100 mill road city centre . should i book that for you ? eos O O O O O B-Restaurant-Inform+Choice 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 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 Booking-Inform +bos yes , can you make a reservation for 2 people for wednesday at 12:00 please . thanks . 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . eos O O O O O O O O O O O O O O Booking-Book +bos can you get me the reference number for that please ? eos O O O O O O O O O O O O Restaurant-Request+Ref +bos i 'm sorry for not including it , the reference number for the restaurant reservation is pvw7zm8y . 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 , thank you . that 's really all i needed for today . i appreciate 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 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 i am looking for a restaurant near the centre , moderate priced , please . eos O O O O O O O O O B-Restaurant-Inform+Area B-Restaurant-Inform+Price O O O O O N/A +bos yes , are you wanting any particular type of food ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos i would like british food please . eos O O O O O O O O N/A +bos how about the restaurant one seven that serves british food and is in the moderate price range ? eos O 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+Price O O O N/A +bos that sounds great . can you book a table for 8 people on friday at 13:30 ? 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 i have made those reservations . your reference number is f9g08k4x . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i am looking for places to go in town . the attraction should be in the type of museum and should 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 B-Attraction-Inform+Type O O O O O O O O O O O N/A +bos i have 11 museums in that area . the castle galleries is one of my favorites . would you like more information ? eos O O O O B-Attraction-Inform+Choice 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 general-reqmore +bos yes . may i have the number and address ? eos O O O O O O O O O O O Attraction-Request+Addr +bos their address is unit su43 , grande arcade , saint andrews street , cb23bj . phone number is 01223307402. anythin else ? 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 B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos that is everything thank you . 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 'm looking for a seafood 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 O N/A +bos sorry , there are no moderately priced seafood restaurants . can i help you find something else instead ? eos O O O O O B-Restaurant-NoOffer+Price I-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O O O O O O O O O general-reqmore +bos what about chinese ? eos O O O B-Restaurant-Inform+Food O N/A +bos there are 4 moderately priced chinese restaurants in town . is there a particular area you are wanting to eat in ? 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 Restaurant-Request+Area +bos any one of them will be fine , if you could find one available for 4 people at 18:15 on friday please . 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 reserved a table for 4 at jinling noodle bar , 11 peas hill in the city centre ( tel : 01223566188 ) on friday at 18:15. the reference number is k9jaw7ft . eos O O O O O O O O B-Booking-Book+People B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+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 B-Restaurant-Inform+Phone O B-Booking-Book+Day O B-Booking-Book+Time O O O O B-Booking-Book+Ref O O O 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 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-bye,general-greet +bos i 'm looking for a korean restaurant that 's expensive . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O N/A +bos little seoul is exactly what you 're looking for ! eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O O N/A +bos is it in the centre of town ? eos O O O O O B-Restaurant-Inform+Area O O O N/A +bos indeed it is . would you like for me reserve you a table ? eos O O O O O O O O O O O O O O O Booking-Inform +bos yes , please ! i need a table for 8 on wednesday at 12: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 hmm . i 'm not able to book at that time . 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 O O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos how about 11:00 on wednesday instead ? eos O O O B-Restaurant-Inform+Time O O O O N/A +bos i was able to make your reservation for 8 at 11:00 on wednesday . your reference number is pmz9sezp . do you need anything else ? 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 O O O B-Booking-Book+Ref 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 have a great day . eos O O O O O O general-bye +bos i 'm looking for lodgings on the east side . eos O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i would love to help you ! there are 7 options in the east . would you like a hotel or a guesthouse ? eos O O O O O O 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 O N/A +bos either one is fine , but i would like it to have 4 stars . it does n't need to have free parking . 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 N/A +bos i have 6 guesthouses in the east with 4 stars , are you looking for cheap or moderate pricing ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O N/A +bos cheap is fine . eos O B-Hotel-Inform+Price O O O N/A +bos the autumn house is a cheap four star guesthouse that has wifi and parking in the east area . would you like to make 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+Stars O O O O O O O O O B-Hotel-Inform+Area O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos no , but can you give me their address , please ? eos O O O O O O O O O O O O O Hotel-Request+Addr +bos of course , the address is 710 newmarket road . what else can i do for you ? 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 O O general-reqmore +bos that 's all i needed today . 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 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 am looking for a certain hotel . could you see if you might have any info on it ? 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 sure thing ! can you give me the name of the place ? eos O O O O O O O O O O O O O O Hotel-Request+Name +bos yes , i 'm looking for hobson 's house . eos O O O O O O O O O O O N/A +bos yes , it is a guesthouse in the west part of town in the moderate price range . would you like to know anything else about it . eos O O O O O B-Hotel-Inform+Type O B-Hotel-Inform+Area I-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 general-reqmore +bos could i get the postcode please ? eos O O O O O O O O Hotel-Request+Post +bos postcode is cb39lh . anything else ? eos O O O B-Hotel-Inform+Post 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 have a great day ! eos O O O O O O general-bye +bos is there an expensive african restaurant in town . eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos yes , the bedouin in the city centre is a good , expensive restaurant . eos 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 B-Restaurant-Recommend+Price O O O O N/A +bos 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 . eos O O O O O 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 it is located at 100 mill road city centre and the phone number is 01223367660. 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 O O O O B-Restaurant-Inform+Phone O O O O O O O O O O general-reqmore +bos no thanks . that would be all for today . have a nice day . eos 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 general-bye +bos i 'm looking for a restaurant called la margherita . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos yes , that 's a great cheap italian place on the west side . what other information can i get for you ? 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 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 have a nice day ! eos O O O O O O general-bye +bos i need a 5 star luxury hotel with a jacuzzi . eos O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Type O O O O N/A +bos i am sorry but i am not finding any hotels that fit your needs . eos O O O O O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O N/A +bos what about an expensive , 4 star hotel ? eos O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O N/A +bos i have two for you to choose from . i have the huntingdon marriott hotel in the west , and the university arms hotel 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-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 N/A +bos does either one have free parking ? eos O O O O O O O O N/A +bos yes , they both offer free parking , and are expensive four star hotels . would you prefer the centre area or the west area ? eos O O O B-Hotel-Inform+Choice 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-Select,Hotel-Inform+Parking +bos i guess the centre . can you reserve 2 nights starting saturday ? there are 8 of us . eos 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 unfortunately , neither location can accommodate your request , would you like to try for a different length length of 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+Stay +bos yes . is either one available for just one night ? eos O O O O O O O O O O O O N/A +bos the marriott worked . your reference number is nnft47mw . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos thank you , that is all i need . toodles . eos O O O O O O O O O O O O general-thank +bos have a fun stay . bye . eos O O O O O O O O general-bye +bos i need to make a reservation at a hotel called el shaddai eos O O O O O O O O O O O O B-Hotel-Inform+Name N/A +bos sure , could you tell me when you what day you would like to book your stay at the el shaddai at 41 warkworth 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 O O O O Booking-Request+Day +bos 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 ? eos O O O O O O O O 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+Internet +bos sure ! they 're in the centre area . they 're cheap and offer internet connectivity . eos O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Inform+Internet +bos great , i would like to book that hotel , please . eos O O O O O O O O O O O O O Hotel-Inform +bos from what day do you want to book ? eos O O O O O O O O O O Booking-Request+Day +bos actually i think i 'll travel there myself 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 for you today , then ? eos O O O O O O 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 okay do give us a 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 hi , i 'd like to find out about the hobsons house hotel . eos O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos hobsons house is a guesthouse in the west part of town , it is moderately priced with 3 stars , internet and parking . would you like more information ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 B-Hotel-Inform+Stars O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos if you have it , 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 sure thing . the hobsons house can be reached at 01223304906. their postcode is cb39lh . did you need assistance booking a reservation there ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O B-Hotel-Inform+Phone O O O B-Hotel-Inform+Post O O O O O O O O O O O Booking-Inform +bos i 'm not quite sure yet . do they have free parking ? eos O O O O O O O O O O O O O O Hotel-Request+Parking +bos they sure do , as well as free internet . would you like me to book you a room now ? 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 not at this time . thank you for your help . eos 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-bye +bos you too , thank you . eos O O O O O O O general-thank +bos feel free to call us when you are ready to book . 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 an italian 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 N/A +bos certainly , there are several expensive italian restaurants . would you prefer the centre or south of town ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Price B-Restaurant-Inform+Food 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 can we do the centre of town ? eos O O O O O B-Restaurant-Inform+Area O O O N/A +bos stazione restaurant and coffee bar is in the centre of town . 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos phone number and postcode , please . eos O O O O O O O O Restaurant-Request+Post +bos the phone number is 01223352607 , and postcode is cb23nj eos O O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post O N/A +bos thank you , that 's all i need 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 O general-bye +bos thank you for choosing 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 hi , i am looking for a guesthouse that includes free parking . do you have anything available ? 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 how about the acorn guest house in the north side of town ? eos 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 N/A +bos that sounds great ! eos O O O O O N/A +bos would you like me to book a room for you ? eos O O O O O O O O O O O O Booking-Inform +bos i will need the reference number please . eos O O O O O O O O O Hotel-Request+Ref +bos absolutely ! when would you like to visit ? eos O O O O O O O O O O Booking-Request+Day +bos friday . there will be 5 people in my party , and i 'll need a reservation for 5 nights . eos O B-Hotel-Inform+Day O O O O B-Hotel-Inform+People O O O O O O O O O O O O O O O N/A +bos perfect , i was able to book the hotel for you . the reference number is 2fd2jyn8 . 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 that is all i needed , thank you . eos O O O O O O O O O O general-thank +bos enjoy your stay . bye . eos O O O O O O O general-bye +bos i 'm looking for a particular b & b . do you handle those ? eos O O O O O O O O O O O O O O O O N/A +bos no , i am sorry . b & bs are not offered . eos O O O O O B-Hotel-NoOffer+Type O O O O O O O O N/A +bos oh dear well what about local guest houses instead ? i need to book it for 6 people for 5 nights staring from monday . 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+Stay O O B-Hotel-Inform+Day O O N/A +bos great ! your reservation at acorn guest house is completed . your reference number is fo3nh9q6 eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O B-Booking-Book+Ref O O N/A +bos i 'm looking for a hotel called 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 rosa 's is located at 53 roseford road . would you like to book this ? eos O B-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 yes , please ! for 6 people for 5 nights starting on monday eos O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos booking was successful.reference number is : 4dnpblis . eos O O O O O O O B-Booking-Book+Ref O N/A +bos perfect , that 's all i need thanks . eos 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 'm looking for a place to go in the centre of town specializing in architecture . 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 we have 5 places to pick from any other preferences ? eos O O O O B-Attraction-Inform+Choice O O O O O O O N/A +bos no i do not . i do need the phone number and entrance fee . eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i have five , four of them have free entrance and one with 2 pounds fees . do you want all the phone numbers ? eos O O O B-Attraction-Inform+Choice 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 N/A +bos yes . give me the phone numbers . eos O O O O O O O O O Attraction-Request+Phone +bos i 'll give you the phone number for all saints church . it is 01223452587. 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+Phone O O N/A +bos can you book tickets for me ? eos O O O O O O O O N/A +bos no we do n't book tickets for the attractions from here , but they do n't charge a fee ; anyone can go in for free . 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 O O O O N/A +bos i will need a hotel in the same area , preferably 4 stars and include free parking and internet . i will need a booking for 5 people , 5 nights starting saturday . eos 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 O O O O O B-Hotel-Inform+Stay O O O B-Hotel-Inform+Day O O O O N/A +bos reference number is : lbmyiyti . is there anything else i can do for you ? eos O O O O O B-Booking-Book+Ref O O O O O O O O O O O N/A +bos what is the name of the hotel please ? eos O O O O O O O O O O Hotel-Inform +bos here you go university arms hotel eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos thank you for your help . that is all i needed . eos O O O O O O O O O O O O O general-thank +bos you are welcome . can i help you with any other information today ? eos O O O O O O O O O O O O O O O N/A +bos i 'd also like to book a taxi from the hotel , leaving by 11:15 eos O O O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos what destination would you like your taxi to take you to ? eos O O O O O O O O O O O O O Taxi-Request+Dest +bos i want to leave the hotel at 11:15 and get to all saints church . eos 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 N/A +bos you 're booked ! you 'll leave the university arms hotel at 11:15 via your taxi which is a blue lexus . your contact number is 07711527170. eos O O O O O O O B-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 B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Phone O O O N/A +bos cool beans , that 's all i needed . thanks a bunch ! eos O O O O O O O O O O O O O O general-thank +bos no problem , were always here to 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 am looking for a cheap place to stay in the centre of town . eos O O O O O O B-Hotel-Inform+Price O O O O O B-Hotel-Inform+Area O O O N/A +bos i can help you with that . there are 2 guesthouses that meet those requirements . one is a 4 star and one is a 0 star . eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars N/A +bos i want the one with 0 stars if it has free wifi eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos it does have free wifi . are you ready for me to book the room ? 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 i 'd like to book for wednesday , 2 people staying for 3 nights . eos O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O O B-Hotel-Inform+Stay O O O N/A +bos booking was successful . your reference number is hicmiavh . eos 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 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 looking for theatres in town . do you have a favorite ? eos O O O O O O B-Attraction-Inform+Type O O O O O O O O O O N/A +bos well , there are several . but i like the mumford theatre . it 's also in the town centre . eos O O O O B-Attraction-Inform+Choice O O O 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 N/A +bos can i get 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 phone there is 08451962320. 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 no , that 's all i need today . thanks ! eos O O O O O O O O O O O O general-thank +bos glad i could help , 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 i am looking for the adc theatre . eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos the adc theatre is located in the center of town , on park street . would you like their phone number ? 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 B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O O O O general-reqmore +bos sure , and may i have their exact address please ? eos O O O O O O O O O O O O Attraction-Request+Addr +bos park street , post code cb58as . anything else ? eos O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Post O O O O O general-reqmore +bos i am also looking to stay in a 4 star hotel that includes 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 N/A +bos in what area would you like it ? eos O O O O O O O O O Hotel-Request+Area +bos i do n't care about the area but i would like to make sure it is a 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 Attraction-Request+Area +bos the university arms hotel in the centre is very nice , or a more budget-friendly option is the cambridge belfry in the west . would you like to book a room at one ? eos 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 I-Hotel-Recommend+Name O B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O Booking-Inform,Hotel-Select +bos i want one that has a 4 star rating . eos O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos both of them are 4 star hotels . the cambridge belfy has a cheap price range . the university arms hotel has an expensive price range . what is your preference ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Select +bos lets try cambridge belfy and book it for 4 people and 3 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 N/A +bos booking was successful . your reference number is : plvgfkhd . eos O O O O O O O O B-Booking-Book+Ref O O O N/A +bos i want to book a taxi as well to leave my hotel at 21:15. eos O O O O O O O O O O O O B-Hotel-Inform+Type O B-Taxi-Inform+Leave N/A +bos you have a red volkswagen taxi with contact number 07430238661 bringing you from the hotel to adc theatre . is there anything else ? eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car I-Taxi-Inform+Car O O B-Taxi-Inform+Phone 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 general-reqmore +bos thank you so much 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 general-bye +bos okay have a good day ! eos O O O O O O O general-bye +bos i am looking for places to visit in downtown cambridge . what are some popular attractions ? eos O O O O O O O O O O O O O O O O O O Attraction-Inform +bos there is architecture , boats , colleges , museums , and many other things . eos 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 N/A +bos recommend something that 's in the center of town for me . eos O O O O O O O O O O O O O N/A +bos the cambridge contemporary art museum is a fantastic place to visit . it 's located at 6 trinity street and admission is free ! do you need more information ? 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 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 O O O O general-reqmore +bos i 'm also looking for a place to stay . eos O O O 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 want to stay in the center of town in a 0 star hotel that is moderately priced and has free parking . 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 O N/A +bos there 's not an exact match to fit your needs . there 's a hotel without free parking available . or , if you need the free parking , would a cheap guesthouse work instead ? eos 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 O O O O O O B-Hotel-Select+Price B-Hotel-Select+Type I-Hotel-Select+Type O O O O O O O O Hotel-NoOffer,Hotel-Select+Parking,Hotel-Inform+Parking +bos free parking would be nice but it is not a necessity . eos O O O O O O O O O O B-Hotel-Inform+Parking O O N/A +bos okay , if the lack of parking is n't a dealbreaker , you might enjoy cityroomz . their number is 01223304050. shall i book a room for you ? eos O O O O O O O O O O O O O B-Hotel-Recommend+Name O O O B-Hotel-Inform+Phone O O O O O O O O O O O O Booking-Inform +bos yes please . i 'll need to for 8 people for 4 nights starting wednesday 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 done ! your reference number is 07z05p6u . 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 yes , i also need a taxi from the hotel at 16:30. eos O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos i have booked your taxi . be expecting a red honda . their phone number is 07543221637. 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 N/A +bos that will be all for today . thanks . goodbye . eos O O O 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 are there any fun 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 there are many things to visit including museums , theaters , colleges , nightclubs , parks , swimming pools , cinema , boating , concert halls , and architecture attractions . eos O O O B-Attraction-Inform+Choice 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 O O N/A +bos recommend a swimming pool for me please . eos O O O O O O O O O N/A +bos i have parkside pools in the centre of town on gonville place postbcode cb11ly . eos O O O B-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 B-Attraction-Inform+Post O N/A +bos what 's their phone number , and how much 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+Phone +bos 01223446100. i do n't have access to their entrance fee . is there anything else you need help with ? eos O B-Attraction-Inform+Phone 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 general-reqmore +bos yes . i need a place to stay . free parking and free wifi are important to me eos O B-Hotel-Inform+Internet O O O O O O O O O O O O O O O O O N/A +bos great , i have several options for you . do you want a hotel in a particular part 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 O O O Hotel-Request+Area +bos no but it needs to be in the moderate price range . eos O O O O O O O O O B-Hotel-Inform+Price O O O N/A +bos what about acorn house ? it is a lovely guesthouse . eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Type O O N/A +bos i would rather have a hotel . i need it for 8 people for 3 nights . is there anything available ? eos O O O O O O B-Hotel-Inform+Type 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 i have two hotels on the north side that fit your criteria . i would suggest ashley hotel . would you like me to make reservations for you ? 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 O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform +bos the ashley hotel sounds great . can you reserve a room on thursday for 8 people , 3 nights please ? eos 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 will reserve it for you . eos O O O O O O O O Booking-Inform +bos ok , thanks for that . what 's the reference number ? eos O O O O O O O O O O O O O Hotel-Request+Ref +bos your reference number is 739p7nds . do you need 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 yes please , i 'll need a taxi from the pool to the hotel . i 'd like to leave the pool 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 O O N/A +bos i have booked a taxi from parkside pools to ashley hotel at 5:15. the contact number 0735652974. do you need anything else ? 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 B-Taxi-Inform+Leave O O O O B-Taxi-Inform+Phone O O O O O general-reqmore +bos what kind of car is the taxi ? eos O O O O O O O O O Taxi-Inform +bos it 's a grey bmw . eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O N/A +bos thanks ! that 's all i need . eos 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 general-bye +bos hi , i would like to book a 4 star guesthouse in cambridge eos O O O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O N/A +bos sure , is there an area that you prefer ? eos O O O O O O O O O O O Hotel-Request+Area +bos yes , i would like it to be in the north . eos O O O O O O O O O O B-Hotel-Inform+Area O O N/A +bos do you care about internet or parking ? eos O O O O O O O O O Hotel-Request+Internet,Hotel-Request+Parking +bos yes , i will need both . eos O B-Hotel-Inform+Internet O O O O O O N/A +bos we have 7 places to pick from any other preferences ? eos O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Price,Hotel-Request+Stars +bos i have no other preferences . eos O O O O O 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 great . please book it for 2 people for 2 nights starting on wednesday , and provide the reference number . also , we would like to find an attraction near the hotel . eos 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 O O O O O Hotel-Request+Ref +bos i have booked at the acorn guest house . your reference number is tvfex8r1 . how can i further assist you ? 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+Ref O O O O O O O O N/A +bos what attractions are nearby ? eos O O O O O O Attraction-Inform +bos okay . there are boats , a park , and pools . would like more information on any of this ? eos 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 Attraction-Select +bos anything that you recommend , i 'm new to the town . eos O O O O O O O O O O O O O N/A +bos i would recommend riverboat georgina . would you like the address or phone number for that ? 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 general-reqmore +bos yes can you please get that for me ? eos O O O O O O O O O O N/A +bos their address is cambridge passenger cruisers , jubilee house . their phone number is 01223902091. 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 O B-Attraction-Inform+Phone O O N/A +bos i 'm going to need a ride between the two , can i get a taxi ? eos 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 travel ? eos O O O O O O O O O Taxi-Request+Leave +bos i need to leave the hotel by 16:15. thanks eos O O O O O O O O B-Taxi-Inform+Leave O N/A +bos a red lexus will pick you up at 16:15 at the hotel . contact number is 07277932086. is there anything else i can help you with ? eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Depart O O O B-Taxi-Inform+Phone O O O 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 welcome . thank you for using our 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 what can you tell me about the hotel el shaddai ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name N/A +bos el shaddai is a cheap guesthouse located in the centre that has free parking and internet . would you like the phone number and address ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price 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 Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos no but i would like to make a booking for 8 people and 2 nights starting from thursday . 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 N/A +bos ok , i have your guest house booked for 8 people , for 2 days , starting on thursday.you reference number is jz3cha4k . 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+Day 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 good cinema to visit in the centre of town . eos O O 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 vue cinema is located in the centre , would you like the address and phone number ? 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 general-reqmore +bos i just want the phone number and entrance fee please eos O O O O O O O O O O O Attraction-Request+Fee +bos the entrance fee is not showing up on my computer , the address is the grafton centre , east road . is there anything else i can assist 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 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 asked you for the phone number not the address . eos O O O 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 great , thank you . could you also help me with booking a taxi to go from the hotel to the cinema ? eos 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 how many people will the taxi be for ? eos O O O O O O O O O O general-reqmore +bos there are 8 of us going . eos O O O O O O O O N/A +bos all i need to know is what time you would like your ride for and i can get that booked for you right away . eos O O 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 want to leave at 12:30 from my hotel and go to the cinema . please give me the car type and phone number eos 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 Taxi-Request+Car,Taxi-Request+Phone +bos the taxi will be a white toyota and the contact number is 07880526604. is there anything else i can assist you with today ? 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 O general-reqmore +bos there 's nothing more that i need . thanks , bye ! eos O O O O O O O O O O O O O general-bye +bos you are welcome enjoy . eos O O O O O O general-welcome +bos i 'm looking for a fun nightclub here in town . eos O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos there are six nightclubs in town .one is in the south while the others are in the center eos O O O O B-Attraction-Inform+Type O O O O O O O O O B-Attraction-Inform+Choice O O O B-Attraction-Inform+Area N/A +bos the one in the center sounds fun . how much is the entrance fee ? eos O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos i would recommend ballare . the entrance fee is 5 pounds . eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos can i get the address and phone number ? eos O O O O O O O O O O N/A +bos the address is heidelberg gardens , lion yard ; the phone number is 01223364222. 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 N/A +bos thank you . i am also hoping to stay at a guesthouse in the north . can you help 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 N/A +bos there are 11 guesthouses in the north in the cheap to moderate price range . how many stars are you looking for ? 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 I-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O Hotel-Request+Stars +bos i do n't have a star preference . eos O O O O O O O O O N/A +bos avalon seems to match your criteria , it 's a great guesthouse ! would you like to book a room ? eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O B-Hotel-Recommend+Type O O O O O O O O O O O Booking-Inform +bos do they offer free parking ? if so , i would like to book . eos O O O O O O O O O O O O O O O O N/A +bos i 'm afraid not . would you like to try a different place ? eos O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Inform+Parking +bos could you check one that 's in the moderate range instead ? eos O O O O O O O O B-Hotel-Inform+Price O O O O N/A +bos the avalon is quite nice , when are you planning your stay ? eos O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O O O O O O Booking-Request+Day +bos i 'm glad that it 's a nice place , but is it moderately priced and 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 N/A +bos yes its moderately priced but unfortunately it does n't have free parking . would you like me to search for a hotel that offers that particular amenity ? eos 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 O O O O O O O O Hotel-Request+Parking,Hotel-Inform+Parking +bos that is just fine . please book it for 8 people and 5 nights starting from wednesday . 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 i have booked it for 5 nights/8 people starting wednesday . the booking reference is kx7lbob7 . 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 general-reqmore +bos no that is all for now thank you . eos O O O O O O O O O O general-thank +bos sure thing ! have a nice trip ! eos O O O O O O O O O general-bye +bos good evening , i guess i am in charge of the planning the trip to cambridge . i am looking for some places to go when we 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 N/A +bos what area of cambridge will you be visiting ? eos O O O O O O O O O O Attraction-Request+Area +bos we will be mainly in the west part of town . are there any nightclubs around that area ? eos 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 N/A +bos i have no nightclubs in that area , would you like e to look in another area ? eos O O O O B-Attraction-NoOffer+Type O O O O 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 why yes , there are five colleges actually . eos O O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O N/A +bos excellent . can i get the entrance fee and postcode of one of them ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos queens ' college is found in silver street and entrance fee is 2.50 pounds . post code is cb39et 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+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Post O O N/A +bos i would also like to find a room in the west of town . eos O O O O O O O O O O O O O O O N/A +bos on what price range do you want your hotel ? eos O O O O O O O O O O O Hotel-Request+Price +bos it does n't matter , whatever is available is fine . eos O O O O O O O O O O O O N/A +bos the cambridge belfry has gotten great reviews . it 's a 4-star cheap hotel in the west . would you like to go with that ? eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O 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 O O O O Hotel-Select +bos does it have free parking and wifi ? eos O O O O O O O O O N/A +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 can you book that starting for thursday ? eos O O O O O O O O O N/A +bos i will need to know how many guests are staying and for how many nights eos O O O O O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay +bos sure , 1 night and 5 people . eos O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O O N/A +bos booking was successful.reference number is : dgq74g0u . 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 is all thank you for all your 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 and enjoy your stay in our lovely city ! eos O O O O O O O O O O O O general-bye +bos can you help me find a hotel in the north that includes free parking ? 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 two matching results for your needs . the ashley hotel and lovell lodge . 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 N/A +bos are either in the moderate price range ? eos O O O O O B-Hotel-Inform+Price O O O N/A +bos yes they are . eos O O O O O Hotel-Inform +bos can you give me the postcode and star rating for lovell lodge and tell me if they have wifi ? 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 Hotel-Request+Post,Hotel-Request+Internet +bos lovell lodge is in postcode area cb41sr , and is a 2 star location with free wifi . eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Post O O O O B-Hotel-Inform+Stars O O O O O O Hotel-Inform+Internet +bos thank you so much ! i appreciate your help today . eos 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 thats all thank you ! eos O O O O O O general-thank +bos you 're very welcome . if you need information or reservations , we 'd be happy to assist . eos O O O O O O O O O O O O O O O O O O O O general-welcome,Booking-Inform,general-reqmore +bos thanks again for your help . have a great day . 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 4 star hotel in the east , please . eos O O O O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Area O O O N/A +bos sure . there are six different options in that area . what were you looking for as far as price range and 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 O O Hotel-Request+Area,Hotel-Request+Parking,Hotel-Request+Internet +bos it really does n't matter . i do n't need internet . i just for sure want a 4 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 O O O N/A +bos might i suggest the autumn house . it is a cheaper guesthouse that offers both free parking and free internet . would you like more info for them ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price I-Hotel-Recommend+Type O O O O O O O O O O O O O O O O O Hotel-Recommend+Parking,Hotel-Recommend+Internet,Hotel-Inform,general-reqmore +bos i think this is what i needed . thanks . eos O O O O O O O O O O O general-thank +bos is there anything else that you need ? eos O O O O O O O O O general-reqmore +bos i need a room for 4 for 4 nights starting on tuesday . eos O 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 : 544d87ng . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you ! can you also get me a train going to cambridge that day ? eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos sure ! i just need to know where you plan on departing from and what 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 O O O O Train-Request+Leave,Train-Request+Depart +bos i want to leave from stevenage after 14:30. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos tr1800 leaves at 15:54 and arrives at 16:43. will that one 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 N/A +bos yes , it will be fine . i need tickets for the same group of people please . eos O O O O O O O O O O O O O O O O O O O N/A +bos train tr1800 is booked . the total fee is 51.2 gbp payable at the station . your reference number is h0j6yfx . may i help with something else ? eos O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 thank you , that 's all i need today . eos O O O O O O O O O O O general-thank +bos thank you for contacting us today and have a nice day . eos O O O O O O O O O O O O O general-greet +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 great , we have a number of restaurants available . are you interested in a particular type of food ? 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 no , thank you ! i am looking for a train that departs on monday , though . can you please help me with that ? eos O O O 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 N/A +bos what are your departure and arrival stations , and what time of day do you need 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+Leave,Train-Request+Depart +bos i want to leave from cambridge traveling to norwich , arriving by 18:30. eos O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O N/A +bos tr8504 will leave at 16:36 and arrive by 17:55. do you need more information or would you like to book now ? 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 O O O general-reqmore,Train-OfferBook +bos yes i am looking for a particular restaurant called shanghai family restaurant . eos 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 okay shanghai family restaurant is located in the centre and is moderately priced . eos O 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O N/A +bos what 's the food type ? eos O O O O O O O Restaurant-Request+Food +bos the shanghai family restaurant serves chinese food . would you like for me to book a table 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 I-Restaurant-Inform+Food O O O O O O O O O O O O O Booking-Inform +bos no , that is all the information i need . thank you . eos O O O O 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 i need a place to dine , and i 'd like to know what 's available so far as cheap asian oriental 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 I-Restaurant-Inform+Food O O O O O N/A +bos you must try dojo noodle bar in the centre of town ! want a reservation ? eos O O O O B-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 O O O O Booking-Inform +bos i need to get the address please . eos O O O O O O O O O Restaurant-Request+Addr +bos sure thing . the address is 40210 millers yard 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 O O general-greet +bos great . i also need a train . eos O O O O O O O O O Train-Inform +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,general-greet +bos i am departing from ely to cambridge and i need to leave after 20:45 on tuesday . eos O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O O O N/A +bos great , the tr1992 leaves at 21:35. would that work for you ? 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 yes , please book 5 seats for me . eos O O O O O O O O O O N/A +bos i will book the reservation now . eos O O O O O O O O Train-OfferBook +bos okay thanks , i will need the reservation number . eos O O O O O O O O O O O general-thank +bos booking was successful , the total fee is 22 gbp payable at the station . reference number is : uagcf8lw . is there anything else i can help 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos great no . that was it . thank you . eos O O O O O O O O O O O general-thank +bos happy to assist . let me 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-reqmore +bos no thanks again for all of your help eos O 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-welcome,general-bye +bos i need a taxi to come get me from old schools to take me to loch fyne . eos O O O 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 O 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 actually need to leave after 11:00. eos O O O O O O O B-Taxi-Inform+Leave N/A +bos your booking is complete . a black skoda will be picking you up . eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O N/A +bos that will be fine , could you give me the contact number ? eos O O O O O O O O O O O O O O N/A +bos the contact number is 07334842640. can i help with anything else ? eos O O O O O B-Taxi-Inform+Phone O O O O O O O general-reqmore +bos thank you , that 's it . i will look for the taxi after 11:00. goodbye . eos O O O O O O O O O O O O B-Taxi-Inform+Leave O O O O O N/A +bos have a great day ! eos O O O O O O general-bye +bos am looking hospital in town . eos O O O O O O O Hospital-Inform +bos find them at hills rd , cambridge , cb20qq eos O O O O O O O O O O N/A +bos what is the name of the hospital please ? i 'll also need the phone number . eos O O O O O O O O O O O O O O O O O O Hospital-Request+Phone +bos the name of the hospital is addenbrookes hospital and the phone number is 01223245151. eos O O O O O O O O O O O O O O O N/A +bos thanks so much for your help . i am good to go 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 ? eos O O O O O O O O O O O general-reqmore +bos nope that is it . eos O O O O O O N/A +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-bye +bos yes , i need a train leaving on saturday . eos O O O O O O O O B-Train-Inform+Day O 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 want to leave london kings cross and head 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 N/A +bos what time would you like to leave or arrive ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would love to arrive by 15:00 eos O O O O O O O B-Train-Inform+Arrive N/A +bos the closest train i can find to your arrival time is the tr5729 which would arrive at cambridge at 14:08. is this okay ? eos O O O O O O O O O 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 Train-Select +bos that 's great ! please book for 6 people . 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 N/A +bos i have booked the train per your request and your reference 0i2egi9q . eos O O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i 'm also looking for a restaurant . the restaurant should be in the center and should 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 B-Restaurant-Inform+Price O O O O O N/A +bos we have many options , any cuisine preference ? eos O O O B-Restaurant-Inform+Choice O O O O O O Restaurant-Request+Food +bos do you have anything serving italian food ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have 4 italian restaurants . it might sound funny , but my recommendation if you 'd like it is to try the clowns cafe . they have amazing food . 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O 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 okay would you like their telephone , address or postcode ? eos O O O O O O O O O O O O general-reqmore +bos i would actually like to book a table at the clowns cafe that you mentioned . i need a table for 6 on saturday at 19:15. eos 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 B-Restaurant-Inform+People B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos your table will be reserved for 15 minutes . your reference number is 571qz495 . 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 for your help . that is all for now . eos 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 is it . thank you . eos O O O O O O O O O general-thank +bos thank you for using the service glad i was able to 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 general-bye +bos i need a taxi to take me to museum of classical archaeology to leave after 15:15. 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 O O O B-Taxi-Inform+Leave N/A +bos sure ! 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 16 00 thank you eos 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,general-welcome +bos sorry , it actually does not matter when i arrive . i just want to leave after 15:15. and i 'll be coming from la tasca . 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+Depart I-Taxi-Inform+Depart O O O N/A +bos i 've booked a taxi for you . here is the information : booked car type : white volkswagencontact number : 07702911912 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 B-Taxi-Inform+Phone O O O N/A +bos i am looking for a place to eat in the centre of town . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O O N/A +bos you have many different options to choose from as well as different price ranges . are you looking for a casual or formal 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 do n't really care , not really picky . eos O O O O O O O O O O O N/A +bos check out kymmoy . its asian oriental and its expensive . you want the adress ? eos O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Price O O O O O O O general-reqmore +bos yes adress and phone number please eos O O O O O O O N/A +bos the address is 52 mill road city centre . their phone number is 01223311911. 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 N/A +bos can i get the post code as well please ? eos O O O O O O O O O O O N/A +bos the postcode is cb12as . i can make a reservation for you if you 'd like . eos O O O O B-Restaurant-Inform+Post O O O O O O O O O O O O O Booking-Inform +bos i need reservations for 7 people at 17:30 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 reference number is : mwdlzxjr . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O Booking-Inform,general-reqmore +bos can you also find me a place to stay that includes free wifi and 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 O O O O N/A +bos do you wish to stay in the centre of town ? eos O O O O O O O O O O O O Hotel-Request+Area +bos it does n't matter , as long as it is a guesthouse and includes free parking . eos 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 'm sorry but there are no guesthouses that match your criteria . would you like me to look for a hotel instead ? 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 B-Hotel-Select+Type I-Hotel-Select+Type O O O N/A +bos are you sure there are no moderately priced guesthouses with parking and wifi in all of cambridge ? that seems unlikely to me eos O 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 O O O N/A +bos there are several , do you have a specific area 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 i would like it moderate priced and make sure it is a guest house please . eos 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 , may i suggest the acorn guest house ? i need to know when you 'll be arriving and the number of people please . eos O 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 O O O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos it 's for 5 nights for 7 people on friday . eos O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O N/A +bos your booking was successful . reference number is : f20o5qd5 . 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 thanks , that about does it for me today . 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 you have a wonderful day as well . good bye . eos O O O O O O O O O O O O general-bye,general-greet +bos i need to take a train to cambridge , it would have to be late after 21: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 the tr6549 arrives at 06:01. is that too late ? eos O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O general-reqmore +bos um , well i should mention that we will be departing kings lynn and going 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 N/A +bos the tr0672 from kings lynn to cambridge leaves at 22:11. would you like to book it ? eos O O B-Train-Inform+Id O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos this one will leave on sunday correct ? eos O O O O O O B-Train-Inform+Day O O N/A +bos unfortunately , that train does not travel sunday , but train tr6364 leaves at the same time ( 22:11 ) and arrives by 22:58. will this work for you ? eos O O O O O O O B-Train-NoOffer+Day O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O general-reqmore,Train-OfferBook +bos yes that will work thank you . i also need help finding a certain hotel if you can ? eos O O O O O O O O O O O O O O O O O O O O Hotel-Inform +bos of course . i 'll be more than happy to help you find a hotel . what 's 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 Hotel-Request+Name +bos it 's the acorn guest house . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos the acorn guest house is located at 154 chesterton road . would you like any additional information ? eos O 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 O O O O O O general-reqmore +bos could you book it for 3 people . it will be for 2 nights starting on the day we get there . eos O O O O O O O B-Hotel-Inform+People O O O O O B-Hotel-Inform+Stay O O O O O O O O O N/A +bos i 've booked your 2 night stay starting sunday for 3 people at the acorn guesthouse . your reference number is jjbwzigs . can i help you further ? eos O O O O O B-Booking-Book+Stay O O B-Booking-Book+Day 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 no . that does it for me . thanks . goodbye . 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 need a train going to cambridge . eos O O O O O O O O B-Train-Inform+Dest N/A +bos there are a lot of trains going to cambridge , where are you leaving from and what day ? what time do you want to leave ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-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 Train-Request+Depart,Train-Request+Leave,Train-Request+Day +bos i will be departing from bishops stortford on monday and need a train that will leave that monday from bishops stortford to arrive cambridge by 10:30. eos O O O O 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 B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos there are three trains that would work . the earliest leaves at 5:29 , the latest leaves at 9:29 , arriving at 10:07. which should i book for you ? 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 I-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 Train-OfferBook +bos i would like to book the 5:29 for 7 passengers if that is available . eos 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 , the total fee is 70.7 gbp payable at the station . reference number is : iunu69vq . 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 thanks . i also need a hotel to stay and should include free wifi eos O O O O O O B-Hotel-Inform+Type 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 i would like to stay on the west side and also need free parking . eos O O O O O O O O B-Hotel-Inform+Area O O O O O O O N/A +bos alright i found two options for you an expensive one and a cheap one . which would you prefer to book ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Select +bos i do n't have a preference . what do you recommend ? eos O O O O O O O O O O O O O N/A +bos i would recommend the hungtingdon marriott hotel . it 's expensive and in the west . it 's 4 star rated and offers free wifi and parking . do you need a room ? eos O O 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 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 yes , please . 7 people for 3 nights on monday . eos 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 reference number is j9z5cbki . is there anything else ? eos O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos that is all , thanks for your assistance . eos O O O O O O O O O O general-thank +bos you are more than welcome . goodbye . eos O O O O O O O O O general-welcome,general-bye +bos yes , i am looking for an early evening train leaving from cambridge . is there one available ? eos O O O O O O O O O O O O B-Train-Inform+Depart O O O O O O O N/A +bos what day will you be travelling ? eos O O O O O O O O Train-Request+Day +bos tuesday going to bishops stortford please . eos O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos i have 10 trains for you on tuesday . what time would you like to arrive by ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Day O O O O O O O O O O Train-Request+Arrive +bos i would need to arrive by 16:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos i have train tr8017 arriving at 16:07 , is that good for you ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-Select +bos how much will it cost and how long will the trip take ? eos O O O O O O O O O O O O O O N/A +bos it is a 38 minutes drive and the cost is 10.10 pounds per person . eos 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 N/A +bos i also need a guesthouse to stay in . it does n't need to have free parking or internet . 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 let 's narrow down our search . what price range would you like to be in ? eos O O O O O O O O O O O O O O O O O O Hotel-Request+Price +bos what are my options for guesthouses ? i 'm not sure about the area , price , or stars . eos 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 most of the guesthouses are cheap or moderate . which of those price ranges works best for you ? eos O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O B-Hotel-Inform+Type O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O O O Hotel-Select +bos you choose . let me know the area , price range , and star rating of 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+Area,Hotel-Request+Price +bos i recommend the a & b guest house in the east . it 's moderately priced and 4 stars . 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 B-Hotel-Recommend+Area O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O N/A +bos that 's great then , i 'll talk to you sometime again . eos O O O O O O O O O O O O O O N/A +bos would you like me to book for you before you leave ? eos O O O O O O O O O O O O O Booking-Inform +bos no thats it for today 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,general-bye +bos i 'm looking for a cheap hotel that includes free wifi . eos O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos that gives us about 10 options . to narrow it down some , do you have a certain area of town you prefer ? 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 Hotel-Request+Area +bos i do n't care about the area it is in , but i will 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 okay i could recommend the allenbell which is a 4 star guesthouse with free parking in the cheap price range located on the east side . eos O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Type O O O O O B-Hotel-Recommend+Price O O O O O B-Hotel-Recommend+Area O O Hotel-Recommend+Parking +bos ok , the allenbell will do . can you book me a room for 3 people , 2 nights starting tuesday please ? 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 O O O N/A +bos yes your booking was successful ! your reservation number is kq23hdj5 . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i also need a train leaving kings lynn . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos sure . where will you be going to ? eos O O O O O O O O O O Train-Request+Dest +bos i 'm headed to cambridge eos O O O O B-Train-Inform+Dest O N/A +bos what day and time would you like to travel to cambridge ? eos O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos same day as the hotel booking eos O O O O O O O N/A +bos and what time do you wish to leave/arrive ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i need to arrive by 12:15. thanks eos O O O O O O B-Train-Inform+Arrive O N/A +bos i have train tr9854 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 O O O B-Train-Inform+Arrive N/A +bos thank you for the information . i 'm ready for my visit . good day and goodbye . eos O O O O O O O O O O O O O O O O O O O general-bye +bos enjoy your visit . 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 general-bye +bos i 'd like to find out when a train leaves on sunday for cambridge . eos O O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O N/A +bos where will you be departing from ? and is there a preferred time you would like to arrive by or leave after ? eos 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 am departing from stansted aiport and would like to arrive by 13:30. eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive N/A +bos tr5358 will depart the airport at 12:24 and arrive at cambridge at 12:52. would you like to book a ticket ? eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Depart I-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 O O Train-OfferBook +bos what 's the total travel time for tr5358 ? eos O O O O O O O O O O Train-Request+Duration +bos the travel time is about 28 minutes . eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos i also need a guesthouse to stay in . eos O O O O O B-Hotel-Inform+Type O O O O N/A +bos how many stars would you like ? eos O O O O O O O O Hotel-Request+Stars +bos it does n't matter . i need it to be located in the south . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos i would suggest bridge 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 have free wifi ? eos O O O O O O O N/A +bos yes . shall i book for you ? how many people ? eos O O O O O O O O O O O O O Booking-Request+People,Booking-Inform +bos i need a room to be booked for 6 people and 4 nights starting from the same day eos O 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 booked ! reference number : g6orah2j . eos O O O O B-Booking-Book+Ref O O O N/A +bos thank you for booking and providing the reference number . eos O O O O O O O O O O O Hotel-Request+Ref +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 nope . that 's all . bye now . eos O O O O O O O O O O general-bye +bos goos-bye , have a great day . eos O O O O O O O O general-bye +bos what is the cheapest taxi service in cambridge ? eos O O O O O O O O B-Train-Inform+Dest O N/A +bos i would need more info , where would you need a taxi to and 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 am looking for a train . eos O O O O O O O O Train-Inform +bos okay , where will you be heading to ? eos O O O O O O O O O O Train-Request+Dest +bos i am leaving broxbourne to go to cambridge on sunday . eos O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Day O N/A +bos and what time of day do you want to travel ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i will be travelling at 12:30 pm eos O O O O O O B-Train-Inform+Leave O N/A +bos tr0862 will leave at 12.32 eos O B-Train-Inform+Id O O O B-Train-Inform+Leave N/A +bos i would like to leave on sunday . eos O O O O O O O O O N/A +bos tr0862 will leave at 12.32 on sunday . do you want me to book this train for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O O O O O O Train-OfferBook +bos i do n't want to book yet , but please tell me the arrival time for that one eos O O O O O O O O O O O O O O O O O O O Train-Request+Arrive +bos the arrival time is 13:32. eos O O O O O B-Train-Inform+Arrive N/A +bos thanks very much . goodbye eos O O O O O O general-bye +bos did you need any further help ? eos O O O O O O O O general-reqmore +bos i need a place to stay in the north in the moderate price range if you could help me . eos O 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 N/A +bos acorn guesthouse offers moderate pricing in the north . would you like me to book this for you ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O B-Hotel-Inform+Area O O O O O O O O O O O Booking-Inform +bos yes . please book it . eos O 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 need the booking for 6 people , for 2 nights beginning on thursday . 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 okay , the booking was successful . confirmation code is knhd4q79 . eos O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos also i need a train to cambridge to depart norwich at 8:30 on tuesday . i need the train id too . eos O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O O O B-Train-Inform+Day O O O O O O O O Train-Request+TrainID +bos of course , train tr4134 will be leaving norwich at 9:16 , would you like me to book it for you ? eos O O O O B-Train-Inform+Id O 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 just need the train id . thanks . eos O O O O O O O O O O O O Train-Request+TrainID +bos okay , the train id is tr4134 . anything else today ? eos O O O O O O B-Train-Inform+Id O O O O O O general-reqmore +bos no that was all i needed . i appreciate your help . eos O O O O O O O O O O O O O N/A +bos i am glad to be of service ! bye for now ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos i need to tkae a train from london kings cross to cambridge 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 N/A +bos ok , i have five trains . any time preference ? eos O O O O B-Train-Inform+Choice O O O O O O O general-reqmore +bos i would like to arrive by 10:30. do you have anything for that ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O N/A +bos i have 3 trains a day that arrive by 10:30. which day are you looking to travel ? 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+Day +bos i will be traveling on friday . can you tell me information for the earliest of those three trains you have ? 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 O O N/A +bos sure , that would be the tr5219 train . it leaves at 05:17 and arrives by 6:08. shall i make a booking for you ? eos O 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 O O O Train-OfferBook +bos can you please provided to toatl travel time ? eos O O O O O O O O O O Train-Request+Duration +bos the total time traveled on this train is 51 minutes . would you like me to book it for you ? 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 Train-OfferBook +bos no . i do need a 4 star hotel , free wifi . eos O O O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O N/A +bos three hotels pop up for you - would you like expensive or cheap ? eos O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price N/A +bos cheap hotel on the east side of town eos O B-Hotel-Inform+Price B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O N/A +bos i do n't happen to have anything that meets those criteria . is there something else i can look up 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,general-reqmore +bos how about another price range ? eos O O O O O O O N/A +bos no that did n't pull anything up either . can we change areas ? eos O O O O O O O O O O O O O O O Hotel-NoOffer,Hotel-Request+Area +bos yes try a different area . eos O O O O O O O N/A +bos would you like to try a hotel on the west side of town ? eos O 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 I-Hotel-Inform+Area O N/A +bos sure , i think that would work ... as long as there is a lot of public transportation around . 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 two hotels that meet your needs . i highly suggest the cambridge belfry . yes there is public transportation . eos O O O O B-Hotel-Inform+Choice O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O 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 Hotel-Request+Addr +bos the cambridge belfry is located at back lane , cambourne . can i provide you with any other information ? 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 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 have a lovely day , goodbye . eos O O O O O O O O general-bye +bos i am looking for a restaurant in the expensive price range and should be in the centre part of town . eos 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 O N/A +bos do you have a certain type of cuisine in mind ? eos O O O O O O O O O O O O Restaurant-Request+Food +bos anything would be fine . eos O O O O O O N/A +bos well , if you 're interested in something unusual , we have the bedouin , which serves african cuisine . or there 's the more traditional cote , which serves french cuisine . 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+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O N/A +bos thank you what is the address and what is the pesticide for bedouln . what fun attractions are near by ? 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+Addr +bos the address for bedouin is 100 mill road city centre and the postcode is cb12bd . what kind of attraction are you looking for ? 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 I-Restaurant-Inform+Addr O O O B-Restaurant-Inform+Post O O O O O O O O O O Attraction-Request+Type +bos i 'm looking for a college , fairly close to the restaurant , if at all possible . eos 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 many colleges in the area i recommend corpus christi it costs 2 pounds but is beautiful . a free college is emmanuel college . can i help with anything else ? 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 I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O B-Attraction-Inform+Fee O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O general-reqmore +bos i need a taxi to help me get around between the two areas . i want to leave the restaurant at 12: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 N/A +bos first , let 's determine which of the two colleges you would like to be your destination after the restaurant . eos O O O O O O O O B-Attraction-Select+Choice O O O O O O O O O O O O O N/A +bos i 'd like to go to emmanuel college from the restaurant . eos O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O O O N/A +bos your all set , look for a red lexus , the contact number is 07138753925 , 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 B-Taxi-Inform+Phone O O O O O O O O O O general-reqmore +bos thanks ! no that 's it ! eos O O O O O O O O general-thank +bos thanks for calling - and enjoy your trip ! goodbye ! eos O O O O O O O O O O O O general-bye +bos hi . please help me find a 4 star hotel to stay at . eos O O O O O O O O B-Hotel-Inform+Stars 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 yes , but i just want to make sure that it includes free parking and is in moderate price range . 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 N/A +bos yes it has both of them , would you like to make a booking ? eos O O O O O O O O O O O O O O O O Booking-Inform +bos yes . please book for 6 people for 2 nights starting wednesday . eos O B-Hotel-Inform+Parking 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 . your reference number is : t49nv9ko eos O O O O O O O O O O B-Booking-Book+Ref N/A +bos thanks for settling the lodging . i also need a train to go to stansted airport which arrives by 12:00 , please . eos 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 B-Train-Inform+Arrive O O O O N/A +bos there are several possibilities for the train , i just need to know what day you need the ride booked for ? 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 +bos i 'll be leaving from cambridge on friday . eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos there are 6 trains that match your query . would you like to book any tickets ? 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 choose the first option and book it for 6 people . and do remember to give me the reference number for the reservation 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 N/A +bos okay , your reservation is booked with reference number sd46ul0q . eos O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos great , 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 your trip is wonderful . eos O O O O O O O O general-bye +bos hopefully you can help me with my planning . i am looking for a place to stay and have no idea what to 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 O N/A +bos do you have any special requests ? eos O O O O O O O O general-reqmore +bos it should be a three star and internet is not a must eos O O O O O O O O O O O O B-Hotel-Inform+Internet N/A +bos i found a guesthouse in the north area that 's 3 stars at 63 milton road . would you like to book a room here ? eos O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O B-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 i was hoping to book a hotel if one is available . eos O O O O O O O O O O O O O Hotel-Inform +bos when would you like to make a booking for ? eos O O O O O O O O O O O Booking-Request+Day +bos actually , i 'm going to hold off on booking for now , but can i get the postcode ? 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 post code is cb41xa , anything else today ? eos O O O O B-Hotel-Inform+Post O O O O O general-reqmore +bos i also need a train leaving cambridge after 18:15 eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos what is your destination ? eos O O O O O O Train-Request+Dest +bos i 'm going to broxbourne on sunday . eos O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos what time could you like to arrive by ? eos O O O O O O O O O O Train-Request+Arrive +bos 7:00 am 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 O O N/A +bos just to clarify , at first you said leaving after 18:15 , but that said arriving before 7 , before i book , can we confirm the time once more ? eos O O O O O O O O O O B-Train-Select+Leave O O O O O O B-Train-Select+Arrive O O O O O O O O O O O O O O N/A +bos can leave anytime after 18:15. eos O O O O O B-Train-Inform+Leave N/A +bos great tr 8991leaves at 19:01 and is a one hour trip , does that work for you ? eos 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 O O O O O O O N/A +bos yes , that will work . can you 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 Train-Request+Arrive +bos the arrival time is 20:21. eos O O O O O B-Train-Inform+Arrive N/A +bos thank you that will be all . eos O O O O O O O O general-thank +bos enjoy your trip . eos O O O O O general-bye +bos are there any guesthouses where you can park for free ? eos O O O O B-Hotel-Inform+Type 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,general-greet +bos it does n't matter , but it should be at least a 2-star guesthouse . eos O O O O O O O O O O O B-Hotel-Inform+Stars O O O O N/A +bos there is no match for your criteria , would you like to try again ? eos O O O O O O O O O O O O O O O O N/A +bos ok , let 's try 3 stars . eos O O O O O B-Hotel-Inform+Stars O O O N/A +bos i 'd recommend bridge guest house in the north . would you like to book 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 O O O O O O O O Booking-Inform +bos yes , actually i would need the room for friday . eos O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos for how many people and nights do you need the room ? 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 room for three people starting on friday for three nights . eos O O O O O O O O O O O O O O O O N/A +bos great your booking was successful and your reservation number is 4dhj0f6t . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos great , i also am also looking for a train arriving at bishops stortford by 10:15. eos O O O O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos on which day would you like to travel ? eos O O O O O O O O O O Train-Request+Day +bos i will be leaving on wednesday from cambridge . eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O N/A +bos tr7666 will arrive at 10:07 eos O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Arrive N/A +bos ok , that train will work . can you make a booking for three tickets ? and send me the reference number so i can let the others know 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 O O O O N/A +bos booking was successful , the total fee is 30.29 gbp payable at the station .reference number is : 5backhf8 . 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 no , that will be all . thank you ! eos O O O O O O O O O O O general-thank +bos i was happy to assist let me know if you need anything else . eos O O O O O O O O O O O O O O O N/A +bos no , really . i have everything i need . eos O O O O O O O O O O O N/A +bos thank you for your call . please reach out if you need anything else 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 general-welcome,general-bye,general-greet,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 i would be happy to help . there are lots of great restaurants in town ! do you what to try a particular type of food ? eos 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 Restaurant-Request+Food,general-greet +bos i still need to discuss restaurants details with a couple people first , can i start by looking for a 4 star place to stay in the south with free parking 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+Stars O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos i have 2 guesthouses that match your criteria , do you have a price preference ? 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+Price +bos do they have wifi ? eos O O O O O O Hotel-Request+Internet +bos yes and they are a number without eos O O O O O O O O general-greet +bos okay , which place do you recommend ? eos O O O O O O O O O N/A +bos i recommend rosa 's bed and breakfast . could i book a stay 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 Booking-Inform +bos not now . i am also looking for a place to dine eos O O O O O O O O O O O O O N/A +bos there are several restaurants , what type 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 Restaurant-Request+Food +bos i would like a japanese place in the cheap range . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O N/A +bos there 's nothing matching that . do you have any other criteria ? eos O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos can we search for portuguese instead ? eos O O O O O B-Restaurant-Inform+Food O O N/A +bos there is one place available called the nandos ! would you like for me to book a table ? eos 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 that sounds lovely . i would like to book it for saturday , for 7 people , at 14:15. eos O O 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 N/A +bos your booking for 7 at 14:15 was successful ! the reference number is 38pzhljo . may we help you with anything else ? eos O O O O O B-Booking-Book+People B-Booking-Book+Time 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 taxi eos O O O O O O Taxi-Inform +bos where to and from , and what time will you need the taxi ? eos 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 book a taxi to commute between the two places . eos O O O O O O O O O O O O O O N/A +bos at what time should it leave ? eos O O O O O O O O Taxi-Request+Leave +bos the most important thing is that it gets me to the restaurant in time for the reservation . i can leave the hotel whenever necessary . eos O O O 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 . i 've booked for you a yellow skoda . the contact number is 07314173329 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 general-greet +bos thank you , that is all i need . eos 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 hey , are there any good cinemas in cambridge ? eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are two cinemas , one in the south and one in the centre , which area do you prefer ? eos O O O O B-Attraction-Inform+Type 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 one is fine . how about the south . can you give me the postcode and entrance fee 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 Attraction-Request+Post,Attraction-Request+Fee +bos sure ! the cineworld cinema 's phone number is 00872208000 and their post code is cb17dy . is there anything else i can help you with ? eos O O O B-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+Post O 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 thank you ! have a wonderful day ! eos O O O O O O O O O general-welcome,general-bye +bos i want you to recommend a place to go in the centre that is type of entertainment 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 i 'm sorry there are no entertainment attractions in the centre . is there another area or attraction type you would be interested 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 O O O O O O O O Attraction-Request+Area,Attraction-Request+Type,Attraction-NoOffer +bos okay , how about a nightclub ? eos O O O O O B-Attraction-Inform+Type O O N/A +bos there is none in that area . do you mind changing the area ? eos O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos i was really hoping to find one in that area . eos O O O O O O O O O O O O N/A +bos i 'm sorry , i was mistaken . i have 5 options for nightclubs in the centre . i like club salsa , personally . eos O O O O O O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O N/A +bos could you please give me club salsa 's address and postcode ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos sure , club salsa is located at 1 station road , cb12jb . would you like any additional information ? 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 O O O O O general-reqmore +bos i am also looking for someplace in the moderate price range , a room with 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 N/A +bos we have many options . would you like to narrow it down by area or stars ? 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-Request+Stars +bos i would like it to be 2 stars , and a hotel . eos O O O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Type O O N/A +bos there are two hotels in the north that fit your needs : the ashley hotel and the lovell lodge . 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 B-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 let 's try the lovell lodge . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O N/A +bos okay ! would you like for me to book you 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 it for 3 nights starting sunday for 5 people . eos 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 O N/A +bos ok , 3 nights starting sunday for 5 guests . your reference number is : duycgob2 . eos O O O O O B-Booking-Book+Day O O B-Booking-Book+People O O O O O B-Booking-Book+Ref O O O N/A +bos thanks i also need a taxi to leave club salsa . eos O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos sure , will you be going back to lovell lodge , and at what time ? eos O O O O O O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Dest +bos i would want to return by 2:45. eos O O O O O O O O N/A +bos booking completed ! booked car type : white volkswagencontact number : 07255014387can 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 thanks , that is okey for today eos O O O O O O O O O general-thank +bos okay , well if you need anything else you know where to find me ! have a good one ! 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 a restaurant in the east part of town that serves british 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 one british restaurant in the east part of town called grafton hotel restaurant . 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 N/A +bos yes , please along with the phone number and the post code . thanks . eos O O O O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos it 's located at the grafton hotel restaurant . the phone number is 01223 241387 , and the postal code is c.b 5 , 8 p.a . eos 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 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 N/A +bos wonderful , thank you . eos O O O O O O general-thank +bos no problem , have a good time . good bye . eos O O O O O O O O O O O O general-welcome,general-bye +bos hi , could you help me with my plans ? i am looking for a train . eos O O O O O O O O O O O O O O O O O O Train-Inform +bos i can help you with that . where will be departing and where do you want to go ? 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 will be departing from cambridge and going into ely on saturday . eos O O O O O O B-Train-Inform+Depart O O O O B-Train-Inform+Dest B-Train-Inform+Day O N/A +bos trains run that route every two hours throughout the day . do you have a target departure or arrival time ? eos 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 O O Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive in ely by 11:15. could you please tell me the price and what the departure time is ? eos O 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 O O O O Train-Request+Price,Train-Request+Leave +bos tr0718 arrives at 10:07 on saturday . cost is 3.52 pounds . would you like me to reserve a seat for you ? 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 O O O O O O O O Train-OfferBook +bos i see it arrives at 10:07 but so you have the departure time ? eos O O O O O O O O O O O O O O O Train-Request+Leave +bos the train that arrives at 10:07 would depart at 09:50. eos O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave N/A +bos yes , please book it . eos O O O O O O O N/A +bos how many tickets are you needing ? eos O O O O O O O O Train-Request+People +bos i 'm sorry , i just needed the train info . however , i need a place to stay in the north preferably with parking . can you assist ? 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 O O N/A +bos i have 11 different options for you . is there a certain price range or star level 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 Hotel-Request+Stars,Hotel-Request+Price +bos no , it should include free wifi . eos O O O O O O O O O N/A +bos there are 11 options for you . if you have no further specifications , then i recommend hamilton lodge . 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 N/A +bos is hamilton lodge located in the north area of town ? eos O O O O O O O O O O O O N/A +bos yes it is . would you like to book it or do you need more info ? 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 to book it for 5 people . we will be staying 5 nights starting monday . eos 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 N/A +bos i have made that reservation for you . your reference number is lj3xa5iz . is there anything else i can help 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 general-reqmore +bos yes , is hamilton lodge a guesthouse or hotel ? i prefer a hotel . eos O O O O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos hamilton lodge is indeed a guesthouse . i am showing 2 hotels in the north both have a two star rating . would you like me to recommend one ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Type O O B-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 please . i need it for 5 people for 5 days . eos O O O O O O O O B-Hotel-Inform+People O O O O O N/A +bos i was able to book the ashley hotel . your reference number is ddei8k1u . 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 N/A +bos thank you . appreciate all the help . eos 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 general-reqmore +bos no i appreciate your help . goodbye . eos 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 'm looking for a train that leaves from cambridge after 15:45 eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos there are many trains , please tell me a destination to help narrow it down . 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 'd like to travel to stansted airport . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos the earliest train after 15:45 leaves at 16:40. would you like me to book you a seat ? eos 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 yes , i would like to book one seat that leaves on sunday . please provide the price , arrival time and train id . thank you . eos O O 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 Train-Request+Price,Train-Request+Arrive,Train-Request+TrainID +bos ok , you 're booked on tr7062 , leaving at 16:40 and arriving by 17:08 , reference number 1msvtp4g . the price will be 10.10 at the station . can i help you with anything else ? eos O O O O O B-Train-OfferBooked+Id O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive 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 general-reqmore +bos yes , i was wondering if you could help me find ou abou an attraction called gonville and caius college . 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 N/A +bos gonville and caius college is in the centre of town and entrance is free . is there anything else you would like to know ? eos 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 O B-Attraction-Inform+Fee O O O O O O O O O O O general-reqmore +bos can i have their post code and phone number please ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure there phone number is 01223332400 and postal code is cb21ta . eos O 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 . thank you very much . 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 i think that should do it . thanks . goodbye . eos O O O O O O O O O O O O O general-bye +bos thank you , have a nice time . eos O O O O O O O O O general-bye +bos i want a place to stay . find me a hotel that includes free parking . eos 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 eight accomodations of the hotel type with free parking . what part of town do you prefer ? 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 Hotel-Request+Area,Hotel-Inform+Parking +bos the west , please . and can i get free wifi ? eos O O B-Hotel-Inform+Area O O O O O O O O O O N/A +bos the cambridge belfry is an inexpensive , 4 star option on the west side with free wifi and free parking . 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 O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos yes , that sounds like a good choice . can you book it for me for 3 people starting saturday ? 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 general-thank +bos sure , i can do that . how many nights would you like it for ? eos O O O O O O O O O O O O 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+People O N/A +bos i was able to book the hotel for you . the reference number is btts9gyc . 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 B-Booking-Book+Ref O O O O O O O O O O O O O general-reqmore +bos i need a train from norwich to get to the hotel by 16:30. eos O O O O O O B-Train-Inform+Depart O O O O B-Hotel-Inform+Type O B-Train-Inform+Arrive N/A +bos i have several available . when do you want to leave ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O O O O O O O Train-Request+Leave +bos it does n't really matter , just need to get there by 16:30. eos O O O O O O O O O O O O O O N/A +bos okay i have a train tat gets to cambridge at 15:35. would you like me to book that for you ? eos O O 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 i would like to find a place to go in the centre of town , that includes multiple sports 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 unfortunately , i am not finding anything that meets your criteria . eos O O O O O O O O O O O O O N/A +bos are there museums instead ? eos O O O B-Attraction-Inform+Type O O N/A +bos there are 11 museums in the centre of town . how about castle galleries in unit su43 , grande arcade , saint andrews street ? 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 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 O O N/A +bos that would be perfect . thanks for all your help . have a good night . eos O O O O O O O O O O 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 , that 's all . eos O O O O O O O N/A +bos okay , then , enjoy your day . eos O O O O O O O O O general-bye +bos what can you dig up about the pizza express fen ditton ? 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 N/A +bos pizza express fen ditton is an italian restaurant in the centre of town in the moderate price range . would you like more information ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-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 B-Restaurant-Inform+Price O O O O O O O O O general-reqmore +bos that 's good , thanks . could you book me a table for 3 on wednesday at 15:15 ? 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : xipjjbzo . 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 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 yes please . i 'm also looking for a train from london kings cross on that same day . 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 O N/A +bos there are actually 5 trains available that day . they are every other hour beginning at 5:17 and ending at 23:17. would you like book one of these trips ? eos O O O O O B-Train-Inform+Choice 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 Train-OfferBook +bos book one that arrives by 10:15 and goes to cambridge eos O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Dest N/A +bos tr3810 is your best bet . how many tickets will you be needing ? eos O B-Train-Inform+Id O O O O O O O O O O O O O Train-Request+People +bos i will need 3 tickets . eos O O O O O B-Train-Inform+People O N/A +bos booking was successful , the total fee is 70.8 gbp payable at the station .reference number is : i4wfzded . 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 great , what is the departure time for this train ? eos O O O O O O O O O O O O Train-Request+Leave +bos the departure time is 9:17. eos O O O O O B-Train-Inform+Leave 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 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 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-reqmore +bos for now i 'd like to hear about places to go in the centre of town . where all the action happens ! 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 there are many places . what do you like to do ? eos O O O O O O O O O O O O O Attraction-Request+Type +bos where i can go using a train the train should arrive by 15:00 and should depart from ely eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+Depart N/A +bos first let 's take a look at what we can find for attractions for you . do you like architecture ? eos O O O O O O O O O O O O O O O O O O B-Attraction-Select+Type O O O N/A +bos architecture will be fine thanks eos O B-Attraction-Inform+Type O O O O N/A +bos i 'd recommend all saints church , then . would you like more information ? eos 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 general-reqmore +bos yes can i get the address please ? eos O O O O O O O O O N/A +bos sure thing here is the address jesus lane . eos O O O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O N/A +bos 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 . eos O O O O O O O O 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 centre of town is known for its architecture which is seen by visiting churches and an old school . all saints church is popular and has the postcode cb58bs . eos O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O O O O B-Attraction-Inform+Type 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 O B-Attraction-Recommend+Post O O N/A +bos thank you ! i also need a train please ! eos O O O O O O O O O O O Train-Inform +bos i can help with that . what are your arrival and departure 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 am departing from ely to arrive at cambridge . eos O O O O O O B-Train-Inform+Depart 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 thursday please . eos O O O O O O O B-Train-Inform+Day O O N/A +bos there are 10 trains travelling from ely to cambridge on thursday , to help narrow it down what time would you like to arrive/depart ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart B-Train-Inform+Dest O B-Train-Inform+Day O O O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i 'll need to arrive by 15:00 eos O O O O O O B-Train-Inform+Arrive O N/A +bos okay , that narrows it down to 5 trains . tr4992 arrives closest to 15:00. it will get you to cambridge at 13:52. would you like me to book a seat ? eos O O O O O O O O O O O O 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 can i just have the travel time and the cost of the ticket ? eos O O O O O O O O O O O O O O O O O Train-Request+Duration +bos the ticket price is 4.40 pounds . the duration of the trip is 17 minutes . can i further assist you , today ? eos O 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 I-Train-Inform+Time O O O O O O O O general-reqmore +bos no . that 's all . thank you so much ! goodbye 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 . goodbye eos O O O O O O O O O O O general-bye +bos hi , do you know of a good night club ? eos O O O O O O O O O O O O N/A +bos there are 5 good nightclubs in the centre and one in the south . which area do you prefer ? eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O O Attraction-Select +bos it does n't matter . can i have the phone numbers ? eos O O O O O O O O O O O O O Attraction-Request+Phone +bos club salsa is a nice one , phone is 07782218745. anything else you need ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Phone O O O O O O general-reqmore +bos i also need a train leaving stevenage on saturday , please . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos certainly . just to confirm , is cambridge your destination or are you looking for another destination ? eos 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 am looking to go from cambridge to stevenage on saturday leaving after 16:30 eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O B-Train-Inform+Leave N/A +bos the first train out of cambridge to stevenage after 16:30 is the tr4216 , which leaves at 17:21. eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O B-Train-Inform+Id O O O B-Train-Inform+Leave O N/A +bos can you tell me the time it arrives , and the price ? eos O O O O O O O O O O O O O O Train-Request+Price +bos tr4216 arrives in stevenage at 18:10. total travel time is 49 minutes , and the per person fare is 10.24 gbp . 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos ok , thanks , that 's all i need . eos O O O O O O O O O O O general-thank +bos okay great . glad i could be of assistance . eos O O O O O O O O O O O general-welcome,general-greet +bos have a good day . bye . eos O O O O O O O O general-bye +bos thank you for choosing help desk . eos O O O O O O O O general-welcome +bos i 'm looking for a particular restaurant called the pizza express eos O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos there seems to be two locations . they are both located in the centre of town . one is on regent street city centre , and the other is on jesus lane fen dutton . eos O O O 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 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 N/A +bos ok can you suggest one and reserve a table for 6 at 18:30 on saturday and i need the reference number too 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 O O O O N/A +bos ok , you are all booked at the pizza express on regent street . reference number is 1asq2s6y . eos 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 O O O B-Booking-Book+Ref O O O N/A +bos thank you ! i 'm also looking for 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 O O N/A +bos autumn house is a cheap guesthouse in the east area of town with free internet and parking . would you like me to book it ? eos O B-Hotel-Inform+Name I-Hotel-Inform+Name O O 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 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 5 nights starting on saturday for 6 people . please send the reference number . eos 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 N/A +bos i was able to book your room for autumn house . the reference number is 9iutq641 . is that all you need ? 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 no , i 'll also be needing a taxi to get between the two places , i 'll need it to get to 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 O Restaurant-Inform,Taxi-Inform +bos you will be riding in a gray toyota contact # is 07710210724 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 groovy like greg brady ! that is everything , 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 no problem at all , you have a great trip ! eos O O O O O O O O O O O O general-bye +bos hi i am in the north looking for a place to stay . i 'd prefer a hotel with 4 stars . any suggestions ? eos 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+Stars O O O O O O N/A +bos the archway house is a guesthouse in the north with four stars . it 's moderately priced and includes wifi and parking . should i book ? eos 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 O O O O O O O O O Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos um , give me a minute please eos O O O O O O O O N/A +bos ok , let me know whenever you 're ready . eos O O O O O O O O O O O general-reqmore +bos yes , please . i need the reservation for 1 person for 5 nights starting on wednesday . 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 booking was successful for 5 days at archway house starting on wednesday . your reference number is uauopobp . 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 O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A +bos great , thank you . i am looking for some sort of entertainment in the centre , maybe a park . can you help me with that ? eos O O O 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 O O O O O N/A +bos i can i 've found botanic gardens in the centre area postcode is cb21jf and has an entrance fee of 4 pounds . will there be anything else ? eos 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 B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee 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 do you need a taxi between the guesthouse and the park ? i can handle that , also . 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 , the attraction and the hotel was everything . eos O O O O O O O O O O O Attraction-Inform,Hotel-Inform +bos ok thanks it is a pleasure to serve you eos O O O O O O O O O O general-greet +bos i was told about a great place to eat called the copper kettle . 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 N/A +bos they are located in the centre of town . would you like a reservation ? eos 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 Booking-Inform +bos what kind of food do they serve ? eos O O O O O O O O O N/A +bos they serve british food . eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O N/A +bos yes , i would like a reservation for 4 , please . i would also like a place to stay . eos O O O O O O O O O B-Restaurant-Inform+People O O O O O O O O O O O O N/A +bos alright , but first , for that reservation , what time and day would you like ? eos 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 oh , sorry . 17:15 on friday . eos O O 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 : bziav28x . tell me about your hotel requirements . 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 N/A +bos it should be a 2 star in the south and should be the type of a hotel . eos O O O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O O O O O O O O B-Hotel-Inform+Type N/A +bos i am sorry but i am not finding anything that matches your request . how about a different ratinge 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 Hotel-NoOffer,Hotel-Request+Area,Hotel-Request+Stars +bos how about a star of 3 , then ? eos O O O O O O O O O O N/A +bos ok , i have one hotel located in the south , the lensfield hotel , and it is a 3 star . it 's expensive , is that ok ? eos O O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O B-Hotel-Inform+Area O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price O O O O O O O O O O N/A +bos no i need something cheap really do eos O O O O O O O O N/A +bos i 'm sorry . i 'm not finding any results that match your criteria . would you like to try a different 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 Hotel-NoOffer,Hotel-Request+Area +bos no . then find me a taxi eos O O O O O O O O Taxi-Inform +bos where and when do you want to be picked up ? eos O O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Depart +bos i need to be picked up at 17:00 from ely . eos O O O O O O O O B-Taxi-Inform+Leave O B-Taxi-Inform+Depart I-Taxi-Inform+Depart N/A +bos i 'm happy to help you with that . i just need to know your destination and 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 O O O O O O Taxi-Request+Dest +bos i need the taxi to commute between the hotel and the restaurant . i have my restaurant reservation , but i still need to find a 2-star hotel in the south . 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+Stars O O O B-Hotel-Inform+Area O O N/A +bos okay , let 's start with the hotel . as i 'm looking , i do n't see a 2-star hotel in the south . would another rating suit your needs ? eos 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 O O O O O O O O O O O O O O Hotel-Request+Stars +bos if there is n't a 2 star hotel , a 3 star hotel will do . eos O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Stars O O O O O O N/A +bos what about the ashley hotel ? eos O O O O B-Hotel-Select+Name I-Hotel-Select+Name I-Hotel-Select+Name N/A +bos that would be great . can you get me the postcode for the hotel , please ? eos O O O O O O O O O O O O O B-Hotel-Inform+Type O O O O Hotel-Request+Post +bos sure thing it is cb41er , anything else today ? eos O O O O O B-Hotel-Inform+Post O O O O O N/A +bos can i please book a taxi from the hotel to the restaurant ? eos O O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos sure thing a blue bmw will be picking you up and the contact number is 07240838121 , anything else 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 N/A +bos no i think that just about covers it , thanks eos O O O O O O O O O O O general-thank +bos thank you for your call . have a great trip ! goodbye . eos O O O O O O O O O O O O O O N/A +bos can you find me a chinese restaurant ? eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 17 chinese restaurants in town . what area of town are you interested in and what is your pricerange ? 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 Restaurant-Request+Area,Restaurant-Request+Price +bos i would like for it to be in the centre . price does not matter . i need a reservation for 8 at 11:15 on saturday . reference number after booking is complete . 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 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 you are booked for charlie chan for saturday at 11:15. reference number is 77tie1s5 . eos 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 B-Booking-Book+Ref O N/A +bos thanks a lot . i would also like for some places to go in town , how about a museum in the same area ? 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 O O N/A +bos we have 11 museums in the town centre . i enjoy the museum of archaelogy and anthropology . would you like information 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 O O N/A +bos please ! can you also provide the address with postcode and the phone number ? i 'd like to jot it down in case i get lost ! eos O O O O O 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 address is university of cambridge , downing street . the postcode is cb23dz and the phone number is 01223333516. 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 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 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 nice day . bye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i need a train to stansted airport that leaves on sunday . eos 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 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+Arrive,Train-Request+Leave +bos i need to arrive by 14:30. eos O O O O O O B-Train-Inform+Arrive N/A +bos tr1668 will arrive at 14:08 , would that work for you ? eos O B-Train-Inform+Id O O O B-Train-Inform+Arrive O O O O O O O N/A +bos that is perfect . i would like to make a booking for 6 people please . eos O 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 48.48 gbp payable at the station . your feference number is hf03ug02 . do you need assistance 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 to eat too eos O O O O O O N/A +bos what type of restaurant and price range are you looking for ? eos O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos i 'd like catalan food . it needs to be in the centre and be expensive . eos O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O O N/A +bos i 'm sorry , there are n't any restaurants like that . 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 Restaurant-NoOffer +bos what about one that serves european food in the same side ? eos O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there are three european restaurants in the center of town . would you like me to pick one ? eos O O O B-Restaurant-Inform+Choice 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 general-reqmore +bos yes please do and then make me a reservation for 6 people at 10:15 on a sunday . eos 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 N/A +bos you have a table booked for eraina and the reference number is t7zsp58s . is there anything else i can do for you ? eos 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 general-reqmore +bos no , that 's all . thanks ! goodbye . 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 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 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 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 B-Hotel-Inform+Area I-Hotel-Inform+Area 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 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 O O O O O O O O O Booking-Request+Day +bos i am looking for a place to go and it should be in the south . eos O O O O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos there are several attractions located in the south area , such as parks , cinemas , and museums . is there a certain type of attraction you have in mind ? eos O O O B-Attraction-Inform+Choice O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area 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-Request+Type +bos are there any swimming pools ? eos O O O O O O O N/A +bos there are no swimming pools in the south . would you like me to search a different 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 +bos no , that 's ok , are there any parks in the south ? eos O O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos yes , there are two : sheep 's green and lammas land park fen causeway , and wandlebury county park . entrance is free to both of them . would you like to try one of those ? 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 O B-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 sure , give me the info for the wandlebury . eos O O O O O O O O O O O N/A +bos it is a park located in the south . it is free of charge . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Price O O O O N/A +bos can i get the address and postcode ? eos O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos the address is fen causeway , newnham road , and the postcode is cb22ad 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+Post O O N/A +bos i would also like a reservation at a a jamaican restaurant in that area for seven people at 12:45 , if there is none chinese would also be good . 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 B-Restaurant-Inform+Food O O O O O O N/A +bos i 'm sorry , there are no jamaican restaurants in the area , but there are three chinese restaurants in the south . what price range are you looking for ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O 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 O O O O Restaurant-Request+Price +bos the price does n't matter , as long as they can accommodate 7 people at 12:45 on wednesday . can you give me the reference # once it 's booked ? 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 O O O O O O O O O O O O Restaurant-Request+Ref +bos alright , i 've made a booking at the lucky star , for wednesday at 12:45 , for 7 people . the reference number is r9h9b14d . 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 B-Booking-Book+Day I-Booking-Book+Day 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 nope . thanks for all your help . eos O O O O O O O O O general-thank +bos okay , goodbye and good day ! eos O O O O O O O O general-bye +bos hi , can you help me find a train out of cambridge please ? eos O O O O O O O O O O O B-Train-Inform+Depart O O O N/A +bos i can . where will you be traveling to ? eos O O O O O O O O O O O Train-Request+Dest +bos i 'll be headed to peterborough , and i need to leave after 15:45. eos O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O O N/A +bos and what day are you traveling ? eos O O O O O O O O Train-Request+Day +bos we would like to leave on wednesday please . eos O O O O O O O B-Train-Inform+Day O O N/A +bos there are 16 trains headed to peterborough that leave after 15:45. do you have a preference on when you arrive in peterborough ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O Train-Request+Arrive +bos no , i do n't really care when we arrive as long4 as the departure is after 15:45 eos O O O O O O O O O O O O O O O O B-Train-Inform+Leave O O Train-Request+Arrive +bos the tr7706 leaves at 16:05 and arrives in peterborough by 16:56. would you like me to book some tickets for you ? 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 O O O O O O Train-OfferBook +bos yes book the tickets , also i want places to go in town and i want it to be at the center of the 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 in the center of town we have vue cinema , cambridge contemporary art and castle galleries . eos O O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area 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 O N/A +bos 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 ? eos O O O O O O 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 yes , train tr7706 has a duration of 50 minutes . eos O O O B-Train-Inform+Id O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos thank you . can please also confirm the phone number , post code , and address ? 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 yes , the cambridge contemporary art museum can be found at 6 trinity street , postcode cb21su , phone number 01223324222. 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+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O B-Attraction-Inform+Phone O O O N/A +bos perfect , that is all that i needed . 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 . have a nice day . good bye . eos O O O O O O O O O O O O O general-welcome +bos i need a train for tuesday leaving after 13:15. do you have one ? eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Leave O O O O O N/A +bos i have 229 results for trains leaving after 13:15 , could you be more specific on where you want to depart/arrive and what day you are traveling ? eos O O O O B-Train-Inform+Choice 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 Train-Request+Depart,Train-Request+Dest,Train-Request+Day +bos of course , thanks ! i 'll be traveling on tuesday , departing from stevenage . eos 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 first train leaves at 13:54 on tuesday eos O B-Train-Inform+Choice O O O B-Train-Inform+Leave O B-Train-Inform+Day N/A +bos that sounds good . can i get the train id and the departure/arrival times ? eos O O O O O O O O O O O O O O O O Train-Request+TrainID +bos the id is tr1830 and it leaves at 13:54 and arrives by 14:43. do you want me to book it ? 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 Train-OfferBook +bos not right now , thanks . but can you tell me a little about churchill 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 N/A +bos yes , it is located in the west . address is storey 's way . it is free to enter . eos O O O O O O O B-Attraction-Inform+Area O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O B-Attraction-Inform+Fee O O O O O O O N/A +bos great , and what type of attraction is storey 's way ? also , backing up a bit , can you give me the travel time for train tr1830 ? eos O O O O O O O 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,Attraction-Request+Type +bos the travel time for tr1830 is 49 minutes . what would you like to know about churchill college ? eos 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 general-reqmore +bos what sort of place is it , and what area of town is it in ? eos O O O O O O O O O O O O O O O O O Attraction-Request+Area +bos the entrance fee is free and its located in the west area . churchill college is a college . eos O O O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Area O B-Attraction-Inform+Name B-Attraction-Inform+Type O O O O O N/A +bos just want to make sure i understand you correctly , churchill college is a college , but what type of a attraction is it ? is it a college museum ? 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 O O O Attraction-Request+Type +bos it appears to be listed as a college in the west . is there any other information on it you would like ? 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 O O O O general-reqmore +bos no thank you . eos O O O O O general-thank +bos okay , and is there anything else you need help with or will that be all ? eos O O O 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 need right now . 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 great day ! eos O O O O O O O O O O O O O O general-bye +bos yes , can you give me some information ? i am looking for a particular attraction . eos O O O O O O O O O O O O O O O O O O Attraction-Inform +bos sure , i can assist you . what type of attraction were you interested 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 called primavera . eos O O O B-Attraction-Inform+Name O O N/A +bos here you go , primavera is a museum in the centre of town , they have free admission . eos O O O O B-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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos i would like tickets . eos O O O O O O N/A +bos you will not need tickets , as admission is free . would you like the address or phone number ? eos O O O O O O O O O B-Attraction-Inform+Fee O O O O O O O O O O O N/A +bos phone number and postcode please . eos O O O O O O O Attraction-Request+Post +bos the phone number is 01223357708. eos O O O O O B-Attraction-Inform+Phone N/A +bos and postcode please like i asked before . eos O O O O O O O O O Attraction-Request+Post +bos the post code is cb21sj . eos O O O O O B-Attraction-Inform+Post O N/A +bos rad , thanks . i also need a train ticket eos O O O O O O O O O O O Train-Inform +bos okay , where are you heading ? eos O O O O O O O O Train-Request+Dest +bos i want to leave broxbourne and go to cambridge . eos O O O O O B-Train-Inform+Depart O O O 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+Arrive,Train-Request+Day,Train-Request+Leave +bos i need to travel on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos there are 19 trains that meet that criteria . would you like to narrow it down by 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 O Train-Request+Leave,Train-Request+Arrive +bos i have to leave after 12:30. eos O O O O O O B-Train-Inform+Leave N/A +bos tr7406 leaves at 12:32 , how many tickets ? eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O O O Train-Request+People +bos could you tell me what the travel time is , please ? eos O O O O O O O O O O O O O Train-Request+Duration +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 thank you so 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-welcome,general-bye +bos i need to take a train out of cambridge , i will be leaving town on wednesday . eos O O O O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Day O O N/A +bos there are 5 trains out of cambridge on wednesday . do you have a departure time in mind ? eos 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 O Train-Request+Leave +bos i 'd like to go to peterborough and leave after 12:45 , i have to attend a meeting beforehand . eos O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O O O O O O O N/A +bos tr1879 leaves at 13:06 on wednesday . will that work for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O B-Train-Inform+Day O O O O O O O N/A +bos what is the price of the fair and could you tell me what is the arrival time into peterborough ? 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+Arrive +bos the price is 16.50 pounds and the train will arrive in peterborough by 13:56 wednesday . would you like me to book a ticket for you ? eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket 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 O Train-OfferBook +bos yes , one ticket please , can i also get the reference number ? eos O O O O O O O O O O O O O O O N/A +bos i booked you one seat on tr1879 departing cambridge for peterborough on wednesday at 13:06 , reference : xu1qlhvw . can i help further today ? eos O O O O O B-Train-OfferBooked+People O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Day O B-Train-OfferBooked+Leave O B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos i am also looking for a museum in centre . could you give me the address , postcode and phone number of one ? eos O O O O O O O B-Attraction-Inform+Type 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,Attraction-Request+Addr +bos the broughton house gallery is located at 98 king street , postcode cb11ln . their phone number is 01223314960. is there anything else you need ? 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 B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone O O O O O O O O O general-reqmore +bos that 's all i need right now . thanks , you have been very helpful ! eos O O O O O O O O O O O O O O O O O general-thank +bos you 're welcome , i hope you 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 'd like to find a place to go 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 how about great saint mary 's church ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O N/A +bos ok , what 's the address and postcode ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos market square , town center . post code cb23pq . anything else ? eos 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 general-reqmore +bos yes , i also need to book a train for monday . can you help me with that ? eos 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 you are looking for a train to cambridge , correct ? where will you be traveling from ? eos O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O Train-Request+Depart,Train-Request+Dest +bos i will be travelling from cambridge actually and going to london kings cross . eos 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 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 monday . eos O O O O O O O O O N/A +bos and at what time would you like to travel ? eos O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i would like to arrive by 20:00. could i get the price please ? eos O O O O O O O B-Train-Inform+Arrive O O O O O O O Train-Request+Price +bos i have one that arrives at 19:51 and another at 17:51. both cost 23.60 pounds . do you have a preference ? eos 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O Train-Select +bos no preference . you choose . thanks ! eos 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-Request+People +bos just for myself , please . eos O O O O O O O N/A +bos i have booked you a ticket on tr7786 for 23.60 pounds . the train leaves cambridge at 19:00. your reference number is isah5018 . can i help you further ? eos O O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O B-Train-OfferBooked+Depart I-Train-OfferBooked+Depart B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref O O O O O O O O general-reqmore +bos thank you . that is all for today . goodbye eos 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 hi , can you give me information about nusha ? eos O O O O O O O O B-Attraction-Inform+Name O O N/A +bos nusha is an entertainment attraction in the south the entrance fee is not listed . do you need the phone number and address ? eos O B-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 O O O O O O O O O N/A +bos yes i 'd like to know where the area is and the phone number . eos O O O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Phone +bos nusha is in the south , and the phone number is 01223902158. eos O B-Attraction-Inform+Name O O O B-Attraction-Inform+Area O O O O O B-Attraction-Inform+Phone O N/A +bos alright . are there any trains going to cambridge on sunday ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos i have several trains going to cambridge . where will you be departing from ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O Train-Request+Depart +bos i 'll be departing from birmingham new street leaving after 21:00. can you book 2 seats ? what is the cost ? eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O B-Train-Inform+People O O O O O O O O O O O O N/A +bos i have booked two seats for you with the confirmation 30v02nx3 . the total cost will be 120.16gbp . eos O O O O O B-Train-OfferBooked+People O O O O O B-Train-OfferBooked+Ref O O O O O B-Train-OfferBooked+Ticket O O N/A +bos i actually need to book 7 seats . can you add 5 more ? eos O O O O O O O O O O O O O O O N/A +bos you will have to work that out at the station . i apologize . eos O O O O O O O O O O O O O O O N/A +bos you are not being very helpful . eos O O O O O O O O N/A +bos sorry , i am the supervisor . i have booked you 5 more tickets . the extra cost is 300.39 pounds , payable at the station . the reference number is 0g76cz16 . anything else ? eos O O O O 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 B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos okay , that will be all . good 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-bye +bos i am looking for a place called the jesus green outdoor 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 N/A +bos absolutely , would you like an address or phone number ? eos O O O O O O O O O O O O general-reqmore +bos i need the postcode and need to know what type of attraction this is . eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Type +bos it is a swimming pool and the postcode is cb43px . eos O O O O B-Attraction-Inform+Type I-Attraction-Inform+Type I-Attraction-Inform+Type O O O B-Attraction-Inform+Post O N/A +bos thank you . i 'm also looking for information on trains to cambride on friday . 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 broxbourne . i also prefer a train that leaves after 12:45 on friday . eos O B-Train-Inform+Depart O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O N/A +bos the tr7015 leaves at 13:32 and arrives at 14:32. 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 , thanks . i just need the travel time and price , please . eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos certainly . travel time is 60 minutes and a ticket costs 17.90 pounds . what else can i do for you today ? 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 general-reqmore +bos that 's all i need for now . thank you for the help ! eos O O O O O O O O O O O O O O O general-thank +bos okay if you decide you need anything else come me . eos O O O O O O O O O O O O general-reqmore +bos will do . thanks.again . goodbye ! eos 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 'm looking for a train that leaves cambridge on wednesday please . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos where are you traveling to , and at what time will you be traveling ? eos O O O O O O O O O O O O O O O O Train-Request+Arrive,Train-Request+Dest +bos i 'm travelling to london liverpool street and i 'll be departing after 17:00. 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 O O N/A +bos tr4757 leaves at 17:59. can i book seats for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O Train-OfferBook +bos can you please tell me the arrival time on that train ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos tr4757 arrives by 19:27. was there any other information you needed ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O general-reqmore +bos i 'm also interested in a particular attraction . eos 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 the cambridge museum of technology , do you know of it ? 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 N/A +bos yes that is located at the old pumping station cheddars lane and has a entrance fee of 5 pounds . 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 I-Attraction-Inform+Addr O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos what area is it in ? eos O O O O O O O Attraction-Request+Area +bos this museum is located in the east part of town . can i help you further ? eos O O B-Attraction-Inform+Type O O 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 and post code 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 absolutely ! the post code is cb58ld and the phone number is 01223368650. eos O O O O O O B-Attraction-Inform+Post O O O O O B-Attraction-Inform+Phone O N/A +bos thanks for your help ! eos 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 want a train that leaves on monday . eos O O O O O O O O B-Train-Inform+Day O N/A +bos there are several trains leaving on monday . may i have your destination ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Day O O O O O O O Train-Request+Dest +bos i would like to travel from norwich to cambridge . are there any leaving after 21:00 ? 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+Leave O O N/A +bos yes , i could get you tickets on a train leaving at 21:16. tr8920 . would you like to book passage ? eos O O O O O O O O O O O O B-Train-OfferBook+Leave B-Train-Inform+Id O O O O O O O O O N/A +bos can you tell me what the arrival time is ? eos O O O O O O O O O O O Train-Request+Arrive +bos it should arrive by 22:35 eos O O O O O B-Train-Inform+Arrive N/A +bos would yopu like me to book it for you ? eos O O O O O O O O O O O N/A +bos well , i can book it for you if you would like . would you like me to ? eos O 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 could you help me find a good college to visit on the south side of town ? 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 O N/A +bos i am sorry none of them are in the south . something else perhaps ? eos O O O O O O O O O O B-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O general-reqmore,Attraction-Request+Type +bos how about a theater in the south ? eos O O O O O O O O O N/A +bos i have one . what info would you like to know ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O general-reqmore +bos why do n't you suggest a couple for me please then i will decide what info i need . 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 junction theatre is the only one that meets your specified critera . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Choice I-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O N/A +bos okay , thanks ! can you please tell me the entrance fee , 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 Attraction-Request+Phone,Attraction-Request+Fee,Attraction-Request+Addr +bos the address is clifton way , the postcode is cb17gx , but i do n't know the entrance fee . is there anything else you need ? eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr 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 O O O O O general-reqmore +bos no , but thank you for everything , have a nice day eos O O O O O O O O O O O O O general-thank +bos have a great day as well . goodbye . eos O O O O O O O O O O general-bye +bos hey , i am looking for a train that leaves leicester to cambridge , where is it ? 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 N/A +bos there are many trains each day that run between leicester and cambridge . 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 O Train-Request+Leave +bos i would like to leave on thursday and arrive by 18:15. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos the 16:09 will have you there at 17:54 if it is on time . would you like me to book you a seat ? eos O O B-Train-OfferBook+Leave O O O O O B-Train-OfferBook+Arrive O O O O O O O O O O O O O O O O Train-Inform +bos i do n't need to book now . what is the total 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 Train-Request+Duration +bos 105 minutes is the travel time . may i help you with anything else today ? eos 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 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 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 O O B-Attraction-Inform+Area O O O O O N/A +bos we have entertainment venues , museums , & colleges to visit . is there a particular attraction type you would be interested in ? eos 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 O O O O O O O O O N/A +bos any attraction you recommend will be great . i just need the 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 +bos clare college is a popular attraction on the west side . the entrance fee is 2.50 pounds and the postcode is cb21tl . can i help you with anything else ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Area O O O O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O B-Attraction-Recommend+Post O O O O O O O O O O general-reqmore +bos great , thanks ! that 'll be all that i need for today ! eos O O O 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,general-bye +bos i need a train into cambridge on thursday . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos where would you be departing from ? eos O O O O O O O O Train-Request+Depart +bos i need to leave from kings lynn and arrive no later than 08:45 please . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Leave O O N/A +bos there are five trains available , but the earliest train leaves at 09:11. i 'm sorry . eos O O O B-Train-Inform+Choice O O O O O O O O B-Train-Inform+Leave O O O O O N/A +bos are you sure there 's nothing earlier ? eos O O O O O O O O O N/A +bos certain , the earliest one leaves at 09:11 eos O O O O O O O B-Train-Inform+Leave O N/A +bos hmm . well , let 's talk attractions for a moment . what kind of sports venues exist 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 i am sorry there are no sports venues in the centre of town , can i search another area ? eos O O O O O O O B-Attraction-NoOffer+Type I-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 Attraction-Request+Area +bos how about one that is in the type of concerthall eos O O O O O O O O O O B-Attraction-Inform+Type N/A +bos the man on the moon concerthall , 2 norfolk street , cb12fl . their phone number is 01223474144. 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 I-Attraction-Inform+Name I-Attraction-Inform+Name 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 O O O O O O O general-reqmore +bos that will be all , thank you for you help . 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 i 'm going to a particular attraction called the cambridge punter . i need general information about it . eos 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 N/A +bos yes , the cambridge punter is a boat and is located in the centre part of town . the address is 251a chestertom road and their phone number is 07807718591. eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Type O O 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 I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone 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 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 yes i also need a train from cambridge to peterborough on tuesday . 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 there are 38 trains that meet your needs . do you have a departure 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 Train-Request+Leave +bos yes i would like to leave at 17:00. eos O O O O O O O O B-Train-Inform+Leave N/A +bos okay , the tr9395 leaves at 17:06 and arrives by 17:56. would you like me to book this ? 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 Train-OfferBook +bos how long will the trip take and how much will it cost ? eos O O O O O O O O O O O O O O N/A +bos the trip will take 50 minutes and is 16.50 pounds . would you like me to book a ticket 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 O Train-OfferBook +bos no thank you . i will do that later . but i 've got to get to work . 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 general-bye +bos okay , let us know if there is anything else i can help with . eos O O O O O O O O O O O O O O O O general-bye,general-reqmore +bos hi , i 'll be visiting cambridge soon , and i need a train from stansted airport . it should arrive by 17:45. can you help ? eos O O O O O B-Train-Inform+Dest O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O B-Train-Inform+Arrive O O O O O O O O N/A +bos what day and time time will you be travelling ? eos O O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i will be traveling on saturday and would like to arrive by 17:45. eos O O O O O O B-Train-Inform+Day O O O O O O O N/A +bos great , there 's a train departing at 16:24 and arriving at 16:52. will this work ? 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 Train-OfferBook +bos yes , that would be perfect ! what 's the price of one ticket ? eos O O O O O O O O O O O O O O O O Train-Request+Price +bos it is 8.08 pounds eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket N/A +bos thank you ! can you also look up cherry hinton hall and grounds for me ? 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 sure thing it is in the east of town , what information would you like to know about it ? 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 general-reqmore +bos i need to know how how much the entrance fee is and the postcode if you may 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 the post code is cb18dw but i do not have the information on the entrance fee . eos O O O O O B-Attraction-Inform+Post 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 ok , 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 no , thank you , that will be all . eos O O O O O O O O O O O general-thank +bos thank you and goodbye eos O O O O O general-bye +bos i could use some help finding a train for my stay with you . eos O O O O O O O O O O O O O O O Train-Inform +bos that wo n't be a problem . can you please provide me with some addition details ? for example , what day and time 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 general-welcome,Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos i would like to travel on sunday please . eos O O O O O O O B-Train-Inform+Day O O N/A +bos any more details you would like to provide ? the tr7423 leaves cambridge on sunday at 5 , heads to london kings corss and arrives at 5:51. eos O O O 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+Day I-Train-Inform+Day O B-Train-Inform+Leave O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Arrive O O N/A +bos oops . sorry . my travel day is monday not sunday . what do you have for that day . 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 N/A +bos there are many trains running on monday , what is your arrival destination ? eos O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Day O O O O O O O Train-Request+Dest +bos my arrival destination is cambridge . eos O O O O O B-Train-Inform+Dest O N/A +bos okay when would you like to leave by ? eos O O O O O O O O O O Train-Request+Leave +bos i want to arrive by 15:45 eos O O O O O O B-Train-Inform+Arrive N/A +bos what is your departure site ? eos O O O O O O O Train-Request+Depart +bos kings lynn . i need 5 tickets and my reference number eos O B-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+People O O O O O N/A +bos tr2257 will arrive at 14:58. should i go ahead and book 5 tickets for this 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 O O N/A +bos yes that would be great also i need the reference number after you book it . eos O O O O O O O O O O O O O O O O O N/A +bos i 'm sorry , my booking system seems to be down . can you try again later ? eos O O O O O O O O O O O O O O O O O O O N/A +bos yea that is okay thank you eos O O O O O O O general-thank +bos train tr2257 has been booked for 5 seats . your reference number is e720wbai . can i assist you with anything else today ? eos O O B-Train-OfferBooked+Id B-Train-OfferBooked+People 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 thanks that 's all eos 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 can you help me find a restaurant i am looking for ? its name is the rice boat . 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 that 's an excellent choice ! when will you be dining ? eos O O O O O O O O O O O O O Booking-Request+Time,general-greet +bos first , could you tell me what type of food is served ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos the rice boat serves indian cuisine . eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name B-Restaurant-Inform+Food O O N/A +bos thankyou . can you help me find a attraction called the place ? eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name N/A +bos the place is a nightclub in the south part of town . the address is 22 sidney street and the phone number is 01223324600. eos O O B-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 I-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 N/A +bos can you tell me how much the entrance fee is please ? eos O O O O O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry i do not have an entrance fee listed . perhaps you could call them to check . eos O O O O O O O O O O O O O O O O O O O O O Attraction-Inform,general-greet +bos okay and what was the postcode for the place ? i also need a taxi ride from the rice boat to the 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 Attraction-Request+Post +bos the postcode for the place is cb23hg . eos O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name B-Attraction-Inform+Post O N/A +bos thanks . can you arrange a taxi from the rice boat to the place ? i 'll need to leave by 23:30. please provide the contact number and car type for the taxi please . eos 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 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 certainly . i 've booked you a yellow toyota . the contact number is 07181629943. 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 N/A +bos that 's all i need , thank you . eos O O O O O O O O O O general-thank +bos thank you for choosing cambridge towninfo centre today . please let us know if you need further assistance 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-welcome,general-bye +bos i 'm looking for a multiple sports attraction 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 i 'm afraid that we do n't have that type of attraction in the centre of town . perhaps somewhere else ? or a different type of attraction ? eos O 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 O O O O O O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos sure , is there a nightclub in that part of town ? eos O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos i am sorry , but i did not find a nightclub in the center of the town . if you like i can search in the west , where there are a lot nightclubs . 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 I-Attraction-NoOffer+Area I-Attraction-NoOffer+Area O O O O O O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O N/A +bos would you mind double checking . i thought i visited a nightclub in the centre of town before . 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 oh , my . i do apologize . i was wrong . there are 5 different nightclubs available . the ballare , club salsa , kambar , the soul tree and the fez club . eos O O O O O O O O O O O O B-Attraction-Inform+Choice 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 N/A +bos could you tell me the entrance fee and phone number for club salsa ? eos O O O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O Attraction-Request+Phone,Attraction-Request+Fee +bos entry is 5 pounds , and the number is 07782218745. eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O B-Attraction-Inform+Phone O N/A +bos thank you for answering all my questions . that 's all i need . eos O O O O O O O O O O O O O O O general-thank +bos of course , 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 would like to find a hospital in town . eos O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is located at hills road , 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 N/A +bos great . thank you . that 's all i need . eos 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 would you happen to know of any attractions involving architecture in cambridge ? eos O O O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are several beautiful churches in the center ; are you willing to pay to enter ? eos O O O B-Attraction-Inform+Choice I-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 Attraction-Request+Price +bos yes , could you please provide the addresses and entrance fees for the churches 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+Fee,Attraction-Request+Addr +bos sure , all saints church on jesus lane and holy trinity church on market street are free to enter . great saint mary 's church on market square is 2 pounds to enter . 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 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 O O O O N/A +bos i am also looking for chinese food in the city center . can you help me find some restaurant 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 N/A +bos we have 10 chinese restaurants in the centre area . what price range are you looking for ? 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 i prefer something in the expensive price range . eos O O O O O O B-Restaurant-Inform+Price O O O N/A +bos the sesame restaurant and bar sounds perfect for you . would you like me to reserve 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 O O O O Booking-Inform +bos i just need the address , postcode and telephone number for the restaurant at this time . 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 they are located at 17 hills road city centre , their postcode is cb21nw , and phone number is 01223358899. 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 B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O N/A +bos can you help me look for a taxi that will leave all saints church by 17:45 ? 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 B-Taxi-Inform+Leave O N/A +bos could you tell me your destination please ? eos O O O O O O O O O Taxi-Request+Dest +bos i need to go to the sesame restaurant and bar . 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 okay , i 've booked a car for you . it 's a white tesla . the contact number is 07746645374. what else can i do for you ? 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 O O O O general-reqmore +bos that will be everything i needed today . thanks 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 nice day . goodbye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i am looking for places to go , do you have any attractions in the west 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 O N/A +bos i have several museums and a few colleges to choose from . which would you prefer ? 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 Attraction-Select +bos i think i would prefer a museum . eos O O O O O O O O O N/A +bos the museum of classical archaeology would be a fun place to check out , would you be interested ? 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 O O O O O O O O O O N/A +bos sure , give me their phone number . i 'd also like to find an expensive restaurant in west cambridge . eos O 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 Attraction-Request+Phone +bos here 's the number for the museum of classical archaeology , 01223335153. how does the cambridge lodge restaurant sound for you ? 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 B-Restaurant-Select+Name I-Restaurant-Select+Name I-Restaurant-Select+Name O O O O O O N/A +bos that sounds good . could you reserve a table for 3 on friday at 19:00 ? can i get a reference number ? thank you ! 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 Restaurant-Request+Ref +bos it 's all booked reference number is 8l9saxv0 eos O O O O O O O B-Booking-Book+Ref O N/A +bos i also want to book a taxi to go from the museum 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 when would you like to arrive by ? eos O O O O O O O O O Taxi-Request+Arrive +bos i would like for the taxi arrive by 19:00 please . can you give me a contact number and the car type for the taxi as well ? 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 Taxi-Request+Car +bos yes , the taxi will be a red bmw and the contact number is 07530062984 eos O O O O O O O O O O O O O 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 ! goodbye ! eos O O O O O O O general-welcome,general-bye +bos i 'm looking for a restaurant in the city centre . eos O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos there are 69 results for restaurants in city centre . could you be more specific on what type of food you 're hungry for , or price range you 'd like ? eos 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 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 restaurant that serves british food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 7 british restaurants in the centre . do you have a preferred 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 O O Restaurant-Request+Price +bos no i do not , can you please find me the highest rated restaurant ? eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos i do not have access to restaurant ratings , however three of the restaurants serving british food are considered expensive . would you like their information ? eos O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O O O O O general-greet,general-reqmore +bos just one please , and only the address is necessary . i 'd also like a place to go in town , a museum is good , it 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 O O O B-Restaurant-Inform+Area O O O O O Restaurant-Request+Addr +bos the address for fitzbillies is 51 trumpington street city centre . 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 I-Restaurant-Inform+Addr N/A +bos okay , thanks . and a museum ? eos O O O O O B-Attraction-Inform+Type O O O N/A +bos there are approximately 11 museums in the centre of town , all with free entrance . my personal recommendation would be the whipple museum of the history of science . 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 O 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 I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O N/A +bos sounds good . what 's the address and phone number of the whipple ? eos O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos it is located at free school lane and their phone number is 01223330906 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+Phone N/A +bos alright , great . i also need a taxi to get between the restaurant and the museum . i want to leave the restaurant by 23: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+Leave O O O N/A +bos i was able to arrange your taxi service . your vehicle will be a black bmw , and the company 's contact number is 07015861608. 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 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 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-welcome,general-bye +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 many restaurants in the centre of town . is there a specific food type and pricerange you are looking for ? eos 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 O Restaurant-Request+Food,Restaurant-Request+Price +bos no particular type of food , but something moderately priced please . eos O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos would you like to try the copper kettle ? it serves british food . eos O O 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 N/A +bos that sounds good . could you book a table for 4 people at 19:15 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 hi , i 've booked a table for 4 at the copper kettle ! will that be all ? eos O O O 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 O O O O general-reqmore +bos could i get the reference number ? also looking for place to go in town . what museum do you recommend ? please send address . 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 Restaurant-Request+Ref,Attraction-Request+Addr +bos your restaurant reference number is avoxtspm . for a museum , i recommend the broughton house gallery at 98 king street . eos O O O O O O B-Booking-Book+Ref O O B-Attraction-Recommend+Type 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 O O N/A +bos alright , that seems like it will be perfect ! could i have the address for it , 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+Addr +bos the address is 98 king street . eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr N/A +bos ok great , 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 . goodbye . eos O O O O O O O general-welcome,general-bye +bos i would like to find a train leaving from cambridge on friday after 14:45. eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O B-Train-Inform+Leave 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 from kings lynn . should have clarified before . eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O O N/A +bos i have a tr5331 arriving at 15:58 , will that work for you ? eos O O O 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 book it for 7 people . eos O O O O O O O B-Train-Inform+People O O N/A +bos ok i have train tr5331 booked for you for 7 people . your reference number is q2o02xds . eos O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O N/A +bos great . can you also help me find a museum to visit in the east ? eos O 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 we have 5 museums in the east . cambridge artworks , cambridge museum of technology , gallery at twelve a high street , and the saint barnabas press gallery . 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 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 N/A +bos i 'd like to visit the saint barnabas press galary . what is the postcode , phone number and entrance fee ? 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 Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos the saint barnabas press gallery is free to enter and is located at the belfast yard , coldham 's road , cb13ew . anywhere else you 'd like me to check ? eos O 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 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 no , i believe that is everything . thank you ! eos O O O O O O O O O O O O general-thank +bos you are most welcome . enjoy the museum . eos O O O O O O O O O O general-bye +bos i 'd like to visit a theatre . eos O O O O O O B-Attraction-Inform+Type O O N/A +bos there are 5 theaters in cambridge most of which are in the centre of town . would you like information on one of those ? eos 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 O O general-reqmore +bos yes please . i 'll need postcodes as well . eos O O O O O O O O O O O Attraction-Request+Post +bos the junction is in the south , cb17gx . the other 4 are in centre . adc theatre , cb58as . cambridge arts theatre , cb23pj . mumford theatre , cb11pt . and the cambridge corn exchange , cb23qe . eos O O O O O O O O O O O O O O O O O O O O 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 . can you help me find a place to dine that is in the centre and serves asian oriental ? eos 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 N/A +bos yes i have several . do you have a price preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O Restaurant-Request+Price +bos yes , i 'm looking for something inexpensive . can you list those in the cheaper price range ? eos 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 yes , there are two options : dojo noodle bar and j restaurant . would you like to book one ? 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 O O O O O Booking-Inform +bos let 's try dojo noodle bar for 7 on wednesday at 14:30. 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 ok , i have made a reservation at dojo noodle bar for 7 on wednesday at 14:30 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 B-Booking-Book+Day I-Booking-Book+Day B-Booking-Book+Time O N/A +bos awesome . could i have the reference number , please ? eos O O O O O O O O O O O O Restaurant-Request+Ref +bos the booking was unsuccessful for that time , can we try another time that works for you ? 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 maybe fifteen minutes earlier ? eos O O O O O O N/A +bos no , i 'm afraid it 's still not available . would you like to try a new 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 let 's try 13:30 please . eos O O O B-Restaurant-Inform+Time O O O N/A +bos that booking was successful . the reference number is 8mo0t711 . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i will need to also book a taxi from to the restaurant . eos O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform +bos i 'm sorry , what is your destination and departure site ? eos 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 theatre and arrive at the restaurant by 13:30. could i get the contact number and vehicle type please ? 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 N/A +bos could you please tell me what theatre option you have chosen ? eos O O O O O O O O O O O O O N/A +bos the junction is the theater i chose . eos O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O O O N/A +bos okay , i went ahead and booked that for you . you will be in a red volkswagen , and the contact number is 07277320157. 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-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 general-reqmore +bos no , i think you have covered it all . thank you . 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 'm looking for someplace to go in town . eos O O O O O O O O O O O N/A +bos i 'd be happy to help you find something . are you looking for something in town centre ? there are cinemas , colleges , concert halls just to name a few . eos 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 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 i 'd love to try a local restaurant eos O O O O O O O O O Restaurant-Inform +bos we have many restaurants in town . what type of cuisine are you looking for , and what 's your budget 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 Restaurant-Request+Price,Restaurant-Request+Food +bos first , i need an attraction in the east . can you choose one and get me the entrance fee , postcode , and attraction type ? then i 'd like an expensive restaurant in the east . 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 O B-Restaurant-Inform+Price O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee,Attraction-Request+Type +bos i 'm sorry , that 's a lot of information for just one response . there are 10 attractions in the east - do you care what sort ? eos 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 O O O O Attraction-Request+Type +bos just do what i say ! i do n't care what you choose ! give me the necessary information too . then , get me a restaurant in the east that 's expensive 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 O O O B-Attraction-Inform+Area O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O N/A +bos try the cambridge museum of technology which is a museum . the entrance fee is 5 pounds and postcode is cb58ld . there are no expensive north indian restaurants in the east . eos O O O B-Attraction-Inform+Name B-Attraction-Inform+Type I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Post O O O B-Restaurant-NoOffer+Price B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O B-Restaurant-NoOffer+Area O O O N/A +bos how about expensive restaurants that serve indian food in the same area ? eos O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O O O O N/A +bos for expensive restaurants with indian food , we have pipasha , and the sitar tandoori . eos O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Food O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos i want the pipasha for 1 at 16:30 on saturday . 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 i apologize but i was not able to book for that time . would you like me to try 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 Booking-NoBook,Booking-Request+Time +bos yes try 15:30 on saturday and need a reference number thank you . eos O O 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 : mkruj1br . 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 general-reqmore +bos great ! that is everything i needed . thank you ! eos 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-bye +bos i 'm looking for something to do in cambridge . i 'm interested in architecture , is there any interesting buildings around 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 B-Attraction-Inform+Area O O O O O N/A +bos i think i can help you with that . there are several historic colleges and churches to see . many offer free admission . eos O O O O 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 take a look at some of the older churches , what are some of the entrance fees for those ? 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+Fee +bos the churches are free . eos O O B-Attraction-Inform+Type O B-Attraction-Inform+Fee O N/A +bos please give me their phone number . i also need a restaurant that serves north american food 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 N/A +bos here are the numbers for 2 churches , all saints church ( 01223452587 ) , holy trinity church ( 01223355397 ) . there are three more if needed . a good restaurant is gourmet burger 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 O O O O O O O O O O O O N/A +bos thank you goodbye eos O O O O N/A +bos thank you for using our services ! eos O O O O O O O O general-welcome +bos oh , wait ! if the gourmet burger kitchen is in the same area as the churches , could i get the phone number for that , 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 O O Restaurant-Request+Phone +bos certainly ! the phone number is : 01223312598 is there anything else we can assist with today ? eos O 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-greet,general-reqmore +bos yes may i please have the address to gourmet burger kitchen and can you book reservations for 2 for 13:00 eos O O O O O O O O O O O O O O O O O O O O B-Restaurant-Inform+People Restaurant-Request+Addr +bos the address is regent street city centre . what day you would like the reservation to be ? 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 O Booking-Request+Day +bos 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 ? eos O O O O O O O O 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 +bos it is expensive . the postcode is cb21ab . eos O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Post O O N/A +bos ok , that 's great . thank you . eos O O O O O O O O O O general-thank +bos will you still need a reservation , or are you all set ? eos O O O O O O O O O O O O O O Booking-Inform,general-reqmore +bos no , i 'm good . thanks for all your help ! eos 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 had a dispute over a car accident and need help . eos O O O O O O O O O O O O O N/A +bos you may contact the parkside police station . the phone number is 01223358966. eos O O O O O O O O O O O O O O N/A +bos that 's great , can i get their postcode as well please ? eos O O O O O O O O O O O O O O Police-Request+Post +bos postcode : cb11jg . do you need help with anything else ? eos O O O O O O O O O O O O O N/A +bos that would be all for . thank you for your help . eos 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 i need to find a nearby hospital . quickly , please . eos O O O O O O O O O O O O O Hospital-Inform +bos the address is hills rd , cambridge , post code cb20qq , addenbrooke hospital . eos O 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 Hospital-Request+Phone +bos the phone number is 01223245151. eos O O O O O O N/A +bos thanks , i 'll call that now . bye ! eos O O O O O O O O O O O general-bye +bos please let me know if you need further assistance . good luck . eos O O O O O O O O O O O O O O general-bye,general-greet +bos i am looking for a train . the train should depart from peterborough and should go to cambridge 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 can find you a train . 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 i need to arrive by 14:45. eos O O O O O O B-Train-Inform+Arrive N/A +bos i have trains that meet you criteria for most days of the week , do you have a day or departure time 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 Train-Request+Day,Train-Request+Leave,Train-Inform +bos i want to leave on wednesday . eos O O O O O O B-Train-Inform+Day O N/A +bos tr9545 arrives at 13:38 on wednesday . would you like me to book it for you ? 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 O O Train-OfferBook +bos yes , i would . could you book that for 6 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 the booking was successful , the total fee is 99 gbp payable at the station . the reference number is lnkduqpe . 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 O N/A +bos thank you so much for your help eos O O O O O O O O general-thank +bos welcome again next time.enjoy the journey eos O O O O O O O general-bye +bos thank you that is all i need . eos O O O O O O O O O general-thank +bos thank you for using the cambridge towninfo centre . goodbye for now . eos O O O O O O O O O O O O O O general-bye +bos i am planning your trip in cambridge . i need a train , the train should depart from birmingham new street and should leave on sunday 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 I-Train-Inform+Depart O O O O B-Train-Inform+Day O O O N/A +bos i can help you with that . do you have a time preference ? eos O O O O O O O O O O O O O O O Train-Request+Leave +bos yes i need to arrive by 14:30. eos O O O O O O O O N/A +bos i have train tr9644 arriving by 14:23 , is that good for you ? eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive O O O O O O O general-reqmore +bos yes could you please book it for me and get me a reference number ? 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 please . eos O O O O B-Train-Inform+People O O N/A +bos i have 1 ticket booked on tr9644 . the cost is 60.08 gbp and your reference number is cfpq0w33 . can i help you with anything else ? eos O O O O B-Train-OfferBooked+People 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 general-reqmore +bos yes , i 'd like to find an expensive hotel in the city centre . eos O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O N/A +bos sure ! would you like to stay at the gonville hotel ( 3 stars ) , or the university arms hotel ( 4 stars ) ? both have parking and internet . 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+Stars O O O O O O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos lets go with university arms , please book me for 1 person , 4 nights on sunday . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+People O B-Hotel-Inform+Stay O B-Hotel-Inform+Day O O O N/A +bos all set , the reference number is ifhsyrzn , any other questions today ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos which ever one you recommend . i 'll need it booked for 1 person , sunday , 3 nights please . 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 you 're all set ! your reference number is ifhsyrzn eos O O O O 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 have a nice day . eos O O O O O O general-greet +bos yes , i 'm visiting cambridge and want to know about cambridge artworks in town ? eos O 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 it is a museum in the eas part of town on 5 greens road , is there more you would like to know ? eos O O O O B-Attraction-Inform+Type 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 can i please have the phone number ? eos O O O O O O O O O Attraction-Request+Phone +bos certainly . the phone number is 01223902168. eos O O O O O O O B-Attraction-Inform+Phone N/A +bos i need a 4-star place to stay in the north part of town . eos O O O O B-Hotel-Inform+Stars O O O O O B-Hotel-Inform+Area O O O O N/A +bos do you have a preference for parking/wifi/price range ? eos O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Internet,Hotel-Request+Parking +bos no , i do n't really have a reference for any of those , i do n't even need internet . 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 the acorn guest house , on 154 chesterton road is available , shall i book it 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 . 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 , book it for 4 people and 5 nights starting wednesday . eos O B-Hotel-Inform+Internet 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 but the booking was unsuccessful . would you like to try for another 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos how about 4 nights ? eos O O O O B-Hotel-Inform+Stay O N/A +bos that is available . reference number is : o0jpm8f0 . eos O O O O O O O O B-Booking-Book+Ref O O N/A +bos i want information on a particular hotel called home from home . can you send me what you have on that ? 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 N/A +bos sure thing ! home from home is a guesthouse in the north . with a moderate price range it is still a 4 star place to stay . do you need more ? eos 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 B-Hotel-Inform+Price O O O O O O O B-Hotel-Inform+Stars O O O O O O O O O O general-reqmore +bos please book it for 6 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 sure ! the booking was successful.reference number is : 1jl8b2k4 . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i am also looking for a train . can you help me ? eos O O O O O O O O O O O O O O Train-Inform +bos yes i can . please tell me your departure city , day and time and i 'll see what i dig 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 Train-Request+Depart,Train-Request+Leave,Train-Request+Day +bos we are departing from cambridge on friday going to kings lynn . arrival time should be around 09:00. please book 6 seats . eos O O O O O B-Train-Inform+Depart 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 B-Train-Inform+People O N/A +bos okay i 've booked you on the tr2764 which will arrive at 8:58. the total fee is 58.8 gbp payable at the station .reference number is : aqmkfofz . eos O O O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 O O B-Train-OfferBooked+Ref O O N/A +bos okay thank you ! what is the travel time on that ? eos O O O O O O O O O O O O O Train-Request+Duration +bos this train actually leave on friday . you wanted to leave on wednesday , correct ? i can rebook if needed . 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 O O Train-Request+Day +bos no , friday works for me . eos O O B-Train-Inform+Day O O O O O N/A +bos okay , great . can i help you with anything else today ? eos O O O O O O O O O O O O O O general-reqmore +bos no thanks that is all i need . eos 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 hotel in the north part of cambridge . preferably a 4 star or greater . can you recommend one ? eos 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 O O N/A +bos there are 8 hotels that meet that criteria . would the acorn guest house work for you ? it has free wifi and parking , and is moderately priced . 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 O O O O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos actually , i 'm looking for a college to the west . can i get their phone number and address ? 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 N/A +bos any particular college you are looking for ? eos O O O B-Attraction-Inform+Type O O O O O Attraction-Request+Name +bos no particular college , but it must be in the western part of town . eos O O O O O O O O O O O O O O O O N/A +bos how about churchill college ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos can i get their address and phone number ? eos O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos they are located on storey 's way . thier phone number is 01223336233. 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 B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos i am also looking for a place to stay in the north with free parking . eos O O O O O O O O O O O O O O O O O N/A +bos there are several . do you have a pricerange in mind ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O Hotel-Request+Price +bos it does n't matter . just use your best judgement . eos O O O O O O O O O O O O N/A +bos acorn guest house would be nice for you eos O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O N/A +bos what are the nicest restaurants in the center of town ? eos O O O O O O O O O O O O Restaurant-Inform +bos kymmoy is a asian oriental place that is expensive and in the centre of town . eos O B-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area 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 absolutely . it is 01223311911. eos O O O O B-Restaurant-Inform+Phone O N/A +bos thanks ! i also need a train to leicester from cambridge . can you help me with that ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O O O O O O O O N/A +bos there are several options . 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 Train-Request+Leave,Train-Request+Day +bos the train should leave on saturday and should arrive by 16:00. eos O O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A +bos tr5089 arrives in leicester saturday at 15:06 , would you like to book a ticket ? eos O B-Train-OfferBook+Id O O B-Train-OfferBook+Dest B-Train-OfferBook+Day O B-Train-OfferBook+Arrive O O O O O O O O O N/A +bos that 's fine . what time does the train depart , and how long is the ride itself ? 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 train departs at 13:21. travel time is 105 minutes . would you like me to book this for you or is there something else i can help with ? eos O O O O O B-Train-Inform+Leave 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 O O O O general-reqmore,Train-OfferBook +bos yes can you please book this for me and provide me with any other necessary information . eos O O O O O O O O O O O O O O O O O O N/A +bos how many people will be riding ? eos O O O O O O O O Train-Request+People +bos just me , could you confirm the travel and departure time ? eos O O O O O O O O O O O O O Train-Request+Leave +bos the tr5089 leaves at 13:21 and arrives at 15:06. it would cost you 30.23 pounds . would you still like to book ? 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+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +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 have a great day . eos O O O O O O general-bye +bos yes , i need a hospital with a hepatology department please . eos O O O O O O O O B-Hospital-Inform+Department O O O O N/A +bos addenbrookes hospital has a hepatology department . their number is 01223217712. eos O O O O O O O O O O O O N/A +bos what is the postcode there ? eos O O O O O O O Hospital-Request+Post +bos the postcode of the hospital is cb20qq . eos O O O O O O O O O N/A +bos thanks so much . that 's all i needed . take care . bye . eos 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 i need some places to go . can you tell me about some concert halls 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 N/A +bos unfortunately i am not finding any concerthalls in the south . is there a different type of attraction or a different area of town you would be interested in ? 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 O O O O O O O Attraction-Request+Type,Attraction-Request+Area +bos i am also interested in your local museums . are there any in the south ? eos 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 yes , there is 1 museum in that location . it is called byard art museum . would you like more information ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Type 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 general-reqmore +bos sure . what is the 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 entrance is free , and the phone number is 01223464646. eos O O O B-Attraction-Inform+Fee O O O O O B-Attraction-Inform+Phone O N/A +bos i also need a place to stay . i am looking for a 4 star moderately priced place 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 N/A +bos i have several options for you . would you like 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 Hotel-Request+Area +bos not really , but i prefer guesthouse type . eos O O O O O O B-Hotel-Inform+Type O O O N/A +bos do you think the aylesbray lodge guest house would suit you ? it 's also in the south . i can try to book you a room if you like . 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 B-Hotel-Inform+Area O O O O O O O O O O O O O O O Booking-Inform +bos as long as they have decent internet i 'm fine . eos O O O O O O O O O O O O Hotel-Request+Internet +bos the aylesbray lodge guest house does offer internet . 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 O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos no thank you . that 's everything i needed . 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 'd be really happy if you could help me locate a place to stay in cambridge tonight . 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 , are you looking for anything specific ? eos O O O O O O O O O O general-reqmore +bos i want an expensive guesthouse with free wifi eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O N/A +bos which part 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 i dont have any preference when it comes to where it is . as long as it is 4 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 N/A +bos i 'm sorry , there are n't any guesthouses that fit your requirements . eos O O O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O O O O N/A +bos then how about one in the cheap price range ? eos O O O O O O O B-Hotel-Inform+Price O O O N/A +bos cheap we can do ! i recommend the autumn house in the east . would you like to book a room there ? eos O B-Hotel-Recommend+Price 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 would . i need 3 nights , 7 people , starting wednedady . i need the reference number . i also need a train to cambridge after 14:45. eos O O O O O O 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 B-Train-Inform+Dest O B-Train-Inform+Leave O O O Hotel-Request+Ref +bos i was able to book the hotel , reference number is t8zccfku . eos O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos great ! now could you help me book a train from stevenage going to cambridge on wednesday ? eos O O O O O O O O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos tr9675 leaves stevenage at 15:54 and arrives in cambridge at 16:43. will this work for you ? eos O B-Train-Inform+Id I-Train-Inform+Id 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 general-reqmore +bos yes , no need to book , i just need the travel time . eos O O O O O O O O O O O O O O O Train-Request+Duration +bos the total travel time is 49 minutes for that route . eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A +bos thanks , that 's everything . this is going to be a great trip ! eos O O O O O O O O O O O O O O O O general-thank +bos you 're welcome , and i hope you have a good time . eos O O O O O O O O O O O O O O general-welcome +bos yes , i would like you to book a taxi for arrival by 10:45 from the maharajah tandoori restaurant . eos O 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 N/A +bos what time would you like to leave the restaurant ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i would like to leave at 10:45 eos O O O O O O O B-Taxi-Inform+Leave N/A +bos 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 ? eos O O O O O 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 want to arrive by 10:45. eos O O O O O O O N/A +bos you want to arrive by 10:45 at which destination , please ? eos O O O O O O O O O O O O O Taxi-Request+Dest +bos i am wanting to go to old schools . eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest N/A +bos alright i have a white ford for you . the contact number is 07314884392. is there 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 O O general-reqmore +bos no that 's all , thank you eos O O O O O O O O general-thank +bos thanks to you and enjoy eos O O O O O O general-bye +bos yeah , i 'm visiting cambridge and was wondering if you could tell me about the all saints church ? 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 N/A +bos good choice ! all saints church has beautiful architecture , located on jesus lane in the town center . phone number is 01223452587. 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+Addr I-Attraction-Inform+Addr O O O B-Attraction-Inform+Area O O O O B-Attraction-Inform+Phone O N/A +bos can you tell me what part of town the church is located in ? eos O O O O O O O O O O O O O O O N/A +bos all saint 's in in the centre of town . is there anything else you would like to know ? 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 general-reqmore +bos great , i am also looking to stay at a guesthouse in the north eos O O O O O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos i found 11 guesthouses in the north . did you have a star rating that you wanted ? 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 Hotel-Request+Stars +bos no particular star rating but i do want free wifi . eos O O O O O O O O O O O O N/A +bos many of the guesthouses in the north offer internet , will you require parking ? eos O B-Hotel-Inform+Choice O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O O O O O Hotel-Request+Parking,Hotel-Inform+Internet +bos parking is not important . could you recommend one for me ? eos O O O O O O O O O O O O O N/A +bos i am showing 10 available guesthouses in the north . could you narrow it down by pricerange or stars ? 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 O O Hotel-Request+Price,Hotel-Request+Stars +bos i 'm looking for a room less then 130 a night with at least a 4 star rating . 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 acorn guest house . although i do n't show an exact price it is a moderately priced guesthouse in the north , 4 stars . want to book it ? 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 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 Booking-Inform +bos yeah , book me a room for three nights , starting monday . eos O O O O O O O O O O O O O O N/A +bos how many people is that booking for ? eos O O O O O O O O O Booking-Request+People +bos just 1 person . eos O O O B-Hotel-Inform+People O N/A +bos got it ! you are successfully booked for 3 nights starting monday . your reference number is kcfvdndo . eos 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 N/A +bos great ! i need a taxi to commute between the hotel and the church , too . 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 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 . eos O O O O O O O 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 want to leave the hotel by 08:15. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos i was able to book a red ford for you , contact number : 07269751456. 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 great ! that is all i 'll need . thank you and goodbye . eos O O O O O O O O O O O O O O O general-bye +bos okay , great ! have a great trip ! eos O O O O O O O O O O general-bye +bos i am trying to find a train that leaves on sunday from london kings cross . 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 N/A +bos there are several trains that match your criteria . please specify your destination and desired 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 Train-Request+Leave,Train-Request+Dest +bos i am wanting to go to cambridge and leave anytime after 13:30. eos O O O O O O O B-Train-Inform+Dest O O O O B-Train-Inform+Leave N/A +bos we have the train tr7931 that leaves at 15:17. does that work ? eos O O O O O B-Train-Inform+Id I-Train-Inform+Id O O B-Train-Inform+Leave O O O O Train-OfferBook +bos i want to make a booking for 4 people eos O O O O O O O O O B-Train-Inform+People N/A +bos you are successfully booked for 4 tickets on train tr7931 . the total fee is 75.52 gbp , payable at the station . reference number is : e72ioz6v . 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 I-Train-OfferBooked+Ticket 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 moderately priced lebanese 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 is one lebanese restaurant , ali baba in the centre of town , would you like to book that ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 would like to get the phone number for that please . eos O O O O O O O O O O O O O Restaurant-Request+Phone +bos sure ! the phone number is 01 462 432565. would you like me to book a reservation for you today ? eos O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O O O O Booking-Inform,general-greet +bos nah , i 'll call and do that on my own . i think i 'm all set . 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 O general-thank +bos not a problem . enjoy your trip ! eos O O O O O O O O O general-welcome,general-greet +bos thank you i will appreciate your help eos O O O O O O O O general-thank +bos you 're too kind . have a nice day ! eos O O O O O O O O O O O general-bye,general-greet +bos you too ! take care . eos 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-bye +bos hello , i am looking for the closet hospital . eos O O O O O O O O O O O Hospital-Inform +bos addenbrookes hospital is the closest hospital . they are at hills rd , cambridge and their number is 01223245151. is there anything further i can 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 O N/A +bos yes , i also need the postcode . eos O O O O O O O O O Hospital-Request+Post +bos the postcode is cb20qq . can i assist you further today ? eos O 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 i am very glad to assist you today . good bye ! eos O O O O O O O O O O O O O general-bye +bos i 'd like to find a hospital please , it needs to have an antenatal department . eos O O O O O O O O O O O O O B-Hospital-Inform+Department O O O O N/A +bos sure . addenbrookes hospital has one , their phone number is 01223217671 and address hills rd , cambridge eos 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 general-thank +bos have a nice day ! eos O O O O O O general-bye +bos hi there , i 'm looking for a museum to go to that 's in the centre of the city . 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 O N/A +bos we have 11 museums in the centre . the museum of archaelogy and anthropology is very popular . would you like to go there ? eos O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area 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 O O O general-reqmore +bos what is the entrance fee for the museum of archaeology and anthropology ? eos O O O O O O O O O O O O O O Attraction-Request+Fee +bos it has a free entrance fee . eos O O O O B-Attraction-Inform+Fee O O O N/A +bos can you please provide the address and postcode ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos yes , i can . the address is university of cambridge , downing street , postcode cb23dz . eos O 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 N/A +bos thank you . i also looking for train that departs from cambridge and arrive by 21:00. 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 could you provide your destination in order that i might better help you ? eos O O O O O O O O O O O O O O O Train-Request+Dest +bos there are two of us , and we 'd like to go to norwich please . eos O O O O O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos what day would you and your companion be traveling ? eos O O O O O O O O O O O Train-Request+Day +bos we will be traveling on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos great ! i have the tr1006 departing at 5:36 and arriving by 6:55 or if you would like a later time the tr5892 departs at 19:36 and arrives by 20:55. 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+Id I-Train-Inform+Id O B-Train-Inform+Leave I-Train-Inform+Leave O O B-Train-Inform+Arrive N/A +bos the tr5892 would be great . could i book two tickets for that train please ? eos O O O B-Train-Inform+People O O O O O O O O O O O O O N/A +bos i successfully booked two tickets on tr5892 at a cost of 35.2 gbp . your reference number is ga09oc54 . 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 B-Train-OfferBooked+Ref O O N/A +bos you have been so helpful . thank you . i have no other requests . 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 thank you for choosing cambridge help desk . have a lovely trip . eos O O O O O O O O O O O O O O general-bye +bos i am looking for a restaurant . eos O O O O O O O O Restaurant-Inform +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 'm looking for unusual food . and i want a place in the centre of town . eos 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 i do n't have anything matching unusual but i do have an african restaurant in the center of town as well as some gastropubs . would either interest you ? 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 O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O Restaurant-NoOffer +bos i 'll take something that is cheap . eos O O O O O O B-Restaurant-Inform+Price O O N/A +bos there are a total of 15 restaurants that are cheap in the centre . is there another type you would like to try ? eos O O O O O O O B-Restaurant-Inform+Choice O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Food +bos do you recommend a restaurant that is a little more different then the rest ? eos O O O O O O O O O O O O O O O O Restaurant-Inform +bos i would recommend golden house eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name N/A +bos is that italian ? i would like an italian restaurant , please . eos O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos okay , how about the pizza hut city centre ? i heard it 's pretty good . eos 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 O O O N/A +bos okay , that sounds good . i need to make a reservation for 2 people on tuesday . 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 to visit ? eos O O O O O O O O O Booking-Request+Time +bos how about 13:15 ? eos O O O B-Restaurant-Inform+Time O N/A +bos i was able to book the table for you . it will be reserved for 15 minutes . the reference number is 97aaf776 . 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 N/A +bos that 's great , thank you . eos O O O O O O O O general-thank +bos awesome . have a good day ! eos O O O O O O O O general-bye +bos i would like to get some info on the pembroke college please . eos O O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos certainly , its a beautiful campus in the centre part of town , they are on trumpington street and the 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 O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Fee O O O N/A +bos thanks . that answers my questions . eos O O O O O O O O general-thank +bos great , 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 general-reqmore +bos i also need a hotel . eos O O O O O B-Hotel-Inform+Type 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 would like that to be located 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 preferred price range ? eos O O O O O O O O Hotel-Request+Price +bos no particular price range , but i would like it to be 4 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 have about 8 options . might i suggest the avalon . it is a guesthouse in the north . moderately priced with 4 stars and offers free wifi . eos O O O O O B-Hotel-Inform+Choice O O O O B-Hotel-Recommend+Name O O O B-Hotel-Recommend+Type I-Hotel-Recommend+Type O B-Hotel-Recommend+Area B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O B-Hotel-Recommend+Stars O O O O O O O O Hotel-Recommend+Internet +bos that sounds great . could you book it please for 6 people for 4 nights ? i want to get there 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 your booking for 6 at avalon this tuesday for 5 days 4 nights was successful . your reference number is : w4a55772 . anything else i can do for you today ? eos 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 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 O O general-reqmore +bos thank you so much for booking that for me ! eos O O O 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-welcome +bos i want to go to a place that has architecture . eos O O O O O O O O O O B-Attraction-Inform+Type O N/A +bos yes , i 've pulled up information on old schools and churches and they are all located in the centre . would you like their addresses ? eos 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 B-Attraction-Inform+Choice O O B-Attraction-Inform+Area O O O O O O O O O general-reqmore +bos if i could just get the phone numbers and postcodes , that would be great ! 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 all saints church is located at postcode cb58bs . their number is 01223452587. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O N/A +bos that 's perfect , i 've heard of it . how about a cozy 4 star guesthouse nearby ? eos 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 okay i have one matching that description in the city center and it is in the cheap price range but 4 stars . would you like a booking ? eos O 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 B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O O O O O O Booking-Inform +bos does it include free parking as well ? eos O O O O O O O O O N/A +bos it does . it is the 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 Hotel-Inform+Parking +bos can i get the price range for that guesthouse please ? eos O O O O O O O O O O O O Hotel-Request+Price +bos it is a cheap guesthouse . would you like to book a room ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O O O O Booking-Inform +bos no , but can you get me a taxi to the guesthouse ? i should finish sightseeing at 2:30. eos O O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos you 're all set ! the car will be a blue lexus and the contact number is 07351739758. 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 B-Taxi-Inform+Phone O O N/A +bos thank you that is all i needed today , have a nice day . eos O O O O O O O O O O O O O O O general-thank +bos you 're welcome , please contact us if you need help with something else . eos O O O O O O O O O O O O O O O O general-welcome +bos looking for something exciting to do in the centre . what 's the best attraction ? 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 preferences for the attraction types ? eos O O O O O O O O O O O Attraction-Request+Type +bos not really . maybe a museum or theater , or something you find interesting . eos O O O O O O O O O O O O O O O O N/A +bos i 'd recommend adc theatre on park street , cb58as . their phone number is 01223300085. 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 O O B-Attraction-Recommend+Phone O O O N/A +bos can you recommend another one . eos O O O O O O O N/A +bos how about the mumford theatre ? it 's at anglia ruskin enterprise , east road in the centre area of town . 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+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O B-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area I-Attraction-Recommend+Area O O O N/A +bos that sounds like fun . please get me their postcode and phone number eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos the postcode is cb11pt and the phone number is 08451962320. eos O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone N/A +bos i also need a hotel room . eos O O O O O O O O Hotel-Inform +bos i found 5 hotels in the centre area . are you looking for a particular price range ? 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 O Hotel-Request+Price +bos it is a specific one . a and b 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 a and b guest house is in the east part of town and in the moderate price range . would you like me to book it ? 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 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 +bos i 'm looking for places to visit in the centre 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 79 attraction near the center of town . are you looking for something in particular ? 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 general-reqmore +bos no . can you recommend something in the centre ? eos O O O O O O O O B-Attraction-Inform+Area O O N/A +bos yes , i would recommend the all saints church . what information would you need for this attraction ? eos 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 general-reqmore +bos could you provide me with the address and postcode ? eos O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos cb58bs jesus lane eos O B-Attraction-Inform+Post I-Attraction-Inform+Post O N/A +bos thank you . i 'm also interested in finding a hotel . i prefer one that includes 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 N/A +bos okay , i found 29 hotels that meet your criteria . could you please tell me what part of town you 're interested 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 Hotel-Request+Area +bos the north please and cheap . eos O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price O N/A +bos do you have a preference in stars ? eos O O O O O O O O O Hotel-Request+Stars +bos no preference . whichever one you recommend . eos O O O O O O O O O N/A +bos in that case , i would suggest the worth house . eos O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O N/A +bos does it have wifi ? eos O O O O O O N/A +bos wifi is included , are you interested in a booking ? eos O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos no i just need the post code and the address please . eos O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Addr +bos of course . the postcode is cb41da . the address is 152 chesterton road . can i help you with anything else today ? eos O O O O O 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 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 . i 'm glad i could help . have a wonderful trip . 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 where are the good places to go ? eos O O O O O O O O O N/A +bos there is so much to see here . is there a particular area you will be 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 yes , the centre is where i will be staying . eos O O O B-Attraction-Inform+Area O O O O O O O O N/A +bos there are 44 attractions to choose from . which 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 something that you think is interesting , can i have the address as well ? eos O O O O O O O O O O O O O O O O Attraction-Request+Addr +bos would a museum or theatre be of interest to you ? eos O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O O O O N/A +bos a museum would be fine . just pick a good one for me please . eos O O B-Attraction-Inform+Type O O O O O O O O O O O O O N/A +bos the primavera is nice and it is free . would you like to know more ? eos 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 general-reqmore +bos find me its phone number and address . eos O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the address for primavera is 10 king s parade , postal code cb21sj , they cbr at 01223357708 , anything else that i can assist with ? eos O O O O B-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 B-Attraction-Inform+Post O O O B-Attraction-Inform+Phone O O O O O O O O O O O general-reqmore +bos thanks . i also need a hotel , definitely not a guesthouse , with free parking , 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 N/A +bos there is university arms hotel located in the centre it is a 4star hotel with free parking and internet . 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 O O 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 no thanks . i 'll take care of that . i need the price range and their postcode 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+Price +bos they are in the expensive price range , and postcode is cb21ad eos O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Post 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 are welcome . it was my pleasure serving you from 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-welcome,general-bye,general-greet +bos i 'm looking for a place to stay during my upcoming trip to cambridge . eos O 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 ! what area are you staying in , 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 Hotel-Request+Area,Hotel-Request+Price +bos it should be located in the west and should be cheap . eos O O O O O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Price O N/A +bos i have two options for you , and they are both 4 stars : finches bed and breakfast is a guesthouse and the cambridge belfry is a hotel . eos 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 I-Hotel-Select+Name I-Hotel-Select+Name O B-Hotel-Select+Type O O O N/A +bos actually , i 'm sorry . i said i wanted something cheap , but i 'm actually thinking i want something expensive instead . 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 N/A +bos oh , no problem . you would love the huntingdon marriott hotel . 4 stars , expensive , free everything . eos O O O O O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O B-Hotel-Recommend+Stars B-Hotel-Recommend+Price O O O O O O N/A +bos can you book it please ? eos O O O O O O O N/A +bos for how many people . what night and how long ? eos O O O O O O O O O O O O Booking-Request+People,Booking-Request+Stay,Booking-Request+Day +bos book a 4 night stay starting saturday for 5 people eos O O O O B-Hotel-Inform+Stay O O B-Hotel-Inform+Day O O B-Hotel-Inform+People N/A +bos okay , the booking was successful . the reference number is tkfwtsze . 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 yes . i am also looking for a concert hall to visit in the east . 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 none would you like to try a different area ? eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-NoOffer +bos how about an entertainment place in the east ? eos O O O O B-Attraction-Inform+Type O O O O O N/A +bos i found 2 entertainment places . cherry hinton hall and grounds and funky fun house both located in the east . do you have a preference ? eos 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 I-Attraction-Select+Name I-Attraction-Select+Name I-Attraction-Select+Name O O O O B-Attraction-Select+Area O O O O O O O O N/A +bos give me information on 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 N/A +bos it is on cherry hinton road , cb18dw , and the phone number is 01223446104. can i help you with anything else ? eos 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 general-reqmore +bos that is very helpful , thanks . 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 excellent , have a great trip ! eos O O O O O O O O general-bye +bos where is rosa 's bed and breakfast hotel located in the cambridge area ? 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 N/A +bos rosa 's bed and breakfast is located on the southend . any other information i can provide ? 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 general-reqmore +bos i want to know its star rating price range , eos O O O O O O O O O O O Hotel-Request+Price +bos rosa 's is a cheap 4-star guesthouse . are you interested in booking a room ? eos O B-Hotel-Inform+Name O O B-Hotel-Inform+Price B-Hotel-Inform+Stars B-Hotel-Inform+Type O O O O O O O O O O Booking-Inform +bos what is the price range ? i am also interested in a place to go 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 B-Attraction-Inform+Area O Hotel-Request+Price +bos rosa 's is cheap . what type of attraction are you hoping to find ? eos O B-Hotel-Inform+Name O B-Hotel-Inform+Price O O O O O O O O O O O O Attraction-Request+Type +bos i am open to whatever you suggest as long as it is 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 N/A +bos let me suggest the museum regency gallery . it is in centre and free . does that interest you or shall we keep looking ? eos O O O O O B-Attraction-Recommend+Type B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Inform+Area O B-Attraction-Inform+Fee O O O O O O O O O O O O Attraction-Select +bos that works great . can i have the postcode and phone number ? eos O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos yes , the postcode is cb11er and phone number is 01223365454 eos O O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Phone 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 thank you for using our system today . eos O O O O O O O O O general-bye +bos i 'm looking for a greek restaurant that is moderately expensive . eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O N/A +bos i apologize i have no greek restaurant that is moderately expensive , or moderate or expensive is that is what you intended . would you like another cuisine type ? eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O 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 O Restaurant-Request+Food +bos please try one that serves turkish food . eos O O O O O O B-Restaurant-Inform+Food O O N/A +bos meze bar restaurant is available eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos can you book a table for 5 people at 18: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 N/A +bos i 've reserved a table for you . anything else ? eos O O O O O O O O O O O O Booking-Book,general-reqmore +bos yes , can i please get the reference number ? eos O O O O O O O O O O O Restaurant-Request+Ref +bos of course , i 'm so sorry that i did n't provide that earlier . your reference number is ba8fs8z5 . do you need any other assistance 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 , thanks for your help . bye . eos O O O O O O O O O O general-bye +bos you are welcome . have a nice meal . bye . eos O O O O O O O O O O O O general-welcome,general-bye +bos i need a taxi to anatoilia . eos O O O O O O O O Taxi-Inform +bos where will you leave from ? eos O O O O O O O Taxi-Request+Depart +bos i 'm be leaving from kymmoy . eos O O O O O O B-Taxi-Inform+Depart O N/A +bos what time would you like to depart ? eos O O O O O O O O O Taxi-Request+Leave +bos i need to leave after 22:00. eos O O O O O O B-Taxi-Inform+Leave N/A +bos alright i have a grey skoda . the contact number is 07708367606. is there 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 B-Taxi-Inform+Phone O O O O O O O O O O O general-reqmore +bos that should do it , thanks so much for your help . bye ! eos 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 what is a good tourist spot ? eos O O O O O O O O N/A +bos we have a wide variety of restaurant choices ! the options range from asian oriental , european , and french . i can give you information on any of those choices if you want . 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 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 N/A +bos actually , i was looking for italian food in the moderate price range . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O N/A +bos there are 5 such restaurants . what area of town would you like ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O Restaurant-Request+Area +bos it really does n't matter . eos O O O O O O O N/A +bos there are 5 restaurants that fit your criteria , 4 of those appear to be pizza places . does that sound okay with you ? eos O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos go ahead and choose the one you recommend and book me a table for 2 on sunday at 14:15. thanks . 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 N/A +bos 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 ? eos O O O O O 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 +bos is 13:15 available ? eos O O B-Restaurant-Inform+Time O O N/A +bos booking was successful for the pizza hut cherry hinton , located at g4 cambridge leisure park clifton way cherry hinton . your reference number is zyohew6u . eos 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+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-Booking-Book+Ref O O O N/A +bos i am looking for a train that departs kings lynn on sunday . 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 i have several trains available . is there a particular time you would like to leave or 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+Leave,Train-Request+Arrive +bos i 'm looking to get to cambridge on sunday by 10:45 eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Arrive O N/A +bos there is one that arrives by 9:58 tr1526 if that works for you . eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Arrive B-Train-Inform+Id O O O O O O N/A +bos yes . could you make a booking for 2 people ? i need a 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 N/A +bos the booking was successful . your reference number is e9gwv6vs . is there 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 great that 's all i needed , thanks . eos O O O O O O O O O O general-thank +bos lovely . enjoy your trip ! eos O O O O O O O general-bye +bos i want to go see a movie at cineworld cinema today . i 'll be needing a taxi to get there . 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 O N/A +bos i would be happy to help with your request , where does the taxi need to pick you 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 frankie and bennys . eos O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O O N/A +bos great . and now i will just need a time from you . eos 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 20:45 please . eos O O O O O O B-Taxi-Inform+Arrive O O O N/A +bos you can contact them at 07080271621 and you will be in a white bmw . eos 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 thank you , good bye ! eos O O O O O O O general-bye +bos have a great day ! enjoy your ride ! eos O O O O O O O O O O general-bye +bos hello , i 'm 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 O N/A +bos there are 44 different attractions in city centre . is there any particular type that you would want to visit ? 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 Attraction-Request+Type +bos any type is fine . eos O O O O O O Attraction-Request+Type +bos holy trinity church is a free architecture attraction . their number is 01223355397 and they 're located at market street . eos O B-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 B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O N/A +bos great ! i 'm also looking for a train that 'll leave thursday from cambridge . eos O O 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 one that leaves at 05:00 on thursday . is that time alright 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 Train-OfferBook +bos well , i need to get to peterborough , and i need to arrive by 12:15. what are my options ? eos O O O 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 N/A +bos tr5159 will depart cambridge at 11:06 on thursday , arriving in peterborough at 11:56. will that work ? eos 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+Day O O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Arrive O O O O O Train-OfferBook +bos yes and please make the reservation for 8 and then 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 Train-Request+Ref +bos booking was successful , the total fee is 132 gbp payable at the station . your reference number is 0c232d2c . is there anything else i can help 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos that is everything i needed . thanks for your help ! eos 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 services . 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 +bos well , i have been in an accident and need some help . eos 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 do you have the location of the police department ? eos O O O O O O O O O O O Police-Inform +bos the parkside police station phone number is 01223358966. the police station is located in cambridge , post code cb11jg . would you like some help to get to the police 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 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 O general-thank +bos welcome . at your service next time eos O O O O O O O O general-bye +bos okay goodbye . i 'm done now . eos O O O O O O O O O general-bye +bos take care and call us back if you need anything else . eos O O O O O O O O O O O O O general-bye +bos i need a taxi departing from huntingdon marriot hotel . eos O O O O O O O O O O O Taxi-Inform,Hotel-Inform +bos we can help with that . what time do you wish to leave/arrive at your destination ? 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 arrive by 20:15. eos O O O O O O B-Taxi-Inform+Arrive N/A +bos okay , and where will you be arriving to ? eos O O O O O O O O O O O Taxi-Request+Dest +bos saint barnabas press gallery please eos O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O N/A +bos ok i have a red ford and the contact number is 07619968321. anything else i can do for you ? 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 thank you . i will be looking for the taxi to arrive by 20:15. eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos i have confirmed that your taxi will arrive by 20:15. is that all you need today ? eos O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O O O general-reqmore +bos yes , that 's everything . thanks ! eos O O O O O O O O O general-thank +bos booked car type red fordcontact number 07619968321 eos O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car B-Taxi-Inform+Phone N/A +bos i 'm looking for an afghan 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 there are no restaurants matching your criteria . would you like to modify your search results ? eos O O O O O O O O O O O O O O O O O O Restaurant-NoOffer +bos how about a european food restaurant in the north , instead ? eos O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O N/A +bos we have one . it is the city stop restaurant . would you like me to book it for you ? 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 O O O O Booking-Inform +bos can you give me their phone number , address and price range , please ? eos 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 they are in the expensive price range . 01223363270 is their number . you can find them on cambridge city football club milton road chesterton eos O O O O O B-Restaurant-Inform+Price O O B-Restaurant-Inform+Phone 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 N/A +bos great , thank you for the help . 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 can you book a taxi for me ? i 'll be departing from bangkok city . eos O O O O O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O O N/A +bos when would you like to leave by ? eos O O O O O O O O O Taxi-Request+Leave +bos i do n't care when i leave but i need to arrive by 15:15. eos O O O O O O O O O O O O O B-Taxi-Inform+Arrive O N/A +bos great . and your destination please ? eos O O O O O O O O Taxi-Request+Dest +bos the taxi should take me to hotel du vin and bistro . 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 N/A +bos your booking is complete , a white ford will be arriving to pick you up . eos O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O O O N/A +bos may i have 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 vehicle is a white ford and the contact number is 07362646740. 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 that 's everything i need . thank you . goodbye . eos O O O O O O O O O O O O general-bye +bos i 'm glad i could book you . goodbye . eos O O O O O O O O O O O general-bye +bos i am looking for a train departing for cambridge after 8:15am . eos O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos i have a train leaving from london kings cross on friday leaving at 9:17. how does that sound ? 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 B-Train-Inform+Leave O O O O O N/A +bos no thank you , i would like a train that is leaving on thursday and departing from kings lynn . eos O O O O O O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos these are the possible options trainid departure destination day leaveat arriveby price duration book ( optional ) tr1612 kings lynn cambridge friday 09:11 09:58 9.80 pounds 47 minutes tr1958 kings lynn cambridge friday 10:11 10:58 9.80 pounds 47 minutes tr3147 kings lynn cambridge friday 11:11 11:58 9.80 pounds 47 minutes tr6454 kings lynn cambridge friday 12:11 12:58 9.80 pounds 47 minutes tr0674 kings lynn cambridge friday 13:11 13:58 9.80 pounds 47 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 O O O O O Train-Inform +bos please pick a train that leaves after 8:15 and going to cambridge . i need the travel time and price . 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+Duration,Train-Request+Price +bos tr3447 leaves kings lynn at 09:11 and arrives at 09:58 with a travel time of 47 minutes . the price is 9.80 pounds . eos 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+Arrive 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 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 ! goodbye . eos O O O O O O O O general-bye +bos am looking for hospital in town it should have the trauma high dependency 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 O O N/A +bos addenbrokes hospital has a trauma high dependency unit department . the contact number is 01223216305. eos O O O O O O O O O O O O O O O O N/A +bos great , thank you for the 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 that will be all , thank you . 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 i was just involved in a car accident . eos O O O O O O O O O O N/A +bos i 'm very sorry to hear that ! have you called the police yet ? if not here is their number 01223358966. 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 O O O O O O O O O N/A +bos yes , i have a passenger that is hurt . how can i get to the hospital to make sure they are 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 Hospital-Inform +bos you should contact this number : 01223358966. eos O O O O O O O O N/A +bos thanks , what 's the address and postcode to the police department ? eos 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 . eos O O O O O O O O O O O N/A +bos thank you for the info . that 'll be all 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 great day . eos O O O O O O O O O O general-bye +bos i am needing help with your train schedules . eos O O O O O O O O O O Train-Inform +bos what is your planned itinerary ? eos O O O O O O O general-greet +bos i will be departing from birmingham new street and arriving in cambridge on sunday at 18:45. 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+Day O B-Train-Inform+Arrive N/A +bos what time do you want to leave by ? eos O O O O O O O O O O Train-Request+Leave +bos i would like to leave no later than 19:30. eos O O O O O O O O O O N/A +bos there are no trains that match your criteria . can you verify the 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 Train-NoOffer,Train-Request+Leave +bos i do not care what time it is leaving but check again for it arriving by 18:45. eos O O O O O O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos the closest train i have leaves on sunday at 15:40 and arrives by 18:23. would you like me to book you a ticket ? eos O O O O O O O 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 Train-OfferBook +bos yes please , and then i need to find a restaurant . eos O O O O O O O O O O O O O Restaurant-Inform +bos your ticket is booked . reference number ywna32te . what kind of restaurant are you looking for ? eos O O O O O O O B-Train-OfferBooked+Ref O O O O O O O O O O O Restaurant-Request+Food +bos i would like a chinese place . eos O O O O O B-Restaurant-Inform+Food O O N/A +bos in what area of town ? eos O O O O O O O Restaurant-Request+Area +bos the centre please ! eos O O B-Restaurant-Inform+Area O O N/A +bos charlie chan is very popular . would you like to make a booking ? eos 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 thank you that will be all eos 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 can you help me find a cheapt italian restaurant ? eos O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O N/A +bos there are five options , are preference on area ? eos O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Area +bos no , just pick your favorite and book a table for 7 , please . we 'd like to eat at 13:15 on saturday . eos O O O O O O O O O O O O B-Restaurant-Inform+People O O O O O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O O O N/A +bos i have made a reservation for your party at la margherita for saturday at 13:15. your reference number is 6hvnt7jn . enjoy ! eos O O O O O O O O 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 general-bye +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 us and 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 hi , i 'm looking to book a train out of cambridge that i want to arrive in ely . can you assist me with finding times and dates ? eos O O 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 O O O O O O O O O N/A +bos there are 70 trains traveling to ely from cambridge between friday and wednesday . what day do you want to travel ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Depart B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Day I-Train-Inform+Day 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 you could take tr8860 early saturday at 05:50. it 's a short trip of 17 minutes and costs 3.52 pounds . will this work for you ? eos 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 B-Train-Inform+Time I-Train-Inform+Time O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O N/A +bos can you book that one for 6 people ? eos O O O O O O O O B-Train-Inform+People O N/A +bos yes , i have made the booking for you . your reference number is 1k560jny . eos O O O O O O O O O O O O O B-Train-OfferBooked+Ref O O O N/A +bos i also need a place to eat , i would like it in the west and expensive . eos O O O O O 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 9 expensive restaurants in the west . are you looking for a particular 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 Restaurant-Request+Food +bos yes . british food please . eos O O B-Restaurant-Inform+Food O O O O N/A +bos i have two . shall i book one for you ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O Booking-Inform +bos yes , i need a table for 6 people at 10:30 on saturday and please provide the reference number after booking is completed . eos 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 O O O O O O N/A +bos what day do you want it for , before i confirm the booking ? eos O O O O O O O O O O O O O O O Booking-Request+Day +bos the same day , saturday . eos 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 : xep4e22b . 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 general-reqmore +bos thank you , thats all i need today . eos O O O O O O O O O O general-thank +bos glad i could help , hope you have a great trip ! eos O O O O O O O O O O O O O general-welcome,general-bye +bos hey any suggestions for good food ? i 'd also love to find a train that leaves on friday from broxbourne . eos O O O O 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 N/A +bos first of all , there is a train leaving broxbourne for cambridge every hour on friday . 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 B-Train-Inform+Day O O N/A +bos i would like to leave after 08:15 that morning . eos O O O O O O O B-Train-Inform+Leave O O O N/A +bos is there a time you would like to arrive by ? eos O O O O O O O O O O O O Train-Request+Arrive +bos no specific time , but i 'd love the time and train id . eos O O O O O O O O O O O O O O O Train-Request+TrainID +bos first i need to verify if cambridge is your destination . eos O O O O O O O O O O O O Train-Request+Dest +bos yes , i 'm traveling to cambridge . eos O O O O O O O O O N/A +bos the tr3005 leaves at 8:32. it 's travel time is 60 minutes . would you like to book a seat ? eos O O B-Train-Inform+Id 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 O Train-OfferBook +bos yes please book it for me thank you eos O O O O O O O O O general-thank +bos i will book it for you now . eos O O O O O O O O O Train-OfferBook +bos no thank you . i 'm also looking for an expensive french restaurant . eos O O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos i found 2 restaurants located in the north and centre . do you care about the area ? 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 Restaurant-Request+Area +bos the centre please . can you reserve a table for friday please . eos O O B-Restaurant-Inform+Area O O O O O O O B-Restaurant-Inform+Day O O O N/A +bos and for how many people ? eos O O O O O O O Booking-Request+People +bos it will be for 2 people on friday at 15: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 okay , i 've booked you a table for 2 at cote on friday at 15:30. your reservation number is 6c4fpxc9 . your table will be reserved for 15 minutes . eos 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 O O O O O O O O O O O N/A +bos thats all i need for tonight . thanks for all the 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 calling and have a fantastic trip . 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 and need some help with restaurants . eos O O O O O O O O O O O O O O O O O Restaurant-Inform +bos dojo noodle bar is located at 40210 millers yard in the 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 actually , i am looking for an expensive restaurant in the west area . 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 nine expensive restaurants in the west . is there a type of cuisine you would like to try ? 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 O O O Restaurant-Request+Food +bos how about indian food ? anything good in the west for that ? eos O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O N/A +bos there are five indian restaurants that meet your criteria . may i suggest tandoori palace at 68 histon road in chesterton ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O 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 N/A +bos that will be good , for 5 at 17:15 on tuesday , please . 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 N/A +bos that is booked ! your reference number is r288oi3n . 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 i also need a train leaving on wednesday going to leicester . eos O O O O O O O O B-Train-Inform+Day O O B-Train-Inform+Dest O N/A +bos there are 19 trains going to leicester wednesday , where would you like to depart from and what time ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Dest B-Train-Inform+Day O O O O O O O O O O O O Train-Request+Leave,Train-Request+Depart +bos i would like to depart sometime after 17:45. eos O O O O O O O O B-Train-Inform+Leave N/A +bos the earliest i have is 18:21. does this work ? eos O O O O O O B-Train-Inform+Leave O O O O N/A +bos yes , that works . can you book me 5 tickets please ? eos O O O O O O O O O B-Train-Inform+People O O O O N/A +bos i have booked 5 seats on tr8304 , departing cambridge at 18:21. your reference number is ralfijux . can i assist you 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 B-Train-OfferBooked+Leave O O O O B-Train-OfferBooked+Ref 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 you 're very welcome , please contact us again if you need further information 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 O O general-welcome,general-bye +bos i need a train that arrives in cambridge by 16:30. eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos on what day are you traveling ? eos O O O O O O O O Train-Request+Day +bos friday , departing from stevenage . eos O B-Train-Inform+Day O O B-Train-Inform+Depart O O N/A +bos the latest train from stevenage to cambridge on friday that will arrive by 16:30 leaves at 13:54 and arrives at 14:43. would you like me to book it ? eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O B-Train-Inform+Day I-Train-Inform+Day 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 that is fine . how much is the ticket ? eos O O O O O O O O O O O N/A +bos 12.80 pounds per person , do you still want me to book you ? 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 no but i need information on a restaurant called loch fyne . eos O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos what would you like to know ? eos O O O O O O O O general-reqmore +bos do they have any available tables for 3 at 20:15 that day ? eos O O O O O O O O O O O O O O N/A +bos we can certainly book that for you . would you like a reservation and a booking for the train ? eos O O O O O O O O O O O O O O O O O O O O O Booking-Inform,Train-OfferBook +bos please book me a table for the restaurant and provide the reference number . eos O 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 : enjnfm36 . can i be of any further help to 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 O O general-reqmore +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 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 attraction called cambridge artworks . eos O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos cambridge artworks is a museum in the east area of town . it is located at 5 greens road , postcode cb13ef . their phone is 01223902168 , and entrance is free . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 O O O B-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 B-Attraction-Inform+Fee 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 and thank you ! have a great day . eos O O O O O O O O O O O O O general-welcome,general-greet +bos could you help me find a train going to 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 that 's no problem . we have 202 results for that , though . where are you leaving from ? eos O O O O O O O B-Train-Inform+Choice O O O O O O O O O O O O O Train-Request+Depart +bos i am leaving from kings lynn . but i must be in cambridge no later than 9:30. eos O O O O O O O O O O O O O O O O O O N/A +bos we have the tr8782 arriving in cambridge at 08:58. does that work ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O Train-Select +bos that is good , how much does it cost ? eos O O O O O O O O O O O N/A +bos each ticket is 23.60 gbp . would you like 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 Train-OfferBook +bos actually , can you provide me with 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 51 minutes for that 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 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 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 please give me information on the restaurant the gardenia ? 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 the gardenia serves cheap mediterranean food in the city centre . would you like the address , or have me book you a table ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name 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 O O O O O O Booking-Inform +bos i 'd like a table for 4 on monday please . eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O N/A +bos what time will you be dining ? eos O O O O O O O O Booking-Request+Time +bos we 'll be dining at 15:30. please send the reference number once you 're done . eos O O O O O B-Restaurant-Inform+Time O O O O O O O O O O O N/A +bos your reference number is kixyygy0 . 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 thank you . can you help me 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 what is your destination and departure location ? eos O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i will leave from stevenage and head to cambridge . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos i have a number of trains leaving from stevenbridge to cambridge on friday . do you have a time preference ? eos O O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 Train-Request+Arrive,Train-Request+Leave +bos yes , can you book tickets for 4 on a train that arrives at or just before 11:30 ? eos O O O O O O O O B-Train-Inform+People O O O O O O O O B-Train-Inform+Arrive O O N/A +bos ok its book reference # is zjxdbrkw eos O O O O O O O B-Train-OfferBooked+Ref N/A +bos great that 's all i needed help with today , thank you . 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 i want to take a train from cambridge to kings lynn . eos 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 when would you like to travel ? eos O O O O O O O O Train-Request+Arrive,Train-Request+Leave,Train-Request+Day +bos it will be on friday . eos O O O O O B-Train-Inform+Day O N/A +bos i have trains departing as early as 05:11 in the morning and as late as 23:11 in the evening . any time preferences ? 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 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 Train-Request+Leave,Train-Request+Arrive +bos i want one that leaves after 13:00 eos O O O O O O O B-Train-Inform+Leave N/A +bos tr8494 leaves cambridge at 13:11 and arrives by 13:58 , will this suit your needs ? eos 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 O O O Train-OfferBook +bos can you help me find and insanely expensive restaurant located in the centre of town please ? 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 there are 33 expensive restaurants in the centre of town . is there a specific type of food you would 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 O O O Restaurant-Request+Food +bos actually , sorry i got ahead of myself . i still want help booking a train that goes to kings lynn on friday after 13:00. i want to book for 5 people . eos 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 B-Train-Inform+Day O B-Train-Inform+Leave O O O O O O B-Train-Inform+People O O O N/A +bos we have several . do you have a preferred arrival time ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos no , i need to leave after 13:00 eos O O O O O O O O O N/A +bos i have train tr8494 that leaves at 13:11 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 O O N/A +bos that would be perfect ! can i have a reference number for the train ? eos 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 49 gbp payable at the station .reference number is : jczkjyt9 . can i help 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 B-Train-OfferBooked+Ref O O O O O O O O O general-reqmore +bos yeah , so that restaurant . i want something that serves fusion if possible . 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 i was unable to find a fusion restaurant . would you like 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 Restaurant-Request+Food +bos yes please try mediterranean food . eos O O O O B-Restaurant-Inform+Food O O N/A +bos i have two expensive mediterranean restaurants in the center . may i recommend shiraz restaurant for you ? eos O O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Recommend+Name O O O O O N/A +bos ok. can you 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 their phone number is 01223307581 , and their address is 84 regent street city centre . would you like me to make a reservation ? eos 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 O O O O O O O O O O Booking-Inform +bos i 'll have to think about it , but thank you . eos 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-welcome +bos that 's all i need , thank you ! 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-bye +bos i need to book a taxi to leave after 07:45 to take me to bangkok city . eos 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 N/A +bos where will your departure site be ? eos O O O O O O O O Taxi-Request+Depart +bos i 'm leaving from primavera . eos O O O O B-Taxi-Inform+Depart O O N/A +bos booking completed ! booked car type : yellow bmwcontact number : 07711369546 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 while in cambridge i am looking for a college in the centre of town please . 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 13 colleges in the centre of town , did you have a particular one you were interested in ? 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 O O O O Attraction-Request+Name +bos no i do n't have a preference . eos O O O O O O O O O N/A +bos okay , we 've got christ 's college on saint andrew 's street at 01223334900. will there be anything else ? eos O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name 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 general-reqmore +bos i am also looking for a train that departs from cambridge . i 'd like it to arrive by 18:15. eos O O O O O O O O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Arrive O O N/A +bos yes , i can help you with that . the first train leaves at 05:00 on friday and the last one departs at 13:00 , do you have a preference ? eos 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 I-Train-Inform+Leave O O O O O O O O Train-Request+Leave,Train-OfferBook +bos yes . i would like the train to depart from cambridge and arrive by 18: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 would your destination be ? eos O O O O O O O Train-Request+Dest +bos saint andrew street eos O O O O N/A +bos i 'm sorry , but i do n't understand . 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 N/A +bos yes , i need a train from cambridge to bishops stortford on tuesday . i need to arrive by 18:15. eos 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 O O B-Train-Inform+Arrive O O N/A +bos thank you . tr2153 will depart cambridge at 17:29 on tuesday , arriving at bishops stortford at 18:07. will that work ? eos O O O B-Train-Inform+Id O O B-Train-Inform+Depart O B-Train-Inform+Leave O B-Train-Inform+Day O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A +bos that should work thank you very much 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 can i get tickets for 5 people ? eos O O O O O O O B-Train-Inform+People O N/A +bos sure . your reference number is kopbb0el . anything else i can do for you today ? eos 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 will be all . thank you ! eos O O O O O O O O O O O general-thank +bos you 're quite welcome ! we hope you 've found this service useful and wish you a wonderful 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 general-welcome,general-bye +bos i 'm looking for a train ride that departs leicester on wednesday . 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 found a lot of options , where would you like to go and what time would you depart ? 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 Train-Request+Leave,Train-Request+Dest +bos i would like to go to cambridge on wednesday . i would like to arrive by 10:45 eos O O O O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Arrive O N/A +bos the closest arrival time i show to 10:45 is 1 train that arrives at 09:54. will this 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 N/A +bos yes could i have the price please ? eos O O O O O O O O O N/A +bos it will be 37.80 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos great ! i 'm also looking for something to eat . preferably seafood in the centre of town . eos 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 N/A +bos loch fyne is perfect then . it is a bit expensive but very delicious . would you like a table ? eos O B-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 Booking-Inform +bos could i have the address and the phone number ? eos O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos the address is the little rose 37 trumpington street . the phone number is 01223362433 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 B-Restaurant-Inform+Phone N/A +bos thank you ! that will be all for me today . eos 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 planning my first trip to cambridge and looking for places to go in the centre , can you give me some suggestions on what and where to go ? 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 O N/A +bos sure , i would suggest going to the multiple nigh clubs that are in the centre and also located there are museums . does that sound like something you would like to experience ? eos O O O O O O O O B-Attraction-Inform+Choice O O O O O O B-Attraction-Inform+Area 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 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 . eos O O O O O O O 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 i have 5 museums that may interest you , 4 of them are free and 1 has an entrance fee of 2 pounds . is there anything else i can help you with ? 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 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 'm also looking for a train from cambridge to stansted airport . eos 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 what day and time would you like 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 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 there is a train : tr8363 that arrives at the airport by 17:08. how many people are traveling with you ? would you like me to book it ? eos O O O O O B-Train-Inform+Id 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 O Train-Request+People,Train-OfferBook +bos can i get the travel time and departure time on that ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos of course . the tr8363 would leave at 16:40 and arrive at 17:08. it would of course cost 8.08 pounds per ticket , and it would be a 28 minutes ride . 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O N/A +bos thanks , that is 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 thanks for contacting cambridge towninfo centre ! 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 yes , i was wondering if there are any cinemas in the centre of town . eos 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 vue cinema is in the center of town . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Area I-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos can i get their phone number ? eos O O O O O O O O Attraction-Request+Phone +bos the number is 08712240240. is there anything else can i do ? eos O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos thank you . i am all set . 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-welcome,general-bye +bos i am looking for a restaurant in the centre that is moderately priced . eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O O N/A +bos there are 21 different options . did you prefer 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 Restaurant-Request+Food +bos not really , but any place that can handle a booking for 7 people at 13:15 on saturday 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 booking was unsuccessful . would you like to try for another day or time slot ? eos 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 12:15 instead , will that work ? eos O O O B-Restaurant-Inform+Time O O O O O O N/A +bos your reservation at yippee noodle bar is all set , reference number is k3mqvq4n eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Booking-Book+Ref O N/A +bos thank , i also need train tickets leaving cambridge at 20:30 or later . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O N/A +bos i have 259 trains departing cambridge . could you be more specific on your destination and what day you 'd like to leave on ? 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+Day,Train-Request+Dest +bos i would be travelling to bishops stortford leaving on sunday . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O B-Train-Inform+Day O N/A +bos i have two trains meeting your criteria . one leaves at 21:29 and the other at 23:29. would you like me to book either one of those 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+Leave I-Train-Inform+Leave O O O O O O O O O O O O O Train-OfferBook +bos i will take the earlier one , can you reserve me 7 tickets and provide me with 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 O O N/A +bos great ! you 're booked with reference number nha8segi . the total fee is 56.56 gbp payable at the station . anything else ? 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 O O general-reqmore +bos that should be it thank you very much eos O O O O O O O O O general-thank +bos you are welcome . have a good day now . eos O O O O O O O O O O O general-welcome,general-bye +bos i am looking for a train that will arrive at 20:45 and leaving on sunday eos O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Day N/A +bos certainly , where are you traveling from ? eos O O O O O O O O O Train-Request+Depart +bos cambridge , and i need it go to bishops stortford . eos O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos there are several trains that will get you there on time . what time do you hope 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 O Train-Request+Leave +bos i do n't care . i just want to arrive at 20:45. eos O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos ask for one option below trainid departure destination day leaveat arriveby price duration book ( optional ) tr6572 cambridge bishops stortford sunday 05:29 06:07 8.08 pounds 38 minutes tr8095 cambridge bishops stortford sunday 07:29 08:07 8.08 pounds 38 minutes tr9904 cambridge bishops stortford sunday 09:29 10:07 8.08 pounds 38 minutes tr0007 cambridge bishops stortford sunday 11:29 12:07 8.08 pounds 38 minutes tr2402 cambridge bishops stortford sunday 13:29 14:07 8.08 pounds 38 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 O O O O O N/A +bos can i please speak with the manager ? giving me all this information at once is not helpful . 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 sorry . train tr9904 runs from cambridge to bishops stortford on sunday and arrives at 10:07. will that work 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 O O B-Train-Inform+Arrive O O O O O O O O N/A +bos yes , could you please give me the travel time , and departure time ? eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Leave +bos tr9904 leaves at 09:29 and takes 38 minutes . eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave O O O B-Train-Inform+Time I-Train-Inform+Time N/A +bos thanks , that is all i need . good bye . eos O O O O O O O O O O O O general-bye +bos thanks for inquiring with us and 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 leaving on saturday going 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 what time are you looking to leave ? morning , afternoon or evening ? eos 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 19:30. eos O O O O O O B-Train-Inform+Leave O N/A +bos where are you leaving from ? eos O O O O O O O Train-Request+Depart +bos i am leaving from broxbourne and it should leave after 19:30. i would also like a booking for 6 people . eos 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+People O N/A +bos i booked 6 tickets for you on tr4967 leaving broxbourne at 19:32 . 85.92 gbp is payable at the station . reference number is y8xkp9lu . will that be all ? eos O O O O B-Train-OfferBooked+People O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave 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 thank you that 's all i needed ! eos 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 need an information on a train leaving cambridge on wednesday , please . eos 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 would be happy to help find a train for you . can you tell me 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 O O Train-Request+Dest,general-greet +bos i should arrive at birmingham new street after 18:15 eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Leave N/A +bos there is a train from cambridge to birmingham new street on wednesday , leaving at 23:01 and arriving at 01:44. 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 B-Train-Inform+Day O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos what is the train id ? eos O O O O O O O Train-Request+TrainID +bos that train id is tr7013 . eos O O O O O B-Train-Inform+Id O N/A +bos thank you ! what is an expensive restaurant that serves british food close by ? eos 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 i have several . would you prefer it be in the west or the centre ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O O O B-Restaurant-Select+Area I-Restaurant-Select+Area O N/A +bos the centre , please . eos O O B-Restaurant-Inform+Area O O O N/A +bos the cambridge chop house is available , would you like to try that ? 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 N/A +bos i think i would . can you give me their phone number , postcode , and address , please ? 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 O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos phone number is 01223359506 postcode is cb21sj address is 1 kings parade eos O O O O B-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O B-Restaurant-Inform+Addr N/A +bos thank you for your help . eos O O O O O O O general-thank +bos the pleasure is all mine ! eos O O O O O O O general-welcome +bos i 'd like to find a train leaving on friday to cambridge . eos O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Dest O O N/A +bos there are 1414 trains heading to cambridge do you have a location you 're leaving ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O O Train-Request+Depart +bos i will leave from birmingham new street , and arrive by 13:15 if possible . eos O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O O N/A +bos tr0497 arrives in cambridge at 12:23. would you like to purchase tickets ? eos O B-Train-Inform+Id O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes please , book 4 tickets for me . eos O O O O O B-Train-Inform+People O O O O N/A +bos booked , reference number is t610u5hk . you pay 300.39 gbp at the station . your train leaves at 9:40. eos 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 B-Train-OfferBooked+Leave O O O N/A +bos thank you very much . it looks like i am all set . have a nice day . eos O O O O O O O O O O O O O O O O O O O general-thank +bos it has been my pleasure . please feel free to contact us again if you require any further assistance ! 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 get me an expensive place to eat in the centre please eos O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O N/A +bos sure ! you have a cuisine preference ? eos O O O O O O O O O Restaurant-Request+Food +bos yes , i prefer british food . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos okay , there are three restaurants . i recommend midsummer house restaurant . 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 N/A +bos that sounds great . can you make a reservation for me there for 4 people at 17: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 i was able to book it , reference number is mtq1yzll eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos perfect , thanks . thats all i need for today . eos O O O O O O O O O O O O general-thank +bos are you sure that 's all you needed today ? eos O O O O O O O O O O O general-reqmore +bos you 're right , i 'm stupid . thanks for checking . i also need a train . eos O O O O O O O O O O O O O O O O O O O Train-Inform +bos when would you like to depart ? eos O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i want to leave after 13:00. eos O O O O O O O N/A +bos and where will your desintation be ? eos O O O O O O O O Train-Request+Dest +bos i will be travelling to birmingham new street . eos 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 to travel ? also , when will you need to leave . this train is 163 travel minutes . eos 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 I-Train-Inform+Time O O Train-Request+Day,Train-Request+Leave +bos i will need to travel on saturday and i already said when i 'll need to leave . give me the arrival time and price please . 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 O O O Train-Request+Price,Train-Request+Arrive +bos train tr2236 , arrives at 16:44 and costs 60.08 pounds . 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 N/A +bos thank you . that should cover it . eos 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 is all for now . thank you and goodbye . eos O O O O O O O O O O O O O general-bye +bos i want to confirm the train has not been booked . 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 O O general-bye +bos can you tell me about the entertainment type attractions in the west ? eos O O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O N/A +bos sure ! clare college is located in the west and is free of charge . eos O 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 I-Attraction-Inform+Fee O O general-greet +bos what 's their postcode ? eos O O O O O O Attraction-Request+Post +bos the postcode for clare college is cb21tl . is there anything else i can help you with ? eos 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 i 'm looking for a hotel called city centre north b and b. 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 I-Hotel-Inform+Name O N/A +bos yes , that is a guesthouse located at 328a histon road . would you like to book a room ? eos O O O O O 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 Booking-Inform +bos yes please , for 4 nights starting monday for 4 people . eos 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 , your reference number is : b93n5uvz . 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 , i think that 's all i need . 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 O O O general-thank +bos it was a pleasure to help . have a great night . goodbye . 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 a swimmingpool 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 n't any in the south , would you like a different area ? eos O O O O O O B-Attraction-NoOffer+Area O O O O O O O O O Attraction-Request+Area +bos no , please try for a park instead eos O O O O O O B-Attraction-Inform+Type O O N/A +bos sheep 's green and lammas land park fen causeway is there , would you like to visit them ? 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 O O O O O O O O O N/A +bos yes may i have their phone number and address . eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos their phone number is 01223302580 and the address is fen causeway , newnham road . was there anything else you needed to know ? 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 O O O O O O O O O O general-reqmore +bos yes , i 'm also looking for a place to dine . i 'll need it to be chinese and in the moderate price range . 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 N/A +bos i have about 4 places to choose from . 3 are in the centre and 1 is in the south . do you have a preference on area ? eos 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 O O O O O O O Restaurant-Select +bos how about you suggest one , area does n't matter , i need a table for 1 at 15:15 friday and the reference number too please eos O O O O O O O O O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time B-Restaurant-Inform+Day O O O O O O O O O Restaurant-Request+Ref +bos i 've booked you at charlie chan on friday at 15:15. your reference number is : ehxd82t1 . eos 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 B-Booking-Book+Ref O O N/A +bos great that is all i need . thank you . eos O O O O O O O O O O O general-thank +bos it was my pleasure to help . 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 +bos i am looking for a place to stay . the hotel should include free wifi 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 N/A +bos what about acorn house ? it seems lovely eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O general-greet +bos i need something cheap and in the centre of town . eos O O O O B-Hotel-Inform+Price O O O B-Hotel-Inform+Area O O O N/A +bos in that case , you have two selections . the alexander bed and breakfast is one . the other is el shaddai . were you looking for 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 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+Stars +bos could you book me a room at the alexander bed and breakfast for 6 people and 2 nights starting from friday ? eos O O O O O O O O O B-Hotel-Inform+Name O O O O O O O O B-Hotel-Inform+Stay O O O O N/A +bos yes , i just did . would you like their phone number ? eos O O O O O O O O O O O O O O Booking-Book,general-reqmore +bos can you please give me the confirmation number for my booking ? eos O O O O O O O O O O O O O N/A +bos your reservation has been made for alexander bed and breakfast for 2 days starting friday for 6 people your reference number is 9zk2b30y . is there anything else i can do ? 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 B-Booking-Book+Stay 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 i need the phone number for a museum as well . any one will do . eos O O O O O O O O B-Attraction-Inform+Type O O O O O O O O Attraction-Request+Phone +bos broughton house gallery is also located in the centre of town . their phone number is 01223314960. is there anything else i can assist you with today ? eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O 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 O O O O O general-reqmore +bos hmmm i 'm not sure . i think that might be everything but let me think for a second . 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 did you come up with anything ? eos O O O O O O O O general-reqmore +bos i need 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 i have booked you a taxi leaving at 13:00. it will be a blue volvo and the contact number is 07695646111. eos 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 thanks so much for all of your help you have been great eos O O O O O O O O O O O O O general-thank +bos you are welcome , glad to be of assistance . enjoy your time in cambridge . bye . 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 need to find a hamilton lodge in cambridge . eos O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O N/A +bos i have one for you , phone is 01223365664. enjoy eos O O O O O O O O B-Hotel-Inform+Phone O O N/A +bos i need to know how many stars it has and the hotel type ? eos O O O O O O O O O O O O O O O Hotel-Request+Stars,Hotel-Request+Type +bos it is a guesthouse and is valued at 3 stars . eos O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O N/A +bos what is the hotel type and what area is it located ? eos O O O O O O O O O O O O O Hotel-Request+Area,Hotel-Request+Type +bos the hotel type is guesthouse and the area is north . eos O O O O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area O N/A +bos thank you . i would also like to find a restaurant located in the centre of town that specializes in unusual cuisine . eos 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 i 'm sorry , there are no restaurants in the centre that serve unusual cuisines . eos O O O O O O O O O B-Restaurant-NoOffer+Area I-Restaurant-NoOffer+Area O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O O N/A +bos how about mediterranean food then ? eos O O O B-Restaurant-Inform+Food O O O N/A +bos there are 3 options . do you prefer cheap or expensive ? eos O O O O B-Restaurant-Inform+Choice O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O N/A +bos i 'm not sure . what is the price range ? eos O O O O O O O O O O O O Restaurant-Request+Price +bos the gardina is cheap , while la mimosa and shiraz restaurant are both expensive . would you like more information on one of these ? eos 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+Price I-Restaurant-Inform+Price O O O O O O O O O O O general-reqmore +bos any of them will work . i need transportation to get there . any information on taxis ? eos O O O O O O O O O O O O O O O O O O O Taxi-Inform +bos sure . which restaurant would you like to arrive at and when ? eos O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Arrive +bos i would like to leave the hotel by 22:00 to go to the gardina . please let me know the contact number and car type . 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 Taxi-Request+Car,Hotel-Request+Type +bos ok ! i have booked you a black tesla leaving hamilton lodge at 22:00 and heading to the gardenia . the driver 's number is 07825515577. eos O 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+Leave O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Phone O O O N/A +bos okay , sounds good . thanks for all your help ! eos O O O O O O O O O O O O general-thank +bos not a problem ! have a great day ! eos O O O O O O O O O O general-bye +bos i am looking for a restaurant please . eos O O O O O O O O O Restaurant-Inform +bos okay ! what kind of restaurant would you like to dine at ? eos O O O O O O O O O O O O O O Restaurant-Request+Food +bos one that serves modern american food . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos i 'm sorry there are no matches . would you like me 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 Restaurant-Request+Food,Restaurant-NoOffer +bos i guess i can do spanish food , try to find something in the centre area , please . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O O O O O N/A +bos there are two options for spanish food in the centre . one is moderately priced while the other is considered cheap . which would you prefer ? 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 B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O Restaurant-Select +bos i 'd like the moderately priced one please . eos O O O O B-Restaurant-Inform+Price O O O O O N/A +bos it 's called la tasca . i 'll need more information if you 'd like to book a table . eos 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 Booking-Inform +bos can i get a table for 3 at 11:30 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 it is booked here is your ref number 3oug57s3 . eos O O O O O O O O O O B-Booking-Book+Ref N/A +bos i also looking for a train to cambridge , arriving by 8:45. eos O O O O O O O O B-Train-Inform+Dest O O O O N/A +bos sure , and what day would you like to travel ? eos O O O O O O O O O O O O Train-Request+Day +bos the train should be on the same day as the restaurant booking and should depart from leicester . eos O O O O O O O O O O O O O O O O O B-Train-Inform+Depart O N/A +bos the tr7583 leaves at 6:09. do you want to book it ? eos O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O Train-Select,Train-OfferBook +bos does that arrive before 8:45 ? eos O O O O O O O N/A +bos yes it arrives at 07:54. is that fine with you ? eos O O O O O B-Train-Inform+Arrive O O O O O O Train-Select +bos yes , that will work out just fine . thank you eos O O O O 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 do n't need to book it , actually . but how long is the ride ? eos O O O O O O O O O O O O O O O O O O N/A +bos it 's a 105 minute ride . eos O O O O B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time O N/A +bos what is the departure time ? eos O O O O O O O Train-Request+Leave +bos it departs at 06:09. is there anything else i can help you with ? eos O O O O B-Train-Inform+Leave O O O O O O O O O O general-reqmore +bos nope . that 's everything i need today . eos O O O O O O O O O O N/A +bos i am glad to help you from cambridge towninfo centre . have a delightful visit . 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 am planning a trip in cambridge . eos O O O O O O O B-Train-Inform+Dest O N/A +bos i can help with that . where are you coming from ? eos O O O O O O O O O O O O O Train-Request+Depart +bos i 'm coming from norwich . eos O O O O B-Train-Inform+Depart 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 'd like to leave on tuesday after 18:15. can i have an arrival time and price ? 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 O Train-Request+Price,Train-Request+Arrive +bos tr5488 will depart norwich at 18:16 on tuesday , arriving in cambridge at 19:35. would you like to book passage ? eos O O O O B-Train-Inform+Depart 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 Train-OfferBook +bos can i get the price for that ? eos O O O O O O O O O Train-Request+Price +bos each ticket costs 17.60 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos i 'm also looking for places to go in the east . eos O O O O O O O O O O B-Attraction-Inform+Area O O N/A +bos there are a few places ranging from boating to multiple sports attractions ; what kind of attraction would you like to visit ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice 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 Attraction-Request+Type +bos i 'm open to anything . how about the boating ? eos O O O O O O O O O B-Attraction-Inform+Type O O N/A +bos camboats is a great place in the east . do you need their number ? eos O B-Attraction-Inform+Name O O O O O O B-Attraction-Inform+Area O O O O O O O general-reqmore +bos can i have the postcode please ? eos O O O O O O O O Attraction-Request+Post +bos their postcode is cb58sx . 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 thanks that is enough 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 'm looking for a train departing from ely and should arrive by 14: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 ok , what is your destination ? eos O O O O O O O O Train-Request+Dest +bos cambridge , i need to leave on tuesday too . eos O B-Train-Inform+Dest O O O O O B-Train-Inform+Day O O O N/A +bos five trains match your description . the first leaves at 05:35. do you want a seat on this train or on a later train ? eos O B-Train-Inform+Choice I-Train-Inform+Choice 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-Select +bos this one will do . i will need to book for 4 people . can i get the reference number once booked , 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 O N/A +bos the booking was successful and your reference number is 2kelm023 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i am also looking for a hotel called aylesbray lodge 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 O N/A +bos i can make you a reservation , how long do you plan on staying ? eos O O O O O O O O O O O O O O O O Booking-Request+Stay,Booking-Inform +bos i need a booking for 4 people for 4 nights starting on tuesday . 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 your confirmation number is g1ap9ufl . can i assist you 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 not at the moment . thank you . eos O O O O O O O O O general-thank +bos okay , well , thank you for allowing me to help you . enjoy your stay ! eos O O O O O O O O O O O O O O O O O O general-welcome,general-greet +bos thank you . bye . eos 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,general-greet +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 i would recommend the cambridge contemporary art museum . it is located at 6 trinity street and it also has free admission . is there anything else that you need ? 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 B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O B-Attraction-Recommend+Fee O O O O O O O O O O O general-reqmore +bos what is their postcode ? eos O O O O O O Attraction-Request+Post +bos that postcode is cb21su . eos O O O O B-Attraction-Inform+Post O N/A +bos thanks . i also need an expensive place to stay that includes free parking . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos okay , what area will you be staying in ? eos O O O O O O O O O O O Hotel-Request+Area +bos i 'd also like my hotel or guesthouse to be in the centre of town . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos what is your star rating preference ? eos O O O O O O O O Hotel-Request+Stars +bos i really do not care anything will do eos O O O O O O O O O N/A +bos i recommend the university arms hotel on regent street . 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 B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O general-reqmore +bos i want 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 where and when do you want to the taxi to pick you up ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Leave +bos can the taxi pick me up at the hotel by 07:30 ? eos O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos booking completed ! booked car type : yellow hondacontact number : 07397168594 eos O O O O O O O O O O B-Taxi-Inform+Phone O O N/A +bos thank you for all of your assistance . eos 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 am looking for information on some places i can go when i am visiting soon . eos O O O O O O O O O O O O O O O O O O N/A +bos there are lots of nice places . what would you like to do ? eos O O O B-Attraction-Inform+Choice O O O O O O O O O O O Attraction-Request+Type +bos i would like to go to a museum that you recommend . i will need the phone number please . 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+Phone +bos the byard art museum is wonderful . their phone number is 01223464646. eos O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O B-Attraction-Recommend+Phone O N/A +bos i also need some where to stay , 4 star . eos O O O O O O O O O B-Hotel-Inform+Stay O O N/A +bos there are three that meet your criteria . the huntingdon marriott hotel , the cambridge belfry , and the university arms hotel . would you like me to book one of those for you ? 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 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 please . book it for 3 people and 4 nights starting from friday . 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 sorry , which of the 3 would you like a reservation at ? eos O O O O O O O B-Hotel-Select+Choice O O O O O O O O N/A +bos i would like to book the cheapest one . eos O O O O O O O B-Hotel-Inform+Price O O N/A +bos the cambridge belfry was cheapest so i reserved that one . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O Booking-Book +bos i probably need a reference number dont i ? eos O O O O O O O O O O Hotel-Request+Ref +bos yes , your reference number is u4z311tn . can i help you with anything further 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 i need a taxi from the hotel to the attraction , leaving at 2:45. eos O O O O O O O O O O O O O O O Taxi-Inform,Attraction-Inform,Hotel-Inform +bos i have booked you with a black volkswagen taxi . the phone number to contact is 07217220369 if there are any changes needing to be made later . 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+Phone I-Taxi-Inform+Phone O O O O O O O O O O O N/A +bos that was quickly handled . thank you for your help . goodbye now . eos O O O O O O O O O O O O O O O general-bye +bos have a lovely visit in cambridge . please use the towninfo centre when you arrive . goodbye . eos 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 go to a park eos O O O O O O O B-Attraction-Inform+Type N/A +bos sure , there are a few . what part of town do you prefer ? eos O O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O Attraction-Request+Area +bos anywhere is fine . may i get a postcode ? eos O O O O O O O O O O O Attraction-Request+Post +bos there are 5 different parks . postcodes are cb21jf , cb18dw , cb46az , cb22ad , and cb223ae . eos O O O O B-Attraction-Inform+Choice B-Attraction-Inform+Type O O O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post O O O O O N/A +bos i 'm also looking for a hotel to stay in . i need to make sure it 's a hotel and not a guesthouse , with a star of 4. 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 B-Hotel-Inform+Stars O O O N/A +bos i have three 4 star hotels . what are or price range do you prefer ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Stars O O O O O O O O O O O Hotel-Request+Price,Hotel-Request+Area +bos the price does n't matter . i do want it to be in the north area of town though . 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 N/A +bos i 'm sorry , i do n't have any 4 star hotels in the north . would another area be ok , or should i check other star rating options ? 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 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 are there any 4 star guesthouses in the north available ? eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos no , i 'm afraid there are n't . eos O O O O O O O O O O Hotel-NoOffer +bos could you look for something that is n't a guesthouse then ? eos O O O O O O O O O O O O O N/A +bos there are no hotels that meet your requirements . eos O O O O B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O O O O N/A +bos i guess i will take the guest house . eos O O O O O O O O O O N/A +bos okay , do i need to book that for you ? eos O O O O O O O O O O O O Booking-Inform +bos yes , please , for 6 people , for 4 nights , starting wednesday . eos O O O O O O O O B-Hotel-Inform+Stay O O O O O O O N/A +bos i 'm sorry , but i 'm afraid we 'll need to try different criteria . would you be willing to change what part of town you stay in , or the star rating 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 O O O O O O O O O O O Booking-NoBook,Hotel-Request+Area,Hotel-Request+Stars +bos but i said i would take the guesthouse . eos O O O O O O O O O O N/A +bos i 'm so sorry about that . you are booked at the acorn guest lodge . reference number is : r68p0a12 . 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 O O O O O B-Booking-Book+Ref O O N/A +bos i aslo 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 i 'm sorry , but i do n't think we determined which park you wanted to visit . 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 O O O Taxi-Request+Depart +bos the hotel by 14:45. eos O O O O O Hotel-Inform +bos i 'm sorry but there are no parks in the area of your hotel . eos O O O O O O O O O O O O O O O O Attraction-NoOffer +bos i am looking for information in cambridge eos O O O O O O O O N/A +bos i can help book a hotel if you need it ! eos O O O O O O O O O O O O Booking-Inform +bos i 'm actually looking for a train . i 'm leaving from cambridge 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 i will be happy to help with that ! where are you travelling to ? eos O O O O O O O O O O O O O O O O Train-Request+Dest +bos i need to travel to ely . eos O O O O O O B-Train-Inform+Dest O N/A +bos we have 10 trains going to ely on friday . do you have a time you want to arrive or leave by ? 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 O O O O O Train-Request+Leave,Train-Request+Arrive +bos i 'd like to arrive by 18:00. any that do that will be fine . i 'll need a train id , departure time , and travel time , please ? 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+TrainID,Train-Request+Leave +bos the tr5844 departs at 15:50 and has a travel time of 17 minutes . would you like me to book it for you ? eos O O B-Train-Inform+Id 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 O O O O O Train-OfferBook +bos yes , 5 tickets . i also need a hotel in the north , free parking is not necessary . eos O B-Hotel-Inform+Parking O B-Train-Inform+People 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 booking was successful , the total fee is 22 gbp payable at the station .reference number is : 8njo8q4c . 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 am also looking for a place to stay in the north , no guesthouses , just hotels please . 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 N/A +bos i can help you with that . what price range are you looking at ? eos O O 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 and 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 may i suggest the lovell lodge . it 's a moderate priced 2 star hotel in the north part of town with free parking and internet . eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+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 I-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos sure , can you book it ? eos O O O O O O O O N/A +bos i sure can ! would you like to book rooms for 5 people ? eos O O O O O O O O O O O O B-Booking-Inform+People O O N/A +bos yes can you please get that booked for me . eos O O O O O O O O O O O N/A +bos when will you be arriving and how many nights 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+Stay +bos i am arriving on friday . eos O O O O O B-Hotel-Inform+Day O N/A +bos how many days will you stay ? eos O O O O O O O O Booking-Request+Stay +bos sorry i do not need to make a reservation but i do need the postcode , phone number , 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 Hotel-Request+Post,Hotel-Request+Phone,Hotel-Request+Internet +bos their postcode is cb41sr and phone number is 01223425478. they offer free parking and internet . is there anything else i can help you with ? eos 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 O O O O Hotel-Inform+Internet,Hotel-Inform+Parking,general-reqmore +bos thank you , thats all i need today eos O O O O O O O O O general-thank +bos i am happy to have met all your needs . 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 O general-welcome,general-bye +bos can i get a train to cambridge on friday ? eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day O N/A +bos there is a depature at london kings cross at 7:17 am . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Leave I-Train-Inform+Leave O N/A +bos actually , i need to depart from leicester after 12:15. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos yes , there is a train that departs at 13:09 , arriving in cambridge at 14:54. would that work for you ? eos O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O O Train-Select +bos yes . could you give me the train id ? eos O O O O O O O O O O O Train-Request+TrainID +bos the train id for that one is tr4625 . can i help you with more ? eos O O O O O O O O B-Train-Inform+Id O O O O O O O O general-reqmore +bos i need to find a cheap modern european restaurant . eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos there is a restaurant called the river bar steakhouse and grill that fits that criteria . it is located in the city centre . eos 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos can i please have the phone number 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 01223307030 and the postcode is cb58aq . can i help you with anything else ? eos O O O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos no , that should be all . 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 you are very welcome . travel safely ! eos O O O O O O O O O general-welcome,general-bye +bos i want to book a train to stevenage , and i want to leave around 14:00. eos O O O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O N/A +bos i have several train going to stevenage . where are you departing from and what time would you like to arrive by ? eos O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O O Train-Request+Depart,Train-Request+Arrive +bos i am departing from cambridge on saturday . i would like to arrive in stevenage by 14:00. eos O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos there are 4 trains that fit your schedule . the closest in time is the tr8377 which arrives in stevenage at 12:10. would you like to book a ticket ? eos O O O O B-Train-Inform+Choice O O O O 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 O O O O O Train-OfferBook +bos what is the ticket price ? eos O O O O O O O Train-Request+Price +bos it will be 10.24 pounds . eos O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos can you tell me the travel time as well please ? also , i 'm looking for an expensive restaurant in the centre for lunch . 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 O Train-Request+Duration +bos the travel time for tr8377 is 49 minutes . can you tell me what kind of food you prefer so i can narrow down the restaurant choices ? 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 O O O O O O O O O O O O Restaurant-Request+Food +bos i would like a chinese food restaurant . eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have four options . hk fusion is an excellent choice . eos O O O B-Restaurant-Inform+Choice O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos ok , can i please book a table for 6 people at 11:15 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 O N/A +bos your table is booked for 6 on saturday , at 11:15 and your reference number is j3heuvpj . thank you , goodbye . eos 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 general-bye +bos thanks a lot for 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 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 assistance . 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 hello . i 'm leaving the city on wednesday and need to find a train , but it must be after 13:00. can you help me book a ticket ? 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+Leave O O O O O O O O O O O N/A +bos there are over 100 different trains available , what destination do you have 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 Train-Request+Dest +bos i would like to go to cambridge from london liverpool street . 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 there is a train at 13:59 that arrives by 1527 eos O O O O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos that sounds perfect . can you book 7 seats for me ? eos O O O O O O O O O B-Train-Inform+People O O O N/A +bos i was able to book the seats , reference number is 6kiwfnou . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos i 'm also looking for a moderate priced restaurant in the area of west . eos O O O O O O B-Restaurant-Inform+Price O O O O O O B-Restaurant-Inform+Area O O N/A +bos would you be interested in british , indian , or italian ? eos O O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos it does n't matter . eos O O O O O O N/A +bos there is prezzo which is an italian restaurant . would you like me to make a reservation ? eos 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 Booking-Inform +bos sure , for the same group of people on the same day at 20:00. eos O O O O O O O O O O O O O B-Restaurant-Inform+Time O N/A +bos i have you booked for 7 people on wednesday at 20:00 at prezzo . eos O O O O O O O B-Booking-Book+People O B-Booking-Book+Day O B-Booking-Book+Time I-Booking-Book+Time B-Booking-Book+Name O N/A +bos i also need the reference number . eos O O O O O O O O N/A +bos i apologize . your reference number is i0v2jzic . is there anything else i can assist you with ? eos O O O O O O O O B-Booking-NoBook+Ref 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 welcome . have a lovely day . eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a restaurant in the center , but on the cheaper price range , can you help me ? eos 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 there are 15 restaurants in the city centre that are in the cheap price range . what type of cuisine would you prefer ? eos O O O O B-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 O O O O O O O O O O Restaurant-Request+Food +bos i will prefer restaurant that serve chinese food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i have three . shall i try to book one ? eos O O O B-Restaurant-Inform+Choice O O O O O O O O Booking-Inform +bos actually , no booking is necessary . but , can you suggest one and provide 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 Restaurant-Request+Addr +bos i recommend the golden house . the address is 12 lensfield road city centre . eos 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O N/A +bos great thank you , i also need a train to arrive by 20:15 and traveling on monday . 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 O N/A +bos i can help you with that . where are you leaving from and going to ? eos 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 i 'm leaving from norwich and heading for cambridge . eos O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O O N/A +bos trains leave hourly from 5:16 am till 18:16 pm . the 18:16 pm train arrives at 19:35. the fare is 17.60. what time would you like to leave ? 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 O B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket O O O O O O O Train-Request+Leave +bos that does n't matter . the 18:16 will do . book it for 4. eos O O O O O O O O O O O B-Train-Inform+People O O O N/A +bos your ticket booking was successful and the total fee is 70.4 gbp payable at the station . your reference number is : 72sa1578 . is there anything else i can help you with ? 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 O O O O O O O general-reqmore +bos thank you so much for your help , that 's all i need today . eos O O O O O O O O O O O O O O O O general-thank +bos great ! enjoy your visit and have a good one . eos O O O O O O O O O O O O general-bye,general-greet +bos i am traveling to cambridge and am looking for the restaurant called da vinci pizzeria . 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 N/A +bos i have found that restaurant for you , would you like the address ? eos O O O O O O O O O O O O O O O Restaurant-Inform +bos yes , 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 phone number is 01223351707 and the address is 20 milton road chesterton eos 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 N/A +bos thanks ! i also need a train that should leave after 17:45 on sunday eos O O O O O O O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos sure thing where will you be traveling from and to ? eos O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos i am in peterborough and i need to go to cambridge eos O O O O B-Train-Inform+Depart O O O O O O B-Train-Inform+Dest N/A +bos i have train tr1809 leaving at 19:48 and arriving at 20:38. would that suit your schedule ? 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 Train-OfferBook +bos yes , thank you , i just need the price . eos O O O O O O O O O O O O Train-Request+Price +bos the price for one ticket would be 13.20 pounds . eos O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos that 's all i need . eos O O O O O O O N/A +bos it was a pleasure to help you . have a nice night . 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 that goes to cambridge and arriving by 17:30. 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 can assist you with that . can you tell me where you would 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 'd like to depart from stansted airport on saturday . eos 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 , their is a train that leaves at 9:24 am . does that work ? eos O O O O O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O general-reqmore +bos that is a little early . is there one that arrives closer to 17:30. eos O O O O O O O O O O O O O B-Train-Inform+Arrive O N/A +bos train tr7078 leaves at 16:24 and arrives by 16:52 with a travel time of 28 minutes . would you like to book a seat ? 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O Train-OfferBook +bos yes , 5 people , please . reference number , please . eos O O O B-Train-Inform+People O O O O O O O O O N/A +bos your booking was successful and the reference number is 28uyg6jr . 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 yes i am also looking for a restaurant in the centre and serves gastropub food . in the expensive price range please . 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 B-Restaurant-Inform+Price O O O O O N/A +bos there are two restaurants that fit your criteria : backstreet bistro and the slug and lettuce . does either of those appeal to you ? 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 I-Restaurant-Inform+Name O O O O O O O O general-reqmore +bos let 's go for the slug and lettuce just because the name is so intriguing . book that for the same group of people , please , at 20:30 , on the same day . eos 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 O O O B-Restaurant-Inform+Time O O O O O O O O O O N/A +bos okay great , i have you set and booked ! is that all ? eos O O O O O O O O O O O O O O O Booking-Book,general-reqmore +bos i also need the reference number to the restuarant . eos 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 : pe63cdwy . is there anything else that 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 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 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 i would like to find an expensive turkish restaurant . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O N/A +bos wonderful ! there 's one i 've found that 's in the centre of the city . would you like the address ? 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 O O general-greet +bos yes i would like the address please ! eos O O O O O O O O O Restaurant-Request+Addr +bos the address is 196 mill road city centre , post code cb13nf . 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 N/A +bos thank you , that is all . good day to you . eos O O 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 i am also looking for a train that arrives at norwich . eos O O O O O O O O O O O B-Train-Inform+Dest O N/A +bos there are 133 trains that go to norwich ! we 'll need to narrow that down . where are you leaving from ? eos O O O O B-Train-Inform+Choice O O O B-Train-Inform+Dest O O O O O O O O O O O O O O O Train-Request+Depart +bos i need to depart from cambrige , on thursday , and arrive by 10:45. eos O O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive O O N/A +bos is there a time you need to leave after ? eos O O O O O O O O O O O Train-Request+Leave +bos as long as it arrives by 10:45. i will also need the train id and the price . 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+Price,Train-Request+TrainID +bos ok , i have four trains that will get you there by 10:45 , how many tickets will you need to purchase ? 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 O O O O Train-Request+People +bos just 1 ticket and i need the train id and total fees eos O O O O O O O O O O O O O Train-Request+TrainID +bos the price would be 17.60 pounds and the train id is tr6765 . eos O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Id O N/A +bos awesome . that 's all i need . eos O O O O O O O O O N/A +bos great , please 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 'm so hungry - can you find me a place to eat in the city centre ? eos 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 'm happy to help ! there are a great deal of restaurants there . what type of food did you have in mind ? eos O O O 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 O O O O Restaurant-Request+Food,general-greet +bos i do not not care , it just needs to be expensive . eos O O O O O O O O O O O B-Restaurant-Inform+Price O O N/A +bos fitzbillies restaurant serves british food would that be okay ? eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Food O O O O O O N/A +bos yes , may i have the address ? eos O O O O O O O O O Restaurant-Request+Addr +bos sure , they 're located at 51 trumpington street city centre . can i help you with anything else today ? 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 O O general-reqmore +bos yes , can you help me find a train that can take me from cambridge to norwich ? 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 O N/A +bos certainly . 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 Train-Request+Day +bos the train should arrive by 13:45 and book for 6 people and give me the reference number please eos O O O O O O B-Train-Inform+Arrive O O O O B-Train-Inform+People O O O O O O O Train-Request+Ref +bos i 'd be happy to , but can you tell me which day you 'd like to travel on ? 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 the train should leave on thursday . eos O O O O O O B-Train-Inform+Day O N/A +bos the one closest to your desired arrive by time will arrive at 12:55 and depart at 11:36. would you like me to book this for you ? eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave O O O O O O O O O O Train-OfferBook +bos yes , please . could i have the reference number as well ? eos O O O O O O O O O O O O O O Train-Request+Ref +bos i was able to book you 6 tickets for that train . your reference number is psq9jooi . is there anything else i can help with ? eos O O O O O O O O B-Train-OfferBooked+People 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 do not think so . thank you for your help . eos O O O O O 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-bye +bos i 'm trying to plan a trip there . i need to find a cheap restaurant . eos O O O O O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos would you like chinese or asian ? charlie chan serves chinese and is on the cheap side . eos O O O O B-Restaurant-Inform+Food O B-Restaurant-Select+Food B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O B-Restaurant-Inform+Price O O O N/A +bos no , i would like an italian place 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 there are three : pizza hut city centre , ask , and zizzi cambridge . would you like to make a reservation at any of these ? 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 O O O O O O O O O O Booking-Inform +bos ask sounds good . what 's the postcode ? eos O O B-Restaurant-Inform+Name O O O O O O O Restaurant-Request+Post +bos the postcode is cb21uf , will that be all ? eos O O O O B-Restaurant-Inform+Post O O O O O O general-reqmore +bos i am also looking for a train departing from cambridge on tuesday , and arriving at ely by 17:15. eos O O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O O B-Train-Inform+Dest B-Train-Inform+Arrive O N/A +bos the train arriving closest to 17:15 is tr4447 which arrives at 16:07. would you like for me to book that for you ? eos O 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 O O O Train-OfferBook +bos before i book anything can you give me the price ? eos O O 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 how long does the train take to get to ely ? and when , precisely , does it leave ? eos O O O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O Train-Request+Leave +bos the tr4447 leaves at 15:50 and it 's a 17 minute ride , arriving at 16:07. should i book it for you ? eos O 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 B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos before i book anything , what is the price ? eos O 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 N/A +bos thank you , please book me . eos O O O O O O O O general-thank +bos how many tickets will you be needing ? eos O O O O O O O O O Train-Request+People +bos just one ticket , please ! eos O O O O O O O N/A +bos congratulations ! your booking was successful and your reference number is sed9s4bh . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks for your help eos O O O O O general-thank +bos you 're more than welcome . can i help you with anything else ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos i think 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 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 i 'm looking for an expensive place to eat 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 a lot of great , expensive restaurant in the centre . what type of food would you prefer ? eos O O O O B-Restaurant-Inform+Choice I-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 Restaurant-Request+Food +bos it does n't matter to me which type of food they serve . what would you recommend for a person eating alone ? eos O O O 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 midsummer house restaurant , serving british food ? it 's at midsummer common . would you like to book a table ? eos O 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+Addr I-Restaurant-Inform+Addr O O O O O O O O O O O O Booking-Inform +bos yes please , can you book a table for 1 on monday at 13:00 ? eos O O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O N/A +bos you are booked ! your table will be reserved for fifteen minutes and your reference number is rkd8kqpm . 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 ! i also need a train to peterborough and i need it to arrive by 10am and arrive on tuesday to cambridge eos 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+Day O B-Train-Inform+Depart O N/A +bos i am sorry , would you like to go to or from cambridge ? eos 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 departing from cambridge and traveling to peterborough . eos O O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O N/A +bos sure , i can book you on tr0162 arriving by 7:56. will this be a reservation for 1 also ? eos 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 O O Train-Request+People +bos yes , this will be for one person only . thank you very much eos O O O O O O O O O O O O O O O N/A +bos yes your booking was successful and your reference number is p68ph2rr . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos okay thank you very much . eos O O O O O O O general-thank +bos okay glad i could help you . eos 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 what side of town or price range were you looking at ? eos 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 but would like a 4 star hotel in the west that includes free parking . eos O O 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 N/A +bos yes are you interested in a cheap or expensive place to stay ? eos O O O O O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O N/A +bos that is not a issue . book it for 7 people and 4 nights starting from tuesday . 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 i have booked you at the cambridge belfry hotel . reference number is : vjsd7mp1 . is there anything else i can do ? eos O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Hotel-Inform+Type O O O O B-Hotel-Inform+Ref O O O O O O O O O O general-reqmore +bos thanks . can you give me some information about the varsity restaurant ? eos 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 it is an international restaurant , in the moderate price range . would you like to reserve a table ? 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 O O O Booking-Inform +bos yes , please . i need a reservation for 7 at 12:00 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 have booked the varsity restaurant for 7 people on tuesday at 12:00. the reference number is : 738i9lrf . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name 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 N/A +bos great , thank you so much ! eos 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 no thank you ! thanks for all your help ! 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 thank you , you as well . eos 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 oh , yes i 'm hoping you can help me with finding a train departing out of cambridge . eos 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 certainly ! where would you like to go ? eos O O O O O O O O O O Train-Request+Dest +bos i need 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 N/A +bos there are plenty of trains going there . what day and time would you like to travel ? 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+Leave,Train-Request+Day +bos i would like to leave on sunday afternoon after 15: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 cambridge at 15:01 , and arriving on birmingham new street at 17:44. 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 N/A +bos what is the price on that train ? eos O O O O O O O O O Train-Request+Price +bos the price is 60.08 pounds , payable at the station . 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 O O O O O general-reqmore +bos no , that was all i needed . 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 thank you for contacting us . you have a great trip 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 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+Type I-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 B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 O O O O O O O O O O O O O O general-reqmore +bos i 'm trying to take 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 N/A +bos okay great , there are plenty of options for you . did you have a certain day and time in mind for departure ? 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+Day +bos i want to leave on monday after 18:30. eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave N/A +bos there is a train that leaves at 19:29 , 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 what is the arrival time ? i also need the train id and price . eos O 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 your arrival time is 20:07 on train tr5806 . total price is 10.10 pounds . would you like me to book a ticket ? eos O O O O O B-Train-Inform+Arrive 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 O O O Train-OfferBook +bos no that wo n't be necessary . i would like to find a place to stay though , and i 'll 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 indeed , we have many options with free parking . would you prefer 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 B-Hotel-Select+Type I-Hotel-Select+Type O O Hotel-Inform+Parking +bos well , i need a place in the south with a 4-star rating , but either hotel or guesthouse is ok. eos O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O O O O O O O O N/A +bos aylesbray lodge guest house is in the moderate price range and rosa 's bed and breakfast is in the cheap price range . which do you prefer ? 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 O O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O O Hotel-Select +bos can you send me the hotel type and postcode and whether they have internet ? eos 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 both have internet and are guesthouses . aylesbray lodge 's postcode is cb17sr . rosa 's postcode is cb22ha . eos O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Post I-Hotel-Inform+Post O O O O Hotel-Inform+Internet +bos 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 . please let us know if you need any more assistance . eos O O O O O O O O O O O O O O O O general-welcome,general-bye +bos thank you , you 've been very helpful . eos 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 includes internet and free parking eos O 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 i would like to stay in the north . eos O O O O O O O O B-Hotel-Inform+Area O N/A +bos arbury lodge guesthouse is in the north , would you like to stay there ? eos O B-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 Booking-Inform +bos that sounds great . eos O O O O O N/A +bos would you like me to book you a reservation there ? eos O O O O O O O O O O O O Booking-Inform +bos can you give me the price range , postcode and hotel type ? eos O O O O O O O O O O O O O O Hotel-Request+Post,Hotel-Request+Price,Hotel-Request+Type +bos it is a guesthouse that is moderately priced the post code is cb42je . eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O B-Hotel-Inform+Post O N/A +bos perfect ! thanks . can you also help me find info for a train 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 yes of course . what day will you travel ? eos O O O O O O O O O O O Train-Request+Day,general-greet +bos i would like to leave on sunday . eos O O O O O O O B-Train-Inform+Day O N/A +bos and what time would you like to depart ? eos O O O O O O O O O O Train-Request+Leave +bos i would like to leave from cambridge after 14 : # 0 eos O O O O O O O B-Train-Inform+Depart O O O O O N/A +bos 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 ? eos O O O O O 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 sorry , i want to leave after 14:30. please let me know the time of arrival and travel time . 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 Train-Request+Duration +bos train with id tr9765 leaves at 23:21 and arrives at 24:10. is that fine with 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 Train-OfferBook +bos that sounds good - what 's the total travel time ? eos O O O O O O O O O O O O Train-Request+Duration +bos the total travel time is 49 minutes and the price is 10.24 pounds . would you like it booked ? 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 Train-OfferBook +bos no thanks , just gathering info , i am all set for now . eos 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 no . that is all for today . thanks . eos O O O O O O O O O O O general-thank +bos thanks you too eos O O O O general-welcome +bos i will surely visit you henever i need your services eos O O O O O O O O O O O N/A +bos have a great visit . 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 general-bye,general-greet +bos i am looking for a train that goes to cambridge and arrives by 16: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 i am showing 791 entries that will fit your criteria . is their a specific day or departure location you would like ? 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 Train-Request+Depart,Train-Request+Day +bos yes , i need to leave norwich on friday . eos O O O O O O B-Train-Inform+Depart O O O O N/A +bos is there a arrive or leave by time you prefer ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i am going to cambridge on friday , leaving from norwich and i need to book 5 tickets . and can you please give me the reference number ? eos O O O O 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 O O O O O N/A +bos i have 10 trains that will have you arriving by 16:30. do you have a specific departure time ? eos O O O O B-Train-Inform+Choice O O O O O O B-Train-Inform+Arrive O O O O O O O O Train-Request+Leave +bos i just need to arrive by 16:30 find a time close to that and help me get 5 tickets please . eos O O O O O O O B-Train-Inform+Arrive O O O O O O O O O O O B-Train-Inform+People O O N/A +bos i have booked you on the tr4828 departing norwich from cambridge at 14:16 and arriving by 15:35 , the total is 88gbp and your reference number is hxymacbp . eos O O O O O O O B-Train-OfferBooked+Id O B-Train-OfferBooked+Dest O B-Train-OfferBooked+Depart O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive O O O B-Train-OfferBooked+Ticket O O O O O B-Train-OfferBooked+Ref O O N/A +bos i also need help looking up a restaurant called hk fusion . eos O O O O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name N/A +bos it is a chinese food in the centre . it is expensive and located at 21 burleigh street city centre . eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+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 O N/A +bos could you book a table for me there please ? 5 people on friday at 20: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 N/A +bos the booking was successful . the table will be reserved for 15 minutes . reference number is yb8drr8x . what else may 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 general-reqmore +bos thank you ! i think 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 are 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 a train out of cambridge on saturday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos no problem ! where do you plan to go on saturday ? eos O O O O O O O O O O O O O Train-Request+Dest +bos i want to go to kings lynn . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos alright , when do you want to leave and arrive ? eos O O O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos arrival time is not important , but the train should leave after 14:30. eos O O O O O O O O O O O O B-Train-Inform+Leave O N/A +bos booking was successful , the total fee is 7.84 gbp payable at the station . reference number is : qa65lm7a . 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 . sounds good eos 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 hi . i 'm interested in finding a good restaurant near the center of town . do you have any listings that fall 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 B-Restaurant-Inform+Price O O O O O O N/A +bos we have many expensive restaurants located in the centre of town . is there a type of cuisine that you would prefer specifically ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice 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 O O O Restaurant-Request+Food +bos i do not care . eos O O O O O O N/A +bos i would recommend wagamama , which serves japanese food . would you like to reserve a table ? 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 Booking-Inform +bos that would be great , can i also have the postcode and address for wagamama ? 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 address is 36 saint andrews street , postcode cb23ar . would you like to reserve a table ? eos 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 O O O O O O O O Booking-Inform +bos no , thank you , but i would like to know if there is a museum in town . i need the postcode for the museum . 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 Attraction-Request+Post +bos the broughton house gallery is located in the centre . it 's postcode is cb11ln . 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 B-Attraction-Inform+Area O O O O B-Attraction-Inform+Post O O O O O O O O O O O O general-reqmore +bos nope . that 's all today . thank you . eos O O O O O O 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 need a train from peterborough eos O O O O O O B-Train-Inform+Depart N/A +bos where are you headed , and what day and time did you need to leave ? eos 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 i am going to cambridge and leaving after 8:00 on friday eos O O O O O B-Train-Inform+Dest O O O O O B-Train-Inform+Day N/A +bos sure , i have tr6496 departing at 08:19 , arriving at 09:09 , with a duration of 50 minutes . the cost is 16.50 pounds . would that work for you ? eos O O O O B-Train-Inform+Id 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O O N/A +bos yes please book it for 5 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 Train-Request+Ref +bos booking was successful , the total fee is 82.5 gbp payable at the station , the feference number is : mfchf1yv . 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 think that takes care of everything , thanks ! eos O O O O O O O O O O O general-thank +bos great . i 'm glad i could help ! please consider using our service again the future . 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 looking for a train that leaves on saturday eos O O O O O O O O O N/A +bos yes , there are 404 trains . would you like to tell me more to narrow your search ? eos O 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 leaving birmignham new street , to cambridge . eos O O O O O O B-Train-Inform+Dest O O N/A +bos no problem . any preference on times ? eos O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would need to leave after 08:30. eos O O O O O O O B-Train-Inform+Leave N/A +bos tr1958 leaves at 8:40 - would you like tickets on that train ? eos O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O O Train-OfferBook +bos not yet.. just needed the id . also , looking for a place to dine in the center of town at a moderate 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 B-Restaurant-Inform+Price O O O O Train-Request+TrainID +bos i have many delicious options . how does cotto sound ? it 's british food . eos O O O B-Restaurant-Inform+Choice O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Food O O O O O N/A +bos that works for me . book it for 3 people at 21:00 on the same day . 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 N/A +bos unfortunately , there is no availability for that time . did you have a different time in mind ? 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 +bos oh , bummer . how about 20:00 ? eos O O O O O B-Restaurant-Inform+Time O O O N/A +bos that worked ! your reference number is waswnfh0 . eos O 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 . have an awesome day . eos O O O O O O O O O O general-welcome +bos i am looking for a restaurant in the center that serves asian oriental food . eos 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 there are 4 asian restaurants in the centre . what price range are you looking for ? 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 'm looking for moderately priced restaurants . eos O O O O B-Restaurant-Inform+Price O O O O Train-Request+Price +bos sure , how about dojo noodle bar ? eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos that sounds good . can i get a table for 6 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 O N/A +bos you 're reference number is w3bae5pr . 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 thanks . i need a train for the same day but it needs 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 O N/A +bos sure . where are you departing from and where do you need to go ? eos O O O O O O O O O O O O O O O O Train-Request+Dest,Train-Request+Depart +bos the train should depart from london kings cross 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 there are 2 the latest train arrives at 08:08 will that be ok ? eos O O O O B-Train-Inform+Choice O O O O B-Train-Inform+Arrive O O O O O N/A +bos that works . can you tell me the train id , price , and travel time for that train 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 O O O Train-Request+Duration,Train-Request+Price,Train-Request+TrainID +bos the train id is tr4016 . each ticket costs 23.60 pounds each . and the travel time is 51 minutes . can i book you any tickets ? eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Ticket I-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 Train-OfferBook +bos no , i 'm sure i 'll be able to just deal with it at the station . 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 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 hi , are there any trains from cambridge to kings lynn ? eos 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 have 133 results for trains going from cambridge to kings lynn , what day are you looking to travel on and what time would you like to arrive ? eos O O O O B-Train-Inform+Choice O O O 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 O O Train-Request+Arrive,Train-Request+Day +bos i need to leave on friday and arrive by 16:45 eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos i have one that leaves at 14:11 and arrives in kings lynn at 14:58. would this be acceptable ? eos 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 Train-Select +bos yes , i 'd like eight tickets , please . eos O O O O O O O O O O O N/A +bos great , your 8 tickets are booked ( ref # phxz03nh ) . total fee is 78.4gbp , which you 'll pay at the station . can i help with anything else today ? eos O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Ref 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 O O O O O general-reqmore +bos yes i need to find a nice expensive british restaurant please . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O N/A +bos there are alot of restaurants that fit your needs what area would you like it in eos O O O O O O O O O O O O O O O O O Restaurant-Request+Area +bos the area does not matter . they just need to have an available table for 8 people at 10:45 on friday night . 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 am sorry none of them have booking available for that time , another time maybe ? 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 9:45 an available time ? eos O O O O O O O N/A +bos i apologize . can you verify that time for me again please ? eos O O O O O O O O O O O O O O general-reqmore +bos i would like to book a table at 9:45. eos O O O O O O O O O O N/A +bos i am not seeing anything available at that time . maybe we can start from the beginning . you said you are looking for an expensive british restaurant 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 O O O O O O Booking-NoBook,Restaurant-Request+Food,Restaurant-Request+Price +bos yes . i would like a reservation on friday at 10:45 for 8 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 i am unable to get you a reservation at 10:45 would you like to pick another time or day ? eos O O O O O O O O O O B-Booking-NoBook+Time O O O O O O O O O O Booking-Request+Day,Booking-Request+Time +bos how about 8:45 on friday ? eos O O O O O O O N/A +bos i 'm sorry , i have not found a table anywhere for friday . i have tried 8:45 , 9:45 and 10:45. is there any other time you could dine ? eos O O O O O O O O O O O B-Booking-NoBook+Day 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 O O O O O O Booking-Request+Time +bos let is try again , 9:45 , expensive british food , a group of eight on friday . 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 , i have not found a table anywhere for friday at 9:45. is there any other time you could dine ? eos O O O O O O O O O O O B-Booking-NoBook+Day I-Booking-NoBook+Day B-Booking-NoBook+Time O O O O O O O O O O O Booking-Request+Time +bos is there anything available for 8 people on friday at 9:45 ? eos O O O O O O O O O O O O O N/A +bos unfortunately no . perhaps you would like to dine at 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 keep trying . i need the reference number . eos O O O O O O O O O O N/A +bos i was able to book you a table at fitzbillies restaurant . your reference number is 4m731v01 . is there anything else i can assist you with ? eos 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 general-reqmore +bos no that 's it , thank you very much . eos O O O O O O O O O O O general-thank +bos have a good day and 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-greet +bos hello , have you heard of the royal spice restaurant by chance ? eos 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 ! it serves indian food in the north part of town . would you like more information ? 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 general-reqmore +bos can you book it for 4 people at 13: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 i have successfully booked you a table for 4 at 13:15. the table will be reserved for 15 minutes . the reference number is prxymnlc . eos O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O O O O O O O O O O O O O O B-Booking-Book+Ref N/A +bos thanks so much . could you also help me find a train , for that same day ? 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 are many trains that day , do you have a specific destination and departure 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 O O Train-Request+Depart,Train-Request+Dest +bos the same day as the restaurant booking i am going to cambridge and need to arrive there by 09:30. eos 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+Arrive N/A +bos okay , where would you like to leave from ? eos O O O O O O O O O O O Train-Request+Depart +bos i would like to leave from stevenage eos O O O O O O O B-Train-Inform+Depart N/A +bos i 've got the tr8723 leaving stevenage and arriving in cambridge by 08:43. would that work ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O N/A +bos yes that sounds great . can i get a reference number for that please 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 me to book ? eos O O O O O O O O O O O Train-Request+People +bos i would like you to book me four tickets . eos O O O O O O O O O O O N/A +bos i was able to book you 4 tickets on that train . your reference number is y381czmk . 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 O O B-Train-OfferBooked+Ref O O O O O O O O O O O general-reqmore +bos i think you took care of everything . thanks . take care now . bye 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 quite welcome , have a lovely trip ! eos O O O O O O O O O O O general-welcome,general-bye +bos hi there , i 'm looking for a restaurant that serves swedish food . it can be anywhere , i 'm willing to pay a moderate amount of money . do you have any recommendations ? 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 B-Restaurant-Inform+Price O O O O O O O O O O O O O O O N/A +bos unfortunately , i was n't able to find anything that matches your request . shall we look for a cheap or expensive swedish restaurant instead ? eos O O O O O O O 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 O O O O Restaurant-NoOffer +bos sure , look for a cheap restaurant . and i prefer the west if possible . eos 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 unfortunately there are none fitting that criteria either , would you like me to search for 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 Restaurant-Request+Food,Restaurant-NoOffer +bos a british restaurant , please . eos O O B-Restaurant-Inform+Food O O O O N/A +bos saint johns chop house is a british restaurant located in the west at a moderate price . would you like to book a table ? eos O B-Restaurant-Inform+Name I-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 B-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos yes please for 6 people at 13: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 i was ale to succesfully book you , the table will be reserved for 15 minutes . the reference number is tfpe0att . can i assist 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-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos yes , i also need a train . i need to get to cambridge by 09:15. eos O 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 what day and what is the departure location ? eos O O O O O O O O O O Train-Request+Day,Train-Request+Depart +bos i 'll be coming from london , liverpool street on the same day as my restaurant reservation , please . 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 i have several trains that will get you to cabridge on time . is there a particular departure time you would like ? 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 Train-Request+Leave +bos i would like the latest train leaving that will arrive by 9:15 please . could you give me a departure time and travel 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+Duration,Train-Request+Leave +bos the tr3673 will be arriving just before 9:15 on monday . it departs at 7:39 and is an 88 minute ride . would you like me to book it ? eos O O B-Train-Inform+Id O O O B-Train-Inform+Arrive I-Train-Inform+Arrive I-Train-Inform+Arrive O B-Train-Inform+Day O O O B-Train-Inform+Leave 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 can you tell me what time that train leaves ? eos O O O O O O O O O O O Train-Request+Leave +bos the train departs at 07:39. 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 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 for using our system ! eos O O O O O O O O general-bye +bos i am looking for a place to dine that serves modern european food that is located in the centre . what is your suggestion for this type of restaurant ? 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+Area O O O O O O O O O O O N/A +bos i have a couple of options for you , what price range would you like ? eos O O O O O O O O O O O O O O O O O Restaurant-Inform,Restaurant-Request+Price +bos i 'd like a cheap price range please . eos O O O O B-Restaurant-Inform+Price O O O O O Train-Request+Price +bos the river bar steakhouse and grill matches all the things you are looking for .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 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 , that sounds great . can you reserve me a table on tuesday for 6 people at 18:00. eos O O O 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 i 'm sorry , but it appears there is no opening for that time . would you like to try for 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 O Booking-NoBook,Booking-Request+Time +bos yes try 17:00 instead please eos O O O B-Restaurant-Inform+Time O O N/A +bos booked ! reference number : na0xwzar . your table will be held for 15 minutes . eos O O O O B-Booking-Book+Ref O O O O O O O O O O O O N/A +bos thanks . i 'm also looking for a train that departs from cambridge and leave after 11:15. eos O 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 okay , what is your 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 Train-Request+Dest,Train-Request+Day +bos i 'll be going to stevenage on wednesday . eos O O O O O O O O O O N/A +bos i have train tr3685 departing friday at 13:00 would that be suitable for you ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Day I-Train-Inform+Day B-Train-Inform+Leave O O O O O O O Train-Select +bos yes , i think that will do just fine . what 's the price and length of trip , 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 the price for the trip is 12.80 pounds and its 49 mintues eos O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O B-Train-Inform+Time N/A +bos okay , thank you for that information ! eos O O O O O O O O O general-thank +bos you 're welcome ! may i help with anything else ? eos O O O O O O O O O O O O general-reqmore +bos that will be all , goodbye . eos O O O O O O O O general-bye +bos train tr2874 leaves the earliest at 13:31. have a great day ! eos O O O O O O O B-Train-Inform+Leave O O O O O general-greet +bos i will be in the centre area and i need a place to go . eos O O O O O O B-Attraction-Inform+Area O O O O O O O O O Restaurant-Request+Area +bos what do you like ? museums and architecture , nightclubs and theatres ? eos O O O O O O O O O O B-Attraction-Select+Type I-Attraction-Select+Type O O N/A +bos a museum would be great ! could you send me the phone number and entrance fee of one ? eos 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+Phone,Attraction-Request+Fee +bos you could try castle galleries . their phone number is 01223307402 , and admission is free . can i help you with anything else ? eos O O O O B-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 O general-reqmore +bos i am looking to dine at charlie chan eos O O O O O O O O B-Restaurant-Inform+Name N/A +bos do you need a reservation ? eos O O O O O O O Booking-Inform +bos what type of food do they serve ? eos O O O O O O O O O Restaurant-Request+Food,Attraction-Request+Type +bos charlie chan is a cheap chinese restaurant in the center of town at regent street city centre . can i provide any additional information to you ? 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 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 O O O O O O O general-reqmore +bos yes , please . i 'd also like to know the postcode ? eos O O O O O O O O O O O O O O Restaurant-Request+Post +bos of course . the postcode is cb21db . can i help you with anything else today ? eos 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 need to book a taxi to leave the restaurant and go back to the hotel at 14: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 N/A +bos okay ! what hotel are you staying at ? eos O O O O O O O O O O Hotel-Request+Name +bos ill have to check on that and get back to you . eos O O O O O O O O O O O O O N/A +bos okay , thank you . eos O O O O O O general-greet +bos i 'll need the taxi between charlie chan and castle galleries please eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest O O N/A +bos booking completed ! booked car type : blue lexuscontact number : 07475610928 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 , that is all . 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 general-welcome,general-bye +bos need a train to broxbourne departing from cambridge . eos O O O O O B-Train-Inform+Dest O O B-Train-Inform+Depart O N/A +bos there are 133 entries matching you description . what day and time 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 O Train-Request+Leave,Train-Request+Day +bos i would be traveling on friday and would like to get there by 18:45. eos O O O O O O B-Train-Inform+Day O O O O O O O B-Train-Inform+Arrive N/A +bos i have a a train that leaves at 17:01 and arrives at 18:01. would you like to make a reservation ? 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 Train-OfferBook +bos yes please , book that for 8 people and i need the reference number as well . eos O O O O O O O B-Train-Inform+People O O O O O O O O O O N/A +bos you are booked . the total fee is 143.19 gbp payable at the station and you 're reference number is zq9izvll . 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 O B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos i am looking for a place to eat in the centre of town . eos O O O O O O O O O O O B-Restaurant-Inform+Area 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 mediterranean food , please . eos O B-Restaurant-Inform+Food O O O O N/A +bos there are three to choose from , two are expensive and one is cheap . do you have a preference on price ? eos O O O O O O O O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O Restaurant-Select +bos no preference , i 'll let you pick which one you think is the best . eos O O O O O O O O O O O O O O O O O N/A +bos i would recommend la mimosa . it is an expensive restaurant in the center . would you like to book a reservation ? 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+Area O O O O O O O O O O Booking-Inform +bos sure , for the same group of people on friday at 12:45 eos O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O N/A +bos your booking is confirmed . your reference number is ico9ye62 . please note they will only reserve the table for 15 minutes . is there anything else you need ? 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 O O O O O general-reqmore +bos that is everything , thanks for you help 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 am looking for a british restaurant please . eos O O O O O O B-Restaurant-Inform+Food O O O N/A +bos i have many different options i can recommend to you , but could you tell me what area or price range you prefer ? 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 +bos i would like it to be in the west and be expensive . eos O O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Price O N/A +bos graffiti is in the west part of town and the expensive price range . eos O B-Restaurant-Inform+Name O O O B-Restaurant-Inform+Area O O O O O B-Restaurant-Inform+Price O O O N/A +bos that sounds good . what is the postal code there ? eos O O O O O O O O O O O O Restaurant-Request+Post +bos the postalcode for graffiti is cb30lx and it is located at hotel felix whitehouse lane huntingdon road . would you like me to book that for you ? eos O O O O B-Restaurant-Inform+Name 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 O O Booking-Inform +bos no , i can book it later , thanks . can you help me find a train that leaves cambridge on wednesday ? 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+Day O O O N/A +bos certainly . what is your desired destination ? eos O 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 sure , trains leave hourly staring at 05:40 and cost 10.10 pounds per ticket . can i book a seat for you ? eos O O 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 O Train-OfferBook +bos i need to leave after 15:45. eos O O O O O O B-Train-Inform+Leave N/A +bos ok , i have train tr2912 departing at 16:40. would you like me to book this for you ? eos 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 no need to book it . but , can i get the travel time and what time it will get me to the airport ? eos O O 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 and you will arrive at the airport by 17:08. is there anything else i can help with ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time 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 that is all , thank you very much . eos O O O O O O O O O O general-thank +bos you 're welcome ! enjoy your tacos ! goodbye eos O O O O O O O O O O general-welcome,general-bye +bos are there trains arriving in cambridge before 18:45 on sunday ? eos 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 many trains that arrive by that time . where will you be departing from ? eos O O O B-Train-Inform+Choice O O O O B-Train-Inform+Arrive I-Train-Inform+Arrive O O O O O O O O N/A +bos i 'm leaving bishops stortford . eos O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos i have a train arriving at 16:07 and one arriving at 18:07. would one of those work ? eos 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 general-reqmore +bos can i get the price , travel time , and departure time of the one arriving at 18:07 ? 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+Leave +bos the train arriving in cambridge at 18:07 departs at 17:29. the price of the of the train ride is 8.08 pounds . would you like to book a train ticket ? eos O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O B-Train-Inform+Leave 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 not at this time , but i am also looking for a european food restaurant in the expensive price range . can you help with that ? eos 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 O O O O O O O O O Train-Request+Price +bos there are 5 of those . what area do you want to dine in ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O O O Restaurant-Request+Area +bos in the centre of town please . eos O O O B-Restaurant-Inform+Area O O O O N/A +bos how about eraina ? shall i book you a table ? eos O O O B-Restaurant-Recommend+Name O O O O O O O O Booking-Inform +bos yes , please . it will be just me and i 'd like to eat at 21:00 on the same day as my train . 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 N/A +bos ok , i 've got your booked . the reference number is vmndnkv2 and they 'll hold your table for 15 minutes . 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 O O O O O O O O O general-reqmore +bos that 's everything . thank you ! eos O O O O O O O O general-thank +bos great . i hope you enjoy your dinner . eos O O O O O O O O O O general-bye +bos i need a train on friday , arriving by 12:15. eos O O O O O O B-Train-Inform+Day O O B-Train-Inform+Arrive O N/A +bos i can assist you with that . where are you travelling to and from ? eos 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 cambridge to the stansted airport . eos O O O O B-Train-Inform+Depart O O B-Train-Inform+Dest I-Train-Inform+Dest O O N/A +bos the tr5998 leaves cambridge at 10:40 and arrives stansted airport at 12:08. it 's price is 10.10 pounds . there are earlier trains if you wish . 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 O O O O O O O O O O N/A +bos that one sounds fine . can you book it for 3 people ? i will need the reference number too . 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 i have booked your ticket , the reference number is : ectzffr5 . is there anything else i can do for you . 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 not at this time . thank you so much for everything . 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 are very welcome , goodbye . eos O O O O O O O O general-bye +bos i need a train on monday , leaving after 10:45. eos O O O O O O B-Train-Inform+Day O O O O N/A +bos 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 Train-Request+Depart,Train-Request+Dest +bos i want to go to cambridge from 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 we have the tr1028 leaving at 11:01. does that work ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O N/A +bos when does it arrive ? and what is the total travel time , please ? eos O O O O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Arrive +bos it arrives at 1:44 in the afternoon and it is a 2 hour and 43 minute trip . eos 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 B-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time I-Train-Inform+Time N/A +bos great ! thanks for your help . goodbye ! eos O O O O O O O O O O general-bye +bos you 're welcome . happy to help . have a good day . eos O O O O O O O O O O O O O O general-bye +bos i 'm looking for a train from norwich to cambridge . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O N/A +bos what day would you like to leave and is there a particular 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,Train-Request+Day +bos i would like to leave on tuesday and arrive by 13:30. eos O O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Arrive N/A +bos i am sorry there are not trains to arrive at 13.31. the first train leaves at 5:16 and arrives at 6:35. the trains depart every hour . eos O O O O O O O O O O O B-Train-NoOffer+Arrive O O O O O O O O O B-Train-Inform+Arrive O O O B-Train-Inform+Leave I-Train-Inform+Leave I-Train-Inform+Leave N/A +bos ill just take earliest train then please . eos O O O O O O O O O Train-Inform +bos how many tickets would you like ? eos O O O O O O O O Train-Request+People +bos i do n't need you to reserve it but i do need the train info 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 O Train-Request+Duration +bos the train id is tr0839 and it leave at 11:16 and arrives by 12:35. eos O O O O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id O O O B-Train-OfferBooked+Leave O O O B-Train-OfferBooked+Arrive N/A +bos can you tell me what the total travel time for that is ? eos O O O O O O O O O O O O O O Train-Request+Duration +bos the total travel time is 79 minutes . eos O O O O O O O B-Train-Inform+Time I-Train-Inform+Time 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 , thanks . eos O O O O O O O O general-bye +bos are the any guest house type places to stay in the north part of town available ? 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 several available . would you like us to book one for you ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O O O Booking-Inform +bos as long as it has free wifi and is moderately priced in the area of north . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos there are 8 guesthouses on the north side of town that offer free internet and are moderately priced . what dates would you like to book and for how many people ? 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 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 Booking-Request+Day,Booking-Request+People,Booking-Request+Stay,Hotel-Inform+Internet +bos book for 2 people for days starting may 5 to may 7. eos O O O O O O O O O O O O O N/A +bos we have acorn guest house , arbury lodge guesthouse , archway house , avalon , hamilton lodge , home from home , kirkwood house , or limehouse ? eos 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 N/A +bos can you book the limehouse for 1 person to stay 4 nights starting saturday ? eos 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 N/A +bos booking was unsuccessful . would you like to 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 how about 3 nights ? also could i get the reference number for the limehouse , and do you know if there is indian food nearby it ? 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 O O O O O Hotel-Request+Ref +bos i have successfully booked your room at the limehouse . your reference number is 4vb8jh2b . as for the restaurant , do you have any preferences as far as price range goes ? eos O O O O O O O O O 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 O O O O O O Restaurant-Request+Price +bos no preferences for the price range , but i 'd like it to be 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 O O O O O O N/A +bos there is the nirala , it is moderately priced and the royal spice which is in the cheap price range . would you like me to book a table for you at one of these locations ? 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 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 O O Booking-Inform,Restaurant-Select +bos no thanks . i just need the phone number and postcode for each . 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 for the nirala is 01223360966 cb41uy . the number for royal spice is 01733553355 and the postcode is cb41eh . 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O B-Restaurant-Inform+Post I-Restaurant-Inform+Post 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 thank you and have a good day . eos O O O O O O O O O general-bye +bos i 'm visiting cambridge and would like some suggestions for an upscale restaurant which serves modern global cuisine . 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 N/A +bos i 'm sorry . there is no matching restaurant . would you like to try a different food type 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 Restaurant-Request+Food,Restaurant-Request+Price,Restaurant-NoOffer +bos yes , how about a chinese restaurant ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos i found nine expensive chinese restaurants . is there a part of town that you would prefer ? eos 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 Restaurant-Request+Area +bos i do n't care what part of town it is in , i will need the postcode though . eos O O O O O O O O O O O O O O O O O O O O Restaurant-Request+Post +bos the restaurant yu garden has a postcode of cb58pa . can i help you with anything else today ? eos O O O 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 general-reqmore +bos yes ! i 'm looking for a particular hotel , the name is 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 O O O N/A +bos that is a moderately priced guesthouse in 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 great can i get their address , whether they have free parking , and internet ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet,Hotel-Request+Addr +bos the address is 78-80 milton road . they have free parking and internet . eos O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos thank you . that 's everything i will need today . eos O O O O O O O O O O O O general-thank +bos wonderful , i 'm glad i could assist you , have a wonderful stay . eos O O O O O O O O O O O O O O O O general-bye +bos i need a train to leave from london 's cross . eos O O O O O O O O O O O O Train-Inform +bos what day would you like the train for ? eos O O O O O O O O O O Train-Request+Day +bos i 'd like it to be for saturday . eos O O O O O O O B-Train-Inform+Day O O N/A +bos i have a train that leaves london kings cross at 05:00 and arrives by 05:51 at a price of 18.88 pounds . is that ok ? 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 O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O N/A +bos yes , it is perfect . thank you eos O O O O O O O O O general-thank +bos i 'm sorry i had that completely mixed up . there is a train leaving london kings cross at 5:17 and arriving in cambridge at 6:08. does that work ? 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+Leave O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O N/A +bos yes please book that and give me the reference number of the booking . eos O O O O O O O O O O O O O O O Train-Request+Ref +bos yes i was able to book that and your reference number is xyvaabbj . cost of the ticket will be 18.88 pounds . is there anything else ? eos O O O O O O O O O O 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 general-reqmore +bos no that will be all thank you . eos O O O O O O O O O general-thank +bos glad to help . 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 hi ! could you find me a train to stevenage 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 10 trains meeting your preferences . 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 O O O O O O O O O Train-OfferBook +bos would you be able to get me to stevenage by 18:45 ? eos O O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos where would you be leaving from ? 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 O N/A +bos tr4765 will arrive in stevenage by 18:10 on thursday , do you want to book a ticket ? eos O B-Train-Inform+Id O 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 Train-OfferBook +bos i would like to book 7 tickets please . i will also need the reference number . thanks 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 sure , your reference number is : uij42c5l . is there anything else i can do for you ? 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 is all i need . thank you so much for 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 O O general-thank +bos thank you for using our service . are you certain you do n't 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-reqmore +bos yes that 's everything i needed thanks . eos O O O O O O O O O general-thank +bos thanks for contacting cambridge towninfo centre , have a wonderful day ! eos O O O O O O O O O O O O O general-bye +bos i need to leave peterborough and arrive by 20:45. can you book a train for me ? eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Arrive O O O O O O 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 i will depart any time so long as the train arrives by 20:45. eos O O O O O O O O O O O O O B-Train-Inform+Arrive N/A +bos ok , and what day do you need to travel ? eos O O O O O O O O O O O O Train-Request+Day +bos oh , i need to leave this saturday . just to clarify i want to leave peterborough going to cambridge . eos O O O O O O O B-Train-Inform+Day O O O O O O O O O O B-Train-Inform+Dest O O O N/A +bos tr7143 will arrive in cambridge saturday by 20:38 , it will depart peterborough at 19:48. does this suit your needs ? eos O B-Train-Inform+Id O O O B-Train-Inform+Dest O O B-Train-Inform+Arrive O O O B-Train-Inform+Depart O B-Train-Inform+Leave O O O O O O O N/A +bos yes that is perfect . can you book that and give me a reference number ? eos O O O O O O O O O O O O O O O O O Train-Request+Ref +bos yes i booked it and your reference number is 6793d7ed . will there be anything else ? eos O O O O O O O O O O B-Train-OfferBooked+Ref O O O O O O O general-reqmore +bos no , i think that 's going to be all i needed . thanks . 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 thank you , enjoy your day , goodbye . eos O O O O O O O O O O general-bye +bos i am looking for a train departing from london liverpool please . eos O O O O O O O O O O O O O Train-Inform +bos i 'll be glad to help . you would like to from london liverpool street to what 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 Train-Request+Dest +bos cambridge . i 'd like to leave after 10:00 on friday . eos O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A +bos i have seven trains , could you tell me when you would like to arrive by ? eos O O O B-Train-Inform+Choice O O O O O O O O O O O O O O Train-Request+Arrive +bos just any time after 10:00 , can i get the train id of one of them please ? eos O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O Train-Request+TrainID +bos tr7943 leaves at 11:39 eos O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Leave N/A +bos thank you very much ! 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 have a great day ! eos O O O O O O general-bye +bos i want to find an expensive restaurant in the east side . eos 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 . would you like british , chinese , gastropub , or indian cuisine ? eos O O O B-Restaurant-Inform+Choice O 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 Restaurant-Select +bos book me a table of five for tuesday at 11:30 in one that serves british cuisine . please get me the reference number as well . 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 Restaurant-Request+Ref +bos i was able to successfully book a table for 5 at the grafton hotel restaurant at 11:30 on tuesday , your reference number is 701570fs . eos O 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 B-Booking-Book+Time O B-Booking-Book+Day O O O O B-Booking-Book+Ref O O N/A +bos thank you , i also need 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 O O N/A +bos there are 29 different hotels that fit this request . did you need it in a certain area or did you prefer 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+Price,Hotel-Request+Area +bos yes , i 'd also like it to be expensive and on the east side . 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 it sounds like you 're looking for express by holiday inn cambridge then ! 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 O N/A +bos that would work well what type of hotel is it ? eos O O O O O O O O B-Hotel-Inform+Type O O O Hotel-Request+Type +bos it is a hotel-hotel . its named holiday `` inn '' and i completely understand , it can be confusing . would you like me to book you a room ? eos O O O O B-Hotel-Inform+Type 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 Booking-Inform +bos yes please . i 'll also need information about a taxi service as i wo n't have transportation on this 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 Taxi-Inform +bos what time would you like to leave and arrive for your taxi ? eos O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i need it to pick me up in time to get me to the restaurant before 11:30. can i get a contact number and car type please ? eos 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 O O Hotel-Request+Type,Taxi-Request+Car +bos the car is a black lexus and the contact number is 07421870215. 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 great thanks ! that 's all i need . eos O O O O O O O O O O general-thank +bos thank you for using cambridge towninfo centre . have a great trip ! eos O O O O O O O O O O O O O O general-bye +bos i am looking for a hotel on the west side that gives free wifi . eos O O O O O O O O O B-Hotel-Inform+Area O O O O O O N/A +bos there are four different hotels in that area that offer free wifi , did you have a price range or star rating that 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 N/A +bos i 'd like a zero star hotel that has wifi . eos O O O O O O O O O O O O N/A +bos we do n't have a 0 star hotel that matches your preferences . would you like to try something else ? eos 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 O O O O O general-reqmore +bos sure , let 's look for a 4 star hotel instead . eos O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos i see three matching locations . do you have a particular hotel type or price range 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 O Hotel-Request+Type,Hotel-Request+Price +bos as long as it 's 4 star that 's all i just need one for 5 people for 4 nights starting monday . eos 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 N/A +bos how about the cambridge belfry ? it 's in the cheap price range . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O B-Hotel-Recommend+Price I-Hotel-Recommend+Price O O O O N/A +bos ok , lets give it a try . eos O O O O O O O O O N/A +bos would you like to book the hotel now ? eos O O O O O O O O O O Booking-Inform +bos yes , please book the hotel . eos O O O O O O O O Hotel-Inform +bos i am sorry , that hotel is unavailable for you requested information . would you like to book another 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Stay +bos yes how about 1 night eos O O O O O B-Hotel-Inform+Stay N/A +bos you are booked for 1 night . your reference number is ax7fq3nr . would you like to find a hotel for the other nights ? eos 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 O Booking-Inform +bos yes , where can i find a hotel for 4 nights and 5 people , tuesday through friday ? eos O O O 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 N/A +bos i was able to find you a booking at the cambridge belfy for 5 people tuesday through friday . eos O O O O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+People B-Booking-Book+Day I-Booking-Book+Day I-Booking-Book+Day O N/A +bos that 's ok. i do need to find a moderately priced austrian restaurant though . eos O O O O O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O N/A +bos i apologize , there are no moderately prices austrian restaurants . is there another type of food , or price range i can check for you ? eos O O O O O O B-Restaurant-NoOffer+Price I-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 O O O O Restaurant-Request+Price,Restaurant-Request+Food +bos how about one that serves british food ? get me an area and address if possible . eos O O O O O O B-Restaurant-Inform+Food O O O O O O O O O O O Restaurant-Request+Area,Restaurant-Request+Addr +bos sure , de vere university arms regent street city centre is the address for restaurant one seven eos 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+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos ok , that sounds great . eos O O O O O O O N/A +bos would you like me to make a reservation for restaurant one seven ? eos O O O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name N/A +bos no that 's fine . i 'm good . thank you . eos 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 not right now . thank you for your help . bye . eos O O O O O O O O O O O O O general-bye +bos you 're welcome ! we hope you enjoy your trip ! eos O O O O O O O O O O O O general-welcome,general-bye +bos i need to book a train that leaves cambridge after 17:30. eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Leave N/A +bos there are several trains that leave cambridge after 17:30. can you please tell me your destination so i can find the most appropriate one for you ? eos O O O B-Train-Inform+Choice O O O B-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 O Train-Request+Dest +bos i would like to go to norwich . eos O O O O O O O B-Train-Inform+Dest O N/A +bos there are 49 trains , do you have a preferred day ? eos O O O O B-Train-Inform+Choice O O O O O O O O Train-Request+Day +bos i need to leave on sunday please . eos O O O O O O B-Train-Inform+Day O O N/A +bos tr1975 leaves at 17:36 and arrives by 18:55. 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 yes , what is the travel time and price for that train ? eos 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 and the cost of the ticket is 14.08 pounds . eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos could you also confirm the arrival time ? eos O O O O O O O O O Train-Request+Arrive +bos of course , the arrival time of the train is sunday at 18:55. eos O O O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Arrive 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 welcome . do you need any other information ? eos O O O O O O O O O O O O general-welcome,general-reqmore +bos no , that 'll be all ! eos O O O O O O O O N/A +bos all right , please enjoy your trip ! eos O O O O O O O O O general-bye +bos please i want to book an expensive restaurant . first however help me find a place to go in town . is there a nice 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 B-Attraction-Inform+Type O O O N/A +bos yes there are 5 parks to visit , would you prefer one in the north , south , east , or in town centre ? eos O O O O O B-Attraction-Inform+Choice O O O 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 it does n't really matter , just whatever you recommend . eos O O O O O O O O O O O O N/A +bos milton county park in the north is free and my humble suggestion . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O B-Attraction-Recommend+Fee O O O O O N/A +bos could i please have the postcode and area to milton county park ? eos O O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Post +bos the postcode is cb46az and the area is north . eos O O O O B-Attraction-Inform+Post O O O O B-Attraction-Inform+Area O N/A +bos are there any restaurants that serve romanian food 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 N/A +bos i 'm sorry , there are no romanian restaurants in the centre . care to try a different cuisine ? eos O O 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 Restaurant-Request+Food +bos what about indian food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are 5 restaurants that serve indian food in the centre . any specific price range ? 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 O O O Restaurant-Request+Price +bos any of the restaurants is fine . but , can i get a postcode and price range for the one you choose 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+Post,Restaurant-Request+Price +bos the golden curry is expensive and delicious . the postcode is cb12az . would you like me to make a reservation ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name B-Restaurant-Recommend+Price O O O O O B-Restaurant-Recommend+Post O O O O O O O O O O O Booking-Inform +bos no , thank you . but can you book a taxi from the restaurant to the park ? 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 yes , do you have a time in mind ? eos O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos i just need to be leaving the restaurant by 06:15. eos O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos i have successfully booked you a white audi . would you like their contact number ? eos 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 , i would like their contact number please . eos O O O O O O O O O O O N/A +bos the contact number for the taxi is 07629467335. would you like help with anything else ? eos O O O O O O O O B-Taxi-Inform+Phone O O O O O O O O general-reqmore +bos nope , that 's all i need . thanks a bunch ! 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 hi i am looking for a hotel called limehouse . eos O O O O O O O O O B-Hotel-Inform+Name O N/A +bos limehouse is a moderately priced guesthouse with 4 stars located north of cambridge . their phone number is 01223300552. how else can i assist you today ? 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+Stars O B-Hotel-Inform+Area I-Hotel-Inform+Area I-Hotel-Inform+Area O O O O B-Hotel-Inform+Phone O O O O O O O O O general-reqmore +bos can i book a room starting sunday for 4 nights and seven people ? eos O O O O O O O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O N/A +bos unfortunately i ca n't book that . 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 Booking-NoBook,Booking-Request+Stay,Booking-Request+Day +bos yes , would you try to book it for three nights ? eos O O O O O O O O O O O O O N/A +bos the limehouse has been booked for 7 people for 3 days , starting on sunday . the reference number is qhgualfe . eos O O B-Booking-Book+Name I-Booking-Book+Name 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 N/A +bos thank you . can you book us a train that gets there by 13:15 ? eos O O O O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos yes . i will need to know where you will be departing from and what day you would like to take 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 Train-Request+Day,Train-Request+Depart +bos i am looking to go to cambrige and arrive by 13:15 , and want to go on sunday , it should depart from kings lynn . eos O O O O O O O O O O O B-Train-Inform+Arrive O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O N/A +bos i have a train that leaves kings lynn at 05:11 and arrives in cambridge at 05:58. will that do ? eos O O O O O O 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 N/A +bos that 's okay i guess , but is there any later train ? we 're not early birds . eos O O O O O O O O O O O O O O O O O O O O Train-Inform +bos yes , i recommend train tr1152 that arrived y 12:58 eos O O O O O B-Train-Inform+Id O O O B-Train-Inform+Arrive O N/A +bos that 's much better , thank you . i 'll need tickets for 7. eos O O O O O O O O O O B-Train-Inform+People O O O O N/A +bos great . i have booked 7 tickets for you . the total free is 54.88 gbp and payable at the station . the reference number is 68c4uwdm . 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 N/A +bos thank you so much . i think that did it for today . have a great one ! eos 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 help ! enjoy your stay in cambridge . eos O O O O O O O O O O O O O O general-bye +bos can you assist me with finding a moderately priced restaurant ? eos O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos certainly . we have 31 moderately priced restaurants . is there any particular cuisine you would prefer ? eos 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 Restaurant-Request+Food,general-greet +bos i 'm looking for a place near the center of town that serves european 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 how about the hotel du vin and bistro ? would you like to book a table for this restaurant ? 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 O O O O O O O O O O Booking-Inform +bos yes , that would work . could you make it for sunday at 16:30 for 1. eos O O O O O O O O O O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O O O N/A +bos that booking was unsuccessful , i 'm sorry . is there another day or time that would work ? 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 how about 15:30 ? eos O O O B-Restaurant-Inform+Time O N/A +bos they do indeed have a table at that time . your reference number is 0wbnizlj . 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 . is there a museum in the same area as the restaurant that i could go to ? 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 N/A +bos there are 11 , i would recommend broughton house gallery because it has free admission . eos 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 B-Attraction-Recommend+Fee O O O N/A +bos alright , that sounds good to me . could 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 O O O Attraction-Request+Phone,Attraction-Request+Addr +bos sure , their address is 98 king street , and the phone number is 01223314960. 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 N/A +bos thank you . that is all the information i'l be needing today ! eos O 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 i 'm looking for malaysian food . eos O O O O B-Restaurant-Inform+Food O O O N/A +bos sorry i can not find any malaysian restaurants . can i offer you something else ? 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 asian oriental type of food ? eos O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O N/A +bos there are five search results . are you interested in a particular area or price range ? 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+Price,Restaurant-Request+Area +bos no particular area , but i 'm looking for an expensive restaurant . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O Restaurant-Request+Area +bos there is saigon city at 169 high street chesterton chesterton , phone 01223 356555. 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O N/A +bos is there anything else ? eos O O O O O O N/A +bos there is also kymmoy in the centre of town , at 52 mill road city centre . their phone number is 01223 311911. eos O O O O B-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+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 N/A +bos thank you , goodbye eos O O O O O general-bye +bos thank you , and enjoy your meal ! eos O O O O O O O O O general-bye +bos how about a turkish restaurant ? eos O O O O B-Restaurant-Inform+Food O O N/A +bos there are three turkish restaurants . would you prefer one in the moderate or expensive price range ? 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 B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos moderate price range please eos O B-Restaurant-Inform+Price O O O N/A +bos anatolia is a nice restaurant serving turkish food in the moderate price range . eos O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O N/A +bos are there any other turkish restaurants in that price range ? eos O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos there is also efes restaurant in the moderate price range . it is located in the centre of town . eos O O 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O N/A +bos that sounds lovely . may i have the address and phone number , 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 address is king street city centre , and the phone number is 01223 500005. will there be 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 thank you , goodbye . eos O O O O O O general-bye +bos you 're welcome and thank you for calling us . goodbye . eos 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 schedule ? i need to travel on saturday . eos 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 yes there are several trains leaving saturday . do you have a particular destination or departure time ? 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 Train-Request+Leave,Train-Request+Dest +bos yes , i 'd like the train to leave after 08:30 and i 'm going to cambridge from london kings cross . eos O O O O O O O O O B-Train-Inform+Leave 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 N/A +bos we have several options open to you , do you have a particular time you want to arrive by ? 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 Train-Request+Arrive +bos i 'd like to leave after 08:30. do n't really care about the arrival time eos O O O O O O O O O O O O O O O O N/A +bos how about the one immediately after , at 09:17 ? eos O O O O O O O O B-Train-Inform+Leave O O N/A +bos sounds perfect . can you give the details for that train ? eos O O O O O O O O O O O O O Train-Inform +bos train tr4824 departs from london kings cross at 6:17 and arrives in cambridge at 10:08. would you like to reserve this ? eos 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 O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos how much will it cost ? eos O O O O O O O N/A +bos it is 18.88 pounds per ticket eos O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O N/A +bos okay , thanks . i 'm also looking for a particular restaurant called the cow pizza kitchen and 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 I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O N/A +bos that 's a great restaurant . they serve gastropub food and are located in the centre of town . they are moderately priced . would you like to reserve a table ? eos O O O O O O O B-Restaurant-Inform+Food O O 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 Booking-Inform +bos yes . can you book a table for 5 people at 13:45 on the same day ? i would also like the reference number . 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 O O O O O O Restaurant-Request+Ref +bos absolutely ! your booking was successful and the reference number is sfas5feq . 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 general-reqmore +bos that is all i need 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 general-thank +bos it 's been my pleasure . have a great evening . goodbye . eos O O O O 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 christmas 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 i 'm sorry but there are no restaurants serving christmas food . can i find anything 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 how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos there are three restaurants in the south part of town that serve chinese food . what price range 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Price +bos i dont care eos O O O O N/A +bos i would recommend peking restaurant , which is a nice restaurant in the south . eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O N/A +bos can i have the address of them , also the price range ? eos O O O O O O O O O O O O O O Restaurant-Request+Price,Restaurant-Request+Addr +bos peking restaurant is expensive , its location is at 10 homerton street city centre . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-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 N/A +bos thank you good bye eos O O O O O general-bye +bos enjoy your meal , goodbye . eos O O O O O O O general-bye +bos i am looking for an expensive restaurant in the east part of town . i would like the name 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 O Restaurant-Request+Phone +bos grafton hotel restaurant serves british food in the expensive price range and in the east part of town . and the 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 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 O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos thanks , goodbye . eos 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 restaurant that serves catalan food in any price range . eos O O O O O O O O O B-Restaurant-Inform+Food O O O O O O N/A +bos where would like it to be located ? eos O O O O O O O O O Restaurant-Request+Area +bos it does not matter . eos O O O O O O N/A +bos do you have a certain price range ? eos O O O O O O O O O Restaurant-Request+Price +bos no , i do n't care eos O O O O O O O N/A +bos i 'm sorry , but there are no restaurants serving catalan food . eos O O O O O O O O O O O O O O Restaurant-NoOffer +bos is there a restaurant that serves international food ? can you give me the address ? eos O O O O O O O B-Restaurant-Inform+Food O O O O O O O O O Restaurant-Request+Addr +bos there are three . how about the varsity restaurant , their address is 35 saint andrews street city centre eos 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 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 N/A +bos i will try that one . thank you and good bye . eos O O O O O O O O O O O O O general-bye +bos thank you for calling this system . goodbye . eos O O O O O O O O O O general-bye +bos i am looking for international food anywhere in town . eos O O O O O B-Restaurant-Inform+Food O O O O O N/A +bos there are 3 results for international restaurants . do you care about the price range ? eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Food I-Restaurant-Inform+Food 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 N/A +bos bloomsbury restaurant serves international food and is located at crowne plaza hotel 20 downing street . their phone number is 0871 942 9180. can i help you with anything else ? 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+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 I-Restaurant-Inform+Phone 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 , have a wonderful day ! eos O O O O O O O O O general-bye +bos i need the address and phone number of a restaurant that serves polish . eos O O O O O O O O O O O O O B-Restaurant-Inform+Food O Restaurant-Request+Phone,Restaurant-Request+Addr +bos there 's no resturant serving polish food . do you want something else ? eos O O O O O O O O O O O O O O O Restaurant-NoOffer,general-reqmore +bos ok , how about a thai restaurant ? i want address and phone number . eos 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 bangkok city is a thai restaurant . it 's address is 24 green street city centre and phone number is 01223 354382 eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Food I-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 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 for using the cambridge restaurant system . goodbye . eos O O O O O O 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 golden wok is moderately priced restaurant located in the north part of town . eos O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O B-Restaurant-Inform+Price I-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 O N/A +bos could you please give me their address and postcode ? eos O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos golden wok is located 191 histon road chesterton at and their postcode is c.b 4 , 3 h.l . 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr 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 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 want something that 's moderately priced . any type of food . eos O O O O O B-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Food +bos what area would you like ? eos O O O O O O O Restaurant-Request+Area +bos i would like the north part of town , please . eos O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos golden wok serves chinese food . would you like their address and phone number ? 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 general-reqmore +bos yes i would like their address and phone number eos 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 their phone number is 01223 350688. 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 no , thank you goodbye eos 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 i would like a restaurant in the south part of town that serves greek 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 i am sorry there no restaurants matching what you want . is there 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 how about chinese food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos would you like something in the expensive or cheap price range ? eos O O O O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O N/A +bos cheap , i think . eos O B-Restaurant-Inform+Price O O O O N/A +bos the lucky star serves chinese food , is located in the south part of town and is in the cheap price range . would you like more information for them ? eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name 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 B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price 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 cambridge leisure park clifton way cherry hinton 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 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 goodbye . eos O O O general-bye +bos good bye . eos O O O O general-bye +bos i need a train that leaves this thursday from cambridge to ely . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart O B-Train-Inform+Dest O N/A +bos i have 10 trains to ely thursday , leaving on the :50 every two hours from 05:50 to 23:50. did you have a particular time in mind ? 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 B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O Train-Request+Leave +bos i need to leave after 17:45 so anytime after that would be great . 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 tr7355 from cambridge departing at 17:50 and arriving in ely at 18:07. would this train work for you or would you like a later departure ? eos O O O O B-Train-Inform+Id O B-Train-Inform+Depart 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 O O O O O Train-Request+Leave +bos that 's great . i 'll need 3 tickets , please . eos 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 13.2 gbp payable at the station . reference number is : wdetdx35 . 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 apologize this train is going to broxbourne from cambridge . for 3 people are you able to book that ? eos O O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Depart O O B-Train-Inform+People O O O O O O O O N/A +bos sure , do you still need the train on thursday after 17:45 ? eos O O O O O O O O O B-Train-Select+Day O B-Train-Select+Leave O O N/A +bos yes , that 's broxbourne to cambridge on thursday , leaving after 17:45. eos O O O B-Train-Inform+Dest O B-Train-Inform+Depart O B-Train-Inform+Day O O B-Train-Inform+Leave O O O N/A +bos when would you like to arrive ? eos O O O O O O O O Train-Request+Arrive +bos sorry . i really need to be leaving from cambridge to go to broxbourne , leaving after 17:45 on thursday . arrival time does n't 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 N/A +bos how about tr9890 ? it departs cambridge at 18:01 and arrives in broxbourne at 19:01. it is 17.90 pounds per ticket . would you like to book that one ? 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+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 O Train-OfferBook +bos yes , please . i will need the reference number when you are finished . eos O O O O O O O O O O O O O O O O Train-Request+Ref +bos your booking was a success . the total fee for 3 tickets is 53.70 gbp , payable at the station , and your reference number is tsujxvyu . is there anything else i can do ? 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos no that will do , cheers . eos O O O O O O O O N/A +bos thank you , good bye . eos O O O O O O O general-bye +bos i am looking for interesting places to go in the south part of town . can you help me with that ? 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 N/A +bos i absolutely can ! what type of entertainment are you looking for . there are museums , cinemas , nightclubs , entertainment events , theatres , and parks . 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 I-Attraction-Inform+Type O O O O O O O Attraction-Request+Type,general-greet +bos should be in the type of architecture in the south part of town eos O O O O O O O B-Attraction-Inform+Type O O O O O O N/A +bos sorry , we do n't have any architecture attractions in southern cambridge . can i help you with something different ? 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 O O O O general-reqmore,Attraction-Request+Type +bos how about something with entertainment ? eos O O O O O B-Attraction-Inform+Type O N/A +bos i suggest nusha , unit g6 , cambridge leisure park , clifton road . phone 01223902158 , postcode cb17dy . i 'm not sure if there is an entrance fee another one is tenpin phone 08715501010. eos 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+Phone O B-Attraction-Recommend+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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Name O B-Attraction-Inform+Phone O O O O O O O N/A +bos hey , are there any good museums in town ? eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos we have 23 amazing museums to visit in cambrigde . is there a specific area you will be visiting to help narrow the choices ? 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 O O Attraction-Request+Area +bos i 'd like to stay in the centre area . eos O O O O O O O B-Attraction-Inform+Area O O O N/A +bos how about the broughton house gallery ? it 's a very nice place to visit ! 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 O N/A +bos sounds great ! can i get their address and postcode ? eos O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Addr +bos it is 98 king street post code cb11ln eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Post N/A +bos i am also in need of a train on friday from norwich to cambridge leaving after 19:45. eos O 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 B-Train-Inform+Leave N/A +bos i have the tr5291 leaving at 20:16 , how many tickets would you like ? eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O O O Train-Request+People +bos how long will the trip take and how much will it cost ? eos O O O O O O O O O O O O O O N/A +bos you are looking at 17.60 pounds per ticket and it is a 76 minutes trip . eos O 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 I-Train-Inform+Time N/A +bos okay great . can you book that for me please ? eos O O O O O O O O O O O O N/A +bos sure ! for how many people ? eos O O O O O O O O Train-Request+People +bos you know , nevermind . that will be all for now . thanks so much . goodbye ! eos O O O O O O O O O O O O O O O O O O O general-bye +bos um , ok. please contact our service if there is any other assistance we can provide 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 general-bye +bos i need some recommendations for attractions in cambridge at the centre , what would you suggest ? 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 is there a specific type of attraction you are most interested in ? the centre has many different kinds of attractions from museums to theaters . do you have a preference ? 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 B-Attraction-Inform+Type I-Attraction-Inform+Type O O O O O O Attraction-Request+Type +bos no , i do n't have a preference . may i please have some suggestions ? eos O O O O O O O O O O O O O O O O O N/A +bos if you 're in the mood for boating there is the cambridge punter at 251a chesterton road , or maybe a movie ? the vue cinema is at grafton centre , east road . eos O O O O O O O B-Attraction-Recommend+Type 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 O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O N/A +bos could you also provide me with the postcodes for these establishments ? eos O O O O O O O O O O O O O Attraction-Request+Post +bos yes all saints church is at jesus lane and is free eos 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+Fee N/A +bos i am looking for a swimming pool here in cambridge . eos O O O O O O O O O O O O N/A +bos the parkside pool is located at gonville place . there 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 O O O B-Attraction-Inform+Phone O N/A +bos thank you for the information . 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 yes , please . i need to find a train that leaves birmingham new street and arrives in cambridge by 08: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 B-Train-Inform+Dest O B-Train-Inform+Arrive O N/A +bos there is a train daily that leaves at 05:40 and arrives at 08:23. what day are you planning to travel ? eos 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 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 what time would you like to leave at ? eos O O O O O O O O O O Train-Request+Leave +bos i 'm not very particular about departure time so any train that gets me to cambridge by 08:30 is fine 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 O O N/A +bos what day will you travel ? eos O O O O O O O Train-Request+Day +bos i will travel on friday . eos O O O O O O O N/A +bos okay looks like the best bet for you is the 05:40 train from birmingham that arrives in cambridge on friday at 08:23. eos O O O O O O O O O O O B-Train-Inform+Leave O O B-Train-Inform+Depart O O O B-Train-Inform+Dest O B-Train-Inform+Day O B-Train-Inform+Arrive N/A +bos how long will it take to get to cambridge ? what is the fee ? eos O O O O O O O O O B-Train-Inform+Dest O O O O O O N/A +bos the travel time is 163 minutes . the cost per ticket is 75.10 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 O N/A +bos and can you tell me the train id for that 5:40 train to cambridge ? eos O O O O O O O O O O O O O O B-Train-Inform+Dest O Train-Request+TrainID +bos the train id is tr3888 . is their anything else that you need ? eos O O O O O B-Train-Inform+Id O O O O O O O O O general-reqmore +bos that was all i needed , thanks . goodbye . eos O O O O O O O O O O O general-bye +bos i am sorry , but did you need me to book that train for you ? eos O O O O O O O O O O O O O O O O O Train-OfferBook +bos yes , i am looking for information on train schedules for my upcoming trip . eos O O O O O O O O O O O O O O O O Train-Inform +bos what is your travel destination so i can narrow it down to a useful schedule ? eos O O O O O O O O O O O O O O O O O Train-Request+Dest +bos i 'm trying to go to cambridge . eos O O O O O O B-Train-Inform+Dest O O N/A +bos where will you be departing from ? also , what day will you be traveling ? 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 'll be departing from the stansted airport on monday . eos 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 time were you looking to depart ? eos O O O O O O O O O O Train-Request+Leave +bos does n't matter , as long as i arrived by 12:45. eos O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos i 've found tr5754 leaving stansted airport at 11:24 and arriving in cambridge at 11:52. the price is 10.10 pounds , can i book this for you ? eos O O 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 I-Train-Inform+Dest B-Train-Inform+Arrive O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos no . i do need to find a swimming pool in the west . eos O O O O O O O O O O O O O O O N/A +bos how about parkside pools ? they 're pretty fun . eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O N/A +bos is parkside pools on the west side ? eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O N/A +bos no , it 's located in the centre . eos O O O O O O B-Attraction-Inform+Area O O O N/A +bos that wo n't work then . i need one in the west . eos O O O O O O O O O O O O O O N/A +bos there are no pools in the west , can i run another search for you ? eos O O O O B-Attraction-NoOffer+Type O O B-Attraction-NoOffer+Area O O O O O O O O O N/A +bos how about a museum ? eos O O O O B-Attraction-Inform+Type O N/A +bos there are a few available . i highly suggest cambridge artworks located on 5 greens road . do you need any information ? eos 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 O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O O O O O O N/A +bos thanks for the information , that is all . eos O O O O O O O O O O general-thank +bos can i look up any attractions , taxi or anything else for you ? eos O O 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 so much . 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 . have a good day . eos O O O O O O O O O O O O O general-welcome,general-bye +bos can i please book a train for friday ? eos O O O O O O O O B-Train-Inform+Day O N/A +bos sure , what destination would you like ? eos 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 where will you be leaving from ? eos O O O O O O O O Train-Request+Depart +bos i will be leaving from ely no later then 17:00. eos O O O O O O O O O O O N/A +bos i have a train that leaves at 16:21. would you like a booking ? eos O O O O O O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos yes please can you book me one seat on that train and 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 actually , i believe some incorrect information was entered . i have not trains from ely to leicester on friday after 17:00. let 's verify what you 're looking for . eos O O O O O O O O O O O O O O O B-Train-NoOffer+Depart I-Train-NoOffer+Depart I-Train-NoOffer+Dest B-Train-NoOffer+Day I-Train-NoOffer+Day B-Train-NoOffer+Leave O O O O O O O O O O O general-reqmore +bos sure , i am looking for a train going to leicester that departs from cambridge . it should leave after 10:30 on friday . eos O O O O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Depart O O O O B-Train-Inform+Leave O B-Train-Inform+Day O O O N/A +bos great ! there is the tr8080 leaving cambridge friday at 11:21 and arriving by 13:06 in leicester . is that the one you want booked ? eos O O O O O O B-Train-Inform+Id O B-Train-Inform+Depart B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O B-Train-Inform+Dest O O O O O O O O O Train-OfferBook +bos yes please make the booking for me for one . eos O O O O O O O O O O O N/A +bos ok , you have 1 ticket reserved on tr8080 . the total fee is 37.79gbp , and your reference number is c317wkcr . can i help with anything else today ? eos 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 B-Train-OfferBooked+Ref O O O O O O O O O O O O general-reqmore +bos thanks . i am also looking for a place to go in town . can you recommend your favorite museum ? 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 N/A +bos sure ! i love the cambridge artworks in the east . it 's on 5 greens road and is free admission . would you like their phone number ? eos O O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O O O B-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 general-reqmore +bos yes please and their address . eos O O O O O O O Attraction-Request+Addr +bos their phone number is 01223902168. their address is 5 greens road . eos 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 N/A +bos that was all i needed today , thanks ! eos O O O O O O O O O O general-thank +bos you 're very welcome . have a good visit . eos O O O O O O O O O O O general-welcome,general-bye +bos hi . i 'm looking for a train coming from london liverpool street and arriving by 14:00. 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 B-Train-Inform+Arrive O 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 travelling on thursday . eos O O O O O B-Train-Inform+Day O O N/A +bos there is a train that leaves at 5:39. eos O O O O O O O O B-Train-Inform+Leave N/A +bos that sounds great . can i book one seat for that train ? 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 .reference number is : rqwkodyj . is there anything else i can do to assist ? 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 i 'm also looking for information on a 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 N/A +bos oh yes , downing college . it is located in the centre of town on regent street and it is free to visit . is there anything else i can help with ? eos O O 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 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 O O general-reqmore +bos i need their phone number . eos O O O O O O O Attraction-Request+Phone +bos that phone number is 01223334860. 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 no thanks . that is all i need . goodbye . eos 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-bye +bos hi , i need a train leaving cambridge after 14:30. eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+People O N/A +bos there is a train leaving cambridge for birmingham new street on friday at 15:01 for 75.10 pounds . the trip will take 163 minutes . 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos excellent . can you assist me in booking a ticket ? eos O O O O O O O O O O O O N/A +bos certainly . your reference number is kpfta841 . eos O O O O O O B-Train-OfferBooked+Ref O O N/A +bos wait ... i did n't specify how many people . can i cancel kpfta841 ? eos O O O O O O O O O O O O O O O O N/A +bos sure , how many tickets do you want ? eos O O O O O O O O O O Train-Request+People +bos i need it for 8 people eos O O O O O O O N/A +bos all right sir . i 've booked it for eight people . your reference number is zn7zx8o2 . 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 N/A +bos can you recommend a fun place to visit while i am in town ? eos O O O O O O O O O O O O O O O N/A +bos one of my favorites is in the centre part of town and it 's a museum called scott polar museum . it is free . is that of interest to you ? eos O O O O O O O O B-Attraction-Recommend+Area O O O O O O B-Attraction-Recommend+Type 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 O O O O O O N/A +bos yes could i please get the phone number ? eos O O O O O O O O O O Attraction-Request+Phone +bos sure - their phone number is 01223336540. eos O O O O O O O B-Attraction-Inform+Phone N/A +bos that 's all i need today . eos O O O O O O O O N/A +bos thank and enjoy ! eos 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 thanks for inquiring with us eos O O O O O O general-bye +bos hello ! i 'm looking for a train that will leave on tuesday and arrive by 18:45 , can you help me ? eos O O O O 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 N/A +bos i can definitely assist you , where will you be leaving from and arriving to ? 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 i will be departing cambridge and going to arriving at birmingham new street . 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 N/A +bos the tr3225 leaves at 5:01 and gets to birmingham at 7:44. it costs 75.10 pounds . can i reserve some tickets for you ? 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O Train-OfferBook +bos yes can you book that for 5 people and get me the 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 sure , i have booked it for 5 and the reference number is ugpe47oi . eos O O O O O O O O B-Train-OfferBooked+People O O O O B-Train-OfferBooked+Ref O O N/A +bos thanks . i 'm also looking for an expensive italian restaurant . 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 4 options in the centre and 1 in the south , which would you like more information on ? 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 O O O O O O Restaurant-Select +bos i would like more information about the one in the south please . eos O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos it is frankie and bennys , the are in the expensive range . the address is cambridge leisure park clifton way cherry hinton and they can be reached at 01223412430 eos 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 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 O N/A +bos could i have the reference number , eos O O O O O O O O N/A +bos if you give me your preferred dining time and the number of people in your party , i can go ahead and try 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 Booking-Request+People,Booking-Request+Time,Booking-Inform +bos my preferred dining time is 15:15 , for a party of 5. eos O O O O O O O O O O O O O N/A +bos what day are you wanting the reservation ? eos O O O O O O O O O Booking-Request+Day +bos tuesday same day as the booked train . eos O B-Restaurant-Inform+Day O O O O O O O N/A +bos i 'm sorry but the booking was unsuccessful . would you like to book 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+Time +bos yes , could you try and secure a 14:15 reservation perhaps ? eos O O O O O O O O B-Restaurant-Inform+Time O O O O N/A +bos good news . i was able to book a table for 5 at 14:15. are you ready for the reference number ? eos O O O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time O O O O O O O O N/A +bos i am , thank you . eos O O O O O O O general-thank +bos the reference number for your reservation at frankie and benny 's is pefyupyb . they 'll hold the table for 15 minutes . do you need help with anything else ? eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name 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 thank you so much . you have been very helpful . eos O O O O O O O O O O O O general-thank +bos thank you very much eos O O O O O general-bye +bos hi , do you know of a hotel called finches 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 N/A +bos yes of course . it is rated 4 stars , is located in the west and is in the cheap price range . would you like me to check availability for you ? eos O O O O O O O O B-Hotel-Inform+Stars 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 Booking-Inform +bos sure . i 'd need a room for 8 people , 5 nights starting on 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 booking was successful.reference number is : 6ayraxkh . do you need anything else ? eos O O O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos yes i am looking for a restaurant in the expensive price range that serves italian 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 five great restaurants that match your criteria . i highly recommend caffe uno located in the centre of town . 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 I-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O N/A +bos the restaurant should serve italian food and should be in the expensive price range.the restaurant should be in the south 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 B-Restaurant-Inform+Area N/A +bos my favorite restaurant would fit your criteria . it 's called frankie and bennys . would you like me to make you reservations ? eos 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 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 , 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 ? eos O O O O O O O O O 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 actually dont need a reservation . just 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos they are located cambridge leisure park clifton way cherry hinton , cb17dy . phone : 01223412430. 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 B-Restaurant-Inform+Phone O O O N/A +bos thank you , can i get a taxi as well ? i need to leave the hotel by 16:45 and go the restaurant . 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 N/A +bos okay , i 've booked you a taxi leaving your hotel at 16:45. look for a blue toyota , and if you need to contact them their number is 07524587523. eos O O O O O O O O O O O B-Taxi-Inform+Depart 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 excellent , that 's all the information 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 general-thank +bos you 're welcome ! have a wonderful day . eos O O O O O O O O O O general-welcome +bos hi , i 'm looking for a cheap place to sleep , please . eos O O O O O O B-Hotel-Inform+Price O O O O O O O O N/A +bos what area of cambridge will you be staying in ? we have multiple hotels to choose from . eos O O O O O O O O O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O Hotel-Request+Area +bos it does n't matter , should be cheap and has four stars . eos O O O O O O B-Hotel-Inform+Price O O O O O O O N/A +bos you 're in luck , i have 6 guesthouses and 2 hotels that are cheap with a 4 star rating . would you be interested in booking a room ? eos O O O O O O O O O O B-Hotel-Inform+Choice 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 Booking-Inform,Hotel-Select +bos yes , but the place needs to have free wifi as well . eos O B-Hotel-Inform+Internet O O O O O O O O O O O O N/A +bos i would recommend the four-star alexander bed and breakfast . it is a cheap offering in the centre and it has wifi . 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+Price O O O B-Hotel-Recommend+Area O O O O O Hotel-Recommend+Internet +bos do they have free parking ? eos O O O O O O O Hotel-Request+Parking +bos they do , they are located in the centre . would you like me to make you a reservation ? 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 Booking-Inform,Hotel-Inform+Parking +bos yes , i am ready for a reservation . eos O O O O O O O O O O N/A +bos i will just need number of people staying and number of nights and your arrival date . eos 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 the address of the hotel . eos O O O O O O O O O O O O Hotel-Request+Addr +bos their address is 56 saint barnabas road . anything else i can help 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 general-reqmore +bos i looking as well for a restaurant , in the same price range as the hotel . located in the centre . 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 there are 15 different restaurants that meet that criteria , is there a type of food you 're interested in to 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 O O O O O Restaurant-Request+Food +bos pick one for me and book for 2 people at 12:00 on wednesday . eos O O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O N/A +bos charlie chan is a nice place i will book it for you eos O B-Booking-Inform+Name I-Booking-Inform+Name O O O O O O O O O O N/A +bos i 'm looking for a jamaican restaurant in the east . eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos there are no jamaican restaurants in the east . would you like to try another food type or area ? 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 Restaurant-Request+Area,Restaurant-Request+Food +bos i 'm looking for a place that serves jamaican food in the east . if not , italian will do . eos 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 N/A +bos there is one italian place in the east , pizza hut fen ditton . eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O B-Restaurant-Inform+Area B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos ok , i 'd like to make a reservation there . eos O O O O O O O O O O O O N/A +bos i can do that for you , i just need details such as day , time , and the size of 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+Time,Booking-Request+Day,Booking-Request+People,Booking-Inform +bos i need a table for 7 at 14:45 on friday . 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 i booked you a table for 7 on friday at 14:45 at pizza hut fen ditton , reference : 9z2kfxmm . can i assist you further today ? 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 I-Booking-Book+Name I-Booking-Book+Name O B-Booking-Book+Ref O O O O O O O O O O general-reqmore +bos yes please , i need a place to stay . preferably a cheaply priced guesthouse in the same area as the restaurant eos O O O O O O 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 can help you book allenbell guesthous eos O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name N/A +bos that would be great . eos O O O O O O N/A +bos okay , what day would you like me to book the reservation for and for how long ? how many people should i make 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 O O O Booking-Request+People,Booking-Request+Day,Booking-Request+Stay +bos i would like to book it on the same day as the other reservation , for the same amount of people , for 3 nights . can i 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 O B-Hotel-Inform+Stay O O O O O O O O O O N/A +bos i was able to book it , reference number is g9crg6ek . eos O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i 'd also like to get a taxi from the hotel to pizza hut , to get 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 Taxi-Inform,Hotel-Inform +bos booking completed ! booked car type : blue volkswagencontact number : 07925311129can 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 that 's it , thank you so much ! eos 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 i need a place to eat 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 a lot of restaurants to choose from in the centre , what type of food do you want to eat ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O B-Restaurant-Inform+Area O O O O O O O O O O O Restaurant-Request+Food +bos can you please search for indian food . eos O O O O O O O B-Restaurant-Inform+Food O N/A +bos i have many choices in the city center . are you looking for something expensive or cheap ? 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 B-Restaurant-Select+Price I-Restaurant-Select+Price O N/A +bos i want something expensive . eos O O O O B-Restaurant-Inform+Price O N/A +bos how about curry garden on regent street ? eos O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Addr I-Restaurant-Recommend+Addr O N/A +bos that would be fine . i would like reservations on wednesday for 3 people at 18:15. eos O 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 N/A +bos the curry garden will be expecting your party on wednesday at 18:15. your reference is 925w0ze2 . is there anything else i can do for you today ? eos O O B-Booking-Book+Name I-Booking-Book+Name I-Booking-Book+Name O O O O O B-Booking-Book+Day I-Booking-Book+Day 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 yes . i also need a 4 star hotel . eos O O O O O O O B-Hotel-Inform+Stars O O O N/A +bos there are 21 4 star options . do you need internet or parking ? eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Stars O O O O O O O O O Hotel-Request+Parking,Hotel-Request+Internet +bos parking does n't matter , but i want 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 N/A +bos there are two 4 star choices in the centre . a cheap guesthouse as well as an expensive hotel . would you like to book one today ? eos O O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O B-Hotel-Inform+Area O O O O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O O Booking-Inform,Hotel-Select +bos i 'll like a hotel with free internet eos O O O O O O O O O Hotel-Request+Internet +bos i have two results for you . do you prefer a guesthouse or a hotel eos O O O O B-Hotel-Inform+Choice O O O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type N/A +bos either will do - which place do you think is better ? eos O O O O O O O O O O O O O N/A +bos i would recommend university arms hotel . 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 O O O O O O O O O O O Booking-Inform +bos 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 ? eos O O O O O O O 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+Internet,Hotel-Request+Type,Hotel-Request+Addr +bos it does have free parking . it is a hotel . the address is regent street , post code cb21ad . would you like me to make a reservation ? eos O O O O O O O O O B-Hotel-Inform+Type O O O 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 Booking-Inform,Hotel-Inform+Parking +bos yes , please make a reservation for 3 people . eos O O O O O O O O O O O N/A +bos when will you be arriving and how many rooms ? eos O O O O O O O O O O O Booking-Request+People,Booking-Request+Day +bos i actually do n't need a booking at this time . i have everything i need . 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 general-bye +bos glad to be of help . 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 moderately-priced place to stay . i do n't care about parking . eos O O O O B-Hotel-Inform+Price O O O O O O O O O O O N/A +bos was there a particular section of town you were looking for ? eos O O O O O O O O O O O O O Hotel-Request+Area +bos no , as long as it is a hotel and not a guest house . it also needs to have free wifi please . 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 N/A +bos ok , i 'm showing three hotels in the moderate price range with free internet . i suggest the lovell lodge in the north . eos O O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Price I-Hotel-Inform+Price 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 Hotel-Inform+Internet +bos i request you to book it for 6 people and 2 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 N/A +bos booking was successful . reference number is : pf88wyiu.is there anything you want me to do ? 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 was that the lovell lodge that was booked ? eos O O O O O O O O O O N/A +bos yes it was , can i assist with anything else ? eos O O O O O O O O O O O O general-reqmore +bos yes , i also need to book a train to cambridge as well . eos O O O O O O O O O O B-Train-Inform+Dest O O O 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 traveling on friday from london liverpool street to cambridge . 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 N/A +bos ok , we have ten trains that day , any time in mind ? eos O O O O O B-Train-Inform+Choice B-Train-Inform+Day I-Train-Inform+Day O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to leave after 15:30. i will need to book for 6 people . eos O O O O O O O B-Train-Inform+Leave O O O O O O O B-Train-Inform+People O N/A +bos i 've got you all booked ! you have 6 tickets on the tr9802 for a total of 99.60 gbp and you can pay at the train station . anything else ? eos O O O O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 can i get the reference number please ? i think that that will be 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 O O O O O O O general-thank +bos i will get that number for you now . eos O O O O O O O O O O general-welcome +bos i just need the reff number for the train you booked . same group of people will be needing tickets . 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 of course . the reference number is fae4oimm . can i help you with anything else today ? eos O O O O O O O B-Train-Inform+Ref O O O O O O O O O O O general-reqmore +bos no , i think that 's everything for now . thank you . eos O O O O O O O O O O O O O O general-thank +bos welcome anytime you wish to inquire anything eos O O O O O O O O general-welcome +bos can you get me the address to every hotel in the north . thank you eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O N/A +bos there is only one hotel in the north area and its address is 365 milton road . eos 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+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr N/A +bos thanks for your help , that 's all i needed . 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 you are welcome any time you need us eos O O O O O O O O O general-welcome +bos thanks alot , you are great eos O O O O O O O general-thank +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 can you tell me about a particular hotel called the avalon ? eos O O O O O O O O O O O B-Hotel-Inform+Name O N/A +bos the avalon is a 4 star hotel in north cambridge that is in the moderate price range . would you like their phone number ? eos O O B-Hotel-Inform+Name O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type 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 actually , could you book a room for me ? i need it for 2 people , 5 nights . we 'll arrive on wednesday . 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 B-Hotel-Inform+Day O O O O O O N/A +bos booking was successful . reference number is : dyamg2cy . 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 general-reqmore +bos yes , could you help me find a nice place to dine in the north . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos we have many fine places in the north . i personally recommend the city stop . 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 N/A +bos do any of these places serve vietnamese food ? eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos unfortunately , there are no results . would you like me to search a different area 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 Restaurant-Request+Food,Restaurant-NoOffer +bos can you please try french food instead ? eos O O O O O B-Restaurant-Inform+Food O O O N/A +bos two two is an expensive french restaurant in the north with wonderful food . would you like to book a table ? 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 O O O O O Booking-Inform +bos yes please for two people at 16:15 on wednesday please if its not too much trouble . eos 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 i have made your reservation at restaurant two two . your reference number is vivbn8wu . eos 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 O N/A +bos thats all for today thanks ! eos O O O O O O O general-thank +bos okay , you are very welcome ! goodbye ! eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a hotel called kirkwood house eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos good day ! the kirkwood house is a guesthouse type hotel in the northern area located at 172 chesterton road and can be reached at the telephone number 01223306283. eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Type O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr O O O O O O O O B-Hotel-Inform+Phone O N/A +bos lovely , i would like to book it for 3 people for 3 nights starting wednesday please . eos 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 your booking was successful . the reference number is : hogurfvc . is there anything i can do to assist 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 general-reqmore +bos i am looking for an expensive portuguese restaurant . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm so sorry but the only expensive portuguese restaurants in cambridge are in the south or the north . can i interest you in one of those ? eos O O 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O Restaurant-Select +bos no , i would like it to be in the centre . are there any indian restaurants ? eos 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 N/A +bos there are nine indian restaurants located in the centre . do you prefer the cheap or expensive price range ? eos O O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O O O O O B-Restaurant-Select+Price I-Restaurant-Select+Price O O O N/A +bos i 'd still prefer to keep it in the expensive price range if possible eos O O O O O O O O O B-Restaurant-Inform+Price O O O O O N/A +bos the curry garden is an restaurant that serves indian food and is expensive . do you need more information ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Price O O O O O O O general-reqmore +bos no . i am interested in a booking for the same number of people on the same day at 16:00. three people on wednesday . 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 B-Restaurant-Inform+Day O O N/A +bos i just need to verify you want reservations for curry garden on wednesday at 16:00 for 3. is this correct ? eos O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O B-Booking-Inform+Day O B-Booking-Inform+Time O O B-Booking-Inform+People O O O N/A +bos yes , that is correct , i also need a reference number . eos O 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 : 5i58piaf . eos O O O O O O O O O O O B-Booking-Book+Ref O O O N/A +bos i need a ride to and from too please . i 'll need the car type and contact 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 Taxi-Request+Car +bos i have you booked , it is a red skoda , and their contact number is 07654958817 any other questions ? 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 I-Taxi-Inform+Phone O O O O O general-reqmore +bos thanks for all of your help , you 've been great ! eos O O O O O O O O O O O O O general-thank +bos it 's my pleasure ! have a wonderful time ! eos O O O O O O O O O O O general-bye +bos i will be traveling to cambridge and would like to dine on the west side . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos okay , cool ! what type of food are you in the mood for ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Food,general-greet +bos i am looking for expensive brutish food . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos i have two places . would you like me to book one ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O Booking-Inform +bos no . i would like you to choose one and then please 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos the graffiti is located at hotel felix whitehouse lane huntington road postcode cb301x . the phone number is 01223277977. 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 I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O N/A +bos thanks . i am also looking for a place to stay . i prefer a guest house 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 N/A +bos i 'd recommend hobsons house . it 's moderately priced and has free wifi and parking . would you like 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 N/A +bos no thanks , i 'm just looking for information right now . i think i have everything 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 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 actually , can you tell me if the hobsons house is 4 star rated ? if it is , i would also need the address please . 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 O O O O O O O N/A +bos it is 3 star rated . would you prefer 4 stars ? eos O O O O B-Hotel-Inform+Stars O O O O O O O O Hotel-Request+Stars +bos yes , i 'm looking for a 4 star rated guesthouse in the west with free parking . eos O B-Hotel-Inform+Parking O O O O O B-Hotel-Inform+Stars O O O O O O O O O O O N/A +bos finches bed and breakfast will fit your needs . would you like to book a room ? 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 Booking-Inform +bos i just need the info for the place . what is its address ? as well as its 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,Hotel-Request+Addr +bos it is pretty cheap . also the address is 144 thornton road . eos 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 N/A +bos i need a taxi from the restaurant eos O O O O O O O O Restaurant-Inform,Taxi-Inform +bos ok , are you looking for a taxi from the restaurant to the hotel ? what day 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+Depart,Taxi-Request+Leave,Taxi-Request+Dest +bos yes . the taxi should leave the restaurant by 20:00 eos O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos in order to book a taxi i need time of travel , arrival location and the departure location . 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,Taxi-Request+Dest +bos i need the restaurant by 20:00 and head for the hotel . eos O O O O O O B-Taxi-Inform+Leave O O O O O O N/A +bos a yellow lexus will pick you up at grafitti at 20:00 to take you to finches bed and breakfast . your driver can be contacted at 07239643979 eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O B-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 O B-Taxi-Inform+Phone O N/A +bos perfect . thank you so much . that 's all for today eos O O O O O O O O O O O O O general-thank +bos thank you so much for calling . 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 general-welcome,general-bye,general-greet +bos i am looking for a train going to cambridge leaving on wednesday . eos O O O O O O O O O B-Train-Inform+Dest O O B-Train-Inform+Day O N/A +bos tr5725 from london kings cross to cambridge wednesday leaving at 05:17. does that 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 B-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos it really needs to depart from norwich so i can arrive by 13:15 eos O O O O O O O B-Train-Inform+Depart O O O O O B-Train-Inform+Arrive N/A +bos certainly , you can leave norwich wednesday at 10:16 and arrive by 11:35 , or leave at 11:16 and arrive by 12:35. which would you like ? eos O O O O O B-Train-Inform+Depart 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 Train-Select +bos i 'll take 5 tickets on the 11:16 , please . any may i have the reference number ? eos 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 was able to book that . the reference number is by848b54 . 88 gbp is payable at the station . eos O O O O O O O O O O O B-Train-OfferBooked+Ref O B-Train-OfferBooked+Ticket I-Train-OfferBooked+Ticket O O O O O O O N/A +bos thanks ! i 'm also looking for a place to dine in the center that 's cheap . 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 there are fifteen cheap locations in the centre of town , do you know what kind of food you 're looking for ? 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 O O O O O Restaurant-Request+Food +bos nah , i 'm not picky . surprise me . i will need a phone number , address , and postcode , 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 Restaurant-Request+Post,Restaurant-Request+Phone,Restaurant-Request+Addr +bos alright , lets give zizzi cambridge a shot , their phone number is 01223365599 , their postcode is cb21ab , and their address is 47-53 regent street . eos O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O 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 O O O O O N/A +bos great thank you i think i have all i need 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 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 of course . may i suggest meghna , an indian restaurant ? eos O O O O O O B-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O O N/A +bos not really wanting indian today . anything else ? eos O O O O O O O O O O N/A +bos there is also an italian and british restaurant . would you prefer one of these ? eos O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O general-reqmore +bos could i have the address and phone number for the british restaurant ? 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 saint johns chop house serves british food , is located in the west part of town and is in the moderate price range . their phone number is 01223 353110 and they are located at 21 - 24 northampton street 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 O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O 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 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 and also postcode please eos O O O O O N/A +bos their 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 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 'd like a moderately priced restaurant in the east part of town . eos O O O O B-Restaurant-Inform+Price O O O O B-Restaurant-Inform+Area O O O O O N/A +bos there are 3 restaurants in the moderate price range and on the east part of town . would you like indian or italian 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-Inform+Area O O O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos i do n't have a preference . either one is fine . eos O O O O O O O O O O O O O N/A +bos rajmahal is a moderately priced indian restaurant in the east part of town . would you like more information ? 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 general-reqmore +bos yes please . can i have the address , phone number and postcode ? eos O O O O O O O O O O O O O O O Restaurant-Request+Phone +bos here is the information you asked for . phone is 01223 244955 and address is at 7 barnwell road fen ditton , c.b 5 , 8 r.g . is there anything else i can help you with today ? eos O O O O O 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 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 general-reqmore +bos no , thank you . eos O O O O O O general-thank +bos your welcome good bye eos O O O O O general-welcome,general-bye +bos are there any cheap restaurants in the south part of town ? eos O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Area O O O O N/A +bos there are two choices in the south area serving cheap food . do you prefer portuguese or chinese ? 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 B-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos i do not have a preference . eos O O O O O O O O N/A +bos nandos is the portuguese place , and the lucky star is chinese . would you like more information on one or both of those ? eos 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+Food O O O O O O O O O O O O O general-reqmore +bos please give me the address and phone number for nandos . eos O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos nandos is located at cambridge leisure park clifton way and their number is 01223 327908. is there anything else i can do for you today ? eos 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone 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 for choosing our system . good bye eos O O O O O O O O O O general-bye +bos i am looking for a restaurant with vegetarian food . eos O O O O O O O O B-Restaurant-Inform+Food O O N/A +bos what area of town are you looking for ? eos O O O O O O O O O O Restaurant-Request+Area +bos any area of town would be fine . eos O O O O O O O O O N/A +bos there are no restaurants serving vegetarian food . eos O O O O O O O O O Restaurant-NoOffer +bos how about european food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos would you prefer european or modern european food ? eos O O O O O O B-Restaurant-Select+Food I-Restaurant-Select+Food I-Restaurant-Select+Food O N/A +bos european , please . eos O O O O O N/A +bos there are ten results . do you have a price range preference ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Price +bos no i do not eos O O O O O N/A +bos cambridge lodge restaurant serves european food and is the expensive price range . eos 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+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 cambridge lodge hotel 139 huntingdon road city centre , postcode c.b 3 , 0 d.q , phone is 01223 355166 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+Post I-Restaurant-Inform+Post I-Restaurant-Inform+Post O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O 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 i am looking for a place called cherry hinton water play 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 N/A +bos it 's located on cherry hinton hall , cherry hinton road , cb18dw . their phone number is 01223446100. will that be all ? 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 B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos i also need their postcode . eos O O O O O O O Attraction-Request+Post +bos the postcode is cb18dw eos O O O O B-Attraction-Inform+Post N/A +bos i 'm also looking for a restaurant . do you have anything cheap that serves indian 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 yes , we have cheap indian restaurants in both the centre and northern parts of town . do you have any preferences ? eos O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food 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 O O O O O O O Restaurant-Select +bos can you suggest one thats in the north ? i would just need the name and address please . thanks . 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 Restaurant-Request+Addr +bos how does royal spice sound ? they 're on victoria avenue in chesterton . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O B-Restaurant-Inform+Area O O O N/A +bos i would need a taxi to travel to cherry hinton water play from the restaurant . 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 O O O O N/A +bos what time do you need that taxi ? eos O O O O O O O O O Taxi-Request+Leave +bos i want to leave royal spice by 11:45 please eos O O O O O O O O B-Taxi-Inform+Leave O N/A +bos a blue tesla will pick you at 11:45 from royal spice . there contact number is 07346133095. is there anything else i can help you with ? eos O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O B-Taxi-Inform+Leave O B-Taxi-Inform+Depart I-Taxi-Inform+Depart O O 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 today . thank you . 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 hello , i am looking for a restaurant in the centre of town that serves indonesian 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 my apologies , but there does n't seem to be any restaurants matching 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 O O O O O Restaurant-NoOffer,general-reqmore +bos oh , well how about european food then ? also in the centre of town please . eos O O O O O B-Restaurant-Inform+Food O O O O O B-Restaurant-Inform+Area O O O O O O N/A +bos there are 8 listings meeting your criteria . do you have a preference on the 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 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 darrys cookhouse and wine shop is in the centre of town and serves modern european food . 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 B-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 may i have the phone number and postcode ? eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the phone number for darrys cookhouse and wine shop is 01223 505015 and the postcode is c.b 1 , 1 l.n . 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 I-Restaurant-Inform+Name 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 general-reqmore +bos no , that 's all 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 welcome . thank you for using this system . eos O O O O O O O O O O O O general-welcome +bos thank you goodbye . eos O O O O O general-bye +bos goodbye eos O O general-bye +bos i want to find a restaurant in the centre part of town and serves barbeque food . if not then how about modern european food ? eos 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O N/A +bos there are four venues serving modern european food in the centre of town . what price range do you want ? eos O O O B-Restaurant-Inform+Choice 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 Restaurant-Request+Price +bos i want the most expensive one available . eos O O O O O B-Restaurant-Inform+Price O O O N/A +bos darrys cookhouse and wine shop is the most expensive modern european restaurant . 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 B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O N/A +bos what is the address ? eos O O O O O O Restaurant-Request+Addr +bos darrys cookhouse and wine shop 's address is 40270 king street city centre . 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+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O N/A +bos hello , i am looking for a moderately priced restaurant on the west 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 meghna , is in the west part of town and in the moderate price range . eos O B-Restaurant-Inform+Name 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 anything else ? can i have the address and phone number 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 okay , meghna 's phone number is 01223 727410 and they are located at 205 victoria road chesterton . is there anything else i can do for you ? eos O O B-Restaurant-Inform+Name 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 O O O O O O general-reqmore +bos are there any other restaurants in that price range and part of town ? eos O O O O O O O O O O O O O O O Restaurant-Inform +bos yes , prezzo serving italian food , and saint johns chop house serving british food are also in the west part of town . eos 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+Food O O O O B-Restaurant-Inform+Area 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos thier address is 21 - 24 northampton road and phone number is 01799 521260 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 B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone N/A +bos thank you goodbye . eos O O O O O general-bye +bos i hope you enjoy saint johns chop house . goodbye . eos O O O O O O O O O O O O general-bye +bos hi , i am looking for information on places to go in town please . eos O O O O O O O O O O O O O O O O N/A +bos do you have preferences in the attraction type ? eos O O O O O O O O O O Attraction-Request+Type +bos one that offers all indoor games eos O O O O O O O N/A +bos the cherry hinton village centre offers multiple sports . would you like the phone number or address ? 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 I-Attraction-Inform+Type O O O O O O O O O O N/A +bos are they are in the centre of town ? if so , do they have an entrance fee ? 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 O O O O O O O O O Attraction-Request+Fee +bos it is located in the east of town but there is no entrance fee listed . eos O O O O 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 N/A +bos are there any colleges 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 i have many , would you mind a entrance fee ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O Attraction-Request+Price +bos what 's the postcode and entrance fee , if any , for your favorite one ? 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 christ 's college is on saint andrew 's street , postcode cb23bu and has no admission fee eos 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+Post I-Attraction-Recommend+Post O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O N/A +bos i 'm also looking for a cheap chinese place to eat at . 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 three cheap chinese restaurants in the city centre . i suggest the rice house as it 's closest to the college . would you like me to make a booking ? eos O O O 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 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 Booking-Inform +bos no , thank you . i need to consult with my friends first . can you please 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 O O O O Restaurant-Request+Phone +bos yes . their phone number is 01223367755. eos O O O O O O B-Restaurant-Inform+Phone O N/A +bos great i also need a taxi that will leave the attraction by 16:15 eos O O O O O O O O O O O O O B-Taxi-Inform+Leave N/A +bos okay all i need is your destination . eos O O O O O O O O O Taxi-Request+Dest +bos it will be going to the chinese restaurant your booked . eos O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos a black audi will pick you up , contact number is 07658935119 , as your taxi . is that all you need today ? eos 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 yes , that 's it . thank you for all your help today . goodbye . eos O O O O O O O O O O O O O O O O O general-bye +bos goodbye . enjoy your meal . any further questions feel free to contact us again . 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 college to visit in the centre of town . eos O O O O O O B-Attraction-Inform+Type O O O O B-Attraction-Inform+Area O O O N/A +bos ok , there are 13 in that area . some have an entrance fee . eos O O O O O O O O O O O O O O O O N/A +bos can you recommend one please ? eos O O O O O O O N/A +bos downing college is very nice and they have no entrance fee . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee I-Attraction-Inform+Fee N/A +bos yes , i will choose that . can you give me the postcode , phone number , and address for downing college ? thanks 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 O O O O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos postcode cn21dq , phone 01223334860 , and address is on regent street . enjoy ! eos O O B-Attraction-Inform+Post O B-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O general-bye +bos hello , i would like some information about a restaurant in cambridge called bedouin . can you find out if they are taking reservations for me ? 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 O O O O O O N/A +bos that is an african restaurant in the center of town . it is in the expensive price range .any other information you need ? 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 B-Restaurant-Inform+Price O O O O O O O O O N/A +bos can i have 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 for bedouin is 100 mill road city centre . the post code is cb12bd . is there anything else i can help you with ? 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 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 actually need some places to go in the centre area . eos O O O O O O O O O O B-Attraction-Inform+Area O O Restaurant-Request+Area +bos there are many options for attractions in the centre area , are you interested in architecture , colleges , boating , theatres or museums ? eos 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 B-Attraction-Select+Type I-Attraction-Select+Type O O O O N/A +bos i am interested in colleges eos O O O O O B-Attraction-Inform+Type N/A +bos how about christ 's college ? eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos that would be fine . can i get the address and phone number . eos O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos sure the address is saint andrew 's street and the phone number is 01223334900. 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+Phone O N/A +bos thank you for your help ! 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 am looking for a persian restaurant with expensive price range food . eos O O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Price O O O O N/A +bos unfortunately i ca n't find any matching records . could you like to try any other food type ? 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 oh , how disappointing . there are no expensive persian restaurants in the center of town ? 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 no , i am afraid i have no listing for one . would you like to try another area or pricerange ? 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+Price,Restaurant-Request+Area,Restaurant-NoOffer +bos is there a italian restaurant in the centre of town in the expensive range ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O O O B-Restaurant-Inform+Price O O N/A +bos yes there are 4 italian restuarants that are expensive in the centre of town . stazione , clowns cafe , don pasquale pizzaria , and cafe uno . would you like a reservation ? eos O O O O O 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 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 i 've heard good things about clowns cafe . do you have the address ? eos O O O O O O O O O O O O O O O O Restaurant-Request+Addr +bos clowns cafe is located at 54 king street city centre . 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 N/A +bos do you know of any nightclubs in the area ? eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos there are 5 in that area : ballare , club salsa , kambar , soul tree nightclub , and the fez club . would you like more information about 1 of these ? eos O 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 O O O O O O O O O O O O O O O Attraction-Select,general-reqmore +bos all of those sound great . can you recommend one and just give me the postcode 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+Post,Attraction-Request+Fee +bos the ballare is perfect . cb23na is the postcode and the entrance fee is 5 pounds . eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Post O O O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O N/A +bos thanks . now can you have a taxi take me from the restaurant to ballare ? i want to leave after 18:30. i 'll need car type and contact number too . 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 O Taxi-Request+Car +bos booking completed ! booked car type : black hondacontact number : 07608331864 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 O O O O O O O O O O O O general-reqmore +bos 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 . eos O O O O O O O O O O O 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 have you leaving by that time in the black honda . may i help 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 O O general-reqmore +bos that is all i needed . thanks 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 safe trip . eos O O O O O O O O O O general-welcome,general-bye +bos hi , i would like some suggestions for entertainment venues to visit in the south 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 N/A +bos there are many in the south can i ask what type you are looking for ? eos 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 there is no specific type of venue . but i would like 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 O O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Addr +bos okay . there is a nusha and tenpin venue . which do you prefer ? eos O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O Attraction-Select +bos i think i would like to try nusha . eos O O O O O O O O B-Attraction-Inform+Name O N/A +bos great choice . it 's located at unit g6 , cambridge leisure park , clifton road and their phone number is 01223902158. would you like help with anything else today ? 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 O B-Attraction-Inform+Phone O O O O O O O O O O O O O general-reqmore +bos yes , how about a place to eat ? indonesian food would be perfect and in the same area as nusha please . 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 unfortunately i ca n't find any indonesian restaurants in the area . what about another 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 Restaurant-Request+Food +bos chinese food would work . eos O B-Restaurant-Inform+Food O O O O N/A +bos the peking restaurant is a nice place . do you need reservations ? eos 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 . i need it to be for 8 people at 12:30 on friday . 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 booking was successful . the table will be reserved for 15 minutes . reference number is : tjbm7lph.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 general-reqmore +bos thank you ! that 's all i needed . 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 hi , are there any fusion restaurants on the westside ? 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 there no fusion restaurants in the west would you like to try another area ? eos 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 Restaurant-Request+Area +bos let 's try for vietnamese food instead in that same area . eos O O O O B-Restaurant-Inform+Food O O O O O O O O N/A +bos the thanh binh is the only restaurant with that cusine in the south . would you like a reservation ? eos O O B-Restaurant-Inform+Name I-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 O O O O O O O Booking-Inform +bos yes that is fine please make reservations for 3 people at 18:15 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 N/A +bos i 'm sorry that information was incorrect . thanh binh is located in the west . do you still want to book ? 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 Booking-Inform +bos yes for 3 people at 18:15 on a wednesday . eos O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O B-Restaurant-Inform+Day O N/A +bos great , booking was successful . the table will be reserved for 15 minutes.reference number is : g29kxrkt . 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 . can you tell me a little about castle galleries ? eos 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 located at unit su43 , grande arcade , saint andrews street , and their postcode is cb23bj 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 N/A +bos what kind of attraction is it ? eos O O O O O O O O Attraction-Inform +bos they are a museum and the entrance fee is free . do you need help with something else ? eos O O O O B-Attraction-Inform+Type O O O O O B-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos yes please . get me their phone number eos O O O O O O O O O Attraction-Request+Phone +bos certainly ! their phone number is 01223307402. eos O O O O O O B-Attraction-Inform+Phone O N/A +bos thank you for the information . eos O O O O O O O general-thank +bos that will be all , thanks ! eos O O 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 chiquito restaurant bar is an expensive restaurant on the south part of town . would you like the phone number ? 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 B-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O general-reqmore +bos is there anything else ? eos O O O O O O N/A +bos peking restaurant is a chinese restaurant located in the south part of town and is expensive price range . do you need any additional information ? eos O B-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 I-Restaurant-Inform+Area O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O N/A +bos i need the address . eos O O O O O O Restaurant-Request+Addr +bos peking is at 10 homerton street city centre . do you need their phone number ? 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 I-Restaurant-Inform+Addr O O O O O O O general-reqmore +bos no . this is it . thank you so much eos O 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 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 i recommend golden wok . it is in the north part of town with a moderate price range . eos O O 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 B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O N/A +bos yes , i am looking for a moderately priced restaurant in the north 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 i recommend golden wok . it is in the north part of town with a moderate price range . eos O O 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 B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O N/A +bos i do n't want golden wok , is there anything else ? eos O O O O O O O O O O O O O N/A +bos yes , your other option is the nirala . it serves indian food and is also located in the north part of town . eos O O O 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 O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O N/A +bos okay . what is their phone number ? eos O O O O O O O O O Restaurant-Request+Phone +bos the phone number is 01223 360966. 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 , enjoy your meal . eos O O O O O O O O general-bye +bos i am looking for a place to stay . it should be a 4 star and expensive eos O O O O O O O O O O O O O O O B-Hotel-Inform+Stars O B-Hotel-Inform+Price N/A +bos there are 2 4 star hotels in the area . huntington marriott hotel in the west and university arms hotel in the centre . eos O 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 O B-Hotel-Inform+Area I-Hotel-Inform+Area O N/A +bos i was hoping for something in the east with free wifi . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos there are no hotels meeting these requirements . eos O O O O O O O O O Hotel-NoOffer +bos okay , can you check for one that falls in the cheap 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 i have 3 guesthouses in the cheap price range , allenbell , autumn house and leverton house . would you be interested in one of these ? 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 B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O O O O O O Hotel-Select +bos sure , i would like autumn house and i need to book it for 8 people , 5 nights , and the stay starting on wednesday please . 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 O O O O B-Hotel-Inform+Day O O O O O N/A +bos okay your booking was successful ! your reference number is kdftbeww . 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 am looking for places to visit near my hotel . any recommendations ? eos O O O O O O O O O O O O O O O O O Hotel-Inform +bos if you like museums , then i recommend cambridge artworks . it is free to enter . eos O O O O B-Attraction-Recommend+Type O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O O O O N/A +bos great , can you please provide the address . eos 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 that is all i need today , thank you . eos 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-welcome +bos thank you . goodbye ! eos 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-welcome,general-bye +bos i need to find a hotel to stay at that has a 4 star rating and includes 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 O N/A +bos i have many options for you ! is there a certain area you need , or a certain price range ? 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,Hotel-Request+Price +bos i would like to stay in the north area and i have a moderate price range . do you think you can help me ? eos O O 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 O N/A +bos i have many options . do you have a preference for parking ? eos O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Parking +bos yes , i would like free parking . eos O B-Hotel-Inform+Parking O O O O O O O Hotel-Request+Parking +bos ok , there is acorn guest house as well as 5 others for you to choose from . eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O B-Hotel-Inform+Choice O O O O O O O N/A +bos that will be fine can i get the information for them please . eos O O O O O O O O O O O O O O N/A +bos the acorn guesthouse is located at 154 chesterton road , the postcode is cb41da , and the phone is 0122335388. shall i book a room for you ? 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 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 not yet , i 'm also looking for a place to eat chinese food . i need it in the moderate price range as well . eos 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+Price O O O O O O O N/A +bos i have 4 options available . 3 are in the centre and 1 is in the north . do you have a preference ? eos O O O O B-Restaurant-Inform+Choice 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 Restaurant-Select +bos i want one that serves chinese food , one that 's in the same area as the acorn guesthouse . 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 golden wok is the only one . when would you like the table and for how many ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name I-Restaurant-Inform+Name O O B-Restaurant-Inform+Choice O O O O O O O O O O O O Booking-Request+People,Booking-Request+Time +bos i need the address please eos O O O O O O Restaurant-Request+Addr +bos of course , the address is 191 histon road chesterton . would this restaurant work for you ? 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 O O O O O O O N/A +bos yes , that 's perfect . thanks for your help . eos 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 '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 general-thank +bos thank you so much , have a great day . eos O O O O O O O O O O O general-bye +bos i want to find a european restaurant in the west . eos O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there is one available , the cambridge lodge restaurant , would you like me to book you ? 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 Booking-Inform +bos no , i 'm just getting some information together . is it expensive ? eos O O O O O O O O O O O B-Restaurant-Inform+Price O O O N/A +bos yes it is an expensive restaurant , do you want to try a different restaurant ? eos O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O general-reqmore +bos let 's go with cambridge lodge . i 'd like to book for 8 at 17:30 on saturday , please . 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 O O N/A +bos reference number is : ipxe2sid . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos actually , i want to change the reservation to sunday . eos O O O O O O O O O O O O N/A +bos reference number is : isjvy1rc . is there anything else ? eos O O O O O B-Booking-Book+Ref O O O O O O general-reqmore +bos i am also looking for a hotel , it can be expensive , but it needs to have 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 O O O N/A +bos there are five expensive hotels , all with wifi . could you tell me which location you are wanting to stay in , to narrow it down ? eos O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type 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 Hotel-Request+Area,Hotel-Inform+Internet +bos the area does n't matter , which one would you recommend ? eos O O O O O O O O O O O O O N/A +bos sure , i would recommend the huntingdon marriott hotel which is located near the restaurant . would you like a reservation ? eos O O O O 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 I-Hotel-Recommend+Area O O O O O O O O Booking-Inform +bos no thanks , just tell me the phone number and type for it please eos O O O O O O O O O O O O O O O Hotel-Request+Phone +bos it is a hotel and the phone number is 01480446000. eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O B-Hotel-Inform+Phone N/A +bos how many stars does this hotel have ? eos O O O O O O B-Hotel-Inform+Type O O Hotel-Request+Stars +bos it is a 4 star hotel . eos O O O O O B-Hotel-Inform+Stars B-Hotel-Inform+Type O N/A +bos i need a taxi to go between the two places , i need a 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 Taxi-Request+Car +bos i 'd be happy to help with your request . first i 'll need to know where you 're departing from and what time you 'll need 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 O Taxi-Request+Depart,Taxi-Request+Leave,general-greet +bos i need the taxi to pick me up at the hotel and take me to the restaurant by 17:30. eos O O O O O O O O O O O B-Hotel-Inform+Type O O O O O O O B-Taxi-Inform+Arrive N/A +bos your all set a yellow audi will be picking you up the contact number is 07509141470 , is there anything else you 'll be needing 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 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 O general-thank +bos we are happy to help . come back soon . eos O O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a restaurant that serves venetian food . eos O O O O O O O O B-Restaurant-Inform+Food O O O N/A +bos regretfully , i do n't have a listing for venetian cuisine . do you have a second choice ? 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 N/A +bos anything in the centre would be fine , whatever you recommend . eos O O O O B-Restaurant-Inform+Area O O O O O O O O N/A +bos there are over a hundred restaurants to chose from do you have a 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 Restaurant-Request+Price +bos definitely something moderately priced . if you ca n't find venetian , how about british ? eos O O O B-Restaurant-Inform+Price O O O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos there are 4 results . restaurant one seven , the oak bistro , the copper kettle , and cotto . would you like more information on any 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 general-reqmore +bos yes , please . find out which of the four restaurants have vegan options , please ? eos O O O O O O O O O O O O O O O O O O Restaurant-Inform +bos sadly , i do n't have access to that information . the oak bistro might be a good choice . their phone number is 01223323361 if you 'd like to call them 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 O O O O O O O B-Restaurant-Inform+Phone I-Restaurant-Inform+Phone O O O O O O O O O Restaurant-NoOffer +bos okay , well , let 's go ahead and book a table for one at 11:30 on tuesday . eos 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 N/A +bos booking was successful . the table will be reserved for 15 minutes . reference number is : 0ijiwwq9 . what else can i 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 i also need a place to stay . can you help with that ? eos O O O O O O O O O O O O O O O N/A +bos yes i can . what type of place to stay would you like ? what area 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+Type,general-greet +bos i 'm looking for a place that has 3 stars and free parking . eos O O O O O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos we have five hotels that meet that criteria , are you looking for a specific part of town ? 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 Hotel-Request+Area +bos i am not looking for a specific area , but i would like for it to be in the moderate price range , please . 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 Hotel-Request+Area +bos how about the hamilton lodge it 's located in the north . eos O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O B-Hotel-Recommend+Area O O N/A +bos does that one have free internet as well ? if so it will work great for me . 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 the hamilton lodge is 3 stars moderately priced and offers free wifi and parking . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Stars B-Hotel-Inform+Price I-Hotel-Inform+Price O O O O O O O Hotel-Inform+Internet,Hotel-Inform+Parking +bos thanks , i need 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 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 ? eos O O O O O O O O O O O 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 am traveling between the two places discussed , i need to reach the restaurant by the booked time . 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 O O O O O N/A +bos i booked you a black volvo . the driver can be reached at 07410117478. 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 B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos i 'm sorry , i clearly was n't paying attention . yes that is all i need . eos O O O O O O O O O O O O O O O O O O O N/A +bos then you are all set ? eos O O O O O O O N/A +bos yes . have a great day . eos O O O O O O O O N/A +bos thank you for calling . eos O O O O O O general-bye +bos i would like to go to an expensive italian restaurant for dinner . eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O N/A +bos which area of town are you interested in dining in ? eos O O O O O O O O O O O O Restaurant-Request+Area +bos the centre is my preference . thank you . eos O O B-Restaurant-Inform+Area O O O O O O O N/A +bos i have four places fitting that criteria . would you like me to book one ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O O O O Booking-Inform +bos can you tell me the names of those four ? eos O O O O O O O O O O O N/A +bos sure , stazione restaurant and coffee bar , clowns cafe , don pasquale pizzeria , caffe uno . 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 O O N/A +bos book for me sure . a table for 8 people at 11:45 on wednesday and get me 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 Restaurant-Request+Ref +bos which one would you like me to book it for ? stazione , clowns cafe , don pasquale pizzeria , or caffe uno ? eos 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 O O O O N/A +bos please book clowns cafe . eos O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O N/A +bos i 've made those reservations your reference number is wippgg4i . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos i also need an expensive hotel to stay at . can you help me find one ? eos 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 what area would you like to stay in ? eos O O O O O O O O O O Hotel-Request+Area +bos i want to stay near the restaurant if possible . oh and they should have internet please . eos O O O O O O O O O O O O O O O O O O O Hotel-Request+Internet +bos i 'd recommend the gonville hotel . it meets your criteria . would you like to make a booking ? 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 Booking-Inform,general-greet +bos yes and could i have the postcode please eos O O O O O O O O O Hotel-Request+Post +bos their postcode is cb11ly . if you want to make a booking , then i need to know what day you 'd arrive , how many nights you 'd stay , and how many people . 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 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 does it have internet ? eos O O O O O O Hotel-Request+Internet +bos yes it does . eos O O O O O Hotel-Inform+Internet,general-greet +bos great and can i get 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 i would be happy to find a taxi for you . i just need to know when you want 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 O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive,general-greet +bos just make sure i get to the locations by the booked time . eos O O O O O O O O O O O O O O N/A +bos lets finish your hotel booking first , okay ? how many rooms will you need and for how many nights ? beginning which 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+People,Booking-Request+Day,Booking-Request+Stay,general-greet +bos i do n't need a booking , thanks . i do need a taxi going from the hotel to the restaurant though . 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 N/A +bos i 'll need to know when you need to be picked up or dropped off . eos O O O O O O O O O O O O O O O O O Taxi-Request+Arrive,Taxi-Request+Leave +bos 11:45 as discussed above . eos O B-Taxi-Inform+Arrive O O O O N/A +bos the taxi has been booked the contact number is 7384967913. the type of car is blue lexus . eos 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 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,general-greet +bos i need a resturant that serves british food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos there are 11 british restaurants . what price ranges do you want ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O Restaurant-Request+Price +bos i am open to any price range , but am looking for somewhere located in the centre area 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 i would recommend cotto , they are moderately priced , would you like more info on them ? eos O O O O B-Restaurant-Recommend+Name O O B-Restaurant-Recommend+Price I-Restaurant-Recommend+Price O O O O O O O O O O general-reqmore +bos yes can i please get more info . eos O O O O O O O O O N/A +bos their phone number is 01223302010 eos O O O O O B-Restaurant-Inform+Phone N/A +bos may i also get the address for the restaurant ? eos O O O O O O O O O O O Restaurant-Request+Addr +bos absolutely , there address is 183 east road city centre cb11bg . is there anything else i may help you with today ? 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 O O O O general-reqmore +bos yes i need to find a place to stay in the centre area . it should be a 4 star guesthouse with 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 B-Hotel-Inform+Stars O O O O O O N/A +bos do you know of any hotels in the area that meet my standards ? eos O O O O O O O O O O O O O O O N/A +bos you 're the help desk , please tell me what you find . eos O O O O O O O O O O O O O O N/A +bos alexander bed and breakfast is the only matching all your requirements . can i book it for you ? 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 Booking-Inform +bos i do n't need a reservation but 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 56 saint barnabas road . eos O O O O O B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr 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 Taxi-Inform +bos for how many people & what time do you want to leave & 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 it 's just for me and i want the taxi to leave the hotel by 08:00. eos O O O O O O O O O O O O O O O B-Taxi-Inform+Leave O N/A +bos please look for a black volvo . the contact number is : 07902240237. what else can i assist you with 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 general-reqmore +bos that 's it . 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 reserved a yellow volvo for you . the driver can be reached at 07325574995. is there anything else i can help you with ? 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 general-reqmore +bos no , thank you . i have everything i need for now . eos O O O O O O O O O O O O O O general-thank +bos great . thank you for calling . have a great 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 are there any british restaurants on the west side ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos for the westies , saint johns chop house is the place . need a reservation ? eos O O O B-Restaurant-Recommend+Area 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 Booking-Inform +bos is that in the moderate price range ? eos O O O O O O O O O N/A +bos yes , saint johns chop house is in the moderate price range . 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+Price I-Restaurant-Inform+Price O O O N/A +bos great ! i 'm not sure when i want to go , so can i just 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 O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos saint johns chophouse 21-24 northampton street , post code cb30ad . will there be anything else today ? eos 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 O O B-Restaurant-Inform+Post O O O O O O O O O general-reqmore +bos i am also looking for a hotel in the same area that offers free wifi . eos O O O O O O O O O O O O O O O O O N/A +bos there are 4 accommodations that fit your criteria . how about finches bed and breakfast ? 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 N/A +bos can you book that for 6 ? eos O O O O O O O O N/A +bos sure , what day would you like to book it for ? eos O O O O O O O O O O O O O Booking-Request+Day +bos i 'd like to book 2 nights starting on tuesday eos 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 : g17hax2c . will you need a taxi to get between them ? 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 yes i do , i 'd like to leave the restaurant by 04:45. eos O O O O O O O O O O O B-Taxi-Inform+Leave O O N/A +bos did you want it to pick you up from saint johns chop house ? eos O O O O O O O O O O O O O O O Taxi-Request+Depart +bos yes , please , and go to the b & b you booked for me . eos O O O O O O O O O O O O O O O O O N/A +bos okay , a black toyota is booked . you can contact them at 07431558834 eos 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 thank you , that was everything that i needed . eos O O O O O O O O O O O general-thank +bos thank you for contacting us , please do n't hesitate to reach out if there 's anything else you need 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 general-bye,general-reqmore +bos greetings , i 'm looking for a hotel to stay at on the southend . eos O O O O O O O O O O O O B-Hotel-Inform+Area O O O N/A +bos do you have a price range ? eos O O O O O O O O Hotel-Request+Price +bos i would like it to be cheap . eos O O O O O O O B-Hotel-Inform+Price O N/A +bos i have one listing for rosa 's bed and breakfast , would you like other information or like me to make a booking ? eos O O O O B-Hotel-Recommend+Choice I-Hotel-Recommend+Choice 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 Booking-Inform,general-reqmore +bos yes , i would also like free parking and prefer a guesthouse . eos O B-Hotel-Inform+Parking O O O O O O O O O B-Hotel-Inform+Type O O N/A +bos i found rosa 's bed and breakfast matching your request . would you like me to book that for you now ? 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 O O O O O Booking-Inform +bos yes please . book it for 4 nights for 8 people starting this friday eos 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 reserved your room . the reference number is 0l7ykihn . can i do anything else 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 general-reqmore +bos i was also hoping to find a restaurant in the same part of town as the hotel . eos O O O O O O O O O O O O O O O O O O O Restaurant-Inform,Hotel-Inform +bos if you are looking for an inexpensive restaurant in the south there is a chinese one and a portuguese as well . do you have a preference for price or style ? eos O O O O O O O B-Restaurant-Recommend+Price O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O O O O O O B-Restaurant-Recommend+Food I-Restaurant-Recommend+Food I-Restaurant-Recommend+Food O O O O O O O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos the restaurant should be in the same price range as the hotel and i would like a restaurant that serves barbeque 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-Inform,Hotel-Inform +bos there is only chinese or portuguese available eos O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food N/A +bos tell me about the portuguese restaurant eos O O O O O B-Restaurant-Inform+Food O N/A +bos the restaurant is nandos . i think you 'll really like it . it 's cheap and in the south area of town at cambridge leisure park clifton way , post code cb17dy . eos O O O O B-Restaurant-Inform+Name O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 I-Restaurant-Inform+Addr O O B-Restaurant-Inform+Post O O O O O O N/A +bos book it for the same number of people at 14:30 on the same day eos O O O O O O O O O O B-Restaurant-Inform+Time I-Restaurant-Inform+Time O O O N/A +bos nandos is booked with the reference number 38ru5uda.the table will be reserved for 15 minutes . may i help with something else ? eos 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 the restaurant , i want to get there by the booking time . nice car , no clunker 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 Restaurant-Inform,Taxi-Inform +bos i was able to book the taxi arriving at nandos by 14:30. it will be a yellow ford and thecontact number is 07126119012. eos O O O O O O O O O O B-Taxi-Inform+Dest O B-Taxi-Inform+Arrive O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O N/A +bos great ! thank you so much ! eos O O O O O O O O general-thank +bos you 're 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 it . thank you . eos 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 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 what kind of attraction are you interested in ? eos O O O O O O O O O O Attraction-Request+Type +bos are there any outdoor festivals or activities ? i 'll need the 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 +bos there are 79 activities in the town center . how may i help narrow your search ? 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 general-reqmore +bos are there any nightclubs in the centre ? eos O O O O O O O O O N/A +bos there are 5 nightclubs in the centre . would you like a recommendation ? 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 , which one is the best ? eos O O O O O O O O O N/A +bos club salsa looks good . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos ok , please give me club salsa 's postcode and phone number . i also want to find a hotel in the same area . 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 O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos their phone number is 07782218745 and the post code is cb12jb . what sort of hotel are you looking for and in what area ? eos 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 O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos i 'm looking for a hotel in the centre of town . eos O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos we have 5 hotels available that are located in the centre of town . 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 N/A +bos which hotels are rated 4 stars and offer free parking ? can i have a phone number for those hotels ? 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 Hotel-Request+Phone +bos sure theres two hotels , 01223525725 and 01223351241 eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Phone I-Hotel-Inform+Phone N/A +bos what are their names ? eos O O O O O O N/A +bos they are alexander bed and breakfast and university arms hotel . do you have a preference ? 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 Hotel-Select +bos no , not at this time . i just needed the information . thank you and 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 thank you . goodbye ! eos O O O O O O general-bye +bos i 'm looking for a hotel in the north . eos O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O N/A +bos we have two options in north available for you , do you have any additional criteria to choose between those or would you like a reccomendation ? eos O O O O B-Hotel-Inform+Choice 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 do want it to be a 4-star place . eos O O O O O O O O B-Hotel-Inform+Stars O O N/A +bos it looks like there are n't any 4 star hotels in the north . would you like me to check another area ? 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 O O O O O O O O O O O Hotel-Request+Area +bos no , i like the north . perhaps there is a guesthouse that is 4 stars ? eos O O O O O B-Hotel-Inform+Area O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O N/A +bos there are several options for guesthouses in the north with 4 stars , would you prefer moderate or cheap price range ? eos O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Type I-Hotel-Inform+Type O B-Hotel-Inform+Area I-Hotel-Inform+Area O B-Hotel-Inform+Stars O O O O O B-Hotel-Select+Price I-Hotel-Select+Price O O O N/A +bos i would prefer the cheap price range . eos O O O O O B-Hotel-Inform+Price O O O N/A +bos would you like to book worth house ? eos O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O N/A +bos what is the price of the worth house ? eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos sorry , i do n't have that information . there phone number is 01223316074. eos O O O O O O O O O O O B-Hotel-Inform+Phone O O O N/A +bos can you book a room for tuesday , 5 nights , 5 people . eos O O O O O O O B-Hotel-Inform+Day O B-Hotel-Inform+People O O O O O N/A +bos sure , your booking for the worth house for a 5 night stay has been confirmed . your reference number is gwik59yw . may i help with anything else ? eos O O O O O O B-Booking-Book+Name I-Booking-Book+Name O 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 general-reqmore +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 i search for restaurants in the north , there are 9 options , any preferences ? eos O O O O O O O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Choice O O O O O N/A +bos the restaurant should be in the same area as the hotel and should be in the expensive price eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price O N/A +bos i have many in those categories . how about trying saigon city ? eos O O O B-Restaurant-Inform+Choice O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O N/A +bos thank you . i just need their phone number and postcode . eos O O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the phone number for saigon city is 01223356555. the post code is cb41nl . can i help you with anyone else ? eos O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O B-Restaurant-Inform+Phone O O O O B-Restaurant-Inform+Post O O O O O O O general-reqmore +bos i also need a taxi to commute between the hotel and restaurant . eos O O O O O O O O O O O O O O Restaurant-Inform,Taxi-Inform,Hotel-Inform +bos when would you like to leave ? eos O O O O O O O O Taxi-Request+Leave +bos i would like to leave the hotel by 8:30. eos O O O O O O O O O O Hotel-Inform +bos i booked you a yellow lexus and you can reach the driver at 07465015812. would that be all 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 N/A +bos thank you for the booking of the taxi . that will be all foe now . eos O O O O O O O O O O O O O O O O O Taxi-Inform +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 N/A +bos hi , i 'm looking for a restaurant located in the centre of cambridge that serves crossover food please ? 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 O O N/A +bos there are no matching restaurants , would you like another type of food ? eos O O O O O O O O O O O O O O O Restaurant-Request+Food,Restaurant-NoOffer +bos can you recommend 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 N/A +bos there are 21 moderate restaurants in the center of town . what food type 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 Restaurant-Request+Food +bos asian oriental sounds yummy , what are my choices ? eos O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O N/A +bos i would recommend the yippee noodle bar . fun place with great food . 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 N/A +bos that would be fine . can you book a table for 5 people at 12:15 on thursday . 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 you are booked for 5 people at 12:15 on thursday at the yippee noodle bar . reference number is c62u1am2 . they hold the reservation for 15 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 N/A +bos i would also like to get a place to stay . eos O O O O O O O O O O O O N/A +bos there are several hotels that you can choose from . what type of hotel are you looking for ? 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+Type +bos i would like a hotel that is in the moderate price range and needs to have 0 stars . it needs to be near the hotel . eos O O O O O B-Hotel-Inform+Type 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 O N/A +bos there is only one hotel in the moderate price range with 0 stars near the centre called cityroomz . shall i book a room for you ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice B-Hotel-Inform+Type O O B-Hotel-Inform+Price O O O O B-Hotel-Inform+Stars O O B-Hotel-Inform+Area O B-Hotel-Inform+Name O O O O O O O O O Booking-Inform +bos no booking necessary , just need one more thing , a taxi from the hotel to the restaurant and to get there by the reservation time 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 i have booked a red skoda . the number is 07965582777. anything else for you ? 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 general-reqmore +bos that will be it , thanks . eos O O O O O O O O general-thank +bos thank you we hope you enjoy your stay ! eos O O O O O O O O O O general-bye +bos can you find me an expensive place to stay that is located in the east ? eos O O O O O O B-Hotel-Inform+Price O O O O O O O O B-Hotel-Inform+Area O N/A +bos the only hotel that matches your criteria is `` express by holiday inn cambridge . '' do you need help with booking ? 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 O O O O O O O O O O Booking-Inform +bos does that hotel have a 4-star rating ? eos O O O O O O O O O Hotel-Inform +bos it has 2 stars . would you like to book ? eos O O O O B-Hotel-Inform+Stars O O O O O O O Booking-Inform +bos i really would like a 4 star hotel . is there one in the moderate price range , then ? eos O O O O O O O B-Hotel-Inform+Stars O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos we have 3 that satisfy that criteria . a and b guest house , carolina bed and breakfast , and warkworth house all fit . 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 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 carolina bed and breakfast sounds nice . could i have it booked for 6 people for 4 nights starting on monday ? 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 i have confirmed your booking at carolina bed and breakfast starting monday for 4 nights . your reference number is rtnzcsbj . 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 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 sure , can you help me find a particular hotel ? eos O O O O O O O O O O O O Hotel-Inform +bos i have a lot of information about hotels in the area . do you know what part of the city you would like to go 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 O Hotel-Request+Area,general-greet +bos i am looking for information on the worth house . eos O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos ok the worth house is located in the north and is in the cheap price range . would you like to know 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 B-Hotel-Inform+Price O O O O O O O O O O O general-reqmore +bos thanks . i need to know about taking a sunday train from kings cross . eos O O O O O O O O O B-Train-Inform+Day O O O O O O N/A +bos i have several trains departing from kings cross on sunday . what is your destination and what time would you like to depart ? eos O O O B-Train-Inform+Choice O 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 Train-Request+Dest,Train-Request+Leave +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 there are several options to choose from . eos O O O B-Hotel-Inform+Choice O O O O O N/A +bos i would like a guesthouse type of place with free parking . eos O O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos we have nine , and all but two are four star rated establishments . eos O O O B-Hotel-Inform+Choice O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos the star rating does n't matter . which one is the best ? eos O O O O O O O O O O O O O O N/A +bos the alexander bed and breakfast is in the centre . its phone number is 01223525725 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 B-Hotel-Inform+Area O O O O B-Hotel-Inform+Phone O N/A +bos i need a train out of cambridge on monday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos there are over 200 possibilities . where will you be traveling to from cambridge ? 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 Train-Request+Dest +bos let 's change the date to leaving on tuesday after 20:00 and it should be departing cambridge and to the birmingham new street . eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave 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 i would recommend tr6319 which leaves cambridge at 20:01 and arrives at birmingham new street at 22:44. eos O O O O B-Train-Select+Id I-Train-Select+Id O B-Train-Select+Depart I-Train-Select+Depart B-Train-Select+Leave O O O B-Train-Select+Dest I-Train-Select+Dest I-Train-Select+Dest O B-Train-Select+Arrive N/A +bos perfect . can you book 3 seats for me ? eos O O O O O O O B-Train-Inform+People O O O N/A +bos booking was successful , the total fee is 225.3 gbp payable at the station . your reference number is vmz1y1ea . can i do anything else for you today ? 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 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 , please . i also need a hotel with free wifi . and , thank you for the train reservation . eos O B-Hotel-Inform+Internet 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 you 're welcome ! 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 O O general-welcome,Hotel-Request+Area +bos the area is flexible . i am more concerned with finding something with 2 stars and with 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 O N/A +bos okay . there are 3 hotels matching your description . two moderately priced hotels in the north , and one expensive hotel in the east . do you want me to 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 O O O O O O O O N/A +bos what 's the name of the expensive hotel ? eos O O O O O O O B-Hotel-Inform+Type O O N/A +bos express by holiday inn cambridge is the expensive 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 B-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos thats fine , thanks eos O O O O O general-thank +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 no , i 'm just gathering information right now . thanks for all your help today . 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 O O O O O general-thank +bos thanks for letting us assist you today ! enjoy your stay ! eos O O O O O O O O O O O O O general-bye +bos i 'm looking for a train leaving cambridge on sunday . eos O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos i can help with that . what is the destination 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 O O O O Train-Request+Leave,Train-Request+Dest,general-greet +bos i would like to go to stevenage by 14:00. eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive N/A +bos you can take train tr8464 to arrive there in time . would you like me to book it 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 Train-OfferBook +bos yes please book it for 7 people and provide the reference number . eos O O O O O O O B-Train-Inform+People O O O O O O N/A +bos here is the booking information : booking was successful , the total fee is 71.68 gbp payable at the station .reference number is : fczjmtai . 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 N/A +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 i 'll be glad to help you 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 O O Hotel-Request+Area,general-greet +bos somewhere in the north , with 4 stars , free parking , and expensive . eos O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Stars O O O B-Hotel-Inform+Price O O O O N/A +bos i do n't have anything that fits those criteria , 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 Hotel-NoOffer,general-reqmore +bos can you try those same things but 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 that bring sup six results , i recommend the home from home guesthouse , would you like more info or a booking ? 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 I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform,general-reqmore +bos yes , could i book one for 4 nights starting from wednesday ? eos O O O O O O O O B-Hotel-Inform+Stay O O O O O N/A +bos sure ! for how many people ? eos O O O O O O O O Booking-Request+People,general-greet +bos 2 people and 1 dog eos O O B-Hotel-Inform+People O O O N/A +bos your room has been booked . your reference number hplm0sm6 . eos 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 not a problem . you have a great day , as well ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos i am looking for an expensive hotel in cambridge with free wifi . eos O O O O O O B-Hotel-Inform+Price B-Hotel-Inform+Type O O O O O O N/A +bos do you have a preferred location ? eos O O O O O O O O Hotel-Request+Area +bos i am looking for a guesthouse in the east . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O N/A +bos there are no expensive guesthouses in the east , though i do have some more moderately-priced ones . the a and b guesthouse is very nice . eos O O O O B-Hotel-NoOffer+Price B-Hotel-NoOffer+Type I-Hotel-NoOffer+Type O B-Hotel-NoOffer+Area 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 I-Hotel-Recommend+Name I-Hotel-Recommend+Name I-Hotel-Recommend+Name O O O O O N/A +bos hmm , no expensive guesthouses huh ? ok , well how about an expensive hotel room instead ? eos 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 N/A +bos express by holiday inn cambridge is for you . their phone number is 01223866800. shoul i reserve a room for you ? 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 B-Hotel-Inform+Phone O O O O O O O O O Booking-Inform +bos yes , can you book for 1 person , 3 nights , starting saturday . eos 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 N/A +bos booking was successful . reference number is f9afswla . do you need help 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 thank you . you certainly can help . i need to leave kings lynn to go to go to cambridge by train . eos O O O O O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O O O O B-Train-Inform+Dest O O O O O N/A +bos ok , i have some information for you , will that also be on saturday and what time ? 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+Leave +bos yes the same day , i 'd like to arrive by 14:30. eos O O O O O O O O O O B-Train-Inform+Arrive O O N/A +bos there are 9 options here . tr7178 arrives by 13:58. would you like me to book it for you ? eos O O O O B-Train-Inform+Choice O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O O O O O Train-OfferBook +bos please do . just for 1 person . and give me 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 Train-Request+Ref +bos alright , your reference number is hyxmz1un . do you need more help ? eos O O O O O O B-Train-Inform+Ref O O O O O O O O general-reqmore +bos i 'm good to go now actually ! thanks so much ! au revoir ! eos O O O O O O O O O O O O O O O O general-thank +bos i 'm glad to be of service , have a wonderful day ! eos O O O O O O O O O O O O O O general-welcome,general-bye +bos can you please help me find a place to stay ? i 'm looking for an average priced place in a guesthouse style . thankyou . 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 N/A +bos i like the acorn guest house . do you need 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 O O O O O O O Booking-Inform +bos does the acorn guest house have free wifi and is it located in the south ? eos O O O O O O O O O O O O O O O O O N/A +bos no , it 's in the north , would you like something in the south ? eos O O O O O O O O O O O O B-Hotel-Inform+Area I-Hotel-Inform+Area O O O Hotel-Request+Area +bos yes , i would like something in the south . there will be 5 guests and will be needed for 5 nights , starting saturday . eos O O O O O O O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stay O O O O O O O O O O O O O N/A +bos i have 2 guesthouses in the south moderate price range . both have parking and internet . i 'd suggest aylesbray lodge guest house with 4 star rating . shall i book it for you ? eos O O O O B-Hotel-Inform+Choice O O B-Hotel-Inform+Area B-Hotel-Inform+Price 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 B-Hotel-Recommend+Stars O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos i need a train to go 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 what day of the week are you looking to travel ? eos O O O O O O O O O O O O Train-Request+Day +bos i am traveling on sunday eos O O O O O B-Train-Inform+Day 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 would like to arrive by 13:45. eos O O O O O O O B-Train-Inform+Arrive N/A +bos i have the tr7438 that will arrive at 12:55. would you like a booking made today ? eos O O O O B-Train-Inform+Id O O O O B-Train-Inform+Arrive O O O O O O O O Train-OfferBook +bos i would like to book that train for 4 people please . eos O O O O O O O O O O B-Train-Inform+People O O N/A +bos 7g6oj8g2 is your confirmation code . may i help you further ? eos O B-Train-Inform+Ref I-Train-Inform+Ref O O O O O O O O O O general-reqmore +bos yeah , i 'm also looking for a place to stay . i do n't like hotels , so a guesthouse would be better . moderate in price . eos 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+Price O O O O O O O O O N/A +bos there are several moderate priced guesthouses do you have a preferred area that you want to stay in ? 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 O Hotel-Request+Area +bos yes , the hotel should be in the east and does n't need to have free parking . 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 a and b guest house is a guesthouse in the east and it is moderate . shall i book it ? 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 B-Hotel-Inform+Price O O O O O O Booking-Inform +bos can i have the star rating and idf they have wi fi ? eos O O O O O O O O O O O O O O N/A +bos the star rating is 4 and they do have free wifi . eos O O O O O O B-Hotel-Inform+Stars O O O O O O Hotel-Inform+Internet +bos ok , that 's all i need for now . thanks . eos O O O O O O O O O O O O O general-thank +bos great . i hope you have an excellent day . eos O O O O O O O O O O O general-greet +bos thanks you too goodbye eos O O O O O general-bye +bos great ! have a good day . eos O O O O O O O O general-bye +bos can you help me find a train that leaves cambridge ? i would also like to request that it be leaving on a tuesday . eos 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+Day O O N/A +bos i have several leaving on that day . what is your destination ? eos O O O B-Train-Inform+Choice O O O O O O O O O O Train-Request+Dest +bos i need to head to kings lynn and leave after 20:15 please . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave O O N/A +bos the tr8387 from cambridge at 21:11 on tuesday and arrive at kings lynn at 21:58. do you want me to book you a ride ? 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 can you please and send me the reference number . eos O O O O O O O O O O O O Hotel-Request+Ref +bos of course ! how many tickets ? eos O O O O O O O O Train-Request+People +bos actually i 'll book on my own . can you give me some information about a hotel called express by holiday inn cambridge ? 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 O O O N/A +bos sure thing what kinda of info are you looking for ? eos O O O O O O O O O O O O general-reqmore +bos i would like to book 2 nights for 3 people 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 N/A +bos your booking was successful . your reservation number is b96vfv64 . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you very much . that should be 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 system ! eos O O O O O O O O general-bye +bos are there any expensive places to eat in the centre ? eos O O O O B-Restaurant-Inform+Price O O O O O B-Restaurant-Inform+Area O N/A +bos there are more than one hundred entries that match your requirements . what type of food do you prefer ? eos O O O B-Restaurant-Inform+Choice I-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 Restaurant-Request+Food +bos i prefer french cuisine , can you find somewhere that will take reservations for 3 people at 12:30 on wednesday ? 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 N/A +bos the only french restaurant that fits your criteria is called cote . they do not have any availability for wednesday at 12:30. eos O O O O O O O O O O O B-Restaurant-Inform+Name O O O O O O O B-Booking-NoBook+Day O B-Booking-NoBook+Time O N/A +bos can you try for 11:30 and give me a reference number please . eos O O O O O B-Restaurant-Inform+Time O O O O O O O O N/A +bos that was a success . your reference number is 2gy5ulll . eos O O O O O O O O O B-Booking-Book+Ref O O N/A +bos thanks i also need to find a hotel with a 5 star rating . eos O O O O O O O O B-Hotel-Inform+Type O O O B-Hotel-Inform+Stars O O N/A +bos unfortunately , i do not show any 5 star hotels . would you like to try a different rating ? 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 O O Hotel-Request+Stars +bos are you sure ? i would prefer a 5 star hotel with free wifi . eos O O O O O O O O O O O O O O O O N/A +bos i 'm positive . there are however three hotels that have four stars that have free wifi , if you would like to view those 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 Hotel-Inform+Internet +bos a 4 star rating is fine , what do you have for that ? eos O O O B-Hotel-Inform+Stars O O O O O O O O O O O N/A +bos i have two in the west area and one in the centre area . do you have a preference ? eos 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 Hotel-Select +bos the one in the centre area is fine . can you please book it for 3 people , starting on wednesday for 4 nights and can i please have the reference number ? 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+Day O O B-Hotel-Inform+Stay O O O O O O O O O O O N/A +bos the booking for the university arms hotel was successful , and your reference number is 414hus87 . 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 B-Booking-Book+Ref O O N/A +bos wonderful ! 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 O O general-thank +bos my pleasure . have a great day ! eos O O O O O O O O O general-bye +bos are there any modern european restaurants in the centre ? eos O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos there are 4 available . do you want to specify a 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 yes , i would like something in the expensive price range , please . eos O O O O O O O O B-Restaurant-Inform+Price O O O O O O Train-Request+Price +bos darrys cookhouse and wine shop is the only expensive modern european restaurant . do you want me to book it for you ? 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 B-Restaurant-Inform+Price B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O O O O O O Booking-Inform +bos that would be great . could you book me a table for 4 on monday at 19:45 ? 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 N/A +bos your reservation is set , your reference number is eomctsea eos O O O O O O O O O B-Booking-Book+Ref O N/A +bos great , thank you . can you also help me find a train departing from bishops stortford for the same day ? 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 O O O O O N/A +bos sure thing ! is there a particular time you 'd 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 Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive in cambridge by 15:00 , please . eos O O O O O O O B-Train-Inform+Dest O B-Train-Inform+Arrive O O O N/A +bos okay , there are 5 trains arriving before 15:00 , did you have a departure time in mind ? eos O O O O O B-Train-Inform+Choice O O B-Train-Inform+Arrive O O O O O O O O O O O Train-Request+Leave +bos i think i 'll go with whichever one is latest . can i have the price and departure time for that train , 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+Price,Train-Request+Leave +bos sure , the train arriving at 14:07 will depart bishops stortford at 13:29. total travel time is 38 minutes . eos O O O O O O B-Train-Inform+Arrive O 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+Time I-Train-Inform+Time O N/A +bos okay thanks can you please give me the price ? eos O O O O O O O O O O O Train-Request+Price +bos the fare is 10.10 gbp . can i be of any further assistance 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 that will be all . thanks ! eos O O O O O O O O general-thank +bos thank you for choosing us . goodbye ! eos O O O O O O O O O general-bye +bos yes , i need help finding a place to go ? eos O O O O O O O O O O O O N/A +bos is there a specific type or area you had in mind ? eos O O O O O O O O O O O O O Attraction-Request+Area,Attraction-Request+Type +bos the area does n't matter but i would like to find a swimming pool . eos O O O O O O O O O O O O O O O O Attraction-Request+Area +bos kings hedges learner pool is located in the north , at jedburgh court , kings hedges . eos 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 O O O O O O O O N/A +bos could you tell me the postcode as well at the 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+Fee +bos the postcode is cb42xh and i do n't have access to their entrance fee . is there anything else i can assist you with ? eos O 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 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 no that was all , thank you ! eos 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-welcome,general-bye +bos are there any good vegetarian restaurants in the centre ? eos O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos im sorry , there are no vegetarian restaurants in the center eos O O O O O O B-Restaurant-NoOffer+Food I-Restaurant-NoOffer+Food O O B-Restaurant-NoOffer+Area O N/A +bos are there any other expensive restaurants in the same area ? eos O O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos no , i 'm sorry . 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 Restaurant-Request+Price,Restaurant-Request+Area +bos no it has to be expensive . are there any mediterranean places in the centre ? eos O 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 expensive mediterranean restaurants in the centre . would you like to book at la mimosa ? 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 O O Booking-Inform +bos yes . i 'd like to book a table for 7 at 12:15 on saturday at la mimosa please . 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 N/A +bos it looks like there are no reservations available at that time . the other expensive mediterranean restaurant is also unavailable . would you like to look for 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 O O O O O O O Booking-NoBook,Booking-Request+Time +bos yes , please see what 's available at 11:15. eos O O O O O O O B-Restaurant-Inform+Time O O N/A +bos i have confirmed a reservation for your party of 7 at 11:15 saturday at la mimosa . the reference number is 596ww4bn . can i help you with anything else ? eos O O O O O O O O O O O B-Booking-Book+People B-Booking-Book+Time B-Booking-Book+Day 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 general-reqmore +bos i am looking for a train that departs from london liverpool street 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 N/A +bos what day and time are you looking to travel ? eos O O O O O O O O O O O Train-Request+Day,Train-Request+Leave +bos the train is for saturday and should arrive by 08:00. eos O O O O O B-Train-Inform+Day O O O O B-Train-Inform+Arrive N/A +bos tr7397 is a train that fits your requirements . eos O B-Train-Inform+Id O O O O O O O O N/A +bos can i get the train id please ? eos O O O O O O O O O Train-Request+TrainID +bos the train id is tr7397 , would you like to book it ? eos O O O O O B-Train-Inform+Id O O O O O O O O Train-OfferBook +bos no , thank you . i will go ahead and book at a later time . this was all the info i needed . 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 general-thank +bos we 're glad to be of service . thank you for using cambridge towninfo centre , and 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 general-bye +bos hi , i am looking for a train . i need to depart from cambridge after 12:00. eos O 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 i can look this up for you , i just need the date and where you will be going to . 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+Day,general-greet +bos i am going to birmingham new street on tuesday . eos 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 tr1731 will leave at 12: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 yes can i get the travel time and price for that ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos yes the travel time is 163 minutes and the price is 75.10 pounds . 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 N/A +bos thanks so much . i also wanted to know if you can give me some information on an attraction called primavera . 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 O O N/A +bos primavera is a museum located in the center of town at 10 king s parade and they do not charge an entrance fee . anything else i can do for you ? eos O B-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 B-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 I-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos can i have their phone number , please ? eos O O O O O O O O O O Attraction-Request+Phone +bos yes sure it is 01223357708. eos O O O O O B-Attraction-Inform+Phone N/A +bos thank you very much . 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 that is all , thank you ! eos O O O O O O O O general-thank +bos ok. thank you . goodbye eos 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 B-Train-Inform+Dest N/A +bos great ! would you like to book a train to take you there ? eos O O O O O O O O O O O O O O O Train-OfferBook +bos i will bee a hotel called hobsons house . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O N/A +bos what do you need to know about the hobsons house guesthouse ? eos O O O O O O O O O O O O O Hotel-Inform,general-reqmore +bos i would just like some general information before i book , what area is it in ? eos O O O O O O O O O O O O O O O O O O N/A +bos it 's located in the west . would you like more information ? eos O O O O O B-Hotel-Inform+Area O O O O O O O O general-reqmore +bos that 's good . book me in for 3 people and 4 nights starting tuesday . 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 i have you booked at the hobsons house starting tuesday for 4 days for three people . your reference number is p4rwfgm2 . may 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+Day O O B-Booking-Book+Stay 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 also looking for a train leaving from cambridge . eos O O O O O O O O O B-Train-Inform+Depart O O N/A +bos where would you like to go ? eos O O O O O O O O Train-Request+Dest +bos am going to stansted airport eos O O O O B-Train-Inform+Dest I-Train-Inform+Dest N/A +bos okay , what time would you like to leave ? eos O O O O O O O O O O O Train-Request+Leave +bos i need to arrive at the airport by 14:45 on saturday . eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos there are 9 results . is there a certain time you 'd like to leave by ? we can narrow the results down that way . 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 Train-Request+Leave +bos saturday , please . i will need the departure time , train id , and price . eos O B-Train-Inform+Day 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 think this train might work well for you . tr6193 leaves at 13:40 and gets in at 14:08. it costs 14.08 pounds . can i book this ? eos O O O O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave I-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O O Train-OfferBook +bos not right now . thanks for all your help though . eos O O O O O O O O O O O O general-thank +bos can i be of any further assistance ? eos O O O O O O O O O general-reqmore +bos yes , i need a taxi please . eos O O O O O O O O O Taxi-Inform +bos ok. where do you need the taxi to pick you up at ? eos O O O O O O O O O O O O O O Taxi-Request+Depart +bos nevermind . i will not need the taxi after all . thank you for all your help . please book a seat on tr6193 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 B-Train-Inform+People O O O O O N/A +bos your train is booked for sat your fee is 24.24 gbp and payable at station . your ref . number is hgqgs7mx eos O O O O O O O B-Train-OfferBooked+Day 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 today ! eos 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 , that 's all i need today . thank you . good-bye . eos O O O O O O O O O O O O O O O general-bye +bos okay . 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 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-Select +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 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 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 want to find a guesthouse in the centre to stay at . eos O O O O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O N/A +bos there are 2. alexander bed and breakfast , and el shaddai . which one do you prefer ? 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 general-reqmore +bos i want one that has free wifi and a rating of 4 stars . does either of those match that description ? 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 N/A +bos the alexander bed and breakfast has all your preferences . it is a wonderful guesthouse . would you like me to reserve 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 I-Hotel-Inform+Name O O O O O O O B-Hotel-Inform+Type O O O O O O O O O O O O Booking-Inform +bos yes please book it for 3 people and 5 nights starting from wednesday.make sure you get the 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 N/A +bos your reservation at the alexander bed and breakfast this wednesday for 6 days 5 nights for 3 people was successful . your reference number is : 2z64n0c6 . eos 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+Day O O B-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay I-Booking-Book+Stay O B-Booking-Book+People O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i 'm also looking for a restaurant called cotto . can you give me more info ? 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 N/A +bos sure . cotto serves british food in the center and is moderately priced . would you like to make a booking ? 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 O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos book a table for 3 at 13:30 on wednesday . eos O O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Time O B-Restaurant-Inform+Day N/A +bos you are booked , the reference number is as8z2w5w , 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 i think that is all i will need today . cheers . eos O O O O O O O O O O O O O N/A +bos great , enjoy your stay and we look forward to helping you again sometime . eos O O O O O O O O O O O O O O O O general-greet +bos hello , are there any indian restaurants in the city centre ? eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Area O O N/A +bos we have many of those , but they 're either cheap or expensive - nothing in between . if price is not an issue , i recommend saffron brasserie . eos 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O N/A +bos ok book us fir 8 on friday at 15 15 eos O O O O O O B-Restaurant-Inform+People B-Restaurant-Inform+Day O O O N/A +bos your reservation at the saffron brasserie for this friday at 15:15 for 8 people was successful . your reference number is : q3ifex40 . eos O O O O O B-Booking-Book+Name I-Booking-Book+Name O O B-Booking-Book+Day O B-Booking-Book+Time I-Booking-Book+Time O B-Booking-Book+People O O O O O O O O B-Booking-Book+Ref O N/A +bos i would also like to know about a fun place in the middle of 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 type of place you might prefer ? eos O O O O O O O O O O O Attraction-Request+Type +bos nothing in particular , i just need to know how much the entrance fee is . eos O O O O O O O O O O O O O O O O O Attraction-Request+Fee +bos the whipple museum of the history of science is fascinating and it is free ! the address is free school lane . do you need more information ? 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 I-Attraction-Recommend+Name O O 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 general-reqmore +bos no thanks , but i do need a taxi . would you be able to help ? eos O O O O O O O O O O O O O O O O O O Taxi-Inform +bos yes , will you need it to or from the museum ? eos O O O O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +bos from the restaurant to the museum . eos O O O O O O O O Restaurant-Inform +bos what time would you like the taxi ? eos O O O O O O O O O Taxi-Request+Leave +bos sorry from the museum to the restaurant ... i just need to be there 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 Restaurant-Inform +bos i have booked you a grey toyota taxi . the phone number to reach them is 07598086239. 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 N/A +bos great , thanks so much ! eos O O O O O O O general-thank +bos you 're welcome . is there anything else i can help with ? eos O O O O O O O O O O O O O O general-welcome,general-reqmore +bos no , i 'm all set , thank you . eos O O O O O O O O O O O general-thank +bos have a wonderful night and enjoy your trip . eos O O O O O O O O O O general-bye +bos can you give me the address to the hospital in cambridge ? eos O O O O O O O O O O O O O Hospital-Inform +bos the address is hills rd , cambridgepostcode : cb20qq eos O O O O O O O O O O N/A +bos i am actually looking for a train on sunday from peterborough . eos O O O O O O 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 going to cambridge . eos O O O B-Train-Inform+Dest O N/A +bos at what time do you want to travel ? eos O O O O O O O O O O Train-Request+Leave +bos i would like to arrive by 11:45. i will need to buy 5 tickets once we find a train . eos 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 O O N/A +bos i have train tr7721 arriving at 7:38 would you like that one ? eos O O O O B-Train-OfferBook+Id O O B-Train-OfferBook+Arrive O O O O O O N/A +bos yes , five tickets , please . what is the reference number ? eos O O O O O O O O O O O O O O Train-Request+Ref +bos your reference number is cigyxaw9 . 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 really would love to get any information i can on museums 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 N/A +bos we have a lot of those ! anything specific you need or just a recommendation ? eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O O O O O O N/A +bos nothing specific . can you make a recommendation and give me their address , postcode , 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+Post,Attraction-Request+Fee,Attraction-Request+Addr +bos may i recommend lynne strover gallery located at 23 high street , fen ditton . the postcode is cb30aq and it 's free to get it ! 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+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr O O B-Attraction-Inform+Post O O B-Attraction-Inform+Fee O O O O O O O N/A +bos i 'm also looking about a train . i need it to be to cambridge by 19:00. can you help find one ? 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 O O O O O O N/A +bos sure . where will you be leaving from ? eos O O O O O O O O O O Train-Request+Depart +bos i will be leaving london kings cross on monday . eos 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 tr7556 arrives at 18:08. can i book it for you ? eos O B-Train-Inform+Id O O B-Train-Inform+Arrive O O O O O O O Train-OfferBook +bos yes please book . i need the travel time and the train id 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 tr7556 leaves london kings cross at 17:17 and arrives in cambridge at 18:08. the trip should last about 51 minutes . how many tickets should i book for your trip ? 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 B-Train-Inform+Time I-Train-Inform+Time O O O O O O O O O O Train-Request+People +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 glad to help , enjoy the rest of your day . eos 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 are you looking for ? i can helpp with dining , hotels and entertainment . 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 a train on friday going to ely from cambridge arrival by 13:00 eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Depart B-Train-Inform+Dest O O B-Train-Inform+Arrive N/A +bos i have 4 trains that meet your needs . would you like to book tickets ? eos O O O O B-Train-Inform+Choice O O O O O O O O O O O O Train-OfferBook +bos book for 2 people and get me the reference number eos O O O O B-Train-Inform+People O O O O O O N/A +bos booking was successful , the total fee is 8.8 gbp payable at the station .reference number is : 8buqlik8 . 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 great ! i also need to have some north american food in the west part of town . 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 O N/A +bos i 'm sorry , we do n't have any north american restaurants in the west area . would you like to try a different type of food ? eos 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 O O Restaurant-Request+Food +bos could you look again for places that serve north american food in the west . eos O O O O O O O O O O O O O O B-Restaurant-Inform+Area O N/A +bos the only north american restaurant in the city is in the centre . would you like more information about that ? eos O O B-Restaurant-Inform+Choice B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O O O O O O O O O N/A +bos how about an intalian restaurnat in the west area ? eos O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have two . one is moderately priced , and one is cheap . do you have a preference ? eos O 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 Restaurant-Select +bos the moderately priced one will be fine . i 'll need it booked for the same day , same people , and at 10:15. eos 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 N/A +bos you are booked the reference number is 3icel34f , 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 general-reqmore +bos great that was all i needed today , 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,general-bye +bos i 'm looking for a place to stay in the north 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 i have several in the north part of town . is there a particular number of stars or price range you are looking for ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice 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 Hotel-Request+Stars,Hotel-Request+Price +bos the hotel should have a star of 4 and should be in the north . eos O O O O O O O O O O B-Hotel-Inform+Stars O O O O B-Hotel-Inform+Area N/A +bos i have 8 different hotels in that range . all offer free wifi , do you have a preference ? i personally like the home from home guesthouse . 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 I-Hotel-Recommend+Name 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 when were you planning your stay and for how many please ? eos O O O O O O O O O O O O O O Booking-Request+Day,Booking-Request+People +bos yes 4 people for 4 nights starting monday please eos O O O B-Hotel-Inform+People O O O O B-Hotel-Inform+Day O N/A +bos you are all set , the reference number is 4gzp4qef , 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 general-reqmore +bos i am also looking for a museum . eos O O O O O O O B-Attraction-Inform+Type O N/A +bos there are over 20 museums . would you like to visit a museum in the north near your hotel ? 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 Attraction-Request+Area +bos i just want you to recommend one you think is best and then please tell me the entrance fee and area 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+Fee +bos the broughton house gallery is in the centre and is free . 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 B-Attraction-Inform+Fee O N/A +bos thanks , i do n't need anything else . eos O O O O O O O O O O N/A +bos okay , goodbye ! i hope you have a nice time ! eos O O O O O O O O O O O O O general-bye +bos can you help me get a train going to bishops stortford ? eos O O O O O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos do you have a departing time or arriving time ? eos O O O O O O O O O O O Train-Request+Arrive,Train-Request+Leave +bos i need to leave cambridge after 9:45 on thursday . eos O O O O O B-Train-Inform+Depart O O O B-Train-Inform+Day O N/A +bos okay , the tr2929 leaves at 11:29 and arrives by 12:07. would you like me to book tickets ? 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 Train-OfferBook +bos that sounds good . i need it for 4 people on thursday , please . eos O 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 and your reference number is tgdye9a4 . 40.40 gbp will be payable at the station . can i do anything else for you ? eos O O O O O O O O O O B-Train-OfferBooked+Ref 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 O O general-reqmore +bos yes , please . i 'm looking for a theatre in the centre . 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 yes i have several . would you like me to recommend one to you ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O O O N/A +bos yes that would be great , thank you eos O O O O O O O O O general-thank +bos i 'd recommend adc theatre . would you like more information on it ? eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O N/A +bos yes , can you get me the entrance fee please . eos O O O O O O O O O O O O Attraction-Request+Fee +bos i 'm sorry , that information is not available to me . eos O O O O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O N/A +bos is there a number i can call to get the entrance fee information ? eos O O O O O O O O O O O O O O O Attraction-Request+Fee +bos you can call them at 01223300085. what else can i do for you ? eos O O O O O O B-Attraction-Inform+Phone O O O O O O O O general-reqmore +bos what is the entrance fee ? eos O O O O O O O Attraction-Request+Fee +bos the entrance fee is not listed so i encourage you to call to inquiry about the fee . 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 N/A +bos can you find a hotel named worth house for me ? thanks . eos O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O N/A +bos sure , it is a guesthouse in the north . would you like me to book a room for you ? 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 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 yes , they have free wifi . do you need anything else ? eos O O O O O O O O O O O O O O Hotel-Inform+Internet,general-reqmore +bos i would also like a train that leaves on tuesday and arrive by 14:30. 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 there are many trains moving on tuesday , can i get your preferred point of departure and arrival ? eos O O O B-Train-Inform+Choice O 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 i will be going from cambridge to bishops stortford . eos O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest O N/A +bos there are multiple trains leaving that match your request . when is the earliest you would want 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 O Train-Request+Leave +bos i need to arrive by 14:30 i do n't have a preference on departing time . eos O O O O O O B-Train-Inform+Arrive O O O O O O O O O O N/A +bos tr2771 leaves at 13:29 and arrives at 14:07. would this one 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 O general-reqmore +bos i 'm craving some spicy food so find me an indian restaurant on the east end please 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 N/A +bos the curry prince might fit the bill . would you like reservations ? eos O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O O O O O O O O O Booking-Inform +bos no not right now thanks eos O O O O O O general-thank +bos okay . would you like help with anything else ? eos O O O O O O O O O O O general-reqmore +bos yes , is the curry prince in the moderate price range ? if so , i 'll need to make a reservation . eos 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 N/A +bos for how many , and day and time ? eos O O O O O O O O O O Booking-Request+Time,Booking-Request+Day,Booking-Request+People +bos 8 people at 12:15 on friday , please . eos O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O O N/A +bos done ! your table will be reserved for 15 minutes . your reference number is 4yzlgjjl . 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 B-Booking-Book+Ref O O O O O O O O O O O O O O general-reqmore +bos i need to book a room too a guesthouse that does n't have internet but free parking 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 would you like the guesthouse on the east side of town as well ? eos O O O O O O O O O O O O O O O Hotel-Request+Area +bos that would be fine . eos O O O O O O N/A +bos there are 4 different options . 3 of the guesthouse are cheap and the oter 2 are moderate priced . is there one you 'd prefer ? eos O O O O B-Hotel-Inform+Choice O O 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 O O O O O Hotel-Select +bos you can decide please . i need to book it for 8 people and 2 nights starting friday please . i 'm looking forward to this ! 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 B-Hotel-Inform+Day O O O O O O O O O N/A +bos ok , the booking was successful for the allenbell guesthouse . 517a coldham lane , cb13js , phone:01223210353. the reference number is : wffljrt2 . eos O O O O O O O O B-Booking-Book+Name I-Booking-Book+Name B-Hotel-Inform+Addr I-Hotel-Inform+Addr I-Hotel-Inform+Addr B-Hotel-Inform+Post B-Hotel-Inform+Phone O O O O O B-Booking-Book+Ref O O O O O N/A +bos okay , thank you ! eos O O O O O O general-thank +bos anything else i can help you with today ? eos 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 okay let us know if you need anything else . eos O O O O O O O O O O O general-reqmore +bos i do actually need a taxi between the two places . i need to get to the restaurant for my booked 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 Restaurant-Inform,Taxi-Inform +bos i was able to book your taxi . be expecting a white volvo . if you need to reach them , please call 07601547949. 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 O O O N/A +bos that is it for now thanks eos O O O O O O O general-thank +bos thanks for calling , and enjoy your trip . goodbye . eos O O O O O O O O O O O O general-bye +bos i am looking for a particular attraction . its name is called castle galleries . eos 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 castle galleries is a museum in the city centre without an entrance fee . do you need more information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Type I-Attraction-Inform+Type 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 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 you 're welcome . enjoy your visit ! eos O O O O O O O O O general-welcome,general-greet +bos could you help me find a moderately priced guesthouse to stay in , as well ? eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O N/A +bos a and b guest house has rooms available and is near the museum , would you like me to book rooms 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 B-Hotel-Recommend+Area I-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O O Booking-Inform +bos um , actually i think i 'd like to be in the east . i also need parking . 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 there are two options . i 'd recommend the carolina bed and breakfast . would you like to boom a room ? eos 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 I-Hotel-Recommend+Name O O O O O O O O O O O Booking-Inform +bos yes , please , for 6 people starting saturday , for 5 nights . eos O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O B-Hotel-Inform+Stay O O O O N/A +bos booking was successful.reference number is : c3h6d8ys . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thank you goodbye eos O O O O general-bye +bos my pleasure . have a wonderful day , goodbye . eos O O O O O O O O O O O general-welcome,general-bye +bos hi , is there a moderately priced international cuisine restaurant in cambridge ? eos O O O O O B-Restaurant-Inform+Price O B-Restaurant-Inform+Food O O O O O O N/A +bos there are two in the centre area that are moderate in price . eos O O O O B-Restaurant-Inform+Choice O B-Restaurant-Inform+Area O O O B-Restaurant-Inform+Price O O O N/A +bos can you please book one of those for me and provide the address , area and 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+Area +bos i would be happy to book for you , for how many people and what day would you like to 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+Day,Booking-Request+People +bos hmm , let 's see ... i 'm not sure . before we do that , i also need a hotel in the east part of town with free parking availability . 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 O O O O O O O O O O N/A +bos it appears the allenbell guesthouse has free parking , is in the cheap price range and on the east side of town . would you like me to book this for you ? eos O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name 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 O O O O O O Booking-Inform,Hotel-Inform+Parking +bos no thank you , i 'll travel there myself . can i get the address and phone number for the 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos of course for the `` varsity restaurant '' the number is 0122335606035 and the address is saint andrews street city centre . would you also like the address for the `` bloomsbury restaurant '' ? eos O O O 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 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 yes , i would . can you also give me the address and phone number for the allenbell guesthouse ? 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,Restaurant-Request+Addr +bos their address is 517a coldham lane and phone number is 01223210353 eos O O O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O B-Restaurant-Inform+Phone N/A +bos i 'm looking for a guesthouse to stay at with free wifi included please . eos O O O O O B-Hotel-Inform+Type O O O O O O O O O O N/A +bos sure , is there a particular part of town you 'd like to stay in ? eos O O O O O O O O O O O O O O O O O Hotel-Request+Area +bos i do not care as long as it is moderately priced and has free parking . eos O O O O O O O O O O B-Hotel-Inform+Price O O O O O O N/A +bos arbury lodge guesthouse is in the north part of town , would you like to book there ? 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 Booking-Inform +bos yes please . it needs to be for 4 people for 4 nights starting on monday . 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 great ! i 've got it booked for you , and your reference number is bdxd5tfl . 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 O general-greet,general-reqmore +bos i also need to find a place to dine . it should serve british food and be in the 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 B-Restaurant-Inform+Price O O O O N/A +bos i recommend the oak bistro in the center of town . fantastic food and service ! eos O 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 general-greet +bos okay please book a table for the same group of people at 16:45 on the same day eos O 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+Time B-Restaurant-Inform+People O O N/A +bos your all set , reference # mg7ez1ds . anything else today ? eos O O O O O B-Booking-Book+Ref O O O O O O O general-reqmore +bos that would be all . eos 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 party at a nightclub while i am visiting . got a good one for me ? 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 soul tree nightclub is a good one in city centre . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O N/A +bos how much does it cost to get in to 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 N/A +bos it costs 4 pounds to get into soul tree nightclub . do you want some additional information about them ? eos O O O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O N/A +bos could you just tell me their post code ? eos O O O O O O O O O O Attraction-Request+Post +bos certainly their postcode is cb23qf . eos O O O O O B-Attraction-Inform+Post O N/A +bos i also need to find a cheap place to stay that has free wifi , is a guesthouse and is located in the north . eos O O O O O O O B-Hotel-Inform+Price O O O O O O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Area O O N/A +bos i recommend worth house for you eos O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O N/A +bos ok. book that for 5 people for 4 nights starting on 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 N/A +bos i was able to book that for you . your reference number is : xkb91quz . eos O O O O O O O O O O O O O O B-Booking-Book+Ref O O N/A +bos that is all i need . goodbye . eos 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 general-bye +bos please find me a guesthouse that offers free parking eos O O O O O B-Hotel-Inform+Type O O O O N/A +bos sure , 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 what can i get thats a 4 star ? eos O O O O O O O O B-Hotel-Inform+Stars O N/A +bos there are quite a few . 16 to be exact . are you looking for a certain price range or area ? eos 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 Hotel-Request+Area,Hotel-Request+Price +bos i need a place that will have space for 6 people staying 4 nights starting from 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 N/A +bos the acorn guest house has availability for that time . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O O Booking-Inform +bos yes . please book it for me , in the perimeters i stated above . eos O O O O O O O O O O O O O O O O N/A +bos okay your all set ref # is kwn1jad4 , 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 place to eat in the south and very expensive for 6 people on wed at 19:00 eos 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 N/A +bos is there a certain type of food you 'd like ? the options are chinese , indian , italian , and mexican . eos O O O 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 O Restaurant-Request+Food +bos 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 . eos O O O O O O O O O O O O O O O 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 have booked your party of 6 at the peking restaurant . you are booked for wednesday at 19:00. your reference number is 0z92m9d7 . eos O O O O O O O O B-Booking-Book+People O B-Booking-Book+Name I-Booking-Book+Name O O O O B-Booking-Book+Day O B-Booking-Book+Time O O O O O B-Booking-Book+Ref O N/A +bos ill need to taxi to go from the hotel to the restaurant by 19:15. eos 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 skodacontact number : 07463823856 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 you have been extremely helpful , thank you so much . 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 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 are there any concert halls in the center of town ? eos O O O O O O O O O O O O N/A +bos i have a listing for the man on the moon , can i get you any other information ? eos 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 general-reqmore +bos yes i would need the postcode , entrance fee and phone number . 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 O O Attraction-Request+Post,Attraction-Request+Phone,Attraction-Request+Fee +bos sure , the post code iscb12lf and the phone # 01223474144. unfortunately , we do n't have the information on the entrance fee . eos O O O O O B-Attraction-Inform+Post I-Attraction-Inform+Post 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 O O O O O O O O N/A +bos thank you . i also need to find a train 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 okay , what day will you be traveling 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 Train-Request+Depart,Train-Request+Day +bos i will be leaving on wednesday from london liverpool street eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Depart I-Train-Inform+Depart I-Train-Inform+Depart N/A +bos what time will you be traveling ? eos O O O O O O O O Train-Request+Leave +bos i need to leave after 12:15. eos O O O O O O B-Train-Inform+Leave N/A +bos tr2826 leaves from london at 13:39 and arrives at 15:07. fare is 16.60. would you like me to book seats for you ? 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+Arrive O O B-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook +bos yes , i need one ticket , please . eos O O O O O 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 : v5ys30vp . can i help with 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 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 can you help me get to ely train station by 12:00 ? eos O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest B-Taxi-Inform+Arrive O N/A +bos yes . where will you be leaving from ? eos O O O O O O O O O O Taxi-Request+Depart +bos i 'll be leaving from eraina eos O O O O O B-Taxi-Inform+Depart O N/A +bos okay . i have a black audi and the contact number is 07356404697. is there anything else you need ? 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 general-reqmore +bos no thanks , that 's all for now . eos O O O O O O O O O O general-thank +bos i 'm glad i could help . goodbye . eos O O O O O O O O O O general-bye +bos i need lodging in cambridge that has free parking . i do n't need internet , though . what have you got ? eos O O O 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 29 entries that match 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 general-reqmore +bos i also need free parking included and i would like it to be a 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 the ashley hotel in the north has free parking . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O B-Hotel-Inform+Area O O O O Hotel-Inform+Parking +bos the ashley hotel does not have internet is that correct ? eos O O O B-Hotel-Inform+Type O O B-Hotel-Inform+Internet O O O O O N/A +bos the ashley hotel does have free wifi . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O O Hotel-Inform+Internet +bos oh , that 's great ! what 's the address for the ashley ? eos O O O O O O O O O O O O O O O Hotel-Request+Addr +bos the ashley hotel 74 chesterton road . would you like to book a room ? eos 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 yes , i would like to book a room . eos O O O O O O O O O O O N/A +bos when would you like your reservation to start , how long would you like to stay , 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+Time,Booking-Request+People +bos i also need a place to dine serving modern american food in the centre . eos O O O O O O O O O O O O O O O O N/A +bos 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 ? eos O O O O O O O O O O O O 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+Time +bos actually , i will go ahead and book myself later . but , if you can help me find a moderately priced restaurant in the centre of town that would be great . 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 B-Restaurant-Inform+Area O O O O O O O O O O N/A +bos there are many moderate restaurants in the centre but no american restaurant . would you be interested in asian , brittish , or chinese ? 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 O O O B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos how about a british one then ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos the oak bistro is located at 6 lensfield road . would you like for me to book a table for 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 O O O O O O O O O O O O Booking-Inform +bos yes please . please book a table for 5 at 12:30 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 N/A +bos yes i have done that for you and your reference number is bkv4ed6b . eos O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thank you . i also need to get 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 Taxi-Inform +bos i have gone ahead and booked that taxi for you . the taxi will be a blue volkswagen and the taxi contact number will be 07081400797. eos 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 O O O 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 thank you for choosing cambridge towninfo centre ! have a nice trip ! eos O O O O O O O O O O O O O O general-bye +bos i feel like trying chinese today , find me a cheap place that serves it please eos O O O O O B-Restaurant-Inform+Food O O O O B-Restaurant-Inform+Price O O O O O O N/A +bos we have four ! 3 in centre and one south . which area are you going to be in ? eos O O O O 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 Restaurant-Request+Area +bos i will be in the south . eos O O O O O O B-Restaurant-Inform+Area O N/A +bos the lucky star is perfect for you . it 's located at cambridge leisure park clifton way cherry hinton . do you need 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 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 +bos actually , i will need a restaurant in the centre . do you have any ? eos O O O O O O O O O B-Restaurant-Inform+Area O O O O O O O N/A +bos oh yes , we have three in the city centre . how about the golden house ? it 's on lensfield road and meets your needs . eos 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 B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O B-Restaurant-Inform+Addr I-Restaurant-Inform+Addr O O O O O O O O O N/A +bos which one do you suggest ? eos O O O O O O O N/A +bos the golden house fits your needs . 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 yes 7 people for thursday at 12:15 , and can i get the reference number ? eos 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 Restaurant-Request+Ref +bos i just booked that for you . your reference number is 1g6kigns . 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 'll also need a train . i 'm heading to peterborough on friday . eos 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 i have many departures that leave for peterborough on friday.what time would you like to leave ? 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+Leave +bos i 'll be departing cambridge and would like to arrive in peterborough by 19:15. can you find a train that would get me there close to that time ? eos O O O O B-Train-Inform+Depart 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 O O O O N/A +bos the last train of the day will work for you . it departs at 18:06 , and arrives at 18:56. would you like to book it ? eos O O B-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 O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O O O Train-OfferBook +bos 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 . eos O O O O O 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 okay ! it 's a 50-minute train ride , and it costs 16.50 pounds . can i help you with anything else ? eos O O O O B-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 O O general-greet,general-reqmore +bos no , that is all for today . thanks so much . bye . eos O O O O O O O O O O O O O O O general-bye +bos you 're welcome ! bye now ! eos O O O O O O O O general-welcome,general-bye +bos i 'm looking for a train to leave from stantsted airport on monday . eos O O O O O O O O O O O O B-Train-Inform+Day O O N/A +bos okay , there are several trains available.. looks like they are all going to cambridge . is that where you would like to go ? eos O O O O B-Train-Inform+Choice O O O O O O O O O B-Train-Inform+Dest O O O O O O O O O O O general-reqmore +bos yes . is there one that leaves after 11:15 ? eos O O O O O O O O B-Train-Inform+Leave O O N/A +bos yes , there are five trains that leave after that time . is there a time you would 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 O O O O O O O Train-Request+Arrive +bos nope , what is the travel time on the one that leaves closest to 11:15 ? eos O O O O O O O O O O O O O O B-Train-Inform+Leave O O Train-Request+Duration +bos i recommend tr5754 . it leaves 11:24 . can i book for for eos O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O O O O O O Train-OfferBook +bos i do n't want to book yet , i need to first make sure that i can stay at a hotel called `` 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 O N/A +bos would you like to book a room at the acorn guest house ? eos 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 yes please book it for 5 people and 4 nights starting from 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 N/A +bos i 've made those reservations and your reference number is 2oqy5dxg . 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 was all i needed . 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 nice trip ! eos O O O O O O O O O O O O O O O general-bye +bos hello , i am looking for a train from peterborough to cambridge please . eos O O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O N/A +bos 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 . eos O O O O 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 need to travel on saturday and leave after 11:45 eos O O O O O O B-Train-Inform+Day O O O B-Train-Inform+Leave N/A +bos there are 25 trains that fit your needs . the earliest train leaves at 11:48 and arrives in cambridge at 12:38. would you like me to book you on this train ? eos O O O O O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice 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 O O Train-OfferBook +bos yes , please . i need 2 tickets please and 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 okay , great . your booking was successful . your reference number is 28vt1kz3 . you 'll owe 26.4 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 B-Train-OfferBooked+Ticket O O O O O O O O O O O O O general-greet +bos thanks . i 'm also looking for places to go in town . preferably a museum in the west . 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 N/A +bos sure , there are seven for you to choose from . eos O O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice O O O O O O N/A +bos that 's a lot of options . do any of the museums offer free admission ? eos O O O O O O O O O O O O O O O O O N/A +bos all are free admission , except for cambridge folk museum eos O O B-Attraction-Inform+Choice B-Attraction-Inform+Fee I-Attraction-Inform+Fee O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O O N/A +bos what is the phone number and address for that place ? eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos you can call them at 01223355159 , and they are located at 2-3 castle street . can i help with anything more today ? eos 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 O O O O O O general-reqmore +bos thanks for all your help . that will be all for today . eos O O O O O O O O O O O O O O general-thank +bos great , thanks for using cambridge towninfo centre . enjoy your trip , good day . 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 some information about places to go in cambridge . eos O O O O O O O O O O O O O O N/A +bos is there a particular area of town that you would like to visit ? eos O O O O O O O O O O O O O O O Attraction-Request+Area +bos in the west . let me know the attraction type and entrance fee eos O O O B-Attraction-Inform+Area O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Type +bos magdalene college is a college with free admission . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Type O O O B-Attraction-Recommend+Fee O O N/A +bos sounds good , can you lookup places to stay that are 4 stars and moderately priced ? eos O O O O O O O O O O O O B-Hotel-Inform+Stay O B-Hotel-Inform+Price O O O N/A +bos i havea few . what area are you looking at ? eos O O O B-Hotel-Inform+Choice I-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area +bos the same area as the attraction . eos O O O O O O O O N/A +bos i 'm sorry , i do n't have anything in the west area that matches what you are looking for . is there anything else that i can do for you ? eos O 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 O O O O general-reqmore +bos how about in the cheap range ? eos O O O O O B-Hotel-Inform+Price O O N/A +bos we have finches bed and breakfast guesthouse and the cambridge belfry hotel , any preferences ? eos 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 N/A +bos i 'd like the finches bed and breakfast guesthouse eos 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 can i book this for you ? eos O O O O O O O O Booking-Inform +bos yes , please book it and give me the reference number . eos O O O O O O O O O O O O O Hotel-Request+Ref +bos on what day would you like to arrive ? eos O O O O O O O O O O Booking-Request+Day +bos on thursday please eos O 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 book it for 8 peple and 4 nights from thursday eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day N/A +bos booking was successful.reference number is : pnpgqmfm . eos O O O O O O O B-Booking-Book+Ref 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 O Taxi-Inform +bos what time do you want to arrive ? eos O O O O O O O O O Taxi-Request+Arrive +bos i need to leave the hotel by 22:00. eos O O O O O O O O B-Taxi-Inform+Leave N/A +bos okay , good deal . i 've booked the taxi for you . your car type will be a white bmw , and the contact number is 07786419072. 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 B-Taxi-Inform+Phone O O O O O general-greet +bos well thank you that will be all for today 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 is all i need . eos O O O O O O O N/A +bos thank you for using cambridge towninfo centre and enjoy your visit . goodbye . eos O O O O O O O O O O O O O O O general-bye,general-greet +bos i need a good place to go in the centre eos O O O O O O O O O O B-Attraction-Inform+Area N/A +bos we have amazing various of attractions in the centre area ! what type of attraction are you looking for ? 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 Attraction-Request+Type +bos nothing in particular . any recommendations ? eos O O O O O O O O N/A +bos let me suggest the museum of archaeology and anthropology . their admission is free and the phone number is 01223333516. 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 B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O B-Attraction-Inform+Phone O N/A +bos i also need a moderate priced place to stay . eos O O O O O B-Hotel-Inform+Price O O O O O N/A +bos i have many moderate priced hotels available . what part of town would you prefer ? eos 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 Hotel-Request+Area +bos any area is fine are there any with a 3 star rating ? i do n't need free parking or internet . 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 N/A +bos alpha-milton guest house is in the north . would you like me to book you a room ? eos O B-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 Booking-Inform +bos yes , please coming in on monday for 5 nights for 3 people . eos O O O O O O O O O B-Hotel-Inform+Stay 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 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 i booked it for you . your reference number is as follows : 5mm5c3uc . 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 O O O O O O O O O O O O O O general-reqmore +bos that will be all , thanks ! eos O O O O O O O O general-thank +bos happy to help ! have a good trip ! eos 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 ok , what price point do you want me to look for ? eos O O O O O O O O O O O O O O Hotel-Request+Price +bos price range does n't really matter , but i do want a 4-star place with free parking and internet . 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 N/A +bos i have 19 hotels that match that criteria . please be more specific about the area of town where you 'd like to 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 O Hotel-Request+Area +bos the area does n't matter . please book for 6 people on saturday with 4 nights stay . 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 N/A +bos do you prefer a formal hotel , or a guesthouse ? eos O O O O O O O O O O O O Hotel-Request+Type +bos can you give me a suggestion for a hotel and make that reservation please ? thanks . eos O O O O O O O O O O O O O O O O O O Hotel-Inform +bos booking was successful at the alexander bed and breakfast . reference number is : mdb2av4k 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 N/A +bos i need a moderately priced 4 star hotel . eos O O O O B-Hotel-Inform+Price O O B-Hotel-Inform+Stars O O Train-Request+Price +bos i have many guesthouses that meet that criteria . do you have a certain area 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 Hotel-Request+Area +bos i will need free wifi and parking . eos O O O O O O O O O N/A +bos acorn guest house has that , will that work 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 Booking-Inform +bos book it for 7 people and 3 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 the reference number is , vakdvqnb is there anything else i can do for you ? eos 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 also need train tickets . eos O O O O O O O Train-Inform +bos okay , please tell where you are going and where you are leaving from , and what 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+Dest,Train-Request+Depart +bos i am going to kings lynn from cambridge . i leave wednesday . eos O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Depart O O B-Train-Inform+Day O O N/A +bos what time would you like to travel ? there are trains every hour from 5:11. it takes 47 minutes to get there from cambridge . eos 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 B-Train-Inform+Time I-Train-Inform+Time O O O B-Train-Inform+Depart O O Train-Request+Leave +bos i 'd like to arrive by 17:30. any trains that do that will be fine . i just need the price . 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 Train-Request+Price +bos tr8890 arrives at 16:58. it costs 9.80 pounds . eos 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 N/A +bos thanks for the service , goodbye . eos O O O O O O O O general-bye +bos i 'm happy to be of service ! thanks for using the 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 am looking for information on a restaurant , the name of the place is ask . can you tell me about it ? eos 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 O O O N/A +bos yes sure . their address is 12 bridge street city centre and their telephone number and postcode are 01223364917 and cb21uf respectively . is there anything else you need to know ? 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 B-Restaurant-Inform+Phone O B-Restaurant-Inform+Post I-Restaurant-Inform+Post O O O O O O O O O O O general-reqmore +bos what side of town are they in ? eos O O O O O O O O O N/A +bos ask is located in the city centre . eos O O O O O O B-Restaurant-Inform+Area I-Restaurant-Inform+Area O N/A +bos great , thanks . can i also get some information on hobsons house hotel ? eos O O O O O O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name O O O O N/A +bos sure thing it is a moderately priced guesthouse . eos O O O O O O B-Hotel-Inform+Price I-Hotel-Inform+Price B-Hotel-Inform+Type O N/A +bos could you provide me with their phone number and star rating please ? eos O O O O O O O O O O O O O O Hotel-Request+Phone +bos the phone number is 01223304906 and the stars is 3 eos O O O O O B-Hotel-Inform+Stars O O O O O N/A +bos thank you . i 'd like to book a taxi from the hotel to the restaurant . it needs to leave the hotel by 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 B-Taxi-Inform+Leave O O O N/A +bos okay . we have you booked with a car that 's a grey skoda . the contact number is 07764280286. 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 N/A +bos that is all 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 general-thank +bos yeah any time let us know if you need anything else . eos O O O O O O O O O O O O O general-reqmore +bos okay great . bye now ! eos O O O O O O O general-bye +bos sorry i forgot to hang up . good bye now . 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 great ! what can i help you with today ? eos O O O O O O O O O O O general-reqmore +bos i need a train to leicester on thursday eos O O O O O O B-Train-Inform+Dest O B-Train-Inform+Day N/A +bos please specify the time for departure eos O O O O O O O Train-Request+Leave +bos i 'm leaving cambridge at 15:00 eos O O O B-Train-Inform+Depart O B-Train-Inform+Leave O N/A +bos tr9839 departs cambridge at 15:21 and arrives in leicester at 17:06. it 's a long trip , so load a movie on your tablet ! 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 B-Train-Inform+Time O O O O O O O O O O O N/A +bos what is the price of the ticket ? eos O O O O O O O O O Train-Request+Price +bos the ticket is priced at 37.80 pounds . eos O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O N/A +bos thanks so much . can you also help me find a place in town ? eos O O O O O O O O O O O O O O O O general-thank +bos i am not sure if you are referring to a place to stay or an attraction , can you be more specific 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 general-reqmore +bos i 'd like something architecture related in the east if possible . eos O O O O B-Attraction-Inform+Type O O O B-Attraction-Inform+Area O O O O N/A +bos i 'm sorry . i 'm not finding any attractions that meet your criteria . would you like to try a different 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 Attraction-NoOffer +bos is there something like a museum ? eos O O O O O O B-Attraction-Inform+Type O N/A +bos there are 4 results for museums in the east . one is gallery at twelve a high street located at fulbourn with free entrance . would you like more info on the others ? eos O O O O B-Attraction-Inform+Choice O B-Attraction-Inform+Type O O B-Attraction-Inform+Area 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+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Fee O O O O O O O O O O O O general-reqmore +bos please get me the get entrance fee and address . eos O O O O O O O O O O O Attraction-Request+Fee,Attraction-Request+Addr +bos cambridge artworks , the gallery , and saint barnabas are free , and the cambridge museum of technology costs 5 pounds for admission . which would you like the address for ? 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 I-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 O O O O O O O O O O Attraction-Select,general-reqmore +bos i suppose cambridge artworks sounds cool . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O N/A +bos can get you the address ? eos O O O O O O O general-reqmore +bos yes the address please eos O O O O O Attraction-Request+Addr +bos the address for cambridge artworks is 5 greens road with post code cb13ef . 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 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 thanks for your help eos O O O O O O O O general-thank +bos you are welcome , hope your stay in cambridge is memorable . eos O O O O O O O O O O O O O general-welcome +bos find me a train that leaves on sunday after 14:00 please eos O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O N/A +bos certainly . where are you headed ? eos O O O O O O O O Train-Request+Dest,general-greet +bos i am leaving norwich going to cambridge on sunday and i need a train that leaves the station any time after 14:00 eos 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 O B-Train-Inform+Leave N/A +bos tr5234 will leave at 14:16 , would that work for you ? eos 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 yes . give me the ref number please . eos O O O O O O O O O O Train-Request+Ref +bos in order to get a ref number i must complete a booking first . 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 O O O O O O O O O O O O O O general-greet,Train-OfferBook +bos i would like one train ticket please . eos O O O O O O O O O N/A +bos your reservation for 1 ticket on the tr5234 train was successful . your reference number is : pgqkg62w . is there anything else i can do for you ? eos O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Id I-Train-OfferBooked+Id 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 am looking for a moderate priced place to eat in the east . phone # , postcode and food type please eos 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 O Restaurant-Request+Post,Restaurant-Request+Food +bos you have three options for moderately priced restaurants . do you prefer indian or italian food ? eos 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 B-Restaurant-Select+Food I-Restaurant-Select+Food O O N/A +bos i would prefer italian but indian would be good as well . i will need the phone number and postcode of the restaurant . thanks ! 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 O O O O Restaurant-Request+Post,Restaurant-Request+Phone +bos the place is called the curry prince and the phone number is : 01223566388 and the post code is : cb58jj . eos O O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O B-Restaurant-Recommend+Phone I-Restaurant-Recommend+Phone O O O O B-Restaurant-Recommend+Post O O O N/A +bos thanks for helping me with this . i appreciate it ! goodbye ! eos O O O O O O O O O O O O O O general-bye +bos my pleasure . have a great day . eos O O O O O O O O O general-welcome,general-bye +bos can you help me find a train leaving cambridge , to arrive by 12:00 ? 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 where is your destination ? eos O O O O O O Train-Request+Dest +bos i am going to ely . eos O O O O O B-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 actually , i need to go birmingham new street and will be traveling on friday . eos 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+Day O O N/A +bos i have train tr3732 arriving at 11:44 that is the closest i have to 12:00. eos O O O O B-Train-Inform+Id I-Train-Inform+Id O B-Train-Inform+Arrive I-Train-Inform+Arrive O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice N/A +bos that is perfect . can you book 1 seat for me please ? eos 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 75.09 gbp payable at the station . reference number is : nczqbzuy . 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 am also looking for a guesthouse in the north that has free parking . 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 acorn guest house would be perfect . shall i book it ? 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 , please . i want to book it for the same group of people and 4 nights starting from monday . 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+Day O O O N/A +bos i am having trouble booking that for you . lets try others . eos O O O O O O O O O O O O O O Booking-NoBook,general-reqmore +bos how about tuesday ? eos O O O B-Hotel-Inform+Day O N/A +bos yes , i am able to book the acorn guest house on tuesday , for four days . would you like to process this ? eos O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name I-Booking-Inform+Name O B-Booking-Inform+Day O B-Booking-Inform+Stay I-Booking-Inform+Stay O O O O O O O O O O N/A +bos yes , give me the reference number . eos O O O O O O O O O N/A +bos sorry , my system is n't able to process this right now . you may want to contact the hotel directly . 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 okay , thank you . good bye . eos O O O O O O O O O general-bye +bos good bye . sorry i could n't help more . have a great day . eos O O O O O O O O O O O O O O O O general-bye,general-greet +bos how much does it cost to take the bus in cambridge ? eos O O O O O O O O O O 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 traveling to london . eos O O O O O O O O N/A +bos the rate for a trip from cambridge to london kings cross ranges from 18.88 pounds to 23.60 pounds depending on the day of travel . 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 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 N/A +bos i am also looking for a hotel in the west side of cambridge . can you help me ? 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 there are a few to choose from . do you prefer a hotel or a guesthouse ? 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+Type +bos i want a hotel on the west side that does n't have to include internet . if no internet , what about 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+Internet O O O O O O O O N/A +bos unfortunately there are no hotels meeting your criteria . would you like me to look in another part of town ? 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 Hotel-Request+Area +bos are you sure that there are no hotels on the west side of town ? with or without internet ? 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 N/A +bos there are four . do 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 Hotel-Request+Price +bos no price preference , whatever you recommend . eos O O O O O O O O O N/A +bos finches bed and breakfast is a cheap guesthouse in the west with a 4 star rating . it has internet and parking . would you like me to book this ? eos O B-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 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 Booking-Inform,Hotel-Inform+Parking,Hotel-Inform+Internet +bos yes please book for 7 people for 5 nights starting from 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 N/A +bos you are booked at finches bed and breakfast . your reference number is lmap8loo . 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 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 also need to book passage on a train on friday , from cambridge to birmingham new street . eos 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 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 it needs to leave sometime after 15:45 , and i 'll need 7 tickets . eos O O O O O O O B-Train-Inform+Leave O O O O B-Train-Inform+People O O O N/A +bos is there a particular time you would like to arrive by ? eos O O O O O O O O O O O O O Train-Request+Arrive +bos nope , would just like it to leave after 15:45 eos O O O O O O O O O O O N/A +bos booking was successful , the total fee is 525.69 gbp payable at the station . reference number is : ztju607w . anything more 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 that will be all . thanks for your help ! bye ! eos O O O O O O O O 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 i need a place to stay eos O O O O O O O N/A +bos and what area would you like ? eos O O O O O O O O Hotel-Request+Area +bos no specific area but it needs to have 2 stars and area needs to be in the north . it also needs to include free wifi . 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+Area O O O O O O O O O N/A +bos the ashley hotel and lovell lodge both fit your description . do you want information on these ? 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 general-reqmore +bos book for me one of your choice for 7 people and 2 nights starting on wednesday . 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 , i booked you at the ashley hotel , ref # 0c98s6l6 . can i help you with anything else today ? eos O O O 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 O general-reqmore +bos yes i would like to find a park to visit . eos O O O O O O O O B-Attraction-Inform+Type O O O N/A +bos there are 5 parks . which side do you prefer ? eos O O O O B-Attraction-Inform+Choice O O O O O O O Attraction-Request+Area +bos i do not care i need the phone number and address eos O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos the sheep 's green and lammas land park is at fen causeway newnham road , its phone number is 01223302580 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 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 that sounds like a lot of fun . thanks for all your help . i 'm happy with your service . 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 'm glad i could be of help . enjoy your trip . eos O O O O O O O O O O O O O O general-bye +bos i need a place to dine in the center that serves modern european food . eos 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 we have 4 different places . do you prefer 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 can any of them accommodate a table of 3 at 19:00 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 N/A +bos i was able to book de luca cucina and bar lpz329u9 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 N/A +bos that 's great . thank you so much . eos O O O O O O O O O O general-thank +bos glad i was able to help . do you need anymore help today ? eos O O O O O O O O O O O O O O O general-welcome,general-reqmore +bos i would also like to find a 3 star hotel that includes parking . can you help me with that ? 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 O O O N/A +bos sure . the gonville hotel is located in the centre and the lensfield hotel is in the south . would you like me to book a stay ? 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 B-Hotel-Recommend+Area I-Hotel-Recommend+Area O O O O O O O O O O Booking-Inform,general-greet +bos yes please . i would prefer to stay in the center . eos O O O O O O O O O O O O O N/A +bos when would you like to check in at the gonville hotel ? eos O O O O O O O O O O B-Booking-Inform+Name I-Booking-Inform+Name O Booking-Request+Day +bos i need it for four nights starting on sunday for three people please . eos O O O O O O O O O B-Hotel-Inform+Day O O O O O N/A +bos done ! your reference number is isxf46bt . 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 will be 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 O general-welcome,general-bye +bos i 'm looking for a train to cambridge that leaves after 10:45 eos O O O O O O O B-Train-Inform+Dest O O O B-Train-Inform+Leave 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 kings lynn on saturday . eos O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Day O N/A +bos tr7578 will leave at 11:11 and arrive at cambridge at 11:58. is that okay ? would you like to book a ticket right now ? eos 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 O O O O O O O O Train-OfferBook +bos that sounds great . i will need 7 tickets please ! eos O O O O O O O O B-Train-Inform+People O O O N/A +bos all done ! you will owe 54.88gbp at the station and your reference number is glbnk5od . is there anything else i can help with ? eos 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 O O O O general-reqmore +bos i also need a place to stay in the centre of town n the moderate price range . 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 N/A +bos there is one hotel under that criteria by the name of cityroomz , would you like more information or a booking ? eos O O O O B-Hotel-Inform+Type I-Hotel-Inform+Type O O O O O O B-Hotel-Inform+Name O O O O O O O O O O Booking-Inform,general-reqmore +bos i 'm looking for a 0 star hotel , does that fit the criteria ? eos 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 yes cityroomz is a zero star hotel . eos O O B-Hotel-Inform+Name I-Hotel-Inform+Name O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O O N/A +bos please book cityroomz for the 7 of us for saturday for 4 nights , please . eos O O O B-Hotel-Inform+Name 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 booking was successful.reference number is : dikdje0u . eos O O O O O O O B-Booking-Book+Ref O N/A +bos thanks , i do n't need anything else now ! bye ! eos O O O O O O O O O O O O O general-bye +bos have a great stay ! eos O O O O O O general-greet +bos i am traveling to the centre area of cambridge and am looking for something to do . can you recommend places to go . 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 N/A +bos there is the vue cinema on the grafton centre , east road . 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 N/A +bos can i have the postcode and phone number ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos sure the phone is 08712240240 and post code cb11ps . eos O O O O O B-Attraction-Inform+Phone O O O B-Attraction-Inform+Post O N/A +bos great , thanks . can you also help me find a train ? eos O O O O O O O O O O O O O O Train-Inform +bos there are many trains running , let 's narrow down the search a little bit shall we ? what time , day and where are you going may help 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 O O O O O O Train-Request+Dest,Train-Request+Leave,Train-Request+Day +bos i would like to leave on sunday after 12:30 , on the train departing from cambridge and arrive in kings lynn . eos O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave 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 the first train available is at 13:11 , and there are others running every hour thereafter . would you like me to book 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 O O Train-OfferBook +bos i do n't need to book , but can you tell me the train id , arrival time , and total travel 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+Duration,Train-Request+Arrive,Train-Request+TrainID +bos sure , tr8241 arrives at kings lynn by 13:58 , with a short 47 minute commute . the cost for a ticket is 7.84 pounds . is there anything else you need ? eos O O B-Train-Inform+Id O O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Arrive 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 O general-reqmore +bos that 's all i need ! eos O O O O O O O N/A +bos alright , i 'm glad i was helpful to 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 i need to find a place to stay with free parking and wifi . what can you find 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 N/A +bos i have 33 of them , is there a certain are of town 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+Area +bos yes , i 'd like one in the north please . eos O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos please specify your price range and star rating of the hotel you 're interested in . eos 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 do n't have a preference . eos O O O O O O O O N/A +bos would you prefer a hotel or guesthouse type ? eos O O O O O O O B-Hotel-Select+Type I-Hotel-Select+Type O N/A +bos either is fine . what 's the address of your favorite ? eos O O O O O O O O O O O O O Hotel-Request+Addr +bos the address of acorn guest house is 154 chesterton road . eos 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 I-Hotel-Inform+Addr N/A +bos thank you . is it a hotel or guesthouse ? i also need some kind of activity to pass 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 N/A +bos as stated it is a guesthouse . what kind of activity would you like ? eos O O O O O O B-Hotel-Inform+Type O O O O O O O O O Attraction-Request+Type +bos any is fine . i just need it to be 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 O O N/A +bos milton country park is avaibale and free would you like that ? eos 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 N/A +bos yes that would be fine . could you give me an address and the entrance fee ? eos 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 the address is milton country park , milton , and it is a free attraction . eos O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O O O B-Attraction-Inform+Fee O O O O N/A +bos can i get a taxi to commute between the two places . i leave the hotel at 06.00 , 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 O O O O O O Taxi-Request+Car,Hotel-Request+Type +bos i have booked a car from the acorn to country park for 06:00. it will be a white volvo contact number 07400057498. anything else today/ 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 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 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 so glad that i could assist . please call again . eos O O O O O O O O O O O O general-bye +bos ok. good bye ! eos 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 yes , i am looking for theatres to go to in town . eos O O O O O O B-Attraction-Inform+Type O O O O O O O N/A +bos we have five different theaters . four of them are in the centre area and the fifth one is in the south area . any area preferance ? 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 O O O B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O Attraction-Select +bos can you give me some info on the one in the south ? eos O O O O O O O O O O O O B-Attraction-Inform+Area O N/A +bos the junction is located on clifton way and im not sure of the entrance fee . the phone number is a 01223511511. 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+Fee I-Attraction-Inform+Fee O O O O O O O O B-Attraction-Inform+Phone O N/A +bos thanks ! i 'm also looking for an expensive hotel . 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 N/A +bos there are about 5 expensive hotels available . are there any specific accommodations that you are looking for ? 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 Hotel-Request+Name +bos yes , it should have free wifi . eos O B-Hotel-Inform+Internet O O O O O O O N/A +bos actually all 5 have free wifi . what star rating would you like ? eos O O O O B-Hotel-Inform+Choice O O O O O O O O O O Hotel-Request+Stars,Hotel-Inform+Internet +bos that is n't really important for me . please recommend one and book it for six people . 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 express by holiday inn cambridge . from what day should i book ? 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 Booking-Request+Day +bos starting saturday . i need 5 nights for 6 people by the way . eos 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 you are booked as requested , the reference number is gocjzgyz , may i assist 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 yes 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 Taxi-Inform +bos what time would you like to leave the junction ? eos O O O O O O O O O O O Taxi-Request+Leave +bos i 'm going to need a taxi at the hotel first , i 'll be leaving the hotel at 19:45. eos O O O O O O O O O B-Hotel-Inform+Type O O O O O O O B-Taxi-Inform+Leave O O O N/A +bos i booked a blue ford to come pick you up from the hotel . the contact number is 07895414336 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 O B-Taxi-Inform+Phone N/A +bos great ! 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 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 a restaurant , somewhere not too expensive , but not bottom of the barrel either , something in the mid 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-Inform +bos there are 31. 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 would like them to serve barbecue food . eos O O O O O O O B-Restaurant-Inform+Food O O N/A +bos i 'm sorry but there are none that serve barbecue food . do you have an alternate cuisine preference ? 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 Restaurant-Request+Food +bos how about gastropub food ? eos O O O B-Restaurant-Inform+Food O O N/A +bos all right , sir , the cow pizza kitchen and bar has gastropub food and it is in the moderate price range . 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 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+Price O O O O O O O O O O O O O O Booking-Inform +bos yes please.book for five , at 1700hrs or 1600hrs and get me the reference number eos O O O O O O O O O O O O O O O O Restaurant-Request+Ref +bos what day would you like to book for ? eos O O O O O O O O O O Booking-Request+Day +bos on thursday please eos O O B-Restaurant-Inform+Day O N/A +bos sorry , the restaurant is n't available at 17:00. do you want to try a different time ? eos O O O O O O O B-Booking-NoBook+Time O O O O O O O O O O O Booking-Request+Time +bos how about 16:00 ? eos O O O B-Restaurant-Inform+Time O N/A +bos yes , i have a reservation available for 16:00. your reference number is gxv1uifj . is there anything else you need ? eos 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 general-reqmore +bos that is all i need for today . thanks for your extraordinary service ! eos O O O O O O O O O O O O O O O general-thank +bos you are very 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 O general-welcome,general-bye +bos i am looking for a hotel in cambridge that includes free parking and wifi can you help ? 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 29 options . would you like a recommendation , or do you wish to narrow 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 N/A +bos how about ones with four stars as well ? does that narrow it down any more ? eos O O O O O O O O O O O O O O O O O O N/A +bos there are 19 hotels available in the 4 star range . is there a specific area or price you would like ? 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 Hotel-Request+Area,Hotel-Request+Price +bos not really , just select one and book it for four people staying four nights froms tuesday . eos 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 am sorry but i need more information from you . which area and pricerange do you prefer ? 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 the price does n't matter to me . i 'll be looking for places to visit in the centre , so if one is located there , that 's fine . 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 O O O O N/A +bos okay , i have a cheap guesthouse in the center , and and expensive hotel as well . they both have 4 stars , which one sounds best ? eos O O O O O O O O O B-Hotel-Inform+Area O O B-Hotel-Inform+Price 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 Hotel-Select +bos the cheap one is fine . book it for 4 people for 4 nights starting tuesday eos 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 have successfully booked a 4 night stay at the alexander bed and breakfast , your reference number is 8bhsgt90 . eos 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 I-Booking-Book+Name O O O B-Booking-Book+Ref O O N/A +bos i would also like to visit an attraction . i would like to find a college in the centre . 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 N/A +bos might i recommend downing college which has free admission and is located on regent street with postcode cb21dq . eos O 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 B-Attraction-Recommend+Post O N/A +bos could you get me a phone number for downing college please ? eos O O O O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O O Attraction-Request+Phone +bos their phone number is 01223334860. 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 that is all , thank you . eos O O O O O O O O general-thank +bos would you like for me to search for something else . eos O O O O O O O O O O O O general-reqmore +bos i need a taxi to get me to holy trinity church no later than 15:30 eos O O O O O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O O O B-Taxi-Inform+Arrive N/A +bos ok , what is your departure site ? eos O O O O O O O O O Taxi-Request+Depart +bos i 'd like to be picked up from don pasquale pizzeria . please also provide the car type and contact number , one the booking is made ? 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 O O O Taxi-Request+Car +bos sure thing . a blue honda has been booked . contact number is 07835205390. 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 N/A +bos thank you . that was all i needed . 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 i want a taxi to pick me up after 21:00 to take me to little saint mary 's church . eos 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 I-Taxi-Inform+Dest O O N/A +bos i can help with that - where are you leaving from ? eos O O O O O O O O O O O O O Taxi-Request+Depart +bos i want to be picked up at frankie and bennys please eos O O O O O O O O B-Taxi-Inform+Depart I-Taxi-Inform+Depart I-Taxi-Inform+Depart O N/A +bos i 've booked you a black honda , the contact number is 07796011098. 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 great , thank you for your help . eos O O O O O O O O O general-thank +bos no problem . are you finished ? eos O O O O O O O O general-reqmore +bos would you happen to have info on the addenbrookes hospital ? eos O O O O O O O O O O O O Hospital-Inform +bos i do ! it 's located at hills rd in 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 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 very much . have a nice day . goodbye . eos O O O O O O O O O O O O O general-bye +bos yes , i am looking for places to go in the southern 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 would you be interested in a museum ? the byard art museum is located at 14 king 's way in the south . 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 I-Attraction-Inform+Name O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Area O O N/A +bos that sounds good . can you tell me the entrance fee 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+Fee +bos sure thing ! it has free admission and their phone number is 01223464646. is there anything more i can help with today ? eos O O O O O B-Attraction-Inform+Fee O 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 really expensive place to stay . eos O O O O O O B-Hotel-Inform+Price 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 area does not matter . i do need free wifi . eos O O O O O O O O O O O O N/A +bos may i recommend university arms hotel , in the centre city ? it has four stars , free wifi & parking , and is quite luxurious . would you like to make a booking there ? eos 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 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 Booking-Inform,Hotel-Inform+Internet,Hotel-Inform+Parking +bos is it a guesthouse ? i would prefer a guesthouse . eos O O O O B-Hotel-Inform+Type O O O O O O O N/A +bos there are no guesthouses matching your requirements . eos O O O O B-Hotel-NoOffer+Type O O O O N/A +bos ok , then what about the moderate price range ? eos O O O O O O B-Hotel-Inform+Price O O O O N/A +bos yes , there are 14. which area were you looking for ? eos O O O O O B-Hotel-Inform+Choice O O O O O O O Hotel-Request+Area +bos i am looking for a place in the south side of town . eos O O O O O O O O O B-Hotel-Inform+Area O O O O N/A +bos i have 2 options in the south . both offer free wifi and parking . the bridge guest house is 3-star rated . the other is aylesbray lodge guest house which has 4-star rated . 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 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+Stars I-Hotel-Inform+Stars O O O O Hotel-Inform+Parking,Hotel-Inform+Internet +bos sounds good . can i book a room for one person for two nights starting tuesday ? eos O O O O O O O O O O O O O O O B-Hotel-Inform+Day O O N/A +bos booking was successful , the reference number is aqimz6oo . 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 general-reqmore +bos can you get me a car to pick me up from the museum and take me to the 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 N/A +bos sure ! what time would you like to leave the museum ? eos O O O O O O O O O O O O O Taxi-Request+Leave +bos i want to leave the museum by 7:30. eos O O O O O O O O O N/A +bos ok , a grey honda should be picking you up at the museum , the contact number is 07694082426. is there anything else i can help you with ? eos O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O O O O O O O B-Taxi-Inform+Depart O O O O B-Taxi-Inform+Phone O O O O O O O O O O O O general-reqmore +bos that 's all for today . thanks for your help . eos 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 you have helped me tremendously . thank you ! goodbye ! eos O O O O O O O O O O O O general-bye +bos thank you so much . have a great trip ! eos O O O O O O O O O O O general-bye +bos i am looking for nightclub options in cambridge . eos O O O O O B-Attraction-Inform+Type O O O O N/A +bos sure , we have 6 ballare , club salsa , kambar , soul tree nightclub , and the fez club . eos O O O O O B-Attraction-Inform+Choice 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 N/A +bos what is the area and how much is the entrance fee ? i will need the address and 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 Attraction-Request+Area,Attraction-Request+Fee +bos the ballare is located in the centre and costs 5 pounds . they are located at heidelberg gardens , lion yard . eos O O B-Attraction-Inform+Name O O O O B-Attraction-Inform+Area O O 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 N/A +bos great ! i also need a place to stay in the moderate price range . 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 N/A +bos the a and b guest house is a guesthouse located in the east . it has 4 stars and is moderately priced . 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 B-Hotel-Inform+Type O O O B-Hotel-Inform+Area O O O B-Hotel-Inform+Stars I-Hotel-Inform+Stars O B-Hotel-Inform+Price I-Hotel-Inform+Price O O N/A +bos i was really hoping to find a hotel if you could ? eos O O O O O O O O B-Hotel-Inform+Type O O O O N/A +bos no problem . i have three hotels , however , they are not 4 star . how about a 2 star rated hotel ? 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 B-Hotel-Inform+Stars O O O O O N/A +bos a 2 star hotel is fine does it have free wifi ? eos O O O O O O O O O O O O O Hotel-Inform +bos lovell lodge is a hotel in the north that has free internet . 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 B-Hotel-Inform+Area O O O O O O O O O O O O O Booking-Inform,Hotel-Inform+Internet +bos yes , please . i 'd like 4 nights for 2 people starting thursday . eos 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 okay , we have booked you two for 4 nights , and your reference number is zua8ck80 . anything else i can help with today ? 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 O O O O O O O O O general-reqmore +bos yes , please ! i need 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 Taxi-Inform +bos okay , not a problem . which place will you like to be picked up from , 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 Taxi-Request+Depart,Taxi-Request+Leave +bos i want to leave the ballare by 22:45. can you get me the contact number and car type ? eos 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 Taxi-Request+Car +bos a yellow toyota will pick you up . there number is 07113435261 , just in case you need it . eos 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 N/A +bos thank you very much for helping me ! 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 . if you need anything else do n't hesitate to call . eos O O O O O O O O O O O O O O O O general-welcome,general-bye +bos i was in a car accident dispute and am looking for help . eos O O O O O O O O O O O O O O N/A +bos the phone number for the police is 01223358966. eos O O O O O O O O O N/A +bos i 'll also need the address please . eos O O O O O O O O O Police-Request+Addr +bos sure . the address is parkside , cambridge . is there anything else you need ? eos 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 post code . eos O O O O O O O O O O Police-Request+Post +bos the postcode for the parkside police station is cb11jg . do you need any other assistance ? 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 for today . thanks ! eos 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 an attraction called gonville and caius college . will you help me ? 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 yes , that is a college located in the centre part of town and is located on trinity street . their phone number is 01223332400. eos O O O 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 O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O B-Attraction-Inform+Phone O O N/A +bos thank you for that . can you give me the postcode and entrance fee ? eos O O O O O O O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Fee +bos certainly . the entrance is free and the postcode is cb21ta . is there anything else i can assist with ? eos O O 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 O general-reqmore +bos yes , can you help me find an expensive restaurant that serves british food ? eos O O O O O O O O B-Restaurant-Inform+Price O O O B-Restaurant-Inform+Food O O O N/A +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 Restaurant-Request+Area +bos i 'd like it to be in the west . eos O O O O O O O O B-Restaurant-Inform+Area O O N/A +bos i have the graffiti or the travelers rest . would you like to book one today ? eos 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 Booking-Inform +bos i would like to try graffiti . can i get the address , postcode , and phone number ? eos O O O O O O B-Restaurant-Inform+Name 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 in hotel felix whitehouse lane huntingdon road , cb30lx . their phone number is 01223277977 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 B-Restaurant-Inform+Post O O O O B-Restaurant-Inform+Phone O O N/A +bos thank you very much , that should be it . eos 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-welcome,general-bye +bos thank you , you too ! eos O O O O O O O general-thank +bos thank you ! bye ! eos O O O O O O general-welcome,general-bye +bos i need a train to stansted airport that leaves after 21:30. i am also going to be looking for local places to eat . eos O O O O O O B-Train-Inform+Dest I-Train-Inform+Dest O O O B-Train-Inform+Leave O O O O O O O O O O O O O N/A +bos there are several departures to stansted airport with one every hour beginning at 22:08. would you like for me to look up a local restaurant for you ? eos O O O B-Train-Inform+Choice O O B-Train-Inform+Dest I-Train-Inform+Dest O O O O O O B-Train-Inform+Leave O O O O O O O O O O O O O O general-reqmore +bos i will take a seat on the 22:08 departure as long as it departs from cambridge on friday . yes , please find a restaurant . eos 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 O O O N/A +bos how many tickets shall i book for you on the 22:08 train on friday from cambridge to stansted airport ? eos O O O O O O O O O O O B-Train-OfferBook+Leave O O B-Train-OfferBook+Day I-Train-OfferBook+Day B-Train-OfferBook+Depart I-Train-OfferBook+Depart B-Train-OfferBook+Dest I-Train-OfferBook+Dest O N/A +bos 5 people for the train please . eos O O B-Train-Inform+People O O O O O N/A +bos great i have booked your tickets for 5 people leaving at 21:40 and arriving at 22:08. is there anything else i can help you with ? eos O O O O O O O O O B-Train-OfferBooked+People O O B-Train-OfferBooked+Dest O O O B-Train-OfferBooked+Leave O O O O O O O O O O general-reqmore +bos yes i am also looking for a restaurant in the centre of town in the expensive price range . 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 N/A +bos the fitzbillies restaurant is in the town center and it meets what you are looking for . would you like for me to make you a reservation ? 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 O O O O O O O O O O O O O O O O O O O Booking-Inform +bos perfect , can you book it for 5 people on the same day at 16:30 ? eos O O O O O O O O B-Restaurant-Inform+People O O O O O B-Restaurant-Inform+Time O O N/A +bos sorry , but they 're all full at that time . would you like to try a different time or perhaps 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos can we try for 15:30 ? i also need the reference number for the train booking . eos 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 reference number for the train is kvnac7la . i was able to book fitzbillies for you at 15:30. your reference number for the restaurant is un2k2cd8 . is there anything else ? eos O O O O O O O O B-Train-OfferBooked+Ref O O O O O B-Booking-Book+Name O O O B-Booking-Book+Time O O O O O O O B-Booking-Book+Ref O O O O O O O N/A +bos that 's all , thank you . eos 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 'm sure . thanks . 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 can you locate a train departing from cambridge on friday ? thanks ! eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O O N/A +bos yes , of course . there are multiple trains departing from cambridge on friday . do you have a destination in mind ? eos O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart B-Train-Inform+Day O O O O O O O O O O O Train-Request+Dest +bos yes , i 'd like to go to peterborough and should leave afer 20:00. eos O O O O O O O B-Train-Inform+Dest O O O O O O O N/A +bos i have a train leaving at 20:34 would that be okay ? eos O O O O O O O B-Train-Inform+Leave O O O O O N/A +bos that would be great . can you book 5 seats for me please ? what is the reference number . thank you . 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 booking was successful . your reference number is muf6gl55 . eos O O O O O O O O O O B-Train-OfferBooked+Ref O N/A +bos i am also looking for a cinema in the centre . eos O O O O O O O B-Attraction-Inform+Type O O B-Attraction-Inform+Area O N/A +bos vue cinema is in the center of town , at the grafton centre , east road . eos O 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 O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos could you give me the 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 the entrance fee is not listed but the phone number is 08712240240. 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 B-Attraction-Inform+Phone O O O O O O O O O O general-reqmore +bos great that was all i needed thanks for your help today . eos O O O O O O O O O O O O O general-thank +bos you are welcome . enjoy cambridge . bye . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a restaurant in the centre serving welsh food . eos O O O O O O O O B-Restaurant-Inform+Area O B-Restaurant-Inform+Food O O O N/A +bos unfortunately , i do n't see any restaurants that meet your needs . would you like to broaden your search 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-NoOffer +bos sure , i guess so . eos O O O O O O O N/A +bos i 'm sorry i am still not finding anything . is there another type of food you would be interested in 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 Restaurant-NoOffer +bos well , can i get some african food instead ? eos O O O O O O B-Restaurant-Inform+Food O O O O N/A +bos the bedouin fits that description . would you like any more information about the restaurant or assistance booking a visit ? 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 Booking-Inform,general-reqmore +bos is it in he expensive range ? if it is i would like to book a table for 7 at 1:00 on sunday . eos 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 B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos it is expensive , yes . may i ask you to repeat the exact time you would like to book a table for ? 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 O O O O Booking-Request+Time +bos yes , i want to book a table for 19:00. eos O O O O O O O O O B-Restaurant-Inform+Time O N/A +bos i was unable to complete your booking . would you like to try and book for another day or 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 Booking-NoBook,Booking-Request+Day,Booking-Request+Time +bos yes , can you see if there is a booking available at 18:00 instead ? i will also need to make a hotel reservation in a hotel that offers 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 B-Hotel-Inform+Type O O O O O O O O O O O N/A +bos there are nine hotels with wifi offered . what price range are you looking for ? in the meantime , i will also attempt your restaurant booking . 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 O O O O O O O O Hotel-Request+Price,Booking-Inform,Hotel-Inform+Internet +bos i would like the hotel also to be expensive with at least a 4 star rating . i will need a reference number for my reservation . eos O O O O O B-Hotel-Inform+Type 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 O Restaurant-Request+Ref +bos your table is booked at the bedouin for 18:00 on sunday . reference number wg0tbbpf . i see that the university arms hotel is in the same area . eos O O O O O O O B-Booking-Book+Name O B-Booking-Book+Time O B-Booking-Book+Day O O B-Booking-Book+Ref O O 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 O O N/A +bos can i have the university arms hotel 's phone number and address ? eos O O O O O O O B-Hotel-Inform+Type O O O O O O Hotel-Request+Phone,Hotel-Request+Addr +bos the address for the university arms hotel is regent street and the phone number is 01223351241. would you like me to make a reservation for you ? eos O O O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name 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 O Booking-Inform +bos can you confirm the area of that hotel ? i also need a taxi to go from the hotel to bedouin , i will need to arrive by 18:00. 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 B-Taxi-Inform+Dest O O O O O O B-Taxi-Inform+Arrive O Hotel-Request+Area +bos the university arms is located in the centre . i have also booked you a taxi . look for a red volvo . the taxi 's contact number is 07835109126. will you need anything else ? eos 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 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 nope that should be it thanks eos O O O O O O O general-thank +bos great , i hope i was able to assist you with everything you needed . 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-bye +bos thank you for your help . eos 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 +bos i need to book a taxi to arrive by 13:45 to take me to la margherita . eos O O O O O O O O O O B-Taxi-Inform+Arrive O O O O O B-Taxi-Inform+Dest I-Taxi-Inform+Dest 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 am going to la margherita . eos O O O O O O O O N/A +bos you are booked . your car is a white toyota and contact number is 07178746002 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 um wait how did you book the taxi if you never even got my departure location ? eos O O O O O O O O O O O O O O O O O O Taxi-Inform +bos i can check that . what is your departure location ? eos O O O O O O O O O O O O Taxi-Request+Depart +bos i am departing from hakka . eos O O O O O B-Taxi-Inform+Depart O N/A +bos i apologize for the error . you are booked for a blue volvo with the contact number of 07789499283 from hakka . 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 N/A +bos ok that 's all i need . thanks ! eos 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-welcome +bos my friends said that i must visit corpus christi , can you please give me some more information about it ? eos 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 i certainly can . corpus christi is a college located in the center of town , on king 's parade . there 's a two pound entrance fee . do you need any additional information ? eos O O 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 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 O O O O general-greet,general-reqmore +bos yes . what is the postcode ? eos O O O O O O O O Attraction-Request+Post +bos the postcode is cb21rh . do you need anything else ? eos O O O O B-Attraction-Inform+Post O O O O O O O general-reqmore +bos are there any african restaurants in the centre ? eos O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O N/A +bos i have one listing for bedouin would that work for you ? eos O O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice B-Restaurant-Inform+Name O O O O O O Booking-Inform +bos is this listing in the expensive price range ? eos O O O O O O O O O O N/A +bos yes , it is in the expensive price range , shall i book you a table ? eos O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O O O Booking-Inform +bos please book a table for 4 at 15:30 on saturday . 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 your reference number is 57kudr6y . do you need anything else ? eos O O O O O B-Booking-Inform+Ref O O O O O O O general-reqmore +bos no , that 's great , 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 general-bye +bos i need a train that goes to cambridge and departs from bishops stortford . 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 what day will you be departing and time ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Day +bos i leave on tuesday and need to arrive by 11:30. eos O O O O B-Train-Inform+Day O O O O O B-Train-Inform+Arrive N/A +bos ok , the tr0635 arrives at 10:07. eos O O O B-Train-Inform+Id O O B-Train-Inform+Arrive O N/A +bos what time does the train depart ? what is the price and total 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+Price +bos the tr0635 leaves at 09:29 , tickets cost 10.10 pounds and the duration of the journey is just 38 minutes . would you like me to book you a seat ? eos O 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 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 also need a place to stay that should be in the expensive price range and should include free wifi . 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 Train-Request+Price +bos we have 5 hotels that meet your criteria . is there a particular area of town 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 O O O O Hotel-Request+Area +bos nope , wherever you recommend will be great . thanks eos O O O O O O O O O O O general-thank +bos i would recommend the lensfield hotel . it 's a 3 star hotel in the south . would you like more information or do you want to go ahead and book a room ? eos O O O O O B-Hotel-Recommend+Name I-Hotel-Recommend+Name O O 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 O O O Booking-Inform,general-reqmore +bos yes can you please do that for me ? eos O O O O O O O O O O N/A +bos how many people should i book this for ? what day ? 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 Booking-Request+People,Booking-Request+Stay +bos i am planning a trip in cambridge eos O O O O O O O O N/A +bos 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 eos O O O O O O O O O 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 is there something wrong with you ? i need a moderately priced guesthouse on the east side with a 4 star rating . or do you need help ? eos O O O O O O O O O O B-Hotel-Inform+Price O B-Hotel-Inform+Type O O B-Hotel-Inform+Area O O O O B-Hotel-Inform+Stars O O O O O O O O O N/A +bos sorry bout that , dr seuss gets the best of me sometimes ! how about 1 and b guest house on tension road ? 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 I-Hotel-Recommend+Name I-Hotel-Recommend+Name B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O N/A +bos can you book it for me ? eos O O O O O O O O N/A +bos absolutely i can book a and b guest house . what day would you like the reservation for ? 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 O O O O O O O O Booking-Request+Day +bos my 4 friends and i want to stay for 2 nights , we plan to arrive on monday . eos O O O B-Hotel-Inform+People 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+Stay O O O O O B-Hotel-Inform+Day O O N/A +bos booking was successful . reference number is : h0gcl2m7 . is there something 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 i 'm also looking for a trail which will arrive by 16:15 in cambridge . eos 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 absolutely , where are you leaving 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 'll be leaving london liverpool street on monday . eos 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 tr6226 arrives at 15:07 do you want me to book it for you ? the cost is 16.60 pounds per ticket . eos O O B-Train-OfferBook+Id O O B-Train-OfferBook+Arrive O O O O O O O O O O O O B-Train-Inform+Ticket I-Train-Inform+Ticket O O O N/A +bos yes please for 5 people . i need the reference number as well . eos 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 83 gbp and it can be paid at the station . reference number is y4hs2q9d . 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 O O B-Train-OfferBooked+Ref O O O O O O O O N/A +bos no , i think that 's all i need today . thank you for your assistance . eos O O O O O O O O O O O O O O O O O O general-thank +bos enjoy your day and your stay . hope its not bad in any way . eos 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 out more about places to dine in the city centre that serve asian cuisine . 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 we have 4 options . which is your price range ? eos O O O O B-Restaurant-Inform+Choice O O O O O O O Restaurant-Request+Price +bos i do n't really have a price range - i just need a table for 2 at 17:00 on wednesday . pick your favorite and let me know ! eos 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 O O O O O O O N/A +bos i booked you a moderately priced restaurant in the city 's centre called yippee noodle club . your reference number is 0p6h7pdl . can i help you further ? 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 O O O B-Booking-Book+Ref O O O O O O O O Restaurant-Inform,general-reqmore +bos no , that 's it thank you . eos O O O O O O O O O general-thank +bos we can also arrange a taxi from your hotel to the restaurant when you are ready , just let us know a hour or so in advance of your reservation 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 O O O O O O O N/A +bos that 's an excellent idea . could you help me find a hotel 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 there are plenty of locations that meet your criteria . would you like to narrow it down further by stars , internet , or 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 O O O Hotel-Request+Stars,Hotel-Request+Price,Hotel-Request+Internet +bos the hotel should be in the north and should include free wifi . eos O O O O O O O O O O O O O O N/A +bos acorn guest house is a nice place , do you want their info ? 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 N/A +bos do they have free parking ? eos O O O O O O O N/A +bos yes the acorn guesthouse has free parking available . eos O O O B-Hotel-Inform+Name I-Hotel-Inform+Name I-Hotel-Inform+Name O O O O Hotel-Inform+Parking +bos i am also looking for lodging in the expensive price range . does the acorn guesthouse fit this requirement ? 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 acron guest does meet your requirements would you like for 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 O Booking-Inform +bos yeah , i want it booked for 2 people on wednesday for 2 nights eos O O O O O O O O B-Hotel-Inform+People O B-Hotel-Inform+Day O O O O N/A +bos i have that booked and your reference number is bqbo6hov . eos O O O O O O O O O O B-Booking-Book+Ref O N/A +bos thanks . now i 'll just need a taxi to take me from the hotel to the restaurant , arriving by 17:00. please give me 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 B-Taxi-Inform+Arrive O O O O O O O O O O O Taxi-Request+Car +bos blue volkswagencontact number:07882720799 is there anything else i can assist you with ? eos 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 that 's will do it for now . thank you eos O O O O O O O O O O O general-thank +bos thank you have a wonderful time in the city centre . eos O O 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 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 +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 there are over 20 results . is there a certain type of food you 'd 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 Restaurant-Request+Food +bos i 'm in the mood for some mexican food . is there a restaurant of that type in the center of town ? if so , i 'll need address and postcode . 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 O O O O O O Restaurant-Request+Food,Restaurant-Request+Addr +bos it does n't look like there are any mexican restaurants in the centre at all . would you like to try any other kind 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 Restaurant-Request+Food,Restaurant-NoOffer +bos well let 's try another type of food that is moderately priced . what do you suggest ? eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O O Restaurant-Request+Food +bos bloomsbury restaurant is an international restaurant that offers a variety of food . it is located at crowne plaza hotel 20 downing street cb23dt . their phone number is 08719429180. eos 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 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 N/A +bos im also looking for some entertainment near the restaurant . eos O O O O O O B-Attraction-Inform+Type O O O O N/A +bos i 'm sorry , there is n't any entertainment in the centre . could you be more specific as to 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 O O Attraction-Request+Type,Attraction-NoOffer +bos could you help me find a nightclub , please ? eos O O O O O O O B-Attraction-Inform+Type O O O N/A +bos yes i have many . would you like me to suggest one ? eos O O O O B-Attraction-Inform+Choice O O O O O O O O O general-reqmore +bos yes , that could be great . eos O O O O O O O O N/A +bos how about club salsa . i hear that it 's pretty great for a night out . would you like more information about it ? 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 general-reqmore +bos yes , i would also like to get a taxi too . i would like to know the contact number and car type 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 Taxi-Request+Car +bos club salsa is located at 1 station road and their entrance fee is 5 pounds . from where to where do you need a taxi ? eos 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 O O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O O Taxi-Request+Depart,Taxi-Request+Dest +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 O N/A +bos what times were you thinking about leaving and arriving ? eos O O O O O O O O O O O Taxi-Request+Leave,Taxi-Request+Arrive +bos i 'd like to leave club salsa by 21:30 , definitely do n't want to be there when things start to get exciting ! eos 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 O O O O O O O O N/A +bos what about an arrival time to your destination ? eos O O O O O O O O O O Taxi-Request+Arrive +bos it does n't matter . eos O O O O O O N/A +bos i was able to book a red skoda phone number 07453096254 eos O O O O O O O O B-Taxi-Inform+Car I-Taxi-Inform+Car O B-Taxi-Inform+Phone N/A +bos thank you that will be all eos O O O O O O O general-thank +bos glad to be of service . have a great day . eos O O O O O O O O O O O O general-welcome,general-bye +bos for sure . goodbye now . eos O O O O O O O general-bye +bos good day and welcome again eos 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 are you looking for ? eos O O O O O O O O O O general-reqmore +bos i am looking for places to visit while i 'm in town . eos O O O O O O O O O O O O O O N/A +bos is there an area or activity you prefer ? i have many options such as museums , architecture etc . eos 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+Type I-Attraction-Inform+Type O O O Attraction-Request+Area +bos i would like to visit a museum . could you suggest one ? any area is fine . eos O O O O O O O B-Attraction-Inform+Type O O O O O O O O O O O Attraction-Request+Area +bos how about cafe jello gallery in the west ? eos O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O B-Attraction-Recommend+Area O N/A +bos that sounds good . what area is it in ? i 'm also looking for a train leaving cambridge on monday going to norwich . i 'd like to arrive by 14:15. can you help me ? 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 B-Train-Inform+Dest O O O O O B-Train-Inform+Arrive O O O O O O O O O O Attraction-Request+Area +bos as i mentioned , the gallery is in the east . for the train , your best bet is tr8237 , arriving in norwich at 13:55 on monday . eos 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 B-Train-Select+Id O O B-Train-Select+Dest I-Train-Select+Dest B-Train-Select+Arrive O B-Train-Select+Day O O O O O N/A +bos great what is the price and travel time on that train ? eos O O O O O O O O O O O O O Train-Request+Duration,Train-Request+Price +bos yes the travel time is 79 minutes and the price is 17.60 pounds . 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 N/A +bos can you book it for me ? eos O O O O O O O O N/A +bos do you just need one ticket for the tr8237 ? eos O O O O O O O O O B-Train-Inform+Id O Train-Request+People +bos yes , i just need one ticket . please give 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 thank you i will get that for you eos O O O O O O O O O Train-OfferBook +bos is there anything interesting to see 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 in addition to architecture , colleges , and museums , we also have boat attractions , nightclubs , and theatres in the centre . 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 B-Attraction-Inform+Area I-Attraction-Inform+Area O O O O O N/A +bos i would be interested in seeing some interesting architecture . eos O O O O O O O O O B-Attraction-Inform+Type O N/A +bos there are a few places , mainly churches , that have great architecture . do you want information on any of those ? 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 N/A +bos no thank you though . i would like information on greek restaurants that would be in the same area as the churches you suggested , please ? 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 O O O O O O N/A +bos there is no greek restaurant in the centre . can we change the location ? eos O O O O O O O O O O O O O O O O N/A +bos well , how about african food ? eos O O O O B-Restaurant-Inform+Food O O O N/A +bos bedouin is an expensive serving african food in the centre of town . eos O B-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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area I-Restaurant-Inform+Area N/A +bos that sounds good , can you book 2 people at 13:30 on tuesday . eos O O O O O O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O O O O N/A +bos booking was successful . reference number is : ia596hsh . 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 yes , i 'll also need a taxi to commute between the two places . i 'll need to be at the restaurant by 13:30 , of course . 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 O O O O O N/A +bos okay and where do you need the taxi to pick you up ? eos O O O O O O O O O O O O O O Taxi-Request+Depart +bos i need it to arrive before the 13:30 at the restaurant . can you give me a contact number and the car type that will pick me up ? eos 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 O O O O O Taxi-Request+Car,Attraction-Request+Type +bos i can do that . i 'm sorry , but can you clarify your departure site ? it appears it would be a location 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 O O O N/A +bos you 're right . i forgot to select an architectural sight that i wanted to visit . could you suggest one 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 N/A +bos sure thing . i would suggest the old schools . 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 good , can you book the taxi from there 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 booking completed ! booked car type : grey bmwcontact number : 07935848087 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 's all i need eos O O O O O O O general-thank +bos can i assist you with anything further , today ? 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 thank you , you too . eos O O O O O O O general-bye +bos hey there , i want to get a train to cambridge for thursday please 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 okay , from where are you departing ? eos O O O O O O O O O Train-Request+Depart +bos i am coming in from the stansted airport . eos O O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O N/A +bos what time will you need to be traveling ? eos O O O O O O O O O O Train-Request+Leave,Train-Request+Arrive +bos i would like to arrive by 15:45 , need 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 Train-Request+TrainID,Train-Request+Leave +bos okay the tr2473 leaves at 14:24 and arrives by 14:52. it 's 28 minutes . 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 B-Train-Inform+Time I-Train-Inform+Time O N/A +bos thanks ! i 'm also looking for an attraction in the centre area . eos O O O O O O O O O O B-Attraction-Inform+Area O O O O N/A +bos what type of attractions are yopu looking for ? eos O O O O O O O O O O Attraction-Request+Type +bos multiple sports please . whatever that is . eos O O O O O O O O O N/A +bos whatever it is , there is not a spot for in the centre , shall 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 N/A +bos how about a college instead ? eos O O O O B-Attraction-Inform+Type O O N/A +bos christ 's college meets your criteria . would you like more information ? eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O O O O O O O O O O N/A +bos can i get their address and phone number please ? eos O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Addr +bos yes , here you go saint andrew 's street and 01223334900 eos O O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr I-Attraction-Inform+Addr O B-Attraction-Inform+Phone O O N/A +bos thank you . is there an entrance fee ? eos O O O O O O O O O O Attraction-Request+Fee +bos nope . it 's free ! eos O O O O B-Attraction-Inform+Fee O O N/A +bos thank you for your help . eos O O O O O O O general-thank +bos welcome . 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 general-welcome,general-reqmore +bos no , that will be all . 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 general-bye +bos you 're welcome , have a good day eos O O O O O O O O O general-welcome,general-bye +bos please find me a place in the south that serves chinese food eos O O O O O O O O B-Restaurant-Inform+Area O O B-Restaurant-Inform+Food O N/A +bos i have 3 choices of chinese restaurants . 2 are more expensive and there is 1 option that is cheaper . do you have a preference ? eos O O O O O O B-Restaurant-Inform+Food 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 O O Restaurant-Select +bos yes , i would like the one in the cheap price range . eos O O O O O O O O O B-Restaurant-Inform+Price O O O O N/A +bos the lucky star is a chinese restaurant in the south in the cheap price range . eos O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Food O O O B-Restaurant-Recommend+Area I-Restaurant-Recommend+Area O B-Restaurant-Recommend+Price O O O N/A +bos sounds good . what is 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 cambridge leisure park clifton way cherry hinton , the phone number is 01223244277. would you like to book a table ? or is there anything else 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 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 O O O O O Booking-Inform,general-reqmore +bos i need to take a train that arrives by 15:00 on sunday . eos O O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Day O N/A +bos i found 198 trains . where are you leaving from ? eos O O O O B-Train-Inform+Choice 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 great , and where are you traveling to ? eos O O O O O O O O O O Train-Request+Dest +bos i need to get to leicester . eos O O O O O O B-Train-Inform+Dest O N/A +bos there 's one that departs at 12:21. would you like to take that train ? eos O O O O O O B-Train-Inform+Leave O O O O O O O O O Train-Select +bos yes can you book that for me please ? eos O O O O O O O O O O N/A +bos yes i can , 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 O O O O Train-Request+People +bos i actually just need the departure time please . eos O O O O O O O O O O Train-Request+Leave +bos the train will leave at 12:21. do you need any other information ? eos O O O O O O B-Train-Inform+Leave 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 eos O O O O general-welcome +bos okay . well goodbye then . eos O O O O O O O general-bye +bos thank you for calling and have a nice day . goodbye . eos O O O O O O O O O O O O O general-bye,general-greet +bos please find me a place to go in the centre and it should be a collage eos 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 trinity college ? 1 pound entrance fee . eos O O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O N/A +bos sounds good . that 's all i need today , thanks ! eos O O O O O O O O O O O O O general-thank +bos you are welcome . can i help you find anything else ? eos O O O O O O O O O O O O O general-welcome,general-reqmore +bos yes i am looking for a particular restaurant called the sesame restaurant and bar . 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 O N/A +bos the sesame restaurant and bar serves chinese food . it is located in the city centre and is in the expensive 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 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 O N/A +bos thank you ! will you please tell me the address/postcode ? eos O O O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos yes , the address is 17 hills road city centre and postcode is cb21nw . would you like me to make a reservation ? 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 B-Restaurant-Inform+Post O O O O O O O O O O O Booking-Inform +bos no , thanks for all of your help you have been great ! eos O O O O O O O O O O O O O O general-thank +bos do you need me to look into anything else for you ? eos O O O O O O O O O O O O O general-reqmore +bos no , that 's all i need help with . thanks , bye ! eos 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 a train leaving from broxbourne on tuesday . eos O O O O O O O O B-Train-Inform+Depart O B-Train-Inform+Day O O N/A +bos there are many to choose from . where are you going and what day would you like to travel ? 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 Train-Request+Dest,Train-Request+Day +bos i am going to cambridge . i would like the train to leave on tuesday after 08:15. eos O O O O O B-Train-Inform+Dest O O O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave 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 any arrival time is fine , can you give me an arrival time and 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+Arrive +bos the travel time is 1 hour . there 's a train leaving at 08:32 and arriving at 9:32 , will that be acceptable ? eos O O O O O O B-Train-Inform+Time I-Train-Inform+Time O 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 yes that 's fine . i am looking for something to do for entertainment , any attractions you could tell me about ? 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 yes , there are quite a few attractions . what type of entertainment are you looking for ? 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 Attraction-Request+Type +bos i am looking for either a theater , zoo , fair , or concert . what are the entrance fee 's for each ? 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 O O O Attraction-Request+Fee +bos the man on the moon concerthall is on norfolk street , but it does not list an entrance fee . that seems to be the only thing you would like . 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+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 I-Attraction-Inform+Fee O O O O O O O O O O O O O N/A +bos i think that is all i need for now . thanks , bye . eos O O O O O O O O O O O O O O O general-bye +bos your welcome . have a great night ! eos O O O O O O O O O general-welcome,general-bye +bos i need a restaurant in the centre that serves british 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 have about 7 different ones available . are you looking for a certain price range ? 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+Price +bos yes , cheap . i am not looking for anything expensive . eos O O O O O O O O O O O O O N/A +bos i 'm so sorry , but they all fall into the moderate or expensive price ranges . would you be interested in any of those ? eos 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 O O O O Restaurant-Select +bos yes , i would be . can you list out several of them for me so i can pick ? 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 restaurant one seven is located at de vere university arms regent street city centre and is moderately priced , the oak bistro is at 6 lensfield road and is also moderately priced eos O O O O O O O O O O O O O O O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price 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 O O O O N/A +bos i apologize , disregard what was said before , i will actually just need the expensive british ones , in the centre area 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 O B-Restaurant-Inform+Area O O O O N/A +bos fitzbillies restaurant , the cambridge chop house , and midsummer house restaurant . do any of those interest you ? 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 Restaurant-Select +bos fitzbillies will be fine . can i get the contact information , please ? eos O B-Restaurant-Inform+Name O O O O O O O O O O O O O N/A +bos phone , 01223352500. anything else ? eos O O B-Restaurant-Inform+Phone O O O O general-reqmore +bos i also need the postcode and address please . eos O O O O O O O O O O Restaurant-Request+Post,Restaurant-Request+Addr +bos the address is 51 trumpington street city centre . the postcode is cb21rg . 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 thank you that will be all good bye eos 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,general-bye +bos hello , can you tell me about some asian oriental restaurants in the centre ? 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 N/A +bos there are several . would you like a list of all of them , or do you have a preferred 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 O Restaurant-Request+Price +bos would you please recommend one ? eos O O O O O O O N/A +bos i recommend j restaurant . would you like a reservation ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O O O O O O Booking-Inform +bos sure , for 5 people at 13:45 on friday . 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 : 9z2bjho4 eos O O O O O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos i am will need a train . eos O O O O O O O O Train-Inform +bos okay , what day are you traveling and what is your destination ? eos O O O O O O O O O O O O O O Train-Request+Day,Train-Request+Dest +bos i need to get from ely to cambridge , on that same friday . eos O O O O O O O B-Train-Inform+Depart B-Train-Inform+Dest O O O B-Train-Inform+Day O O N/A +bos the tr8519 train leaves at 5:35 and arrives at 5:52 eos O O B-Train-Inform+Id O O O B-Train-Inform+Leave O O O B-Train-Inform+Arrive N/A +bos make a booking for the same group of people . eos O O O O O O O O O O O N/A +bos booking was successful , the total fee is 22 gbp payable at the station . reference number is : j71izzae . is there anything else i can assist you with 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 O O O general-reqmore +bos i also need reservation for food . eos O O O O O O O O N/A +bos do you know what kinda of food you want . eos O O O O O O O O O O O Restaurant-Request+Food +bos no , do n't worry about it . i already got a reservation earlier . that is all 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 thank you for using our service today . eos O O O O O O O O O general-bye +bos what is the address for holy trinity church ? eos O O O O O O B-Attraction-Inform+Name I-Attraction-Inform+Name I-Attraction-Inform+Name O N/A +bos the address for holy trinity church is market street postcode cb23nz and the phone number is 01223355397. eos 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+Post O O O O O B-Attraction-Inform+Phone N/A +bos thank you . i wish to get entrance fee eos O O O O O O O O O O Attraction-Request+Fee +bos holy trinity church is free . may i help you with anything else today ? 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 O O O O general-reqmore +bos yes , i am looking for an indian restaurant in the east . eos O O O O O O O B-Restaurant-Inform+Food O O O B-Restaurant-Inform+Area O O N/A +bos the four choices range from moderate to expensive in their price range . do you have a preference ? eos O O B-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-Select +bos how about an expensive one . what are my choices in that range ? eos O O O O B-Restaurant-Inform+Price O O O O O O O O O O N/A +bos pipasha restaurant and sitar tandoori are the 2 expensive indian restaurants in the area . do you want the information on those ? eos O O 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 O O O O O O O O O O general-reqmore +bos i want o book for 7 people at 18:00 on monday 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 i booked you for pipasha restaurant . the table will be reserved for 15 minutes.reference number is : 3w8kkloj . 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 O general-reqmore +bos yes , one more thing . i will need a taxi from holy trinity church to pipasha restaurant . 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+Dest I-Taxi-Inform+Dest O O N/A +bos sure ! and what time do you prefer ? eos O O O O O O O O O O Taxi-Request+Leave +bos i need to arrive by the booked time at the restaurant . eos O O O O O O O O O O O O O Restaurant-Inform +bos for how many people ? eos O O O O O O general-reqmore +bos there will be 7 people travelling . eos O O O O O O O O N/A +bos a grey volvo will pick you up at holy trinity church for your arrival at pipasha by 18:00. should you need to contact the driver , the number is : 07746897279 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 O B-Taxi-Inform+Arrive O O O O O O O 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 thank you for using the cambridge towneinfo centre . goodbye eos O O O O O O O O O O O general-bye +bos 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 ? eos O O O O 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 there are a lot of restaurants you may like , what kind of food do you like ? do you have a price range in mind ? 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 O O O O O Restaurant-Request+Food,Restaurant-Request+Price +bos yes i like english food and would prefer the cheap price range in the city center . eos O O O O O O O O O O B-Restaurant-Inform+Price O O O O O O O N/A +bos there are no cheap british restaurants in the centre of the city . would you like me to check a different area ? eos 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 Restaurant-Request+Area +bos yes the north please ? eos O O O B-Restaurant-Inform+Area O O N/A +bos there either . can we change the price range ? eos O O O O O O O O O O O Restaurant-Request+Price,Restaurant-NoOffer +bos can you check for mediterranean in the centre please . eos O O O O O B-Restaurant-Inform+Food O O B-Restaurant-Inform+Area O O N/A +bos there is the gardenia in the centre . it is cheap . would you like me to book for you ? eos O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name O B-Restaurant-Recommend+Area O O B-Restaurant-Inform+Price O O O O O O O O O O O Booking-Inform +bos yes can you please book that for me thank you . eos O O O O O O O O O O O O general-thank +bos sure . what day and time would you like to be booked 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,general-greet +bos monday at 16:45 for 7 peeps pleez eos O B-Restaurant-Inform+Day O B-Restaurant-Inform+Time O O B-Restaurant-Inform+People O N/A +bos okay , we got you book . your table will be reserved for 15 minutes . the reference number is : oh551xpf . 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 N/A +bos that 's great . one last thing , can you recommend a museum and give me their address and phone number . thanks 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 Attraction-Request+Phone,Attraction-Request+Addr +bos i would recommend the broughton house gallery in the centre . their phone is 01223314960 and the address is 98 king street , cb11ln . 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 O B-Attraction-Inform+Phone I-Attraction-Inform+Phone O O O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr B-Attraction-Inform+Post O O O N/A +bos perfect ! you have been so helpful . they should give you a raise . thanks again . 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 thank you , 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 hello , can i please have some information on the types of museums that are available in cambridge and their location ? 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 N/A +bos sure . there are 79 different museums in cambridge . is there an area of the city you were looking to visit ? or price range ? eos O O O O O O B-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 Attraction-Request+Area,Attraction-Request+Type +bos not really anywhere specific , and i do n't care about the price range . eos O O O O O O O O O O O O O O O O N/A +bos may i suggest the broughton house gallery ? it is a nice museum in the centre which is free to visit . shall i provide more information ? 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+Type I-Attraction-Inform+Type O B-Attraction-Inform+Area I-Attraction-Inform+Area O B-Attraction-Inform+Fee I-Attraction-Inform+Fee O O O O O O O O O general-reqmore +bos what is the postcode and phone number there ? eos O O O O O O O O O O Attraction-Request+Post,Attraction-Request+Phone +bos 01223314960 and cb11ln eos O B-Attraction-Inform+Phone I-Attraction-Inform+Phone B-Attraction-Inform+Post N/A +bos i also need a place to eat , i want european food and it needs to be expensive . eos 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 N/A +bos i have many choices . what part of town do you prefer ? eos O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O O O O O O O Restaurant-Request+Area +bos it does n't matter . you choose . can i get the area , 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 O Restaurant-Request+Area,Restaurant-Request+Phone,Restaurant-Request+Addr +bos i recommend eraina , it is in centre , the phone number is 01223368786 and the address is free school lane city centre . can i book you a table there ? eos O O O B-Restaurant-Recommend+Name O O O B-Restaurant-Recommend+Area O O O O 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 I-Restaurant-Recommend+Addr O O O O O O O O O O O Booking-Inform +bos no thank you , that 's all the information i need right now . 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,general-greet +bos hi there . can you help me pick out a restaurant ? eos O O O O O O O O O O O O O Restaurant-Inform +bos i am able to , do you have an area , price range , or 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 O O O O Restaurant-Request+Area,Restaurant-Request+Food,Restaurant-Request+Price +bos i would like to dine in a cheap chinese food restaurant that is located in the south . can you help me find one ? eos O O O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O B-Restaurant-Inform+Area O O O O O O O O N/A +bos the lucky star sounds perfect for you . would you like me 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 O O O O O Booking-Inform +bos no , can you please give the address and phone number for the lucky star . 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 Restaurant-Request+Phone,Restaurant-Request+Addr +bos yes of course . the lucky star 's address is cambridge leisure park clifton way cherry hinton and their phone number is 01223244277. 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 I-Restaurant-Inform+Addr O O O O O B-Restaurant-Inform+Phone O O general-greet +bos i am also looking for place 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 N/A +bos there quite a few attractions in the area . is there one in particular you 're interested in - maybe a museum ? nightclub ? cinema ? 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 O B-Attraction-Select+Type I-Attraction-Select+Type O O O O N/A +bos can you make a suggestion and provide the type , phone , and address ? eos O O O O O O O O O O O O O O O O Attraction-Request+Phone,Attraction-Request+Type,Attraction-Request+Addr +bos sure ! the cineworld cinema is a cinema in the south . their phone is 00872208000. their address is cambridge leisure park , clifton way . eos 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 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 general-greet +bos great ! thanks ! 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 day . eos O O O O O O O O O O general-welcome,general-bye +bos i 'm looking for a particular restaurant called charlie chan . eos O O O O O O O O B-Restaurant-Inform+Name I-Restaurant-Inform+Name O O N/A +bos charlie chan is an inexpensive chinese restaurant in the centre of town . would you like their phone number or address ? 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 I-Restaurant-Inform+Area I-Restaurant-Inform+Area O O O O O O O O O O N/A +bos i would like to book a table for 7 people at 11:00 on tuesday 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 N/A +bos your booking was successful . your reference number is 9rd3x10v . they will hold your 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 O N/A +bos great , is there a cool place in the west we could check out ? maybe a museum ? eos 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 N/A +bos sure , i have 7 museums in the west . i would recommend the museum of classical archaeology . would you like a reservation ? eos O 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 I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O Booking-Inform +bos no reservation needed but i would like the museum phone number , please . eos O O O O O O O O O O O O O O O Attraction-Request+Phone +bos the phone number is 01223335153. may i assist with something else ? eos O O O O O B-Attraction-Inform+Phone O O O O O O O general-reqmore +bos that 's all for now . thank you for everything . eos O O O O O O O O O O O O general-thank +bos you are welcome , 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-welcome,general-bye +bos i 'm looking for a restaurant , can you help ? eos O O O O O O O O O O O O Restaurant-Inform +bos yes i can is there any type of food you 're in the mood for and what area 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 Restaurant-Request+Area,Restaurant-Request+Food +bos i would like an indian place in the east 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 4 places that have great indian food . i have 2 moderately priced ones and 2 expensive ones . do you have a preference ? eos O O O O O O O O B-Restaurant-Inform+Food I-Restaurant-Inform+Food O O O B-Restaurant-Inform+Choice I-Restaurant-Inform+Choice O O O B-Restaurant-Inform+Price I-Restaurant-Inform+Price O O O O O O O O Restaurant-Select +bos yes , i 'd like one in the moderate price range . can you select one ? eos O O O O O O O O O O O O O O O O O O N/A +bos sure , how about pipasha restaurant ? eos O O O O B-Restaurant-Recommend+Name O O O N/A +bos yes . 3 people at 13:45 on sunday . eos O O O B-Restaurant-Inform+People O B-Restaurant-Inform+Time O B-Restaurant-Inform+Day O O N/A +bos i have made that reservation and your reference number is h5pbypd0 . eos O O O O O O O O O O O B-Booking-Book+Ref O N/A +bos are there any wonderful museums in town ? i just need the address of one that you would suggest . 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 Attraction-Request+Addr +bos i have the cambridge artworks located at 5 greens road and has free entrance . eos O O O O B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O B-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr I-Attraction-Recommend+Addr B-Attraction-Recommend+Fee I-Attraction-Recommend+Fee O N/A +bos cool i need a cab now and i need to get to the restaurant by the reservation time of course 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 i can do that - i got you a white honda and the driver can be reached at 07397937480. will that be all 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 B-Taxi-Inform+Phone O O O O O O general-reqmore +bos that 's all i need today . eos O O O O O O O O N/A +bos thank you so much for calling . ring us back if you need anything else . 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,general-reqmore +bos i was robbed and i need to know what to do next eos O O O O O O O O O O O O O N/A +bos i 'm sorry to hear this i would suggest you call the police department . here is their information . telephone : 01223358966address : parkside , cambridgepostcode : 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 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 O general-bye +bos you are more than welcome ! eos O O O O O O O general-bye +bos hello , i am looking for a train heading to cambridge and i will be departing from kings lynn . eos O O O O O O O O O O B-Train-Inform+Dest O O O O O O B-Train-Inform+Depart I-Train-Inform+Depart O O N/A +bos the first train leaves on friday at 05:11 and arrives at 05:58. should i book it for you ? eos O O O O O O B-Train-Inform+Day O B-Train-Inform+Leave O O O B-Train-Inform+Arrive O O O O O O O Booking-Inform +bos no , not at this time . thank you , good bye . eos O O O O O O O O O O O O O O general-bye +bos thank you . enjoy your trip . eos O O O O O O O O general-welcome,general-bye +bos where can i find the police station ? eos O O O O O O O O O Police-Inform +bos they are in parkside . you can reach them at phone number 01223358966. eos O O O O O O O O O O O O O O N/A +bos thank you . what is the postcode ? eos O O O O O O O O O Police-Request+Post +bos the postcode is cb11jg . is there anything else i can help with ? eos 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 great ! have a good day . eos O O O O O O O O general-greet +bos would you be able to help me find a train for friday ? eos O O O O O O O O O O O O B-Train-Inform+Day O N/A +bos gladly . where are you headed ? eos O O O O O O O O Train-Request+Dest,general-greet +bos i need a train that departs cambridge to stevenage on friday leaving after 18:30. eos 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 N/A +bos the first train running that route after 18:30 is the tr8118 , leaving at 19:21. eos O O O O O O O O O O O B-Train-Inform+Id O O B-Train-Inform+Leave O N/A +bos that sounds great . can you please book 5 tickets ? 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 64 gbp payable at the station . reference number is : qaf9quo2 . 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 N/A +bos okay thank you for your help . eos O O O O O O O O general-thank +bos i 'm more than happy to have been of service . 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 general-welcome,general-reqmore +bos i would also like to visit a college . eos O O O O O O O O B-Attraction-Inform+Type O N/A +bos do you have a specific college in mind ? or do you prefer a certain area of town ? eos 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+Name,Attraction-Request+Area +bos i would like one in the centre please . eos O O O O O O O B-Attraction-Inform+Area O O N/A +bos christ 's college , corpus christi , king 's college , and pembroke college are some of the colleges in that area . eos O O B-Attraction-Inform+Type 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 N/A +bos can i get the phone number , entrance fee , and postcode of one of them ? 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+Fee +bos sure , christ 's college is free admission and their phone number is 01223334900. eos O O B-Attraction-Inform+Name I-Attraction-Inform+Name O B-Attraction-Inform+Fee O O O O O O B-Attraction-Inform+Phone O O N/A +bos thank you . i also need the postcode please . eos O O O O O O O O O O O Attraction-Request+Post +bos cb23bu is the postcode . can i help you with anything else ? eos O B-Attraction-Inform+Post O O O O O O O O O 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 i am glad i have been of help . good bye eos O O O O O O O O O O O O general-welcome,general-bye +bos i want help booking a taxi eos O O O O O O O Taxi-Inform +bos okay , what is your destination ? eos O O O O O O O O Taxi-Request+Dest +bos i am going to the cambridge county fair next to the city tourist museum . 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 I-Taxi-Inform+Dest I-Taxi-Inform+Dest I-Taxi-Inform+Dest O N/A +bos and when would you like to leave ? eos O O O O O O O O O Taxi-Request+Leave +bos i want to leave after 16:45 eos O O O O O O B-Taxi-Inform+Leave N/A +bos and where will you be leaving from ? eos O O O O O O O O O Taxi-Request+Depart +bos leaving from travelers rest eos O O O O O N/A +bos booking completed ! booked car type : white fordcontact number : 07267142867 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 ! thank you so much for all of your help . eos 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 can you tell me whether there are colleges open to sightseers in the city center ? eos 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 several places , churchill college is available . eos O O O B-Attraction-Inform+Choice I-Attraction-Inform+Choice B-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O N/A +bos what is the address ? eos O O O O O O Attraction-Request+Addr +bos churchill college is on storey 's way . eos O B-Attraction-Inform+Name I-Attraction-Inform+Name O O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O N/A +bos can you give me the phone number also ? eos O O O O O O O O O O Attraction-Request+Phone +bos churchill college can be reached at 01223336233. is there anything else i can help with today ? eos 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 'm also looking for a cheap indian restaurant , can you recommend one for me ? eos O O O O O O B-Restaurant-Inform+Price B-Restaurant-Inform+Food O O O O O O O O O O N/A +bos sure , i would recommend kohinoor indian restaurant in the centre . would you like a reservation ? eos O O O O O B-Restaurant-Recommend+Name I-Restaurant-Recommend+Name I-Restaurant-Recommend+Food O O B-Restaurant-Recommend+Area O O O O O O O O Booking-Inform +bos sounds good . can i get their phone number and address ? eos O O O O O O O O O O O O O Restaurant-Request+Phone,Restaurant-Request+Addr +bos their address is 74 mill road city centre and the phone number is 01223323639. 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 O B-Restaurant-Inform+Phone O O O O O O O O general-reqmore +bos no , you 've taken care of everything for me today ! thank you ! eos O O O O O O O O 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 'd like to find an attraction to visit 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 O N/A +bos there are 13 options , any specific preferences ? eos O O O O B-Attraction-Inform+Choice O O O O O Attraction-Request+Type +bos yes , i am looking for cinemas and museums . eos O O O O O O O O O O O N/A +bos there are no cinemas on the west side , but i have several museums . the lynne strover gallery is a great place , and it 's free to get in . 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 B-Attraction-Inform+Choice B-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 B-Attraction-Inform+Fee O O O O O O O O N/A +bos what train go there from cambridge ? eos O O O O O O B-Train-Inform+Depart O N/A +bos what day and time are you looking at ? i can help you find a train if i know that . 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 +bos can you give me the postcode to the museum and i will be traveling on tuesday . eos O O O O O O O O O O O O O O O O B-Train-Inform+Day O Attraction-Request+Post +bos the postcode is cb30aq . what time are you looking at ? eos O O O O B-Attraction-Inform+Post O O O O O O O O Train-Request+Leave +bos i 'd like to depart cambridge to arrive by 12:15 to stansted airport on tuesday . eos O O O O O O O O O B-Train-Inform+Arrive O B-Train-Inform+Dest I-Train-Inform+Dest O B-Train-Inform+Day O O N/A +bos sure how many tickets please ? eos O O O O O O O Train-Request+People +bos i actually do n't want to book tickets today . i just need the train id and the times it runs . 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 +bos there are 7 trains available , the earliest one is tr1656 , which leaves at 5:40 , and arrives at stansted airport by 6:08. can i help you with anything else ? eos O O O O O O B-Train-Inform+Choice I-Train-Inform+Choice I-Train-Inform+Choice O B-Train-Inform+Id 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 O O O O O general-reqmore +bos yes , could you tell me the travel time for the tr1656 ? eos O O O O O O O O O O O O O O Train-Request+Duration +bos absolutely , it is 28 minutes . eos O O O O O B-Train-Inform+Time I-Train-Inform+Time O N/A +bos thanks . i think thats take care of everything for me . thanks . bye . eos O O O O O O O O O O O O O O O O O general-bye +bos great , glad i could be of some assistance to you . enjoy your trip , good 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 would like to book a moderately priced italian restaurant if you can find one please . 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 Train-Request+Price +bos we have a few options available to you , is there a particular area you are 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 Restaurant-Request+Area +bos i 'm looking for a restaurant that serves italian food in the moderate price range.the restaurant should be in the east . 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 B-Restaurant-Inform+Area O O Train-Request+Price +bos i have one place . it is the pizza hut fen ditton . they are located on cambridge retail park newmarket road fen ditton . can i reserve you a table ? eos 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 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 Booking-Inform +bos sure . i need a reservation for 4 people at 17: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 i was unable to book you at that day and time . might you consider another day or perhaps 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 O Booking-NoBook,Booking-Request+Time,Booking-Request+Day +bos can you try 16:00 instead please ? eos O O O O B-Restaurant-Inform+Time O O O N/A +bos that time worked ! your reference number , should you need it , is fvnmsuuo . they 'll hold your table for 15 minutes . need 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 O O O O O O general-reqmore +bos yes i need a train going to broxbourne monday . eos O O O O O O O O B-Train-Inform+Dest B-Train-Inform+Day O N/A +bos trains from cambridge to broxbourne leave every hour starting at 5:01 am . at which time would you like to leave ? eos O O O B-Train-Inform+Depart O B-Train-Inform+Dest O O O O O B-Train-Inform+Leave I-Train-Inform+Leave O O O O O O O O O O Train-Request+Leave +bos after 13:30 on monday . eos O O B-Train-Inform+Leave O B-Train-Inform+Day O N/A +bos tr9605 leaves at 14:01 and arrives at 15:01 , the cost per ticket is 17.9 pounds . would you like me to book 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 B-Train-Inform+Ticket I-Train-Inform+Ticket O O O O O O O O O O Train-OfferBook +bos i do n't think i 'll book just yet , but thank you for the information . to confirm , the travel time is 60 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 Train-Request+Duration +bos yes it 's 60 minutes , is there anything else i can help you with ? eos 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 i think that will be all . thank you . eos O O O O O O O O O O O O general-thank +bos have a pleasant stay . if there is nothing else , thank you for contacting 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 O O O O O O general-welcome,general-bye +bos i need a hotel with a star of 4 that offers free wi-fi . eos O O O O B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars O O O O N/A +bos there are three hotels that offer wifi and are 4-star . the huntingdon marriott hotel , the cambridge belfry and university arms hotel . would any of these suit your needs or do you need more information ? eos O O O B-Hotel-Inform+Choice B-Hotel-Inform+Type O O O O O B-Hotel-Inform+Stars 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 Hotel-Inform+Internet,general-reqmore +bos which one is a moderate price range ? eos O O O O O O O O O N/A +bos there are not any moderate priced hotels available . the cambridge belfry is inexpensive , while huntington marriott hotel and university arms hotel are both 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 O O N/A +bos i think i 'd prefer one of the expensive options . which is your favorite ? 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 would recommend the huntington marriott hotel , which is located in the west part of town at kingfisher way , hinchinbrook business park , huntingdon . would you like to make a reservation ? 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 B-Hotel-Recommend+Area O O O O O O O O O B-Hotel-Recommend+Addr I-Hotel-Recommend+Addr O O O O O O O O O O O Booking-Inform +bos no . i think i am all set . eos O O O O O O O O O O N/A +bos great . i hope you have a good day . eos O O O O O O O O O O O general-bye +bos i need to take a train from bishops stortford to cambridge . ill need to leave after 9: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 N/A +bos there are 56 trains traveling from bishops stortford to cambridge after 9:00 between friday and wednesday . what day to you want to travel ? eos O O O O B-Train-Inform+Choice O O B-Train-Inform+Depart I-Train-Inform+Depart O B-Train-Inform+Dest I-Train-Inform+Dest B-Train-Inform+Leave 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 Train-Request+Day +bos i want to leave on sunday . eos O O O O O O B-Train-Inform+Day O N/A +bos how about tr4803 that leaves at 09:29 ? eos O O O B-Train-Inform+Id O O O B-Train-Inform+Leave I-Train-Inform+Leave N/A +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 of course . how many tickets do you need ? eos O O O O O O O O O O O Train-Request+People +bos actually , i do n't need a booking . i just need to know when it arrives , thanks . 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 it arrives at 10:07. eos O O O O B-Train-Inform+Arrive N/A +bos thank you . i am also looking for a park to go to . eos O O O O O O O O O B-Attraction-Inform+Type O O O O O N/A +bos i have 5 to choose from . is there a certain area you were wanting the park 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 O O Attraction-Request+Area +bos no specific area . just recommend one . eos O O O O O O O O O Attraction-Request+Area +bos milton country park is a great place to visit ! it 's in the north and free to enter . eos O B-Attraction-Recommend+Name I-Attraction-Recommend+Name I-Attraction-Recommend+Name O O O O O O O O O B-Attraction-Recommend+Area O B-Attraction-Recommend+Fee O O O O O N/A +bos great ! please , give me the address of the park . eos O O O O O O O O O O O O O Attraction-Request+Addr +bos milton country park , milton . eos O B-Attraction-Inform+Addr I-Attraction-Inform+Addr O O O O N/A +bos thank you so 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 you too , enjoy your stay ! eos O O O O O O O O general-bye diff --git a/data/multiwoz/da_slot_cnt.json b/data/multiwoz/da_slot_cnt.json new file mode 100644 index 0000000..d9ec777 --- /dev/null +++ b/data/multiwoz/da_slot_cnt.json @@ -0,0 +1,13605 @@ +{ + "general-bye[none;];": 4660, + "general-bye[none;];general-welcome[none;];": 2965, + "general-reqmore[none;];Booking-Book[Ref;];": 1487, + "general-reqmore[none;];": 1385, + "Booking-Book[Ref;];": 1249, + "general-welcome[none;];": 750, + "Train-Request[Day;];": 465, + "general-greet[none;];": 451, + "Train-Request[Depart;];": 435, + "Hotel-Request[Area;];": 373, + "Train-Request[Dest;];": 372, + "Taxi-Inform[Phone;Car;];": 361, + "Booking-Inform[none;];": 354, + "Taxi-Inform[Phone;Car;];general-reqmore[none;];": 341, + "Taxi-Inform[Car;Phone;];": 328, + "general-reqmore[none;];Train-OfferBooked[Ref;Ticket;];": 326, + "Train-OfferBooked[Ref;Ticket;];": 315, + "Taxi-Request[Depart;];": 300, + "Restaurant-Request[Food;];": 299, + "general-welcome[none;];general-reqmore[none;];": 295, + "Train-Request[People;];": 276, + "Booking-Request[Day;];": 264, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;];": 254, + "Train-Request[Leave;];": 244, + "Hotel-Request[Area;];Hotel-Inform[Choice;];": 240, + "Taxi-Request[Leave;];": 240, + "Train-OfferBooked[Ref;];": 235, + "Taxi-Request[Dest;];": 228, + "general-reqmore[none;];Train-OfferBooked[Ref;];": 227, + "Booking-NoBook[none;];general-reqmore[none;];": 220, + "Taxi-Inform[Car;Phone;];general-reqmore[none;];": 213, + "Booking-Request[People;];": 198, + "Booking-Inform[none;];Hotel-Inform[Name;];": 192, + "Attraction-Request[Type;];": 190, + "Hotel-Recommend[Name;];": 176, + "general-reqmore[none;];Booking-Book[Ref;Name;];": 170, + "Hotel-Recommend[Name;];Booking-Inform[none;];": 170, + "Train-Request[Depart;Dest;];": 168, + "general-reqmore[none;];Attraction-Inform[Phone;];": 160, + "Booking-Inform[none;];Restaurant-Recommend[Name;];": 159, + "general-bye[none;];general-greet[none;];": 152, + "Restaurant-NoOffer[none;];general-reqmore[none;];": 148, + "Hotel-Request[Price;];": 147, + "Restaurant-Request[Area;];": 146, + "Restaurant-NoOffer[none;];": 145, + "general-reqmore[none;];Attraction-Inform[Post;];": 142, + "Train-OfferBook[none;];": 140, + "Attraction-Request[Area;];": 137, + "Train-Inform[Choice;];Train-Request[Leave;];": 135, + "Booking-Inform[none;];Restaurant-Inform[Name;];": 135, + "Train-Inform[Ticket;];": 133, + "Train-Request[Leave;Arrive;];": 131, + "Restaurant-Request[Food;];Restaurant-NoOffer[none;];": 129, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;];": 127, + "Train-Inform[Time;];": 125, + "Booking-NoBook[none;];Booking-Request[Time;];": 124, + "Train-Inform[Arrive;Id;];Train-OfferBook[none;];": 122, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;];": 122, + "Train-Request[Dest;Depart;];": 121, + "Attraction-Inform[Phone;];": 121, + "Restaurant-Recommend[Name;];": 120, + "Booking-Book[Ref;Name;];": 119, + "Attraction-Request[Type;];Attraction-Inform[Choice;];": 118, + "Taxi-Request[Leave;Arrive;];": 113, + "Hotel-Request[Price;];Hotel-Inform[Choice;];": 113, + "Attraction-Request[Area;];Attraction-Inform[Type;Choice;];": 112, + "Train-Request[Arrive;];": 110, + "general-bye[none;];general-welcome[none;];general-greet[none;];": 109, + "Attraction-Recommend[Name;];": 107, + "Hotel-Inform[Name;];": 105, + "general-reqmore[none;];Attraction-Inform[Fee;];": 102, + "Attraction-Inform[Fee;];": 102, + "Booking-Request[Stay;];": 98, + "Hotel-Request[Area;Price;];": 98, + "Taxi-Request[Arrive;];": 97, + "Booking-NoBook[none;];": 95, + "Train-OfferBooked[Ticket;Ref;];": 94, + "Restaurant-Request[Price;];": 94, + "Booking-Request[Time;];": 92, + "Train-Request[Leave;Day;];": 91, + "Booking-NoBook[none;];Booking-Request[Stay;Day;];": 88, + "Train-Inform[Leave;];": 88, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;];": 87, + "Train-Inform[Id;];Train-OfferBook[none;];": 87, + "Train-Inform[Ticket;];Train-OfferBook[none;];": 87, + "Booking-Inform[Name;];": 86, + "Booking-Book[Name;Ref;];": 86, + "Taxi-Request[Depart;Dest;];": 86, + "general-reqmore[none;];Booking-Book[Name;Ref;];": 86, + "Attraction-Inform[Post;];": 85, + "Restaurant-Inform[Addr;];": 84, + "Attraction-Request[Type;];Attraction-Inform[Area;Choice;];": 84, + "general-reqmore[none;];Restaurant-Inform[Phone;];": 81, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;];": 81, + "Train-Inform[Id;Leave;];": 80, + "Train-Inform[Id;Leave;];Train-OfferBook[none;];": 80, + "general-reqmore[none;];Train-OfferBooked[Ticket;Ref;];": 80, + "Restaurant-Inform[Phone;];": 80, + "Train-Inform[Arrive;Leave;Id;];Train-OfferBook[none;];": 79, + "Attraction-Request[Area;];Attraction-Inform[Choice;];": 78, + "Taxi-Inform[Car;];": 78, + "Attraction-Inform[Name;];": 78, + "Restaurant-Inform[Name;];": 78, + "Train-Inform[Arrive;Id;];": 77, + "Train-Inform[Leave;Id;];": 77, + "Booking-NoBook[none;];Booking-Request[Time;Day;];": 76, + "Train-Request[Dest;Day;];": 76, + "Hotel-NoOffer[none;];": 76, + "Booking-NoBook[none;];Booking-Request[Day;Time;];": 75, + "Train-Request[Depart;Day;];": 73, + "Train-Inform[Id;Arrive;Leave;];Train-OfferBook[none;];": 73, + "Hotel-Inform[Choice;];": 73, + "Train-Inform[Arrive;Id;Leave;];Train-OfferBook[none;];": 67, + "Train-Inform[Choice;];Train-Request[Arrive;];": 67, + "Train-Inform[Choice;];Train-Request[Day;];": 66, + "Booking-NoBook[none;];Booking-Request[Day;Stay;];": 66, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;];": 64, + "Train-Inform[Time;];general-reqmore[none;];": 63, + "Train-Inform[Leave;];Train-OfferBook[none;];": 63, + "Attraction-Inform[Addr;];": 62, + "Train-Inform[Ticket;];general-reqmore[none;];": 61, + "Train-Inform[Leave;Id;];Train-OfferBook[none;];": 61, + "Hotel-Inform[Choice;];general-reqmore[none;];": 61, + "Restaurant-NoOffer[Food;];": 60, + "Train-Inform[Choice;];Train-Request[Dest;];": 59, + "Attraction-Inform[Area;Name;];": 59, + "Taxi-Request[Arrive;Leave;];": 59, + "Hotel-NoOffer[none;];general-reqmore[none;];": 58, + "Train-Request[Day;Leave;];": 57, + "Train-Inform[Arrive;];": 56, + "Train-Inform[Choice;];Train-Request[Depart;];": 55, + "Restaurant-Inform[Price;Name;Food;Area;];": 55, + "Booking-Inform[none;];Hotel-Inform[Internet;];": 55, + "Attraction-Request[Area;];Attraction-NoOffer[Area;Type;];": 55, + "general-reqmore[none;];Restaurant-Inform[Post;];": 55, + "Attraction-Recommend[Name;];general-reqmore[none;];": 54, + "Taxi-Inform[Phone;];general-reqmore[none;];": 54, + "Booking-Request[People;Stay;];": 53, + "Restaurant-Inform[Phone;Name;Addr;];": 53, + "Train-Request[Arrive;Leave;];": 53, + "Train-Inform[Ticket;Time;];": 52, + "Restaurant-Inform[Addr;Phone;];": 52, + "Hotel-Inform[Phone;];general-reqmore[none;];": 52, + "Train-Inform[Id;Arrive;];Train-OfferBook[none;];": 50, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;Area;];": 50, + "Attraction-NoOffer[Area;Type;];": 50, + "Restaurant-Inform[Choice;];": 50, + "Train-Inform[Arrive;];Train-OfferBook[none;];": 50, + "Train-Inform[Id;];": 49, + "general-reqmore[none;];general-greet[none;];": 49, + "Hotel-Inform[Parking;];": 49, + "Train-Inform[Choice;];Train-Request[Leave;Arrive;];": 49, + "Booking-NoBook[none;];Booking-Request[Stay;];": 48, + "Train-Inform[Arrive;Leave;];Train-OfferBook[none;];": 46, + "Hotel-Inform[Post;];general-reqmore[none;];": 45, + "Booking-Request[Time;Day;];": 45, + "Restaurant-Inform[Food;Price;Area;Name;];": 45, + "Hotel-Inform[Phone;];": 45, + "Taxi-Inform[Phone;];": 45, + "Train-Inform[Time;];Train-OfferBook[none;];": 45, + "Restaurant-Request[Food;];Restaurant-Inform[Price;Choice;Area;];": 45, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Addr;];": 44, + "Restaurant-NoOffer[Food;Area;];": 44, + "Train-Request[Day;Depart;];": 44, + "general-bye[none;];general-reqmore[none;];": 44, + "general-reqmore[none;];Attraction-Inform[Addr;];": 43, + "Hotel-Request[Area;];Hotel-NoOffer[none;];": 43, + "general-reqmore[none;];Booking-Book[none;];": 43, + "Train-Inform[Choice;];Train-Request[Leave;Day;];": 43, + "Hotel-Inform[Addr;];": 43, + "Train-Request[Depart;Leave;];": 42, + "Train-Inform[Choice;];Train-OfferBook[none;];": 42, + "Booking-Request[Day;Stay;];": 42, + "Hotel-Select[Type;Type;];": 41, + "Booking-Request[Stay;Day;];": 41, + "Restaurant-Inform[Price;];": 41, + "Hotel-NoOffer[Type;];": 41, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;];": 41, + "Hotel-Inform[Internet;];": 41, + "Taxi-Request[Depart;Leave;];": 41, + "general-reqmore[none;];Restaurant-Inform[Addr;];": 40, + "Booking-Request[Day;People;];": 40, + "general-reqmore[none;];Attraction-Inform[Name;];": 40, + "Booking-Inform[none;];Restaurant-Inform[Addr;Name;];": 40, + "Restaurant-Inform[Phone;Addr;];": 40, + "Booking-Request[People;Day;];": 40, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Area;];": 39, + "Booking-Inform[none;];general-reqmore[none;];": 39, + "Restaurant-Request[Area;];Restaurant-NoOffer[none;];": 39, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;];": 38, + "Train-Inform[Id;Arrive;];": 38, + "general-reqmore[none;];Attraction-Inform[Name;Phone;];": 37, + "Hotel-Inform[Addr;];general-reqmore[none;];": 37, + "Train-OfferBook[none;];Train-Request[People;];": 37, + "general-reqmore[none;];Attraction-Inform[Post;Phone;];": 37, + "Train-Inform[Arrive;Leave;Depart;Dest;Id;];Train-OfferBook[none;];": 37, + "general-reqmore[none;];Attraction-Inform[Area;Name;];": 36, + "Restaurant-Inform[Post;];": 36, + "general-reqmore[none;];Restaurant-Inform[Name;Addr;];": 36, + "Hotel-Request[Name;];": 36, + "Booking-Request[Day;Time;];": 35, + "general-reqmore[none;];Attraction-Inform[Choice;];": 35, + "Booking-Book[none;];": 35, + "Booking-NoBook[none;];Booking-Request[Day;];": 35, + "Restaurant-Inform[Addr;Name;];": 34, + "Train-Inform[Arrive;Leave;];": 34, + "Attraction-Recommend[Area;Name;];": 34, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Area;Name;];": 34, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Food;Area;];": 34, + "Booking-Request[Day;Stay;People;];": 34, + "Booking-Request[Day;Time;People;];": 33, + "Attraction-Recommend[Fee;Name;];": 33, + "Restaurant-Request[Price;];Restaurant-Inform[Food;Choice;Area;];": 33, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;];": 33, + "general-welcome[none;];general-greet[none;];": 32, + "Attraction-Inform[Name;Fee;];": 32, + "Restaurant-Inform[Food;];": 32, + "Restaurant-Request[Price;];Restaurant-Inform[Food;Choice;];": 32, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Choice;];": 32, + "Restaurant-Inform[Price;Area;Name;];": 32, + "Booking-Inform[none;];Restaurant-Inform[Choice;];": 31, + "Restaurant-Inform[Name;Addr;];": 31, + "Attraction-Inform[Phone;Post;];": 31, + "Restaurant-Inform[Area;];": 31, + "Attraction-Inform[Post;Phone;];": 30, + "Booking-Inform[none;];Hotel-Inform[Parking;];": 30, + "Hotel-Inform[Stars;];": 30, + "Attraction-Request[Name;];": 30, + "general-reqmore[none;];Train-OfferBooked[Ref;People;];": 30, + "Train-Inform[Arrive;Id;Leave;];": 30, + "general-reqmore[none;];Train-OfferBooked[Ref;Ticket;Id;];": 30, + "Hotel-Inform[Post;];": 30, + "general-reqmore[none;];Attraction-Inform[Area;];": 30, + "general-reqmore[none;];Booking-Book[Ref;Day;];": 29, + "Restaurant-Inform[Food;Name;Area;Price;];": 29, + "Booking-Request[Stay;People;];": 29, + "Train-Inform[Choice;];Train-Request[Arrive;Leave;];": 29, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Price;Choice;];": 29, + "Hotel-Request[Type;];": 29, + "Train-Inform[Ticket;Time;];general-reqmore[none;];": 29, + "Restaurant-Inform[Name;Area;];": 29, + "Hotel-Request[Stars;];": 29, + "Restaurant-Inform[Phone;Name;];": 29, + "Hotel-Select[Type;Type;];Hotel-Inform[Choice;];": 29, + "general-reqmore[none;];Restaurant-Inform[Price;Name;Food;Area;];": 28, + "general-greet[none;];Train-Request[Depart;];": 28, + "Hotel-Request[Price;];Hotel-Inform[Choice;Type;];": 28, + "Hotel-Request[Price;Area;];": 28, + "Train-Inform[Id;Arrive;Leave;];": 28, + "Attraction-Inform[Name;Addr;];": 28, + "Restaurant-Request[Name;];": 28, + "Attraction-Recommend[Name;];Attraction-Inform[Choice;];": 28, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;];": 28, + "Booking-Request[Stay;Day;People;];": 28, + "general-reqmore[none;];Attraction-Inform[Phone;Post;];": 27, + "general-reqmore[none;];Booking-Book[Ref;Stay;];": 27, + "Restaurant-Recommend[Name;Food;];": 27, + "Attraction-Inform[Area;];": 27, + "Attraction-Request[Area;];Attraction-NoOffer[none;];": 27, + "Hotel-Request[Stars;];Hotel-Inform[Choice;];": 27, + "general-greet[none;];Train-Request[Dest;];": 27, + "Hotel-Inform[Price;];": 27, + "Booking-Request[Time;People;];": 27, + "Attraction-NoOffer[none;];": 26, + "Booking-Request[People;Stay;Day;];": 26, + "general-reqmore[none;];Attraction-Inform[Post;Addr;];": 26, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;];": 26, + "Restaurant-Inform[Name;Food;Area;];": 26, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Area;Name;];": 26, + "Restaurant-Request[Area;];Restaurant-NoOffer[Food;Area;];": 25, + "general-reqmore[none;];Attraction-Inform[Name;Post;];": 25, + "Attraction-Inform[Fee;Phone;];": 25, + "general-reqmore[none;];Booking-Book[Time;Ref;];": 25, + "Train-Request[Leave;Dest;];": 25, + "Taxi-Inform[Car;];general-reqmore[none;];": 25, + "Train-Inform[Ticket;Time;];Train-OfferBook[none;];": 25, + "Train-OfferBooked[Ref;People;];": 25, + "Train-Inform[Arrive;Leave;Id;];": 25, + "Booking-Inform[none;];Hotel-Inform[Area;Name;];": 24, + "Booking-Request[People;Time;Day;];": 24, + "Attraction-Inform[Choice;];": 24, + "Train-Request[Arrive;Leave;Day;];": 24, + "Restaurant-Inform[Addr;Name;Phone;];": 24, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Area;];": 24, + "Train-Inform[Leave;];general-reqmore[none;];": 24, + "Restaurant-Inform[Food;Area;Name;];": 24, + "Train-Inform[Choice;Leave;];Train-OfferBook[none;];": 24, + "Booking-Inform[none;];Hotel-Inform[Choice;];": 24, + "Train-Inform[Arrive;Leave;Depart;Dest;Id;];": 24, + "Booking-Inform[none;];Restaurant-Inform[Name;Area;];": 24, + "Restaurant-Request[Area;Price;];Restaurant-Inform[Food;Choice;];": 24, + "Restaurant-Inform[Name;Food;];": 23, + "Booking-Inform[none;];Restaurant-Inform[Addr;];": 23, + "Attraction-Inform[Name;Post;];": 23, + "Attraction-Request[Type;];Attraction-Inform[Choice;Area;];": 23, + "Attraction-Inform[Fee;Name;];": 23, + "Attraction-Inform[Type;];": 23, + "Attraction-Recommend[Addr;Name;];": 23, + "Booking-Inform[none;];Hotel-Inform[Name;Area;];": 23, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;];": 23, + "Hotel-Inform[Type;];": 23, + "Train-Inform[Choice;];": 23, + "Attraction-Inform[Fee;Area;Name;];": 23, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Type;];": 23, + "Attraction-Recommend[Name;Area;];": 23, + "Taxi-Inform[none;];": 22, + "Restaurant-Recommend[Addr;Name;];": 22, + "Booking-Inform[none;];Restaurant-Inform[Price;Name;];": 22, + "general-greet[none;];general-reqmore[none;];Booking-Book[Ref;];": 22, + "Restaurant-Request[Food;];general-greet[none;];": 22, + "general-reqmore[none;];Attraction-Inform[Name;Fee;];": 22, + "Restaurant-Request[Food;];Restaurant-Inform[Price;Choice;];": 22, + "general-reqmore[none;];Restaurant-Inform[Addr;Phone;];": 22, + "general-reqmore[none;];Restaurant-Inform[Post;Phone;];": 22, + "Booking-Inform[none;];Restaurant-Inform[Price;Name;Food;Area;];": 21, + "Attraction-Inform[Name;Area;];": 21, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;];": 21, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Price;Food;];": 21, + "general-greet[none;];Train-Request[Day;];": 21, + "Booking-Book[Ref;Stay;];": 21, + "Restaurant-Inform[Price;Name;Food;];": 21, + "Restaurant-Request[Food;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;];": 21, + "Restaurant-Inform[Area;Name;];": 21, + "Attraction-Request[Type;Area;];Attraction-NoOffer[Area;Type;];": 21, + "Booking-Inform[none;];Hotel-Inform[Addr;Name;];": 21, + "general-greet[none;];Booking-Book[Ref;];": 21, + "general-reqmore[none;];Restaurant-Inform[Choice;];": 21, + "Train-Inform[Id;];general-reqmore[none;];": 21, + "Restaurant-Request[Price;Area;];Restaurant-Inform[Choice;Food;];": 21, + "Restaurant-Request[Area;Food;];": 21, + "Hotel-Recommend[Name;];general-reqmore[none;];": 21, + "Attraction-Inform[Addr;Post;];": 21, + "Train-Request[Leave;Depart;];": 21, + "Hotel-Recommend[Name;Area;];Booking-Inform[none;];": 21, + "Restaurant-Inform[Addr;Post;];": 21, + "general-reqmore[none;];Attraction-Inform[Name;Area;];": 20, + "Restaurant-Request[Food;];Restaurant-Inform[Area;Choice;];": 20, + "Hotel-Request[Price;Area;];Hotel-Inform[Choice;];": 20, + "Hotel-Inform[Choice;Type;];": 20, + "Restaurant-Inform[Phone;Post;];": 20, + "Hotel-Inform[Name;];general-reqmore[none;];": 20, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;];": 20, + "Restaurant-Inform[Price;Name;Area;];": 20, + "Attraction-Inform[Phone;Fee;];": 20, + "Attraction-Recommend[Fee;Addr;Name;];": 20, + "Hotel-Inform[Area;Name;];": 20, + "general-reqmore[none;];Attraction-Inform[Addr;Post;];": 20, + "Attraction-Inform[Addr;Phone;];": 20, + "Restaurant-Request[Food;Price;];": 20, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Price;Name;];": 20, + "Booking-Request[People;Day;Stay;];": 20, + "Taxi-Request[Depart;Leave;Dest;];": 20, + "Train-Inform[Leave;Arrive;Id;];Train-OfferBook[none;];": 20, + "Train-Inform[Arrive;Dest;Id;];Train-OfferBook[none;];": 20, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;Phone;];": 20, + "Train-Inform[Choice;Leave;Leave;];Train-OfferBook[none;];": 20, + "Restaurant-Inform[Food;Name;];": 19, + "Train-Inform[Time;Ticket;];": 19, + "Booking-Inform[none;];Restaurant-Inform[Area;];": 19, + "Hotel-Request[Area;];general-greet[none;];": 19, + "Restaurant-Inform[Price;Name;];": 19, + "Booking-Inform[none;];Restaurant-Inform[Food;Name;];": 19, + "general-reqmore[none;];Attraction-Inform[Area;Name;Type;];": 19, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[none;];": 19, + "Hotel-Inform[Post;Addr;];": 19, + "Attraction-Inform[Phone;Addr;];": 19, + "Restaurant-Inform[Choice;Name;];": 19, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Food;];": 19, + "general-reqmore[none;];Attraction-Inform[Phone;Fee;];": 19, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;];": 19, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Food;];": 19, + "Attraction-Request[Area;Type;];Attraction-Inform[Choice;];": 18, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;];": 18, + "general-reqmore[none;];Attraction-Inform[Type;];": 18, + "general-reqmore[none;];Restaurant-Inform[Addr;Post;];": 18, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;];": 18, + "general-reqmore[none;];Attraction-Inform[Addr;Phone;];": 18, + "Attraction-Request[Area;];Attraction-NoOffer[Area;];": 18, + "Booking-NoBook[Name;];general-reqmore[none;];": 18, + "Train-Inform[Choice;Dest;];Train-Request[Depart;];": 18, + "general-reqmore[none;];Restaurant-Inform[Name;];": 18, + "Restaurant-NoOffer[none;];Restaurant-Inform[Food;];": 18, + "Booking-Inform[none;];Hotel-Inform[Stars;];": 18, + "general-reqmore[none;];Restaurant-Inform[Ref;];": 18, + "general-reqmore[none;];Booking-Book[Time;Ref;Day;People;];": 18, + "Restaurant-Request[Area;Food;];Restaurant-NoOffer[none;];": 18, + "Booking-Inform[none;];Restaurant-Inform[Price;];": 18, + "Restaurant-Request[Food;Price;];Restaurant-Inform[Choice;];": 18, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Name;];": 18, + "Restaurant-Recommend[Name;Addr;];": 18, + "Train-OfferBook[Id;];": 18, + "Hotel-Inform[Internet;Parking;];": 18, + "Restaurant-Recommend[Name;];general-reqmore[none;];": 18, + "Restaurant-Request[Food;];Restaurant-Inform[Area;Choice;Price;];": 18, + "Restaurant-Select[Price;Price;];Restaurant-Inform[Choice;];": 18, + "Attraction-Inform[Area;Name;Type;];": 18, + "general-reqmore[none;];Attraction-Inform[Phone;Name;];": 18, + "general-reqmore[none;];Restaurant-Inform[Phone;Addr;];": 18, + "Train-Inform[Ticket;Id;];": 18, + "Hotel-NoOffer[Type;];general-reqmore[none;];": 18, + "Train-NoOffer[none;];": 18, + "Train-Inform[Choice;Leave;];Train-Request[Leave;];": 17, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Name;Name;];": 17, + "Attraction-NoOffer[Type;];": 17, + "Booking-Inform[none;];Restaurant-Recommend[Addr;Name;];": 17, + "Restaurant-Request[Food;Price;];Restaurant-Inform[Choice;Area;];": 17, + "Hotel-Inform[Parking;Internet;];": 17, + "Hotel-Inform[Phone;Name;];general-reqmore[none;];": 17, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;];": 17, + "Attraction-Inform[Post;Addr;];": 17, + "Hotel-Recommend[Name;Area;];": 17, + "general-reqmore[none;];Attraction-Inform[Post;Name;];": 17, + "Restaurant-Recommend[Name;Price;Area;Food;];": 17, + "general-reqmore[none;];Booking-Book[Ref;Time;];": 17, + "Taxi-Inform[none;];general-reqmore[none;];": 17, + "Attraction-Request[Area;Type;];": 17, + "Train-Inform[Id;Dest;Arrive;Leave;Depart;];Train-OfferBook[none;];": 17, + "Restaurant-Select[Food;Food;];": 17, + "Attraction-Request[Price;];Attraction-Inform[Choice;];": 17, + "Train-OfferBook[Leave;];": 17, + "Booking-Request[Day;];general-greet[none;];": 16, + "Booking-Inform[none;];general-greet[none;];": 16, + "general-reqmore[none;];Booking-Book[Ref;Stay;Name;Day;People;];": 16, + "Booking-Inform[none;];Booking-Request[Day;];": 16, + "Restaurant-Inform[Name;Price;];": 16, + "Restaurant-Request[Price;Food;];": 16, + "Restaurant-Select[Food;Food;];Restaurant-Inform[Choice;];": 16, + "Booking-NoBook[Time;];Booking-Request[Time;];": 16, + "Attraction-Inform[Type;Choice;];": 16, + "Booking-Inform[none;];Hotel-Inform[Name;Addr;];": 16, + "Hotel-Request[Area;];Hotel-Inform[Type;Choice;];": 16, + "Attraction-Inform[Post;Name;];": 16, + "Restaurant-Inform[Addr;Phone;Name;];": 16, + "general-reqmore[none;];Attraction-Inform[Post;Fee;];": 16, + "Train-Inform[Id;Leave;];general-reqmore[none;];": 16, + "Hotel-Request[Type;];Hotel-Inform[Choice;];": 16, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Choice;];": 16, + "Restaurant-NoOffer[Food;Area;];general-reqmore[none;];": 16, + "Booking-Inform[none;];Hotel-Inform[Stars;Name;];": 16, + "general-reqmore[none;];Attraction-Inform[Name;Addr;];": 16, + "general-reqmore[none;];Restaurant-Inform[Food;Name;Area;Price;];": 16, + "Attraction-Inform[Name;Type;];": 16, + "Booking-Inform[none;];Hotel-Inform[Type;];": 16, + "Hotel-Inform[Price;Name;];": 16, + "Hotel-Request[Area;];Hotel-Inform[Choice;Price;Type;];": 16, + "Booking-Request[People;Time;];": 16, + "Train-Inform[Leave;Depart;Arrive;Id;Dest;];Train-OfferBook[none;];": 16, + "Hotel-Inform[Name;Addr;];": 15, + "Train-Inform[Choice;];Train-Request[Depart;Dest;];": 15, + "Attraction-NoOffer[Type;Area;];": 15, + "general-bye[none;];general-welcome[none;];general-reqmore[none;];": 15, + "Restaurant-Request[Food;Price;];Restaurant-NoOffer[none;];": 15, + "Booking-Inform[none;];Restaurant-Inform[Area;Name;];": 15, + "Train-Inform[Id;];Train-Request[People;];": 15, + "Booking-Inform[none;];Restaurant-Recommend[Name;Price;Area;Food;];": 15, + "Restaurant-Request[Area;Food;];Restaurant-NoOffer[Food;Area;];": 15, + "Restaurant-Select[Area;Area;];Restaurant-Inform[Choice;];": 15, + "Hotel-Inform[Name;Internet;];": 15, + "Train-Inform[Arrive;];general-reqmore[none;];": 15, + "Hotel-Inform[Post;Addr;];general-reqmore[none;];": 15, + "general-reqmore[none;];Attraction-Inform[Type;Choice;Area;];": 15, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Price;];": 15, + "Hotel-Recommend[Area;Name;];Booking-Inform[none;];": 15, + "Attraction-Inform[Addr;Name;];": 15, + "Attraction-Recommend[Area;Name;];general-reqmore[none;];": 15, + "Booking-Inform[none;];Hotel-Inform[Post;];": 15, + "Train-Request[Day;Leave;Arrive;];": 15, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;];": 15, + "Booking-Inform[none;];Restaurant-Inform[Name;Food;];": 15, + "Booking-Inform[none;];Hotel-Inform[Parking;Internet;];": 15, + "Attraction-Inform[Post;Fee;];": 15, + "Restaurant-Request[Area;Price;];": 15, + "Booking-Inform[none;];Hotel-Inform[Price;];": 15, + "Booking-Inform[none;];Restaurant-Inform[Name;Area;Price;];": 15, + "Train-Inform[Ref;];general-reqmore[none;];": 15, + "Booking-Request[People;Day;Time;];": 15, + "Hotel-Request[Parking;];Hotel-Inform[Choice;];": 15, + "Restaurant-NoOffer[Food;];general-reqmore[none;];": 15, + "Train-OfferBooked[Ref;Ticket;Id;];": 15, + "Train-Request[Dest;Leave;];": 15, + "Restaurant-NoOffer[Food;Price;Area;];": 14, + "Restaurant-Request[Area;Food;];Restaurant-Inform[Choice;];": 14, + "Train-Inform[Arrive;Day;Leave;Depart;Dest;Id;];Train-OfferBook[none;];": 14, + "general-reqmore[none;];Booking-Book[Ref;Day;Stay;People;];": 14, + "Booking-Inform[none;];Restaurant-Inform[Name;Food;Area;];": 14, + "Train-Inform[Leave;Arrive;Id;];": 14, + "Restaurant-Inform[Name;Area;Food;Price;];": 14, + "Restaurant-Inform[Area;Addr;Name;];": 14, + "Attraction-Inform[Fee;Post;];": 14, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;];": 14, + "general-reqmore[none;];Restaurant-Inform[Price;Area;Name;];": 14, + "Restaurant-Select[Food;Food;];Restaurant-Inform[Price;Choice;Area;];": 14, + "Hotel-Request[Area;];Hotel-Inform[Choice;Price;];": 14, + "Restaurant-NoOffer[Food;Price;];": 14, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;Price;];": 14, + "Train-Inform[Day;Choice;];Train-Request[Leave;];": 14, + "Train-Inform[Arrive;Id;Dest;];Train-OfferBook[none;];": 14, + "Booking-Inform[none;];Hotel-Inform[Name;Price;];": 14, + "Train-Request[Depart;Leave;Day;];": 14, + "general-reqmore[none;];Restaurant-Inform[Name;Food;];": 14, + "Attraction-Inform[Name;Fee;Area;];": 14, + "Restaurant-Select[Name;];": 14, + "Attraction-Inform[Name;Phone;];": 14, + "Booking-Book[Time;Ref;];": 14, + "Train-Inform[Ticket;Id;];general-reqmore[none;];": 14, + "Restaurant-Request[Price;];Restaurant-Inform[Area;Food;Choice;];": 14, + "Hotel-Request[Area;];Hotel-Inform[Price;Choice;Type;];": 14, + "Train-OfferBook[Leave;Id;];": 14, + "Booking-Request[Time;Day;People;];": 14, + "Restaurant-Recommend[Name;Area;];": 14, + "Hotel-Recommend[Name;Addr;];": 14, + "general-reqmore[none;];Restaurant-Inform[Post;Addr;];": 13, + "Train-Inform[Leave;];Train-Request[Leave;];": 13, + "Train-Inform[Depart;Dest;Arrive;Id;Leave;];Train-OfferBook[none;];": 13, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;];": 13, + "Hotel-Inform[Area;];": 13, + "Train-Inform[Day;Id;Leave;];Train-OfferBook[none;];": 13, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Price;Name;Type;];": 13, + "general-reqmore[none;];Restaurant-Inform[Addr;Phone;Name;];": 13, + "Train-Inform[Arrive;Leave;Depart;Dest;];Train-OfferBook[none;];": 13, + "Booking-Inform[none;];Restaurant-Inform[Phone;];": 13, + "Train-Inform[Arrive;Id;];Train-Request[People;];": 13, + "Booking-Inform[none;];Restaurant-Inform[Name;Area;Food;Price;];": 13, + "Booking-Inform[People;];": 13, + "Hotel-Request[Area;];Hotel-NoOffer[Area;];": 13, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;];": 13, + "Hotel-Request[Price;];general-greet[none;];": 13, + "Attraction-NoOffer[Area;Type;];general-reqmore[none;];": 13, + "general-reqmore[none;];Train-OfferBooked[Ref;Ticket;People;];": 13, + "Train-Inform[Arrive;Id;Dest;Depart;Leave;];Train-OfferBook[none;];": 13, + "Hotel-Request[Internet;Parking;];": 13, + "general-reqmore[none;];Attraction-Inform[Name;Post;Addr;];": 13, + "Train-Inform[Id;Dest;Arrive;];Train-OfferBook[none;];": 13, + "Booking-Inform[none;];Restaurant-Inform[Name;Price;];": 13, + "Attraction-Inform[Addr;Addr;];": 13, + "Booking-Inform[none;];Hotel-Inform[Price;Name;];": 13, + "Hotel-Request[Price;];Hotel-NoOffer[none;];": 13, + "general-reqmore[none;];Attraction-Inform[Addr;Name;];": 13, + "Hotel-Inform[Phone;Post;];general-reqmore[none;];": 13, + "general-reqmore[none;];Booking-Book[Day;People;Name;Ref;Stay;];": 13, + "Attraction-Inform[Area;Type;Choice;];": 13, + "general-reqmore[none;];Booking-Book[Time;Ref;Name;Day;People;];": 13, + "Attraction-Recommend[Area;Fee;Name;];": 13, + "Train-Inform[Id;Time;];": 13, + "Attraction-NoOffer[none;];general-reqmore[none;];": 13, + "general-reqmore[none;];Booking-Book[Ref;Name;People;];": 13, + "Booking-Inform[none;];Hotel-Inform[Name;Type;];": 13, + "general-reqmore[none;];Restaurant-Inform[Name;Area;];": 13, + "general-greet[none;];Train-Request[Depart;Dest;];": 13, + "Train-Request[Day;Dest;];": 13, + "Taxi-Request[Depart;Dest;Leave;];": 13, + "Restaurant-Inform[Food;Price;Name;];": 13, + "Train-Inform[Choice;];Train-Request[Depart;Day;];": 12, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Name;];": 12, + "Taxi-Inform[Car;Phone;Leave;];": 12, + "Train-Inform[Ref;];": 12, + "Restaurant-Inform[Post;Addr;];": 12, + "Train-Inform[Choice;Depart;Dest;];Train-Request[Day;];": 12, + "Train-OfferBooked[Ref;Id;];": 12, + "Restaurant-NoOffer[Area;];": 12, + "general-reqmore[none;];Attraction-Inform[Fee;Name;];": 12, + "Hotel-Inform[Name;];general-reqmore[none;];Booking-Book[Ref;];": 12, + "Attraction-Request[Price;];": 12, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;];": 12, + "Hotel-Inform[Phone;Post;];": 12, + "Hotel-Inform[Name;Price;];": 12, + "Attraction-Inform[Area;Type;];": 12, + "Train-Inform[Ticket;Id;];Train-OfferBook[none;];": 12, + "Attraction-Recommend[Type;Name;];": 12, + "Booking-Book[Day;Ref;Time;Name;People;];": 12, + "Taxi-Request[Leave;Dest;];": 12, + "general-reqmore[none;];Attraction-Inform[Area;Type;Choice;];": 12, + "Train-OfferBook[none;];general-reqmore[none;];": 12, + "Train-Inform[Choice;Depart;Day;];Train-Request[Dest;];": 12, + "general-reqmore[none;];Restaurant-Inform[Phone;Post;];": 12, + "general-bye[none;];general-reqmore[none;];general-greet[none;];": 12, + "Attraction-Inform[Phone;Name;];": 12, + "Train-Inform[Arrive;Choice;];Train-Request[Leave;];": 12, + "Restaurant-Inform[Post;Phone;];": 12, + "Restaurant-Inform[Ref;];": 12, + "Hotel-Inform[Name;Area;];": 12, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Ticket;];": 12, + "Train-Inform[Choice;Day;];Train-Request[Depart;Dest;];": 12, + "Train-Inform[Choice;Leave;];": 12, + "Booking-Inform[none;];Booking-Request[People;];": 12, + "Booking-Inform[none;];Hotel-Inform[Name;Stars;];": 12, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Type;];": 12, + "Hotel-Inform[Choice;Type;];general-reqmore[none;];": 12, + "Attraction-Request[Area;];Attraction-NoOffer[Type;Area;];": 12, + "Hotel-Request[Parking;];": 12, + "Train-Inform[Id;Leave;];Train-Select[none;];": 12, + "general-reqmore[none;];Booking-Book[Ref;Day;Time;People;];": 11, + "Booking-Book[Ref;Time;];": 11, + "Booking-Inform[none;];Restaurant-Inform[Name;Food;Area;Price;];": 11, + "Restaurant-Inform[Food;Choice;];": 11, + "Booking-Inform[none;];Restaurant-Inform[Food;Name;Area;Price;];": 11, + "Attraction-Inform[Addr;Addr;Addr;];": 11, + "general-reqmore[none;];Restaurant-Inform[Post;Phone;Addr;];": 11, + "Attraction-Recommend[Name;Fee;];": 11, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;];": 11, + "general-reqmore[none;];Restaurant-Inform[Food;Name;];": 11, + "Attraction-Request[Area;];Attraction-Inform[Type;];": 11, + "Attraction-Inform[Type;Name;];": 11, + "Hotel-Request[Price;];Hotel-Inform[Choice;Area;];": 11, + "Attraction-Request[Type;];general-greet[none;];": 11, + "Train-Request[Day;Leave;Depart;];": 11, + "Booking-Inform[none;];Hotel-Inform[Name;Choice;];": 11, + "Taxi-Request[Dest;Depart;];": 11, + "Restaurant-Inform[Name;];Booking-Book[Ref;];": 11, + "Attraction-Recommend[Name;];Attraction-Inform[Area;Type;Choice;];": 11, + "Booking-NoBook[none;];Booking-Inform[none;];": 11, + "Booking-Inform[none;];Restaurant-Inform[Post;];": 11, + "Restaurant-Request[Price;Area;];Restaurant-Inform[Choice;];": 11, + "general-reqmore[none;];Attraction-Inform[Area;Type;];": 11, + "Train-Inform[Choice;];Train-Request[Day;Leave;];": 11, + "Hotel-Inform[Area;Name;Price;];": 11, + "Train-Inform[Choice;];general-reqmore[none;];": 11, + "Train-Inform[Ref;];general-reqmore[none;];Train-OfferBooked[Ticket;];": 11, + "general-reqmore[none;];Restaurant-Inform[Name;Food;Area;];": 11, + "Train-Inform[Leave;Leave;];Train-Request[Leave;];": 11, + "Train-Inform[Id;Arrive;Depart;Dest;Leave;];Train-OfferBook[none;];": 11, + "Hotel-Inform[Name;Post;];general-reqmore[none;];": 11, + "general-reqmore[none;];Restaurant-Inform[Post;Name;];": 11, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;];": 11, + "Attraction-Inform[Fee;Addr;];": 11, + "Restaurant-Inform[Name;Area;Price;];": 11, + "Booking-Inform[none;];Hotel-Inform[Name;Name;];": 11, + "general-reqmore[none;];Attraction-Inform[Addr;Fee;];": 11, + "Hotel-Request[Stars;];Hotel-NoOffer[none;];": 11, + "Train-Inform[Ticket;Id;Leave;];Train-OfferBook[none;];": 11, + "Hotel-Inform[Name;Name;];": 11, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Area;];": 11, + "Booking-Book[Ref;Day;Time;Name;People;];": 11, + "Attraction-Recommend[Name;Addr;];": 11, + "Attraction-Inform[Area;Choice;];": 11, + "Train-Inform[Choice;Depart;];Train-Request[Dest;];": 10, + "Train-Inform[Id;Ticket;];": 10, + "Train-Inform[Id;Dest;Arrive;Leave;Depart;];": 10, + "Restaurant-Inform[Name;Name;];": 10, + "Booking-NoBook[none;];Booking-Request[Time;];general-reqmore[none;];": 10, + "Restaurant-Inform[Post;Addr;Phone;];": 10, + "general-reqmore[none;];Restaurant-Inform[Food;Name;Area;];": 10, + "general-reqmore[none;];Attraction-Inform[Fee;Addr;];": 10, + "Hotel-NoOffer[Type;Price;];": 10, + "Hotel-Inform[Area;Name;Internet;Price;Parking;Type;Stars;];": 10, + "Restaurant-Inform[Choice;Name;Name;];": 10, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Name;];": 10, + "Train-Inform[Choice;Depart;Dest;];Train-Request[Leave;Day;];": 10, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Area;Price;];": 10, + "Train-Inform[Day;Leave;];": 10, + "Booking-Inform[none;];Restaurant-Recommend[Food;Area;Price;Name;];": 10, + "general-reqmore[none;];Restaurant-Inform[Phone;Addr;Post;];": 10, + "Train-Request[Arrive;Day;];": 10, + "Hotel-Inform[Addr;Name;];": 10, + "Booking-Inform[none;];Restaurant-Inform[Name;Area;Food;];": 10, + "general-reqmore[none;];Booking-Book[Ref;People;];": 10, + "Attraction-Recommend[Fee;Name;];general-reqmore[none;];": 10, + "Restaurant-Inform[Phone;Addr;Post;];": 10, + "Booking-Inform[none;];Hotel-Inform[Addr;];": 10, + "Train-Inform[Day;Leave;];Train-OfferBook[none;];": 10, + "Hotel-Recommend[Addr;Name;];Booking-Inform[none;];": 10, + "Booking-Inform[none;];Restaurant-Recommend[Name;Price;];": 10, + "general-reqmore[none;];Booking-Book[Time;People;Ref;Day;];": 10, + "Restaurant-Inform[Post;Phone;Addr;];": 10, + "general-reqmore[none;];Booking-Book[Day;Ref;Stay;People;];": 10, + "general-reqmore[none;];Train-OfferBooked[Ref;Id;];": 10, + "Hotel-Inform[Ref;];general-reqmore[none;];": 10, + "Train-OfferBooked[Ticket;Id;Ref;];": 10, + "general-reqmore[none;];Booking-Book[Ref;Day;Stay;Name;People;];": 10, + "Train-Inform[Time;Id;];": 10, + "Booking-Book[Time;People;Day;Name;Ref;];": 10, + "general-greet[none;];Train-Request[Dest;Day;];": 10, + "Restaurant-Request[Area;Food;Price;];": 10, + "Train-Inform[Dest;Arrive;Id;];Train-OfferBook[none;];": 10, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Addr;];": 10, + "Hotel-Select[Price;Price;];Hotel-Inform[Choice;];": 10, + "Train-Inform[Arrive;Id;];general-reqmore[none;];": 10, + "Restaurant-Select[Name;Name;];": 10, + "Restaurant-Select[Price;Price;];": 10, + "Hotel-Inform[Stars;Name;];": 10, + "Booking-Inform[Name;];Booking-Request[Day;];": 10, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Food;Price;];": 10, + "Train-Inform[Choice;];Train-Request[Dest;Depart;];": 10, + "Train-Inform[Arrive;Leave;Dest;Id;];Train-OfferBook[none;];": 10, + "Train-Inform[Id;Arrive;];general-reqmore[none;];": 10, + "Restaurant-Recommend[Price;Area;Name;Food;];": 10, + "Hotel-Request[Area;];Hotel-NoOffer[Type;];": 10, + "Booking-Inform[none;];Restaurant-Recommend[Area;Name;];": 10, + "Train-Inform[Ticket;Arrive;];": 10, + "general-reqmore[none;];Train-OfferBooked[Id;Ref;Ticket;];": 10, + "Hotel-Inform[Addr;Phone;];": 10, + "Attraction-Inform[Name;Addr;Area;];": 10, + "Restaurant-Recommend[Area;Name;];": 10, + "Attraction-Request[Area;];Attraction-Inform[Choice;Type;];": 10, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Price;Parking;Type;Stars;];": 10, + "Taxi-Request[Leave;Dest;Arrive;];": 10, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Addr;Post;];": 10, + "Restaurant-Select[Food;Food;Food;Food;];Restaurant-Inform[Choice;];": 10, + "Train-Inform[Arrive;Leave;Dest;Id;];": 10, + "general-reqmore[none;];Restaurant-Inform[Addr;Post;Phone;];": 10, + "Train-Inform[Ticket;Leave;];": 10, + "general-reqmore[none;];Booking-Book[Day;Ref;];": 10, + "Restaurant-Inform[Post;Name;];": 10, + "Attraction-Inform[Name;Fee;Addr;];": 10, + "Train-Inform[Leave;Arrive;];Train-OfferBook[none;];": 9, + "Hotel-Request[Price;Stars;];Hotel-Inform[Choice;];": 9, + "Hotel-Inform[Name;Type;];": 9, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Choice;];": 9, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Name;Addr;];": 9, + "Train-Inform[Id;Time;];Train-OfferBook[none;];": 9, + "general-reqmore[none;];Restaurant-Inform[Food;Area;Name;];": 9, + "Train-OfferBooked[People;Ref;];": 9, + "Booking-Book[Name;];": 9, + "general-reqmore[none;];Booking-Book[Day;Ref;Time;Name;People;];": 9, + "Restaurant-Inform[Phone;Post;Post;];": 9, + "general-reqmore[none;];Attraction-Inform[Post;Phone;Addr;];": 9, + "Train-Inform[Choice;Dest;];Train-Request[Leave;];": 9, + "Booking-NoBook[Day;];": 9, + "Booking-Book[Time;Ref;Day;People;];": 9, + "Train-Inform[Choice;Day;];Train-Request[Leave;];": 9, + "Attraction-Inform[Area;Addr;];": 9, + "Restaurant-Inform[Addr;Post;Phone;];": 9, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Type;Stars;Price;];": 9, + "Booking-Book[Name;Time;People;Ref;Day;];": 9, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;Stars;];": 9, + "Train-Inform[Day;Choice;];Train-Request[Leave;Arrive;];": 9, + "Train-Inform[Day;Leave;Depart;Dest;Id;];Train-OfferBook[none;];": 9, + "Train-Inform[Choice;Day;Dest;];Train-Request[Depart;Leave;];": 9, + "Train-OfferBooked[Id;Ref;];": 9, + "Hotel-Request[Price;Area;];Hotel-Inform[Type;Choice;];": 9, + "Attraction-Inform[Fee;Phone;Addr;];": 9, + "Hotel-Inform[Addr;Post;];general-reqmore[none;];": 9, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Price;Stars;];": 9, + "Restaurant-Inform[Food;Price;Area;];": 9, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Parking;Type;];": 9, + "Train-Inform[Ticket;Leave;Arrive;Id;];Train-OfferBook[none;];": 9, + "Hotel-Inform[Name;];Booking-Book[Ref;];": 9, + "Restaurant-Inform[Name;Area;Food;];": 9, + "Hotel-Inform[Addr;Addr;];general-reqmore[none;];": 9, + "Taxi-Request[Leave;Dest;Depart;];": 9, + "Attraction-Inform[Addr;Addr;Name;];": 9, + "general-reqmore[none;];Attraction-Inform[Addr;Phone;Post;];": 9, + "Booking-Inform[none;];Hotel-Inform[Internet;Name;];": 9, + "Taxi-Request[Depart;Dest;Arrive;Leave;];": 9, + "Restaurant-Inform[Food;Area;Price;];": 9, + "Booking-Book[Ref;Day;Time;People;];": 9, + "Attraction-Recommend[Addr;Name;];general-reqmore[none;];": 9, + "Restaurant-Request[Price;Area;];": 9, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Type;Type;];": 9, + "Restaurant-Recommend[Name;Area;Food;];": 9, + "Attraction-Recommend[Name;];Attraction-Inform[Type;Choice;];": 9, + "Restaurant-Request[Food;];Restaurant-NoOffer[Area;Food;];": 9, + "Restaurant-Request[Price;];Restaurant-NoOffer[none;];": 9, + "Train-Inform[Ticket;];Train-Request[People;];": 9, + "general-reqmore[none;];Booking-Book[People;Ref;Day;Stay;];": 9, + "Hotel-Request[Area;Price;];general-greet[none;];": 9, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Choice;];": 9, + "Hotel-Recommend[Name;Addr;];Booking-Inform[none;];": 9, + "Attraction-Inform[Type;Area;Name;];": 9, + "Train-Inform[Leave;Leave;];": 9, + "Train-Inform[Depart;Leave;];": 9, + "Attraction-Request[Type;];Attraction-Inform[Type;Choice;];": 9, + "Train-OfferBooked[none;];": 9, + "Restaurant-Inform[Name;Phone;];": 9, + "Hotel-Inform[Area;];general-reqmore[none;];": 9, + "Restaurant-Select[Food;];": 9, + "Train-Inform[Arrive;Dest;];Train-OfferBook[none;];": 9, + "Taxi-Request[Leave;Depart;];": 9, + "Restaurant-Inform[Food;Area;Addr;Name;];": 9, + "Attraction-Inform[Fee;Addr;Addr;];": 9, + "Attraction-Recommend[Name;Type;];": 9, + "general-reqmore[none;];Attraction-Inform[Addr;Name;Post;];": 9, + "Train-Inform[Choice;Depart;Dest;];Train-Request[Leave;];": 9, + "Attraction-Inform[Area;Name;Addr;];": 8, + "Attraction-Inform[Fee;Phone;Name;];": 8, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Id;];": 8, + "Restaurant-Request[Area;];Restaurant-NoOffer[Area;];": 8, + "Restaurant-Request[Food;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;Area;];": 8, + "Restaurant-Select[Area;Area;];": 8, + "Booking-Inform[none;];Restaurant-Inform[Price;Name;Area;];": 8, + "Attraction-Inform[Type;Choice;Area;];": 8, + "Attraction-Inform[Phone;Addr;Name;];": 8, + "Train-Inform[Leave;Id;];general-reqmore[none;];": 8, + "Hotel-Inform[Addr;Post;];": 8, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;Post;];": 8, + "Train-Inform[Arrive;];Train-Request[People;];": 8, + "Hotel-Request[Stars;Price;];": 8, + "Restaurant-Inform[Phone;Name;Addr;Area;];": 8, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Addr;];": 8, + "Train-Request[Depart;Leave;Dest;];": 8, + "general-reqmore[none;];Attraction-Inform[Post;Fee;Addr;];": 8, + "Booking-Book[Day;Ref;Stay;Name;People;];": 8, + "Booking-Inform[none;];Restaurant-Inform[Food;Name;Area;];": 8, + "Attraction-Recommend[Name;];Attraction-Inform[Choice;Area;Type;];": 8, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Choice;];": 8, + "Attraction-Request[Area;Type;];Attraction-NoOffer[Area;Type;];": 8, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Choice;];": 8, + "Attraction-Inform[Area;Name;Fee;];": 8, + "Train-Inform[Id;Ticket;];Train-OfferBook[none;];": 8, + "Restaurant-NoOffer[none;];Restaurant-Inform[Food;Area;];": 8, + "Restaurant-Inform[Food;Name;Area;];": 8, + "Attraction-Request[Area;];general-greet[none;];": 8, + "Train-Inform[Ticket;Id;Leave;];": 8, + "Train-Inform[Choice;Leave;Leave;Leave;];Train-Select[none;];": 8, + "Booking-NoBook[none;];Hotel-Request[Name;];": 8, + "Booking-Inform[Ref;];general-reqmore[none;];": 8, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;Phone;Post;];": 8, + "general-reqmore[none;];Restaurant-Inform[Name;Phone;];": 8, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[Area;Food;];": 8, + "Booking-NoBook[none;];Booking-Inform[Name;];": 8, + "Attraction-Inform[Name;Type;Area;];": 8, + "Hotel-Inform[Post;Phone;];general-reqmore[none;];": 8, + "Train-OfferBook[Arrive;Id;];": 8, + "general-reqmore[none;];Restaurant-Inform[Price;];": 8, + "Taxi-Inform[Phone;Car;Leave;];": 8, + "Restaurant-Inform[Food;Area;];": 8, + "Train-Inform[Arrive;Dest;Id;];": 8, + "Train-Inform[Arrive;Choice;Leave;];Train-OfferBook[none;];": 8, + "Hotel-Recommend[Area;Name;];": 8, + "Train-OfferBooked[Ticket;];": 8, + "Train-Inform[Leave;Id;];Train-Request[People;];": 8, + "Hotel-NoOffer[Type;Area;Price;];": 8, + "general-reqmore[none;];Booking-Book[Ref;Stay;Day;People;];": 8, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;];": 8, + "Hotel-Inform[Addr;Phone;];general-reqmore[none;];": 8, + "Attraction-Inform[Fee;Area;];": 8, + "Restaurant-Request[Area;];Restaurant-Inform[Price;Choice;];": 8, + "Attraction-Request[Area;];Attraction-Inform[Area;Type;Choice;];": 8, + "Attraction-Recommend[Fee;Addr;Name;];Attraction-Inform[Choice;];": 8, + "Hotel-Request[Area;];Hotel-Inform[Choice;Parking;Type;];": 8, + "Train-Request[Leave;Dest;Depart;];": 8, + "Hotel-Select[Area;Area;];": 8, + "Train-OfferBooked[Ref;People;Id;];": 8, + "Train-OfferBook[Id;Leave;];": 8, + "Hotel-Inform[Choice;Name;Name;];": 8, + "Booking-Book[Ref;Stay;Name;People;];": 8, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Choice;];": 8, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Name;];": 8, + "Restaurant-Request[Food;Price;];Restaurant-NoOffer[Food;Price;];": 8, + "Booking-Inform[none;];Restaurant-Inform[Phone;Name;Addr;];": 8, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Name;];": 8, + "general-reqmore[none;];Booking-Book[Day;Ref;Stay;Name;People;];": 8, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;];": 8, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Parking;];": 8, + "Hotel-Select[Price;Price;];": 8, + "Attraction-Inform[Name;Name;Choice;];": 8, + "Taxi-Request[Leave;];general-greet[none;];": 8, + "Hotel-Inform[Choice;Internet;];": 8, + "general-reqmore[none;];Attraction-Inform[Area;Choice;];": 8, + "Booking-Book[Day;Ref;];": 8, + "Restaurant-NoOffer[Area;Food;];": 8, + "Taxi-Request[Depart;];general-greet[none;];": 8, + "Booking-Inform[none;];Restaurant-Inform[Price;Area;Name;];": 8, + "Attraction-Inform[Post;Addr;Addr;];": 8, + "Hotel-Request[Price;];Hotel-Inform[Internet;Choice;];": 7, + "Hotel-Inform[Area;Choice;];general-reqmore[none;];": 7, + "Restaurant-Request[Food;];general-greet[none;];Restaurant-Inform[Choice;];": 7, + "general-reqmore[none;];Train-OfferBooked[People;Ref;];": 7, + "Restaurant-Select[Food;Food;Food;Food;];": 7, + "Train-Request[Arrive;Depart;];": 7, + "general-reqmore[none;];Attraction-Inform[Type;Area;Choice;];": 7, + "Attraction-Recommend[Name;];general-greet[none;];": 7, + "Attraction-Inform[none;];": 7, + "Hotel-NoOffer[Type;];Hotel-Select[Type;];": 7, + "Train-Inform[Arrive;Id;Dest;];": 7, + "general-reqmore[none;];Booking-Book[Day;Ref;Stay;];": 7, + "Booking-Inform[none;];Restaurant-Inform[Food;Addr;Name;];": 7, + "Hotel-Inform[Choice;];Booking-Request[Day;];": 7, + "Train-Inform[Leave;];Train-Select[none;];": 7, + "Hotel-Inform[Name;Area;];general-reqmore[none;];": 7, + "Restaurant-Inform[Price;Name;Food;Phone;Area;];": 7, + "Train-Inform[Dest;Arrive;Leave;];": 7, + "general-reqmore[none;];Booking-Book[Stay;People;Day;Ref;];": 7, + "general-reqmore[none;];Booking-Book[Time;People;Day;Name;Ref;];": 7, + "Attraction-Inform[Type;Area;];": 7, + "Hotel-Inform[Parking;];general-reqmore[none;];": 7, + "Hotel-Select[none;];Hotel-Inform[Name;Name;];": 7, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Name;];": 7, + "Booking-Book[Ref;Day;Stay;Name;People;];": 7, + "Hotel-Inform[Name;Phone;];general-reqmore[none;];": 7, + "Restaurant-Request[Price;Area;];Restaurant-Inform[Food;Choice;];": 7, + "Train-Inform[Choice;Depart;];Train-Request[Leave;];": 7, + "Hotel-Inform[Addr;Addr;];": 7, + "Restaurant-Inform[Price;Addr;Name;Food;Phone;Area;];": 7, + "Booking-Inform[none;];Hotel-Inform[Choice;Type;];": 7, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;];": 7, + "general-reqmore[none;];Booking-Book[Ref;Stay;Name;People;];": 7, + "general-reqmore[none;];Attraction-Inform[Type;Fee;];": 7, + "Restaurant-Inform[Food;Price;Area;Addr;Name;];": 7, + "Booking-Inform[none;];Restaurant-Recommend[Price;Name;];": 7, + "Attraction-Request[Area;];Attraction-Inform[Area;Choice;];": 7, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Area;];": 7, + "Attraction-Recommend[Phone;Name;];general-reqmore[none;];": 7, + "Train-Inform[Depart;];": 7, + "Restaurant-Inform[Area;Choice;];": 7, + "Attraction-Inform[Name;Post;Area;];": 7, + "Train-Inform[Time;Leave;];": 7, + "Booking-Book[Name;];general-reqmore[none;];Restaurant-Inform[Ref;];": 7, + "Restaurant-Recommend[Price;Area;Name;];": 7, + "Booking-Book[Ref;Stay;Name;];": 7, + "Train-Inform[Choice;];Train-Request[Dest;Day;];": 7, + "Attraction-Inform[Fee;Addr;Name;];": 7, + "Restaurant-Inform[Food;Name;Price;];": 7, + "Booking-Book[Ref;People;];": 7, + "Hotel-Inform[Stars;];general-reqmore[none;];": 7, + "Attraction-Request[Name;];Attraction-Inform[Choice;];": 7, + "Hotel-Inform[Area;Price;Type;Stars;];": 7, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Addr;];": 7, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Type;];": 7, + "Booking-Inform[Name;];Booking-Request[People;];": 7, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Area;];": 7, + "general-reqmore[none;];Train-OfferBooked[People;Ref;Ticket;];": 7, + "Hotel-Select[Name;Name;];": 7, + "Booking-Inform[none;];Restaurant-Inform[Name;Choice;];": 7, + "Attraction-Inform[Type;Type;Type;];": 7, + "Train-Inform[Arrive;Ticket;];": 7, + "general-reqmore[none;];Attraction-Inform[Fee;Post;];": 7, + "Booking-Inform[none;];Hotel-Inform[none;];": 7, + "general-reqmore[none;];Restaurant-Inform[Addr;Post;Name;Phone;];": 7, + "Restaurant-Inform[Phone;Food;Name;Addr;];": 7, + "general-reqmore[none;];Booking-Book[Name;];": 7, + "Attraction-Recommend[Name;Area;Fee;];": 7, + "Train-Select[Leave;];": 7, + "general-reqmore[none;];Booking-Book[Day;Ref;Time;Name;];": 7, + "Train-Inform[Leave;Depart;];Train-OfferBook[none;];": 7, + "Booking-Inform[none;];Restaurant-Inform[Food;];": 7, + "Attraction-Request[Type;Area;];Attraction-NoOffer[Type;Area;];": 7, + "Restaurant-NoOffer[Price;Food;];": 7, + "Taxi-Request[Depart;Leave;Dest;Arrive;];": 7, + "Hotel-Recommend[Name;];general-greet[none;];": 7, + "Train-OfferBooked[People;Ref;Ticket;];": 7, + "Restaurant-Request[Area;];Restaurant-NoOffer[Food;Price;Area;];": 7, + "Hotel-Request[Area;Price;];Hotel-NoOffer[none;];": 7, + "Attraction-Inform[Post;Area;];": 7, + "Hotel-Request[Stars;Price;];Hotel-Inform[Choice;];": 7, + "Restaurant-Inform[Food;Area;Price;Name;];": 7, + "Hotel-Inform[Parking;Name;];": 7, + "Train-Inform[Choice;Leave;Leave;];Train-Select[none;];": 7, + "Booking-Inform[none;];Hotel-Inform[Type;Name;Price;Area;];": 7, + "Hotel-Inform[Name;Phone;];": 7, + "Restaurant-Recommend[Name;Addr;];Restaurant-Inform[Choice;];": 7, + "Train-Inform[Arrive;Choice;];": 7, + "Hotel-Select[Name;];": 7, + "Train-Request[Depart;Dest;Day;];": 7, + "Train-Request[Dest;Leave;Arrive;];": 7, + "Hotel-Inform[Name;Choice;];": 7, + "Attraction-Inform[Name;Post;Addr;];": 7, + "Train-OfferBook[People;];": 7, + "Restaurant-Request[Area;Price;];Restaurant-Inform[Choice;];": 7, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Type;Type;];": 7, + "Attraction-Request[Type;];Attraction-Inform[Area;Type;Choice;];": 7, + "Train-Inform[Id;Dest;Arrive;Leave;];Train-OfferBook[none;];": 7, + "Restaurant-Request[Area;Food;];Restaurant-Inform[Price;Choice;];": 7, + "Train-Request[Depart;Arrive;];": 7, + "Train-Inform[Choice;Leave;Leave;Leave;];Train-OfferBook[none;];": 7, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Choice;];": 7, + "Train-Inform[Ref;];Train-OfferBooked[Ticket;];": 7, + "Restaurant-Inform[Addr;Name;Food;];": 7, + "Taxi-Inform[Phone;Dest;Leave;Car;Depart;];": 7, + "Train-Inform[Leave;Depart;Arrive;Id;Day;Dest;];Train-OfferBook[none;];": 7, + "Booking-Request[Day;People;Stay;];": 7, + "Restaurant-Request[Food;];Restaurant-NoOffer[Area;];": 7, + "Train-Inform[Choice;];Train-Request[Arrive;Leave;Day;];": 7, + "Train-Inform[Arrive;Dest;Depart;Leave;];Train-OfferBook[none;];": 7, + "Train-Inform[Arrive;Leave;];general-reqmore[none;];": 7, + "general-reqmore[none;];Restaurant-Inform[Post;Addr;Phone;];": 7, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;];": 7, + "Train-Inform[Id;Time;];general-reqmore[none;];": 7, + "Attraction-Select[Type;Type;];": 7, + "general-reqmore[none;];Booking-Book[Ref;Name;Day;];": 7, + "Attraction-Recommend[Fee;Area;Name;];": 7, + "Train-OfferBooked[Id;Ref;Ticket;];": 7, + "Hotel-Request[Parking;];Hotel-Inform[Choice;Type;];": 7, + "Restaurant-Select[Area;Area;];Restaurant-Inform[Food;Choice;];": 7, + "Hotel-Inform[Name;Stars;];": 7, + "Attraction-Select[Name;];": 7, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Stars;];": 7, + "Attraction-Recommend[Phone;Name;];": 7, + "Restaurant-Inform[Phone;Name;Addr;Post;];": 7, + "Train-Inform[Choice;];Train-Request[People;];": 7, + "Train-Inform[Arrive;Choice;Leave;Id;];Train-OfferBook[none;];": 7, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Food;Choice;];": 7, + "Restaurant-Select[Price;Price;];Restaurant-Inform[Food;Choice;Area;];": 7, + "Attraction-Inform[Name;Name;];": 7, + "Restaurant-Select[Food;Food;Food;];": 7, + "Hotel-Inform[Price;];general-reqmore[none;];": 7, + "Train-Inform[Depart;Dest;Arrive;Leave;Id;];Train-OfferBook[none;];": 7, + "Restaurant-Request[Price;Food;];Restaurant-NoOffer[none;];": 7, + "Restaurant-Request[Area;];Restaurant-NoOffer[Food;];": 7, + "Taxi-Inform[Car;Phone;Depart;];": 7, + "Booking-Book[Time;Ref;Day;];": 7, + "Hotel-Request[Area;];Hotel-Inform[Internet;Choice;Type;];": 7, + "Booking-Inform[none;];Hotel-Inform[Area;];": 7, + "Train-Inform[Arrive;Day;Leave;Depart;Dest;Id;];": 7, + "Train-Inform[Leave;];Train-Request[Day;];": 6, + "Train-Inform[Choice;Depart;Day;];Train-Request[Leave;];": 6, + "Train-OfferBook[Arrive;Id;];Train-Request[People;];": 6, + "Attraction-Inform[Area;Area;Name;Name;];": 6, + "Train-Inform[Arrive;Id;];Train-Select[none;];": 6, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Name;Name;Name;Name;];": 6, + "Taxi-Inform[Phone;Dest;Car;Depart;];general-reqmore[none;];": 6, + "Hotel-Inform[Choice;Name;];": 6, + "Attraction-Request[Area;Type;];Attraction-NoOffer[none;];": 6, + "Restaurant-Recommend[Area;Name;Food;];": 6, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Price;];": 6, + "general-reqmore[none;];Attraction-Inform[Addr;Name;Phone;];": 6, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Name;];": 6, + "general-reqmore[none;];Train-OfferBooked[Ticket;Id;Ref;People;];": 6, + "Attraction-Inform[Name;Fee;Phone;Addr;];": 6, + "Hotel-Request[Area;Type;];": 6, + "Restaurant-Request[Food;Area;];": 6, + "Restaurant-NoOffer[none;];general-reqmore[none;];Restaurant-Inform[Food;];": 6, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Price;Type;Stars;];": 6, + "Taxi-Inform[Phone;Car;];general-greet[none;];": 6, + "general-reqmore[none;];Attraction-Inform[Type;Name;];": 6, + "general-reqmore[none;];Attraction-Inform[Name;Post;Phone;];": 6, + "Hotel-Inform[Type;Internet;Parking;Stars;Name;Price;Area;];": 6, + "Train-Inform[Time;Ticket;];Train-OfferBook[none;];": 6, + "Attraction-Request[Type;Area;];Attraction-Inform[Choice;];": 6, + "general-reqmore[none;];Attraction-Inform[Choice;Area;];": 6, + "general-reqmore[none;];Attraction-Inform[Post;Area;];": 6, + "general-reqmore[none;];Attraction-Inform[Fee;Area;];": 6, + "Taxi-Inform[Leave;Phone;Car;Depart;];general-reqmore[none;];": 6, + "Booking-Book[Ref;Stay;Name;Day;People;];": 6, + "Train-Inform[Arrive;Leave;Dest;Id;];Train-Select[none;];": 6, + "Hotel-Inform[Name;Internet;];general-reqmore[none;];": 6, + "Hotel-Select[Price;Price;];Hotel-Inform[Choice;Type;];": 6, + "Restaurant-NoOffer[Food;Price;];general-reqmore[none;];": 6, + "Train-Inform[Depart;Dest;Day;Id;Leave;];Train-OfferBook[none;];": 6, + "Train-Inform[Leave;Ticket;];": 6, + "Taxi-Inform[Phone;Dest;Car;Depart;];": 6, + "Taxi-Inform[Phone;Leave;Car;Depart;];general-reqmore[none;];": 6, + "Restaurant-Inform[Post;Post;];": 6, + "Train-Request[Leave;Arrive;Day;];": 6, + "general-reqmore[none;];Attraction-Inform[Name;Type;];": 6, + "general-reqmore[none;];Restaurant-Inform[Price;Name;Food;];": 6, + "Hotel-Request[Parking;Internet;];": 6, + "Attraction-Inform[Fee;Type;Area;Name;];": 6, + "Restaurant-Recommend[Name;];Restaurant-Inform[Addr;];": 6, + "Train-OfferBooked[Ref;People;Ticket;];": 6, + "Hotel-Request[Area;Type;];Hotel-Inform[Choice;];": 6, + "general-reqmore[none;];Booking-Book[Name;Time;People;Ref;Day;];": 6, + "Train-OfferBook[Arrive;];": 6, + "Hotel-Inform[Name;Parking;];": 6, + "Restaurant-Inform[Name;Name;Name;];": 6, + "Booking-Inform[Name;];Restaurant-Inform[Choice;];": 6, + "Hotel-Inform[Price;Choice;Type;];": 6, + "Hotel-Inform[Area;Price;];": 6, + "general-reqmore[none;];Restaurant-Inform[Choice;Food;];": 6, + "Train-Request[Arrive;Day;Leave;];": 6, + "Train-Inform[Arrive;Leave;Dest;Id;];general-reqmore[none;];": 6, + "Train-Inform[Ticket;Id;Arrive;Leave;];": 6, + "Hotel-Request[Area;];Hotel-Inform[Price;Choice;];": 6, + "Attraction-Inform[Name;Fee;Addr;Area;];": 6, + "Booking-Inform[Day;];": 6, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;];": 6, + "Hotel-Inform[Name;Price;];general-reqmore[none;];": 6, + "Train-Inform[Depart;Day;Leave;];": 6, + "Hotel-Inform[Phone;Addr;];": 6, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Food;Area;Price;];": 6, + "general-reqmore[none;];Restaurant-Inform[Name;Addr;Post;];": 6, + "Train-Inform[Id;Leave;];Train-Request[People;];": 6, + "Train-Inform[Ticket;Id;Time;];general-reqmore[none;];": 6, + "Booking-Inform[none;];Restaurant-Inform[Area;Price;Name;];": 6, + "Train-Inform[Arrive;Id;Dest;Depart;Leave;];": 6, + "Restaurant-NoOffer[none;];general-reqmore[none;];Restaurant-Inform[Food;Area;];": 6, + "Train-Inform[Id;Leave;Depart;];Train-OfferBook[none;];": 6, + "general-reqmore[none;];Train-OfferBooked[Ticket;];": 6, + "general-reqmore[none;];Train-OfferBooked[Ref;Ticket;People;Id;];": 6, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Price;Area;];": 6, + "general-reqmore[none;];Booking-Book[Ref;Stay;Name;];": 6, + "Hotel-Recommend[Name;];Booking-Inform[none;];general-greet[none;];": 6, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Type;];": 6, + "Booking-Book[Name;People;Ref;Day;Stay;];": 6, + "Hotel-Inform[Post;Phone;];": 6, + "Train-Inform[Leave;Day;];Train-OfferBook[none;];": 6, + "general-reqmore[none;];Booking-Book[Ref;Day;Stay;];": 6, + "Attraction-Inform[Name;Addr;Addr;];": 6, + "Hotel-Recommend[Name;Price;Area;];": 6, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Price;Type;];": 6, + "Booking-Request[Time;];general-greet[none;];": 6, + "general-reqmore[none;];Booking-Book[Time;Ref;Day;];": 6, + "Hotel-Inform[Type;Stars;];": 6, + "Attraction-Inform[Addr;Addr;Post;];": 6, + "Taxi-Inform[Phone;Car;];general-reqmore[none;];general-greet[none;];": 6, + "Hotel-Request[Stars;Area;];Hotel-Inform[Choice;];": 6, + "Attraction-Recommend[Name;Fee;];general-reqmore[none;];": 6, + "Hotel-Inform[Area;Name;Price;Type;];": 6, + "Hotel-Inform[Addr;Name;];general-reqmore[none;];": 6, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Choice;];": 6, + "Restaurant-Request[Price;Area;];Restaurant-NoOffer[none;];": 6, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Phone;];": 6, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Parking;Price;Name;Type;Internet;];": 6, + "Booking-Inform[none;];Restaurant-Recommend[Food;Name;];": 6, + "Train-NoOffer[none;];general-reqmore[none;];": 6, + "Train-Inform[Arrive;];Train-Select[none;];": 6, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Phone;];": 6, + "Attraction-Recommend[Name;Addr;Post;];": 6, + "Attraction-Inform[Post;Type;];": 6, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Area;Area;];": 6, + "Attraction-Select[Type;];": 6, + "Taxi-Inform[Arrive;Phone;Dest;Car;Depart;];": 6, + "general-reqmore[none;];Attraction-Inform[Type;Choice;];": 6, + "Attraction-Inform[Type;Type;Choice;];": 6, + "Train-Inform[Arrive;Choice;Leave;];": 6, + "Booking-Inform[none;];Booking-Request[Stay;];": 6, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Stars;Price;];": 6, + "Booking-NoBook[Name;];Booking-Inform[Name;];": 6, + "Booking-Inform[none;];Hotel-Inform[Name;Parking;];": 6, + "Hotel-Inform[Area;Name;Price;Type;Stars;];": 6, + "Attraction-Inform[Post;Phone;Fee;];": 6, + "Train-Inform[Id;];Train-OfferBook[none;];Train-Request[People;];": 6, + "Hotel-Inform[Name;Addr;];general-reqmore[none;];": 6, + "Train-Inform[Choice;Depart;Dest;];Train-Request[Day;Leave;];": 6, + "Hotel-Inform[Area;Name;];general-reqmore[none;];": 6, + "Taxi-Inform[Dest;Phone;Depart;Car;];": 6, + "Attraction-Inform[Fee;Choice;];": 6, + "Taxi-Inform[Phone;Leave;Car;];": 6, + "Train-OfferBook[Id;];Train-Request[People;];": 6, + "Hotel-Inform[Internet;];general-reqmore[none;];": 6, + "Hotel-Request[Price;];Hotel-Inform[Type;Choice;];": 6, + "Restaurant-Inform[Addr;Name;Area;];": 6, + "Train-Inform[Arrive;Id;Leave;];general-reqmore[none;];": 6, + "Train-Inform[Depart;Dest;Day;Arrive;Id;Leave;];Train-OfferBook[none;];": 6, + "Restaurant-Inform[Choice;Price;];": 6, + "Booking-Book[Time;People;Ref;];": 6, + "Train-NoOffer[Leave;];": 6, + "Train-Inform[Choice;];Train-Request[Leave;Dest;];": 6, + "general-reqmore[none;];Booking-Book[Ref;Day;Time;];": 6, + "Restaurant-Inform[Name;Food;Price;];": 6, + "Restaurant-NoOffer[Price;];": 6, + "Restaurant-Recommend[Price;Name;];": 6, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Name;Name;Name;];": 6, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;Food;];": 6, + "Booking-Inform[none;];Restaurant-Inform[Phone;Name;Addr;Post;];": 6, + "Train-Inform[Arrive;Time;];": 6, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Type;Stars;];": 6, + "Attraction-Inform[Addr;Addr;Phone;];": 6, + "Train-Inform[Id;Arrive;Leave;];general-reqmore[none;];": 6, + "general-reqmore[none;];Booking-Book[Ref;Stay;Name;Day;];": 6, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;];": 6, + "Booking-Inform[none;];general-welcome[none;];": 6, + "Train-Inform[Arrive;Id;Ticket;];Train-OfferBook[none;];": 6, + "Booking-Inform[none;];Restaurant-Inform[Addr;Name;Post;];": 6, + "Hotel-Request[Price;Area;];Hotel-Inform[Choice;Type;];": 6, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Post;];": 6, + "Restaurant-Select[Food;];Restaurant-NoOffer[Food;];": 6, + "Booking-Inform[none;];Hotel-Inform[Phone;];": 6, + "Booking-Inform[none;];Restaurant-Inform[Price;Name;Food;];": 6, + "Taxi-Inform[Car;Phone;Leave;];general-reqmore[none;];": 6, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Addr;];": 6, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Area;Area;];": 6, + "Train-Inform[Depart;Id;Leave;];Train-OfferBook[none;];": 6, + "general-reqmore[none;];Booking-Book[Ref;Day;Time;Name;People;];": 6, + "Hotel-Inform[Name;Type;Stars;];": 6, + "Hotel-Request[Price;];Hotel-Inform[Type;Choice;Area;];": 6, + "Hotel-Inform[Area;Internet;Price;Parking;Type;Stars;];": 6, + "Attraction-Request[Area;];Attraction-NoOffer[Type;];": 6, + "Train-Inform[Leave;Depart;Arrive;Id;Dest;];": 6, + "Train-Inform[Choice;];Train-Request[Leave;Depart;];": 6, + "Hotel-Request[Area;Stars;];": 6, + "Train-Request[Depart;Arrive;Leave;];": 6, + "Train-Inform[Id;Arrive;];Train-Select[none;];": 6, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Type;];": 6, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;Price;Area;];": 6, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Name;Post;];": 5, + "Attraction-Recommend[Addr;Addr;Name;];": 5, + "Hotel-Inform[Phone;Addr;];general-reqmore[none;];": 5, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Addr;Addr;];": 5, + "general-reqmore[none;];Attraction-Inform[Post;Phone;Name;];": 5, + "Booking-Inform[none;];Restaurant-Inform[Price;Area;];": 5, + "general-reqmore[none;];Restaurant-Inform[Food;];": 5, + "Taxi-Request[Dest;Arrive;];": 5, + "general-reqmore[none;];Restaurant-Inform[Name;Post;];": 5, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Addr;];": 5, + "Attraction-Inform[Area;Fee;Name;];": 5, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[Food;];": 5, + "Restaurant-Recommend[Food;Area;Price;Name;];": 5, + "Train-OfferBooked[Ref;Ticket;People;];": 5, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Name;];": 5, + "general-reqmore[none;];Restaurant-Inform[Post;Addr;Name;];": 5, + "Hotel-Inform[Area;Name;Price;Stars;];": 5, + "Train-Inform[Arrive;Dest;Leave;];Train-OfferBook[none;];": 5, + "general-reqmore[none;];Attraction-Inform[Post;Fee;Phone;];": 5, + "Booking-Inform[none;];Hotel-Inform[Choice;Name;];": 5, + "general-greet[none;];Train-OfferBooked[Ref;Ticket;];": 5, + "Train-Request[Day;Leave;Dest;];": 5, + "Booking-Inform[none;];Restaurant-Inform[Post;Phone;Name;];": 5, + "Attraction-Inform[Fee;Name;Addr;];": 5, + "Attraction-Recommend[Fee;Addr;Name;];general-reqmore[none;];": 5, + "Hotel-Select[Area;Area;Area;];Hotel-Inform[Choice;];": 5, + "Hotel-Inform[Area;Name;Price;Type;Stars;];general-reqmore[none;];": 5, + "Booking-Inform[none;];Booking-Request[Time;];": 5, + "Train-Inform[Choice;Leave;Leave;];": 5, + "Hotel-Request[Price;];Hotel-Inform[Choice;Parking;];": 5, + "Restaurant-Inform[Choice;Name;Name;Name;];": 5, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Area;Area;];": 5, + "Attraction-Request[Type;Area;];": 5, + "Train-Inform[Arrive;Ticket;Leave;];Train-OfferBook[none;];": 5, + "Hotel-Request[Internet;];": 5, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Type;];": 5, + "Attraction-Inform[Name;Choice;Area;];": 5, + "Attraction-Inform[Phone;Post;Name;Addr;];": 5, + "Attraction-NoOffer[Type;Area;];general-reqmore[none;];": 5, + "Train-Inform[Choice;Day;];Train-Request[Dest;];": 5, + "Attraction-Inform[Choice;Name;];": 5, + "Train-Request[People;Day;];": 5, + "Attraction-Inform[Type;Type;Type;Choice;];": 5, + "Train-Inform[Arrive;Leave;Depart;Id;];Train-OfferBook[none;];": 5, + "Attraction-Inform[Type;Addr;];": 5, + "Restaurant-Select[none;];Restaurant-Inform[Choice;];": 5, + "Restaurant-Recommend[Name;Price;];": 5, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Post;];": 5, + "Hotel-Inform[Name;Area;Price;];": 5, + "Attraction-Inform[Addr;Area;];": 5, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Choice;Price;];": 5, + "Train-OfferBooked[Ticket;Ref;People;];": 5, + "Hotel-Inform[Post;Name;];general-reqmore[none;];": 5, + "general-reqmore[none;];Train-OfferBooked[Id;Ref;];": 5, + "general-reqmore[none;];Booking-Book[People;Ref;];": 5, + "Booking-NoBook[Day;];Booking-Request[Day;];": 5, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Name;];": 5, + "general-reqmore[none;];Attraction-Inform[none;];": 5, + "Booking-Inform[none;];Restaurant-Inform[Phone;Addr;];": 5, + "Booking-Book[Time;Day;People;Ref;];": 5, + "Restaurant-Recommend[Price;Addr;Name;Food;];": 5, + "Booking-Request[People;];general-greet[none;];": 5, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Phone;];": 5, + "Hotel-Inform[Choice;Choice;Type;Type;];": 5, + "Booking-Book[People;Day;Time;Ref;];": 5, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Price;Price;];": 5, + "general-greet[none;];Train-Request[Dest;Depart;];": 5, + "Attraction-Inform[Name;Addr;Addr;Addr;];": 5, + "general-reqmore[none;];Restaurant-Inform[Area;];": 5, + "Hotel-Inform[Name;Internet;Parking;Stars;];": 5, + "Attraction-Recommend[Name;];Attraction-Inform[Type;Choice;Area;];": 5, + "Hotel-Inform[Name;Name;Area;Area;];": 5, + "Train-Inform[Choice;Depart;];Train-Request[Dest;Day;];": 5, + "Train-Inform[Time;Ticket;Id;];": 5, + "Hotel-Inform[Area;Price;Name;Type;];": 5, + "Train-Inform[Day;Choice;Depart;Dest;];Train-Request[Arrive;];": 5, + "Attraction-Request[Type;];Attraction-NoOffer[none;];": 5, + "general-reqmore[none;];Booking-Book[Day;Ref;Stay;Name;];": 5, + "general-reqmore[none;];Attraction-Inform[Type;Area;Name;];": 5, + "Attraction-Recommend[Type;Area;Name;];": 5, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Post;];": 5, + "general-reqmore[none;];Attraction-Inform[Area;Name;Addr;];": 5, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Name;Type;];": 5, + "Hotel-Request[Area;Parking;Internet;];": 5, + "Attraction-Request[Price;];Attraction-Inform[Area;Type;Choice;];": 5, + "Train-Inform[Dest;Arrive;Leave;Depart;];Train-OfferBook[none;];": 5, + "Train-Inform[Time;Leave;];general-reqmore[none;];": 5, + "Attraction-Inform[Addr;Post;Name;Fee;];": 5, + "Booking-Inform[none;];Booking-Request[Day;Time;People;];": 5, + "Restaurant-Request[Area;];general-greet[none;];": 5, + "Attraction-Recommend[Fee;Type;Name;];": 5, + "Train-Inform[Choice;];Train-Request[Day;Leave;Arrive;];": 5, + "Train-OfferBook[none;];general-greet[none;];": 5, + "Train-OfferBook[none;];Train-Request[Day;];": 5, + "general-reqmore[none;];Attraction-Inform[Phone;Name;Addr;];": 5, + "general-reqmore[none;];Train-OfferBooked[Id;];": 5, + "general-reqmore[none;];Booking-Book[Day;People;Ref;Stay;];": 5, + "Restaurant-Recommend[Price;Name;Food;];": 5, + "Booking-Inform[none;];Restaurant-Recommend[Name;];general-reqmore[none;];": 5, + "Train-Request[Dest;Arrive;];": 5, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;];": 5, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;];": 5, + "general-greet[none;];Attraction-Inform[Phone;];": 5, + "Train-Inform[Id;Arrive;Depart;Dest;Leave;];": 5, + "Restaurant-Request[Food;Price;];general-greet[none;];": 5, + "Train-Inform[Id;Dest;Arrive;];": 5, + "Hotel-Request[Price;Type;];Hotel-NoOffer[Type;Price;];": 5, + "Hotel-Inform[Stars;Name;Type;];": 5, + "Attraction-Recommend[Post;Phone;Name;];general-reqmore[none;];": 5, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Choice;Area;Area;];": 5, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;Internet;];": 5, + "Train-Request[Arrive;Dest;];": 5, + "Restaurant-Inform[Choice;Food;];": 5, + "Train-Inform[Depart;Day;Dest;Leave;Arrive;];": 5, + "Hotel-Inform[Post;Name;];": 5, + "Train-Inform[Leave;Arrive;];": 5, + "Train-Inform[Depart;Leave;];Train-OfferBook[none;];": 5, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Food;];": 5, + "Restaurant-Select[Price;Price;];Restaurant-Inform[Choice;Food;Area;];": 5, + "Hotel-Request[Area;Price;];Hotel-Inform[Internet;Choice;];": 5, + "Attraction-Request[Type;];Attraction-Inform[Area;Type;Type;Type;Choice;];": 5, + "Booking-Inform[none;];Restaurant-Inform[Name;Food;Price;];": 5, + "general-reqmore[none;];Booking-Book[Time;Day;People;Name;Ref;];": 5, + "Restaurant-Inform[Phone;Name;Price;];": 5, + "general-reqmore[none;];Train-OfferBooked[none;];": 5, + "Hotel-Request[Area;];Hotel-Inform[Choice;Choice;Type;Type;];": 5, + "Booking-Inform[Name;];Hotel-Inform[Choice;];": 5, + "Train-OfferBooked[Id;];": 5, + "Train-Inform[Choice;Day;];Train-Request[Leave;Arrive;];": 5, + "Restaurant-Inform[Ref;];Booking-Book[Name;];": 5, + "Train-Inform[Leave;Arrive;Id;];general-reqmore[none;];": 5, + "Attraction-Select[Type;Type;Type;];Attraction-Inform[Choice;];": 5, + "Restaurant-Inform[Addr;Area;];": 5, + "Restaurant-Select[Area;Area;];Restaurant-Inform[Choice;Food;];": 5, + "Restaurant-Inform[Price;Choice;Area;];": 5, + "Train-Inform[Day;Choice;Depart;Dest;];Train-Request[Leave;Arrive;];": 5, + "Train-Inform[Id;Arrive;Time;Leave;];Train-OfferBook[none;];": 5, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Choice;Type;];": 5, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Parking;Stars;Name;Price;Area;];": 5, + "general-reqmore[none;];Train-OfferBooked[Ticket;Id;Ref;];": 5, + "Train-Inform[Day;Choice;Depart;Dest;];Train-Request[Leave;];": 5, + "Hotel-Inform[Post;Internet;];general-reqmore[none;];": 5, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Choice;];": 5, + "general-reqmore[none;];Restaurant-Inform[Name;Area;Food;Price;];": 5, + "Attraction-Inform[Phone;Name;Addr;];": 5, + "Attraction-Recommend[Name;];Attraction-Inform[Area;];": 5, + "Train-Inform[Choice;];Train-Request[Arrive;Day;];": 5, + "Booking-Inform[none;];Hotel-Inform[Area;Type;Stars;Price;];": 5, + "Attraction-Recommend[Type;];": 5, + "Hotel-Inform[Area;Price;Type;];": 5, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;];": 5, + "Hotel-Recommend[Name;Price;];": 5, + "Train-Inform[Arrive;Leave;Id;];general-reqmore[none;];": 5, + "Hotel-NoOffer[Area;Type;];": 5, + "general-reqmore[none;];Attraction-Inform[Addr;Area;Name;];": 5, + "Train-Inform[Id;Dest;Arrive;Leave;];general-reqmore[none;];": 5, + "general-greet[none;];Train-Request[Leave;];": 5, + "Train-Inform[Arrive;Choice;Dest;];Train-Request[Leave;];": 5, + "Train-Inform[Time;Id;];general-reqmore[none;];": 5, + "Train-Inform[Arrive;Id;];Train-OfferBook[none;];general-reqmore[none;];": 5, + "Attraction-Request[Name;];Attraction-Inform[Choice;Area;];": 5, + "Restaurant-Inform[Food;Addr;Name;];": 5, + "Attraction-Inform[Area;Fee;];": 5, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Type;Choice;];": 5, + "Attraction-Inform[Name;Phone;Fee;];": 5, + "Booking-Inform[none;];Restaurant-Inform[Addr;Post;];": 5, + "Restaurant-Recommend[Name;Food;];Restaurant-Inform[Choice;];": 5, + "Train-Inform[Ticket;Leave;];Train-OfferBook[none;];": 5, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Phone;];": 5, + "Attraction-Inform[Name;Phone;Post;Addr;];": 5, + "Train-Inform[Arrive;Leave;Depart;Dest;Id;];general-reqmore[none;];": 5, + "Attraction-Inform[Fee;Area;Type;];": 5, + "Hotel-Inform[Area;Choice;];": 5, + "Hotel-Request[Area;];Hotel-Inform[Choice;Stars;];": 5, + "Train-Inform[Ticket;Arrive;Id;];": 5, + "Train-Request[Leave;Arrive;Depart;];": 5, + "Booking-Inform[none;];Hotel-Inform[Type;Stars;Name;Price;Area;];": 5, + "general-reqmore[none;];Restaurant-Inform[Addr;Post;Name;];": 5, + "Booking-Book[Time;Ref;People;Day;];": 5, + "Restaurant-Inform[Addr;Name;Food;Phone;];": 5, + "Taxi-Inform[Phone;Leave;Car;];general-reqmore[none;];": 5, + "general-reqmore[none;];Train-OfferBooked[Id;People;Ref;];": 5, + "Restaurant-Inform[Choice;Name;Price;];": 5, + "Attraction-Inform[Fee;Phone;Post;];": 5, + "Train-Inform[Leave;Leave;Choice;];Train-Select[none;];": 5, + "Restaurant-Inform[Addr;Name;Post;Post;];": 5, + "Hotel-Select[none;];": 5, + "Hotel-Inform[Parking;Name;Internet;];": 5, + "Restaurant-Request[Area;Food;];Restaurant-NoOffer[Food;];": 5, + "Restaurant-Inform[Price;Addr;Name;];": 5, + "Booking-Inform[none;];Restaurant-Recommend[Name;Price;Area;];": 5, + "Train-Request[Leave;Dest;Day;];": 5, + "Attraction-Inform[Phone;Addr;Addr;];": 5, + "Booking-Book[Day;Ref;Time;People;];": 5, + "Hotel-NoOffer[Stars;Type;];": 5, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Area;];": 5, + "Train-Inform[Leave;Leave;];Train-OfferBook[none;];": 5, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Choice;Choice;];": 5, + "Train-Inform[Leave;Time;];": 5, + "general-reqmore[none;];Booking-Book[People;Day;Time;Ref;];": 5, + "Hotel-Inform[Name;Area;Stars;];": 5, + "Restaurant-Recommend[Name;Price;Area;];": 5, + "Restaurant-Recommend[Food;Area;Name;];": 5, + "Restaurant-Inform[Food;Price;Area;Addr;Phone;Name;];": 5, + "Attraction-Inform[Post;Fee;Phone;];": 5, + "Train-Inform[Arrive;Leave;];Train-Select[none;];": 5, + "Train-Inform[Leave;Choice;];": 5, + "Attraction-Request[Area;Type;];Attraction-Inform[Type;Choice;];": 5, + "Attraction-Recommend[Fee;Addr;Addr;Name;];": 5, + "Hotel-Inform[Ref;];": 5, + "Booking-Inform[none;];Booking-Request[People;Day;Stay;];": 5, + "Hotel-Inform[Ref;];general-reqmore[none;];Booking-Book[Name;];": 5, + "Train-Inform[Choice;Day;Dest;];Train-Request[Depart;];": 5, + "Train-Inform[Leave;Depart;Dest;Id;];Train-OfferBook[none;];": 5, + "Train-Inform[Day;Choice;];Train-Request[Arrive;];": 5, + "Hotel-Request[Type;Price;];Hotel-Inform[Choice;];": 5, + "Attraction-Inform[Addr;Name;Fee;];": 5, + "Taxi-Request[Depart;Arrive;];": 5, + "Attraction-Recommend[Name;];Attraction-Inform[Area;Choice;];": 5, + "Hotel-NoOffer[Price;Type;];": 5, + "Booking-Book[Time;People;Ref;Day;];": 5, + "Hotel-Select[Type;];Hotel-NoOffer[Type;];": 5, + "Attraction-Inform[Name;Addr;Phone;];": 5, + "Booking-Book[Time;Day;People;Name;Ref;];": 5, + "Booking-Book[Day;Ref;Time;];": 5, + "Hotel-Request[Area;];Hotel-Inform[Choice;Parking;];": 5, + "Hotel-Recommend[Name;Stars;];Booking-Inform[none;];": 5, + "Train-Inform[Choice;Dest;];Train-Request[Day;Depart;];": 5, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Choice;];": 5, + "Attraction-Recommend[Name;];Attraction-Inform[Type;Area;Choice;];": 5, + "Train-Inform[Choice;Leave;];Train-Request[Arrive;];": 5, + "Train-Select[Arrive;Id;];": 5, + "Booking-Book[Time;Day;Ref;];": 5, + "Booking-Inform[none;];Hotel-Inform[Area;Type;];": 5, + "Hotel-Select[Stars;Stars;];": 5, + "Train-Inform[Time;Leave;Id;];Train-OfferBook[none;];": 5, + "Attraction-Inform[Name;Addr;Fee;];": 5, + "Booking-NoBook[Time;];Booking-Request[Day;Time;];": 5, + "general-reqmore[none;];Attraction-Inform[Name;Type;Area;];": 5, + "Booking-Inform[none;];Hotel-Inform[Post;Addr;];": 5, + "Booking-NoBook[Day;];Booking-Request[Stay;Day;];": 4, + "Hotel-Inform[Parking;Name;];general-reqmore[none;];": 4, + "Hotel-Request[Price;];Hotel-Inform[Choice;Type;Type;];": 4, + "Train-Inform[Day;Leave;Id;];": 4, + "Hotel-Inform[Choice;Type;Type;];general-reqmore[none;];": 4, + "general-reqmore[none;];Booking-Book[Day;Ref;Name;];": 4, + "Train-Inform[Ref;Ticket;];general-reqmore[none;];": 4, + "Attraction-Inform[Addr;Type;Area;Name;];": 4, + "Taxi-Inform[Arrive;];": 4, + "Attraction-Inform[Phone;Post;Fee;];": 4, + "general-reqmore[none;];Attraction-Inform[Addr;Area;];": 4, + "Taxi-Inform[Car;Phone;];general-greet[none;];": 4, + "Attraction-Select[none;];Attraction-Inform[Area;Type;Type;Choice;];": 4, + "Attraction-Inform[Area;Name;Addr;Phone;];": 4, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Addr;];": 4, + "Hotel-Inform[Addr;];Booking-Book[Ref;Name;];": 4, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Area;];": 4, + "Booking-Inform[none;];Restaurant-Inform[Phone;Post;];": 4, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Price;Food;Area;];": 4, + "Attraction-Inform[Post;Phone;Addr;];": 4, + "Booking-Inform[none;];Restaurant-Inform[Choice;Food;];": 4, + "Hotel-Request[Stars;Area;];": 4, + "general-reqmore[none;];Booking-Book[Day;Ref;Time;People;];": 4, + "Train-Request[Day;Dest;Depart;];": 4, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Price;];": 4, + "general-reqmore[none;];Attraction-Inform[Fee;Type;];": 4, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Type;Choice;];": 4, + "Hotel-Recommend[Name;];Booking-Request[Day;];": 4, + "Train-Inform[Arrive;Day;Dest;Id;];Train-OfferBook[none;];": 4, + "Attraction-Inform[Fee;Area;Name;Type;Choice;];": 4, + "Restaurant-Inform[Choice;Name;Food;Area;];": 4, + "Booking-Inform[none;];Hotel-Inform[Stars;Name;Price;Area;];": 4, + "general-reqmore[none;];Attraction-Inform[Fee;Name;Addr;];": 4, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Addr;Phone;];": 4, + "general-reqmore[none;];Train-OfferBooked[Ticket;Id;];": 4, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Parking;];": 4, + "Hotel-Request[Area;];Hotel-Inform[Area;Choice;];": 4, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Area;];": 4, + "Train-Inform[Ticket;Id;Arrive;];Train-OfferBook[none;];": 4, + "Taxi-Inform[Leave;Car;];": 4, + "Hotel-Select[Area;Area;];Hotel-Inform[Choice;];": 4, + "general-reqmore[none;];Restaurant-Inform[Price;Addr;Name;Food;Phone;Area;];": 4, + "Train-Inform[Time;Arrive;];": 4, + "general-reqmore[none;];Restaurant-Inform[Name;Name;Food;Food;];": 4, + "general-reqmore[none;];Restaurant-Inform[Addr;Area;Phone;Name;];": 4, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;];": 4, + "Booking-Inform[none;];Restaurant-Inform[Phone;Addr;Post;];": 4, + "Attraction-Inform[Name;Phone;Post;];": 4, + "Restaurant-Recommend[Phone;Name;];": 4, + "Train-Inform[Choice;Dest;];Train-Request[Day;];": 4, + "Train-Inform[Arrive;Day;Depart;Dest;];Train-OfferBook[none;];": 4, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Area;];": 4, + "Hotel-Inform[Phone;Parking;];": 4, + "Hotel-NoOffer[Type;Stars;];": 4, + "Attraction-Inform[Addr;Addr;Addr;Name;];": 4, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Area;Food;];": 4, + "Restaurant-Inform[Food;Area;Addr;Phone;Name;];": 4, + "Train-Inform[Arrive;Dest;Id;Depart;Leave;];": 4, + "Attraction-Request[Type;];Attraction-Inform[Area;];": 4, + "general-reqmore[none;];Restaurant-Inform[Addr;Area;];": 4, + "Attraction-Inform[Phone;Addr;Post;];": 4, + "Restaurant-Request[Food;Price;];Restaurant-Inform[Area;Choice;];": 4, + "Attraction-Inform[Name;Choice;];": 4, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;Food;];": 4, + "Hotel-Request[Area;];Hotel-Inform[Parking;Choice;];": 4, + "Restaurant-Request[Price;];Restaurant-NoOffer[Price;];": 4, + "Hotel-Recommend[Phone;Name;];": 4, + "general-reqmore[none;];Restaurant-Inform[Price;Name;Area;];": 4, + "Restaurant-Recommend[Name;];Restaurant-Inform[Area;];": 4, + "Hotel-NoOffer[Type;Area;];": 4, + "Train-Inform[Arrive;Leave;Depart;Id;];": 4, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;];": 4, + "Hotel-Request[Parking;Price;Internet;];Hotel-Inform[Choice;];": 4, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;];": 4, + "Restaurant-Inform[Name;Addr;Area;];": 4, + "general-reqmore[none;];Attraction-Inform[Area;Type;Name;];": 4, + "general-reqmore[none;];Booking-Book[Time;Day;Ref;];": 4, + "Hotel-Inform[Stars;Stars;Name;Name;];": 4, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Parking;];": 4, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Type;];": 4, + "Attraction-Inform[Area;Name;Choice;];": 4, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Food;Area;];": 4, + "Restaurant-Select[Price;Price;];Restaurant-Inform[Choice;Area;];": 4, + "general-welcome[none;];Booking-Book[Ref;];": 4, + "Hotel-Inform[Type;Choice;];": 4, + "Train-Request[Leave;Day;Arrive;];": 4, + "Train-Inform[none;];": 4, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Choice;Type;Type;];": 4, + "Train-Inform[Choice;Leave;Leave;];Train-Request[Leave;];": 4, + "Train-Inform[Choice;Leave;Id;];": 4, + "Booking-Book[Time;Ref;Name;Day;People;];": 4, + "Attraction-Inform[Name;Type;Fee;Area;];": 4, + "Restaurant-Recommend[Area;Addr;Name;];": 4, + "Attraction-Inform[Area;Type;Name;];": 4, + "Hotel-Request[Area;];Hotel-Inform[Internet;Choice;Parking;];": 4, + "Restaurant-Select[none;];Restaurant-Inform[Price;Price;Choice;Choice;];": 4, + "Train-Inform[Day;];Train-Request[Leave;Arrive;];": 4, + "Attraction-Recommend[Fee;Phone;Name;];": 4, + "Hotel-Inform[Area;Name;Internet;Price;Parking;Type;Stars;];general-reqmore[none;];": 4, + "Hotel-Request[Area;Type;];Hotel-Inform[Choice;Type;];": 4, + "general-reqmore[none;];Attraction-Inform[Area;Addr;];": 4, + "Booking-Inform[none;];Restaurant-Recommend[Name;];general-greet[none;];": 4, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Food;];": 4, + "Attraction-Inform[Addr;Addr;Phone;Fee;];": 4, + "Restaurant-Request[Area;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;Area;];": 4, + "general-reqmore[none;];Booking-Book[Day;Time;Name;People;];": 4, + "Restaurant-Recommend[Name;Price;Food;];": 4, + "general-reqmore[none;];Booking-Book[Ref;Day;Stay;Name;];": 4, + "general-reqmore[none;];Attraction-Inform[Fee;Choice;];": 4, + "general-reqmore[none;];Train-OfferBooked[Ticket;Ref;People;];": 4, + "Hotel-Inform[Name;];Booking-Request[Day;];": 4, + "Hotel-Select[none;];Hotel-Inform[Choice;Type;];": 4, + "Train-Inform[Dest;Arrive;Id;Leave;];": 4, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Name;Price;Area;];": 4, + "general-reqmore[none;];Booking-Book[Name;People;Ref;Day;Stay;];": 4, + "Hotel-Recommend[Name;Price;];Booking-Inform[none;];": 4, + "Restaurant-Inform[Food;Price;Addr;Name;];": 4, + "Train-Inform[Arrive;Leave;Depart;Dest;];": 4, + "Hotel-Inform[Phone;Name;];": 4, + "Hotel-Request[Price;];Hotel-Inform[Choice;Price;Price;];": 4, + "Hotel-Request[Price;Type;];Hotel-Inform[Choice;];": 4, + "Booking-NoBook[Stay;];": 4, + "Hotel-Request[Area;Stars;];Hotel-Inform[Choice;];": 4, + "Train-Inform[Time;Arrive;Leave;Id;Ticket;];Train-OfferBook[none;];": 4, + "Booking-NoBook[Name;];Booking-Request[Day;Stay;];": 4, + "Hotel-NoOffer[Stars;];": 4, + "Train-Inform[Id;Ticket;Time;];": 4, + "general-reqmore[none;];Attraction-Inform[Area;Name;Choice;];": 4, + "Hotel-Request[Type;];Hotel-Inform[Choice;Choice;Type;Type;];": 4, + "Restaurant-Inform[Post;Post;Phone;Addr;];": 4, + "Booking-Inform[none;];Booking-Request[Time;Day;People;];": 4, + "Restaurant-Select[Price;Price;Price;];Restaurant-Inform[Choice;Area;];": 4, + "Booking-Inform[none;];Restaurant-Inform[Area;Name;Price;];": 4, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;Food;];": 4, + "Restaurant-Inform[Addr;Name;Post;];": 4, + "Restaurant-Select[Food;Food;Food;];Restaurant-Inform[Choice;];": 4, + "Train-OfferBooked[Id;Ticket;];": 4, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Post;];": 4, + "Hotel-Inform[Name;Internet;Parking;];": 4, + "Train-Inform[Arrive;Arrive;Choice;];Train-Select[none;];": 4, + "Attraction-Request[Area;Price;];Attraction-Inform[Type;Choice;];": 4, + "Hotel-Inform[Addr;Post;Phone;];": 4, + "Taxi-Inform[Dest;Phone;Depart;Car;Leave;];general-reqmore[none;];": 4, + "Taxi-Request[Arrive;Leave;];general-greet[none;];": 4, + "Hotel-Inform[Post;Type;];general-reqmore[none;];": 4, + "Train-Inform[Depart;Id;Leave;];": 4, + "Hotel-Select[none;];Hotel-Inform[Type;Type;];": 4, + "general-reqmore[none;];Attraction-Inform[Type;Addr;];": 4, + "Hotel-Request[Area;Stars;];Hotel-NoOffer[none;];": 4, + "Booking-Inform[none;];Restaurant-Inform[Area;Price;];": 4, + "general-reqmore[none;];Booking-Book[Time;Ref;Name;Day;];": 4, + "Taxi-Inform[Arrive;Phone;Car;];": 4, + "Hotel-Inform[Name;Name;Choice;];": 4, + "Hotel-Inform[Price;Choice;Type;];general-reqmore[none;];": 4, + "Restaurant-Request[Area;Food;Price;];Restaurant-Inform[Choice;];": 4, + "Hotel-Request[Price;];Hotel-Inform[Price;Price;Choice;];": 4, + "Train-OfferBooked[People;Ref;Ticket;Id;];": 4, + "Train-Inform[Choice;Day;Leave;];Train-Request[Dest;];": 4, + "general-reqmore[none;];Restaurant-Inform[Choice;Name;Name;];": 4, + "Restaurant-Inform[Addr;Food;];": 4, + "Booking-Book[People;Ref;Day;Stay;];": 4, + "general-reqmore[none;];Attraction-Inform[Name;Phone;Fee;];": 4, + "general-reqmore[none;];Restaurant-Inform[Post;Phone;Name;];": 4, + "Booking-Book[Ref;Day;People;];": 4, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Parking;Stars;Name;Area;];": 4, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;Price;];": 4, + "general-reqmore[none;];Attraction-Inform[Type;Area;];": 4, + "Train-Inform[Arrive;Ticket;Time;];": 4, + "Restaurant-Recommend[Name;];general-greet[none;];": 4, + "Restaurant-Request[Area;Food;];Restaurant-NoOffer[Area;];": 4, + "general-reqmore[none;];Restaurant-Inform[Price;Name;];": 4, + "Train-Inform[Leave;Arrive;Id;Dest;];": 4, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Fee;];": 4, + "general-reqmore[none;];Attraction-Inform[Phone;Post;Addr;];": 4, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Name;];": 4, + "Attraction-Inform[Choice;Area;Type;];": 4, + "Hotel-Request[Area;];Hotel-NoOffer[Type;Area;];": 4, + "Train-Inform[Ticket;Id;Arrive;Time;Leave;];general-reqmore[none;];": 4, + "Attraction-Request[Type;];Attraction-Inform[Type;];": 4, + "Hotel-Inform[Name;Area;Internet;Type;Parking;Stars;Price;];": 4, + "Hotel-Request[Stars;];Hotel-Inform[Choice;Type;];": 4, + "Train-Inform[Day;Choice;Depart;];Train-Request[Leave;];": 4, + "Train-Inform[Choice;Leave;Leave;Leave;];Train-Request[Leave;];": 4, + "general-reqmore[none;];Booking-Book[Time;People;Day;Ref;];": 4, + "Attraction-Inform[Type;Fee;];": 4, + "Train-Inform[Dest;Choice;];Train-Request[Depart;];": 4, + "Train-Inform[Day;Arrive;Id;];": 4, + "Restaurant-Inform[Post;Post;Phone;Name;];": 4, + "Restaurant-Inform[Phone;Name;Area;];": 4, + "Attraction-Recommend[Name;Name;];": 4, + "Train-OfferBooked[Ref;People;Ticket;Id;];": 4, + "Train-Request[Depart;Leave;Dest;Day;];": 4, + "Restaurant-Inform[Name;Name;Name;Name;];": 4, + "Taxi-Request[Leave;Dest;Arrive;Depart;];": 4, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Type;Choice;];": 4, + "general-greet[none;];Train-Request[Leave;Dest;];": 4, + "Taxi-Request[Depart;Leave;];general-greet[none;];": 4, + "Restaurant-NoOffer[none;];Restaurant-Inform[Food;Price;];": 4, + "Train-Inform[Dest;Day;Arrive;Id;];Train-OfferBook[none;];": 4, + "Booking-Inform[none;];Hotel-Inform[Parking;Type;];": 4, + "Hotel-NoOffer[Stars;Type;Price;];": 4, + "Hotel-Inform[Price;Type;];": 4, + "Attraction-Recommend[Fee;Area;Name;];general-reqmore[none;];": 4, + "Attraction-Inform[Addr;Area;Name;];": 4, + "general-reqmore[none;];Booking-Book[Ref;Time;People;];": 4, + "Restaurant-Select[Name;Name;Name;];": 4, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Choice;];": 4, + "Taxi-Request[Depart;Arrive;Dest;Leave;];": 4, + "Train-Inform[Choice;Day;Dest;];Train-Request[Leave;];": 4, + "Attraction-Recommend[Name;Area;Fee;Type;];": 4, + "Attraction-Inform[Name;Addr;Post;];": 4, + "general-reqmore[none;];Booking-Book[Ref;Stay;Day;People;Name;];": 4, + "Restaurant-Request[Price;];general-greet[none;];": 4, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Phone;];": 4, + "Booking-Book[Time;Ref;Name;Day;];": 4, + "Train-Inform[Time;Ticket;];general-reqmore[none;];": 4, + "Restaurant-Recommend[Name;];Restaurant-Inform[Food;Choice;];": 4, + "Train-OfferBooked[Ref;Ticket;Leave;];": 4, + "Train-Inform[Id;Depart;Leave;];Train-OfferBook[none;];": 4, + "Hotel-Inform[none;];": 4, + "Restaurant-Inform[Area;Addr;Phone;Name;];": 4, + "Attraction-Select[Name;Name;];": 4, + "Attraction-Select[none;];Attraction-Inform[Name;Name;];": 4, + "Taxi-Inform[Car;Leave;Phone;];general-reqmore[none;];": 4, + "Hotel-Inform[Stars;Name;];general-reqmore[none;];": 4, + "Train-Inform[Arrive;Choice;];Train-OfferBook[none;];": 4, + "Booking-Inform[Name;];general-reqmore[none;];Booking-Book[Ref;];": 4, + "general-reqmore[none;];Restaurant-Inform[Choice;Food;Area;];": 4, + "Train-Inform[Arrive;Arrive;Leave;Leave;];": 4, + "Train-Inform[Dest;Arrive;];": 4, + "Train-Request[Dest;Leave;Day;];": 4, + "Restaurant-Inform[Area;Addr;Name;Post;];": 4, + "Attraction-Inform[Name;Post;Phone;Addr;];": 4, + "Train-OfferBook[none;];general-welcome[none;];": 4, + "Attraction-Inform[Addr;Phone;Name;];": 4, + "Booking-Inform[Name;];Booking-Request[People;Time;Day;];": 4, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Price;];": 4, + "Hotel-Select[Stars;Stars;];Hotel-Inform[Choice;];": 4, + "Taxi-Inform[Phone;Car;Leave;];general-reqmore[none;];": 4, + "Booking-Inform[none;];Hotel-Inform[Stars;Price;Name;];": 4, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Food;Area;Price;];": 4, + "Attraction-Recommend[Post;Phone;Addr;Name;];": 4, + "Taxi-Request[Depart;Arrive;Leave;];": 4, + "Train-Inform[Depart;Dest;Arrive;Id;Leave;];": 4, + "Hotel-Recommend[Type;Price;Name;Stars;Area;];Booking-Inform[none;];": 4, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[Food;Area;];": 4, + "general-reqmore[none;];Booking-Book[Name;People;Ref;];": 4, + "general-reqmore[none;];Restaurant-Inform[Food;Area;Price;Name;];": 4, + "Attraction-Inform[Name;Type;Phone;Area;];": 4, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Addr;Area;];": 4, + "general-reqmore[none;];Restaurant-Inform[Food;Name;Price;];": 4, + "Attraction-Request[Type;];Attraction-Inform[Choice;Type;];": 4, + "Hotel-Inform[Choice;Parking;];": 4, + "Attraction-Select[Type;Type;Type;];Attraction-Inform[Area;Choice;];": 4, + "Hotel-Inform[Phone;Post;Addr;Name;];general-reqmore[none;];": 4, + "Booking-Inform[Day;];Booking-Request[Time;];": 4, + "Booking-Inform[Name;];Booking-Request[People;Stay;];": 4, + "Train-Inform[Leave;Id;];Train-Select[none;];": 4, + "Booking-Inform[none;];Hotel-Inform[Area;Parking;Price;Name;Type;Internet;];": 4, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Internet;Parking;Stars;Price;];": 4, + "Restaurant-Inform[Addr;Name;Phone;Post;Post;];": 4, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Area;];": 4, + "Hotel-Inform[Phone;Addr;Name;Post;];general-reqmore[none;];": 4, + "Restaurant-Inform[Food;Food;Name;Name;];": 4, + "Hotel-Request[Area;];Hotel-Inform[Internet;Choice;];": 4, + "Hotel-Inform[Internet;Parking;Name;];": 4, + "Hotel-NoOffer[Area;];": 4, + "Hotel-Recommend[Name;Type;];Booking-Inform[none;];": 4, + "Taxi-Request[Dest;Leave;];": 4, + "Hotel-NoOffer[Stars;Area;];": 4, + "Restaurant-Recommend[Price;Name;];general-reqmore[none;];": 4, + "Restaurant-Request[Food;];Restaurant-NoOffer[Price;Food;];": 4, + "Booking-Book[Time;People;Day;Ref;];": 4, + "Hotel-Recommend[Name;Area;Addr;];Booking-Inform[none;];": 4, + "Train-Inform[Arrive;Arrive;];Train-Select[none;];": 4, + "general-reqmore[none;];Attraction-Inform[Name;Phone;Post;];": 4, + "Booking-NoBook[Time;Day;];Booking-Request[Time;Day;];": 4, + "Attraction-Inform[Addr;Addr;Addr;Post;];": 4, + "general-reqmore[none;];Restaurant-Inform[Choice;Name;];": 4, + "Attraction-Inform[Addr;Phone;Fee;];": 4, + "Attraction-Recommend[Phone;Name;Addr;];": 4, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;Price;];": 4, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Name;];": 4, + "Booking-Inform[none;];Restaurant-Inform[Price;Area;Food;Name;];": 4, + "Booking-Inform[none;];Booking-Request[Day;Time;];": 4, + "Train-Inform[Arrive;Leave;Dest;];Train-OfferBook[none;];": 4, + "general-reqmore[none;];Attraction-Inform[Phone;Area;];": 4, + "Restaurant-Recommend[Food;];": 4, + "Train-Request[Arrive;Leave;Dest;];": 4, + "Hotel-Recommend[Name;];Booking-Inform[none;];general-reqmore[none;];": 4, + "Hotel-Inform[Choice;Stars;];": 4, + "Attraction-Recommend[Name;Addr;];general-reqmore[none;];": 4, + "Attraction-Inform[Name;Fee;Post;];": 4, + "Hotel-Inform[Choice;Price;];general-reqmore[none;];": 4, + "general-reqmore[none;];Restaurant-Inform[Post;Name;Addr;];": 4, + "Booking-Book[Day;People;Stay;Ref;Name;];": 4, + "Taxi-Inform[Phone;Leave;Car;Depart;];": 4, + "Train-Inform[Choice;Dest;];Train-Request[Arrive;];": 4, + "Train-Inform[Choice;];Train-Select[none;];": 4, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Type;];": 4, + "Attraction-Request[Price;];Attraction-Inform[Type;Choice;];": 4, + "Restaurant-Inform[Addr;];Booking-Book[Name;Ref;];": 4, + "Restaurant-Inform[Phone;Phone;Name;Name;];": 4, + "Hotel-Inform[Choice;Price;];": 4, + "Attraction-Recommend[Name;Area;];general-reqmore[none;];": 4, + "Restaurant-Recommend[Name;Name;];": 4, + "Attraction-Inform[Addr;Addr;Post;Phone;];": 4, + "Booking-Book[Ref;Day;Time;];": 4, + "general-reqmore[none;];Attraction-Inform[Type;Area;Fee;Name;];": 4, + "general-reqmore[none;];Restaurant-Inform[Choice;Area;];": 4, + "Train-Inform[Arrive;Arrive;Arrive;Choice;];Train-Select[none;];": 4, + "Hotel-Inform[Phone;Internet;];": 4, + "Booking-Inform[none;];Hotel-Inform[Name;Phone;];": 4, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;Name;Price;];": 4, + "Attraction-Inform[Fee;Type;];": 4, + "Hotel-Request[Price;];Hotel-Inform[Choice;Type;Stars;];": 4, + "Train-Inform[Arrive;Id;Choice;];Train-OfferBook[none;];": 4, + "Booking-Inform[none;];Hotel-Inform[Stars;Name;Area;];": 4, + "general-reqmore[none;];Attraction-Inform[Name;Phone;Area;];": 4, + "Hotel-Request[Area;Parking;Internet;];Hotel-Inform[Choice;];": 4, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Choice;];": 4, + "Restaurant-Recommend[Phone;Name;];general-reqmore[none;];": 4, + "Hotel-Inform[Area;Name;Internet;Price;Parking;Stars;];": 4, + "Attraction-Inform[Post;Name;Fee;];": 4, + "Restaurant-Recommend[Name;];general-reqmore[none;];general-greet[none;];": 4, + "general-greet[none;];Train-Request[Leave;Day;];": 4, + "general-reqmore[none;];Train-OfferBooked[Id;Ticket;Ref;];": 4, + "Attraction-Inform[Name;Post;Fee;];": 4, + "Hotel-Inform[Price;Name;Stars;];": 4, + "Train-Request[Leave;Arrive;Dest;];": 4, + "Hotel-NoOffer[Price;];": 4, + "Train-Inform[Id;Time;Leave;];": 4, + "Taxi-Inform[Dest;Phone;Depart;Car;];general-reqmore[none;];": 4, + "Booking-NoBook[Ref;];general-reqmore[none;];": 4, + "Booking-Inform[none;];Restaurant-Inform[Food;Addr;];": 4, + "Attraction-Inform[Area;Name;Type;Choice;];": 4, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Stars;Name;Type;];": 4, + "general-welcome[none;];Hotel-Request[Area;];": 4, + "general-reqmore[none;];Booking-Book[People;Name;Ref;];": 4, + "Restaurant-Inform[Price;Addr;];": 4, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Name;Choice;];": 4, + "Attraction-Request[Area;Type;];Attraction-NoOffer[Type;Area;];": 4, + "Attraction-Inform[Type;Type;Type;Type;Choice;];": 4, + "Attraction-NoOffer[Area;];": 4, + "Train-Inform[Ticket;Arrive;Id;Leave;];Train-OfferBook[none;];": 4, + "Restaurant-Inform[Area;Price;];": 4, + "Hotel-Request[Area;];Hotel-Inform[Choice;];general-greet[none;];": 4, + "Attraction-Request[Name;];Attraction-Inform[Area;Type;Choice;];": 4, + "Hotel-Inform[Area;Addr;];": 4, + "Booking-Inform[none;];Restaurant-Recommend[Price;Name;Area;];": 4, + "general-reqmore[none;];Booking-Book[Day;Name;Ref;Stay;];": 4, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Choice;Type;];": 4, + "Attraction-Recommend[Post;Name;];general-reqmore[none;];": 4, + "Hotel-Select[none;];Hotel-Inform[Choice;Price;Price;];": 4, + "Booking-Inform[none;];Booking-Request[People;Stay;];": 4, + "Hotel-Inform[Parking;Choice;];": 4, + "Train-Inform[Dest;Arrive;Leave;];Train-OfferBook[none;];": 4, + "Train-Inform[Day;];Train-Request[Leave;];": 4, + "Hotel-Request[Price;];Hotel-Select[Type;Type;];Hotel-Inform[Choice;];": 4, + "general-reqmore[none;];Attraction-Inform[Type;Area;Phone;Name;];": 4, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Addr;Name;];": 4, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Type;Choice;];": 4, + "Attraction-Inform[Choice;Type;Area;];": 4, + "Train-OfferBook[Arrive;Dest;Leave;Depart;Id;];": 4, + "Hotel-Request[Stars;];Hotel-NoOffer[Type;];": 4, + "Booking-NoBook[Day;Time;];Booking-Request[Time;Day;];": 4, + "Train-Inform[Day;Leave;Depart;Id;];Train-OfferBook[none;];": 4, + "Booking-Inform[Name;];Booking-Request[Day;Time;];": 4, + "Train-Inform[Leave;Depart;Dest;];": 4, + "Train-OfferBooked[Ticket;Id;Ref;People;];": 4, + "Taxi-Inform[Leave;Car;Depart;Phone;];general-reqmore[none;];": 4, + "Train-Inform[Leave;Depart;Id;];": 4, + "Restaurant-Inform[Choice;Price;Food;Area;];": 4, + "Hotel-Inform[Choice;Type;Type;];": 4, + "Restaurant-Recommend[Name;Addr;Phone;];": 4, + "Train-Inform[Ref;Ticket;];Train-OfferBooked[none;];": 4, + "Restaurant-Inform[Post;Addr;Phone;Name;];": 4, + "Train-Inform[Arrive;Ticket;Leave;];": 4, + "Hotel-Inform[Area;Stars;Price;Name;Type;];": 4, + "Train-Inform[Choice;];Train-OfferBook[none;];Train-Request[People;];": 4, + "general-reqmore[none;];Attraction-Inform[Post;Type;];": 4, + "Restaurant-Request[Food;];Restaurant-Inform[Area;Price;Choice;];": 4, + "general-reqmore[none;];Booking-Book[Name;Ref;Stay;];": 4, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Food;];": 4, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Price;];": 4, + "general-reqmore[none;];Booking-Book[Time;Day;People;];": 4, + "Train-Inform[Id;Dest;Leave;Day;Depart;];Train-OfferBook[none;];": 4, + "Hotel-Inform[Type;Stars;Name;Price;];": 4, + "Booking-Inform[none;];Booking-Request[Day;People;];": 4, + "Booking-Inform[none;];Hotel-Inform[Name;Addr;Phone;];": 4, + "Taxi-Inform[Depart;Dest;Car;Phone;Arrive;];": 4, + "Restaurant-Inform[Area;Price;Name;];": 4, + "Booking-Inform[none;];Restaurant-Recommend[Price;Area;Name;Food;];": 4, + "Booking-Inform[none;];Restaurant-Inform[Addr;Name;Area;];": 4, + "Train-Inform[Id;Arrive;Dest;];Train-OfferBook[none;];": 4, + "Taxi-Request[Depart;Arrive;Leave;Dest;];": 4, + "Hotel-Inform[Area;Name;Addr;];": 4, + "Booking-Inform[none;];Hotel-Inform[Stars;Name;Type;];": 4, + "Train-NoOffer[Day;];": 4, + "Taxi-Inform[Phone;Car;Depart;];general-reqmore[none;];": 4, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Name;];": 4, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Post;Phone;];": 3, + "Hotel-Inform[Name;Addr;Addr;Phone;];general-reqmore[none;];": 3, + "Attraction-Recommend[Name;];Attraction-Inform[Area;Fee;];": 3, + "Attraction-Request[Price;];Attraction-Inform[Area;Choice;];": 3, + "Restaurant-Inform[Price;Food;Name;];": 3, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;Name;];": 3, + "Hotel-Select[Price;Price;];Hotel-Inform[Area;Choice;];": 3, + "Train-Inform[Arrive;Id;Ticket;Leave;];Train-OfferBook[none;];": 3, + "Attraction-Inform[Name;Phone;Addr;];": 3, + "Restaurant-Inform[Price;Phone;];": 3, + "Attraction-Request[Type;Area;];Attraction-NoOffer[none;];": 3, + "Train-Inform[Arrive;Id;Time;Leave;];": 3, + "Taxi-Inform[Leave;Phone;Car;Depart;];": 3, + "Hotel-Select[Area;Area;];Hotel-Inform[Choice;Type;];": 3, + "Attraction-Inform[Fee;Fee;Choice;Choice;Choice;];": 3, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Ticket;Id;];": 3, + "Taxi-Inform[Dest;Depart;Arrive;];": 3, + "Hotel-Request[Price;];Hotel-Inform[Choice;Internet;Area;];": 3, + "Restaurant-Inform[Addr;];Booking-Book[Ref;Name;];": 3, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Addr;Addr;];": 3, + "Train-OfferBook[Arrive;Leave;Id;];": 3, + "Booking-Inform[none;];Hotel-Inform[Name;Type;Area;Stars;];": 3, + "Restaurant-Request[Price;];Restaurant-Inform[Area;Choice;];": 3, + "Hotel-Request[Price;];Hotel-Inform[Choice;Stars;];": 3, + "Booking-Inform[none;];Hotel-Inform[Name;Addr;Addr;];": 3, + "Hotel-Inform[Name;Post;];": 3, + "Booking-Book[Stay;People;Day;Name;Ref;];": 3, + "Taxi-Inform[Phone;Car;Depart;];": 3, + "Train-Inform[Choice;Day;];Train-Request[Depart;];": 3, + "Restaurant-Inform[Post;Post;Phone;];": 3, + "Attraction-NoOffer[Type;];general-reqmore[none;];": 3, + "Train-Inform[Arrive;Id;Dest;Leave;];Train-OfferBook[none;];": 3, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Food;Price;Area;Name;];": 3, + "Hotel-Request[Type;Area;];": 3, + "Booking-Request[People;Day;Stay;];general-greet[none;];": 3, + "Restaurant-Select[Food;Food;Food;];Restaurant-Inform[Area;Choice;Price;];": 3, + "Hotel-Inform[Phone;Name;Internet;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Addr;Post;Phone;Name;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Area;Addr;];": 3, + "Attraction-Inform[Name;Addr;Phone;Post;];": 3, + "Train-Inform[Day;Leave;];Train-Select[none;];": 3, + "Train-Inform[Ticket;Arrive;];Train-OfferBook[none;];": 3, + "Hotel-Request[Area;];Hotel-Inform[Choice;Price;Parking;Type;];": 3, + "Taxi-Inform[Leave;Car;Phone;];general-reqmore[none;];": 3, + "Train-Inform[Leave;Depart;Arrive;Id;Dest;];general-reqmore[none;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Food;Choice;Area;];": 3, + "Attraction-Request[Area;];Attraction-Inform[Type;Area;Choice;];": 3, + "Booking-Request[Stay;People;Day;];": 3, + "Restaurant-Inform[Food;Choice;Name;];": 3, + "Restaurant-Request[Area;];Restaurant-NoOffer[Area;Food;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Name;Area;Food;Choice;Price;];": 3, + "Hotel-Request[Price;Type;];": 3, + "Hotel-Request[Area;Price;];Hotel-NoOffer[Type;Area;Price;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;];": 3, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Addr;];": 3, + "Attraction-Recommend[Addr;Addr;Name;];general-reqmore[none;];": 3, + "Attraction-Recommend[Post;Phone;Name;];": 3, + "general-reqmore[none;];Attraction-Inform[Addr;Name;Fee;];": 3, + "Attraction-Inform[Choice;Type;];": 3, + "Hotel-Request[Price;];Hotel-Inform[Type;];": 3, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Addr;];": 3, + "Restaurant-Inform[Name;Post;];": 3, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Phone;Addr;];": 3, + "Train-Inform[Leave;Leave;Leave;];": 3, + "Restaurant-Recommend[Name;];Restaurant-Inform[Food;Area;Price;];": 3, + "Attraction-Request[Type;Name;];": 3, + "Booking-NoBook[Day;];Booking-Request[Day;Stay;];": 3, + "Attraction-Select[Type;Type;Type;];": 3, + "Attraction-Inform[Addr;Addr;Fee;];": 3, + "Train-Inform[Leave;Ticket;];Train-OfferBook[none;];": 3, + "Booking-Inform[none;];Hotel-Inform[Post;Name;];": 3, + "general-reqmore[none;];Attraction-Inform[Price;];": 3, + "Hotel-Request[Price;];Hotel-NoOffer[Type;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Choice;Name;Name;];": 3, + "Restaurant-Inform[Addr;Phone;Post;];": 3, + "Attraction-Inform[Name;Addr;Phone;Fee;];": 3, + "Attraction-Inform[Fee;Phone;Name;Post;];": 3, + "Train-Inform[Depart;Dest;Day;Leave;];Train-OfferBook[none;];": 3, + "Train-Inform[Id;Ticket;Time;];Train-OfferBook[none;];": 3, + "Taxi-Inform[Arrive;];general-reqmore[none;];": 3, + "Attraction-Inform[Addr;Addr;Area;Name;];": 3, + "Booking-Inform[none;];Hotel-Inform[Area;Price;];": 3, + "Hotel-Inform[Phone;Post;Addr;];general-reqmore[none;];": 3, + "Hotel-Request[Price;];Hotel-Inform[Price;Price;Choice;Type;];": 3, + "Hotel-Request[Area;];Hotel-Inform[Internet;Choice;Stars;];": 3, + "Hotel-Inform[Name;Area;Addr;Stars;Price;];general-reqmore[none;];": 3, + "Restaurant-Select[Price;];Restaurant-NoOffer[none;];": 3, + "Restaurant-Request[Food;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;Price;];": 3, + "general-reqmore[none;];Attraction-Inform[Name;Name;Phone;Phone;];": 3, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Choice;Type;];": 3, + "Restaurant-Request[Food;];general-greet[none;];Restaurant-Inform[Price;Choice;];": 3, + "Train-Inform[Ticket;Arrive;Leave;];Train-OfferBook[none;];": 3, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Type;Parking;Stars;];": 3, + "Attraction-Recommend[Name;Area;Type;];": 3, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Parking;Name;Price;Area;];": 3, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;Food;Phone;];": 3, + "Train-Inform[Ticket;Id;Arrive;Time;Leave;];": 3, + "Attraction-Select[none;];": 3, + "Booking-Book[Stay;People;Day;Ref;];": 3, + "Train-Request[Dest;Leave;Day;Depart;];": 3, + "Train-Inform[Choice;Day;Depart;];Train-Request[Dest;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Price;Name;Area;Food;];": 3, + "Hotel-Inform[Addr;Name;Area;];": 3, + "Attraction-Select[Type;];Attraction-Inform[Area;Choice;];": 3, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Name;Area;];": 3, + "Train-Inform[Id;Depart;Leave;];": 3, + "Booking-Book[Time;Name;People;];": 3, + "Restaurant-Select[Food;];Restaurant-NoOffer[none;];": 3, + "Train-Inform[Arrive;Time;];Train-OfferBook[none;];": 3, + "Hotel-Inform[Phone;Name;Addr;];general-reqmore[none;];": 3, + "Booking-NoBook[none;];Booking-Request[Day;];general-reqmore[none;];": 3, + "Hotel-Inform[Phone;Phone;Name;Name;];general-reqmore[none;];": 3, + "general-reqmore[none;];Attraction-Inform[Name;Post;Addr;Addr;];": 3, + "Restaurant-Recommend[Addr;Name;];general-reqmore[none;];": 3, + "Train-OfferBook[Arrive;Dest;Id;];": 3, + "Train-Inform[Dest;Arrive;Id;];": 3, + "Attraction-Inform[Name;Post;Addr;Addr;];": 3, + "Hotel-Inform[Addr;Price;];": 3, + "Attraction-Inform[Addr;Phone;Post;];": 3, + "Train-Inform[Choice;Day;];Train-OfferBook[none;];": 3, + "general-greet[none;];Restaurant-Inform[none;];": 3, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;];": 3, + "Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Choice;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Post;Phone;];": 3, + "Train-Inform[Arrive;Day;Choice;Leave;Depart;Dest;];": 3, + "Restaurant-Request[Area;Food;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;Area;];": 3, + "Train-OfferBook[Day;Leave;];": 3, + "Train-Inform[Choice;Leave;Leave;];Train-Request[Leave;Arrive;];": 3, + "Taxi-Request[Leave;Depart;Dest;Arrive;];": 3, + "Restaurant-Inform[Post;Post;Name;];": 3, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;Price;Area;];": 3, + "Restaurant-Select[Area;Area;];Restaurant-Inform[Food;Price;Choice;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Price;Price;Choice;];": 3, + "Hotel-Recommend[Type;Price;Area;Name;Stars;];Booking-Inform[none;];": 3, + "Hotel-NoOffer[Type;];Hotel-Inform[Type;];": 3, + "Restaurant-Inform[Food;Price;Addr;Phone;Name;];": 3, + "Hotel-Inform[Area;Price;Stars;Name;Type;];general-reqmore[none;];": 3, + "general-reqmore[none;];Booking-Book[Name;Stay;People;Day;Ref;];": 3, + "Restaurant-Inform[Addr;Price;Phone;Name;];": 3, + "Hotel-Request[Area;Parking;];Hotel-Inform[Choice;Type;];": 3, + "Booking-Request[Day;People;Stay;];general-greet[none;];": 3, + "Hotel-Inform[Price;Name;Internet;Type;Parking;Area;Stars;];": 3, + "Attraction-Request[Type;];Attraction-NoOffer[Type;];": 3, + "Train-Request[Depart;Dest;Leave;Day;];": 3, + "Taxi-Inform[Phone;Depart;Car;Leave;];general-reqmore[none;];": 3, + "Booking-Inform[none;];Restaurant-Recommend[Name;Price;Food;];": 3, + "Attraction-Inform[Area;Type;Type;Type;Choice;];": 3, + "Restaurant-Inform[Name;Food;Post;];": 3, + "Hotel-Inform[Name;Price;Area;];": 3, + "Train-Inform[Leave;Depart;Arrive;Dest;];Train-OfferBook[none;];": 3, + "Restaurant-Inform[Area;Addr;Phone;];": 3, + "Train-Inform[Choice;];Train-Request[Depart;Leave;];": 3, + "Train-NoOffer[none;];Train-Request[Leave;];": 3, + "Train-Inform[Choice;Depart;];": 3, + "general-reqmore[none;];Booking-Book[Stay;People;Day;Name;Ref;];": 3, + "Train-Inform[Day;Leave;Depart;Dest;];": 3, + "Train-Inform[Id;Time;Leave;];general-reqmore[none;];": 3, + "Attraction-Recommend[Fee;Name;Addr;];": 3, + "Hotel-Inform[Type;Internet;Parking;Stars;Name;Price;Area;];general-reqmore[none;];": 3, + "Train-Inform[Ticket;Id;Time;];": 3, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Stars;];": 3, + "Train-Inform[Depart;];Train-Request[Leave;];": 3, + "Train-Inform[Dest;Depart;Id;Arrive;Leave;];": 3, + "Attraction-Inform[Area;Addr;Name;];": 3, + "Train-Request[Arrive;Leave;Day;Depart;];": 3, + "Train-Inform[Leave;Ticket;];general-reqmore[none;];": 3, + "Attraction-Recommend[Name;Addr;];Attraction-Inform[Choice;];": 3, + "Attraction-Inform[Phone;Area;];": 3, + "Train-Inform[Time;Arrive;Leave;Id;Ticket;];": 3, + "Attraction-Inform[Addr;Name;Type;];": 3, + "Train-Inform[Arrive;Dest;Id;Leave;];Train-OfferBook[none;];": 3, + "Booking-Book[Time;Ref;Name;];": 3, + "general-reqmore[none;];Attraction-Inform[Name;Post;Area;];": 3, + "Train-Request[Leave;Depart;Day;];": 3, + "Restaurant-Recommend[Name;];Booking-Request[Time;People;];": 3, + "Train-Inform[Arrive;Id;Time;];": 3, + "general-reqmore[none;];Attraction-Inform[Addr;Phone;Fee;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Area;Addr;Name;];": 3, + "Train-Inform[Choice;Arrive;];Train-OfferBook[none;];": 3, + "Taxi-Request[Dest;Arrive;Leave;];": 3, + "Hotel-Inform[Internet;Price;];": 3, + "Train-Select[Arrive;Leave;];": 3, + "Hotel-Request[Type;];general-greet[none;];": 3, + "Booking-NoBook[none;];Booking-Request[Stay;Day;];general-reqmore[none;];": 3, + "Booking-Book[Day;];": 3, + "Booking-Book[Day;Ref;Name;];": 3, + "Restaurant-Recommend[Addr;Name;Food;];": 3, + "Hotel-Request[Price;];Hotel-Inform[Area;Internet;Choice;Type;];": 3, + "Attraction-Inform[Addr;Fee;Name;];": 3, + "Booking-Inform[none;];Hotel-Inform[Addr;Addr;];": 3, + "Attraction-Inform[Type;Type;Type;Type;];": 3, + "Hotel-Inform[Price;Choice;];general-reqmore[none;];": 3, + "Booking-Inform[none;];Hotel-Inform[Price;Area;Name;Stars;];": 3, + "Booking-Inform[Name;People;Time;Day;];": 3, + "Train-Inform[Arrive;Id;Dest;Depart;Ticket;Time;Leave;];": 3, + "Hotel-Request[Area;];Hotel-Inform[Stars;Choice;Type;];": 3, + "Attraction-Inform[Fee;Area;Name;Type;];": 3, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Addr;];": 3, + "Restaurant-NoOffer[Area;Food;];general-reqmore[none;];": 3, + "Restaurant-Inform[Addr;Name;Food;Area;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Price;Price;Choice;Choice;Choice;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Area;Area;Area;];": 3, + "Train-Inform[Choice;Arrive;];Train-Request[Leave;];": 3, + "Train-Request[Depart;Arrive;Leave;Dest;Day;];": 3, + "Hotel-Select[Type;];": 3, + "Train-Request[Leave;Depart;Arrive;];": 3, + "Train-Inform[Leave;Id;Time;];": 3, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Post;];": 3, + "Restaurant-Inform[Area;Food;Price;];": 3, + "Booking-Inform[none;];Hotel-Inform[Type;Name;Area;];": 3, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Area;Area;];": 3, + "Attraction-Inform[Addr;Name;Phone;];": 3, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Price;Price;Type;];": 3, + "Train-Inform[Arrive;Arrive;Id;Id;];Train-Select[none;];": 3, + "Train-Inform[Ticket;Time;Leave;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Area;Food;Price;];": 3, + "Hotel-Inform[Choice;Internet;Parking;];": 3, + "Train-Request[Dest;Day;Depart;];": 3, + "Attraction-NoOffer[Type;Area;];Attraction-Inform[Choice;Area;];": 3, + "Attraction-Recommend[Name;];Attraction-Inform[Choice;Type;];": 3, + "Attraction-Request[Area;Type;];Attraction-NoOffer[Type;];": 3, + "Restaurant-Inform[Choice;Price;Name;Name;Food;];": 3, + "Train-OfferBook[Id;Arrive;];": 3, + "general-reqmore[none;];Restaurant-Inform[Post;Phone;Name;Addr;];": 3, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Choice;];": 3, + "Taxi-Inform[Phone;Arrive;Car;];": 3, + "Train-Inform[Id;Arrive;Time;];Train-OfferBook[none;];": 3, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;];": 3, + "Attraction-Recommend[Post;Name;];": 3, + "general-reqmore[none;];Restaurant-Inform[Name;Addr;Post;Post;];": 3, + "Train-OfferBook[Arrive;Leave;];": 3, + "general-reqmore[none;];Attraction-Inform[Post;Price;];": 3, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Area;Type;Choice;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Area;Addr;Name;];": 3, + "Restaurant-Inform[Price;Addr;Name;Food;Area;];": 3, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;];": 3, + "Attraction-Request[Name;Area;];": 3, + "Attraction-Inform[Name;Name;Name;Name;Type;Choice;];": 3, + "general-reqmore[none;];Train-OfferBooked[Id;People;Ref;Ticket;];": 3, + "Attraction-Inform[Area;Name;Name;Name;Name;Type;Choice;];": 3, + "general-reqmore[none;];Restaurant-Inform[Choice;Name;Area;];": 3, + "Attraction-Inform[Post;Fee;Name;];": 3, + "Hotel-Request[Area;Name;];": 3, + "Attraction-Recommend[Fee;Addr;Post;Name;];": 3, + "Hotel-Recommend[Name;Area;Stars;];Booking-Inform[none;];": 3, + "general-greet[none;];general-reqmore[none;];Train-OfferBooked[Ref;];": 3, + "Hotel-NoOffer[Stars;];general-reqmore[none;];": 3, + "Train-Inform[Day;Arrive;Leave;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Choice;Area;];": 3, + "Attraction-Recommend[Area;Name;Type;];general-reqmore[none;];": 3, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Area;Addr;Name;];": 3, + "Attraction-Recommend[Addr;Name;];Attraction-Inform[Choice;];": 3, + "general-greet[none;];Train-Request[Leave;Arrive;];": 3, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;];Restaurant-Inform[Price;];": 3, + "Train-Inform[Leave;];Train-Request[Arrive;Leave;];": 3, + "Attraction-Request[Area;];Attraction-Inform[Type;Type;Choice;];": 3, + "Train-Inform[Arrive;Id;];Train-OfferBook[none;];Train-Request[People;];": 3, + "Train-OfferBooked[People;];": 3, + "Booking-Inform[none;];Restaurant-Recommend[Price;Name;Food;];": 3, + "Restaurant-Inform[Food;Price;];": 3, + "Attraction-Select[none;];Attraction-Inform[Type;Type;];": 3, + "Hotel-Recommend[Internet;Name;Stars;Parking;];Booking-Inform[none;];": 3, + "general-reqmore[none;];Attraction-Inform[Fee;Post;Phone;];": 3, + "Hotel-Recommend[Internet;Area;Name;Parking;];": 3, + "Train-Inform[Arrive;Id;Dest;];Train-OfferBook[none;];general-reqmore[none;];": 3, + "Hotel-Inform[Addr;Parking;Name;];": 3, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Choice;];": 3, + "Train-Inform[Arrive;Dest;];": 3, + "Train-OfferBooked[Ref;Arrive;Id;Leave;];": 3, + "Restaurant-Inform[Choice;Name;Name;Name;Name;];": 3, + "Train-Inform[Day;Leave;Depart;Dest;];Train-OfferBook[none;];": 3, + "general-reqmore[none;];Attraction-Inform[Fee;Addr;Addr;Name;];": 3, + "Train-Inform[Ticket;Id;Arrive;Leave;];Train-OfferBook[none;];": 3, + "Train-Inform[Day;Arrive;Leave;];Train-OfferBook[none;];": 3, + "Train-Inform[Ticket;];Train-OfferBook[none;];Train-Request[People;];": 3, + "Attraction-Inform[Area;Area;Choice;Choice;];": 3, + "Attraction-Recommend[Name;Name;];general-reqmore[none;];": 3, + "Restaurant-Recommend[Name;Food;Price;Area;];": 3, + "Train-Inform[Dest;Choice;Day;];Train-Request[Leave;Arrive;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Food;Food;];": 3, + "general-bye[none;];Train-OfferBooked[Ref;];": 3, + "Hotel-Recommend[Name;Price;Area;];Booking-Inform[none;];": 3, + "Attraction-Select[Fee;];Attraction-Inform[Type;Choice;];": 3, + "Attraction-Recommend[Post;Addr;Name;];general-reqmore[none;];": 3, + "Train-Inform[Depart;Leave;];Train-Request[Leave;];": 3, + "Train-Inform[Day;Choice;Dest;Depart;];Train-Request[Arrive;Leave;];": 3, + "Hotel-Request[Area;];Hotel-Inform[Type;];": 3, + "Hotel-Select[Type;Type;];Hotel-Inform[Choice;Type;];": 3, + "Attraction-Inform[Area;Post;];": 3, + "Hotel-Inform[Price;Stars;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Choice;Area;Name;];": 3, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Stars;Name;];": 3, + "general-reqmore[none;];Attraction-Inform[Area;Phone;Name;];": 3, + "general-reqmore[none;];Train-OfferBooked[Ref;Leave;];": 3, + "Hotel-Inform[Phone;Type;];": 3, + "Train-Inform[Id;Id;Arrive;Arrive;];Train-OfferBook[none;];": 3, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Area;Stars;];": 3, + "Hotel-Request[Price;Stars;];": 3, + "Restaurant-Inform[Name;Addr;Area;Food;Price;];": 3, + "Hotel-NoOffer[Area;Stars;];": 3, + "Taxi-Request[Leave;Arrive;];general-greet[none;];": 3, + "Hotel-Inform[Post;Addr;Name;];general-reqmore[none;];": 3, + "Booking-Request[Stay;People;];general-greet[none;];": 3, + "Attraction-Recommend[Area;Addr;Name;];general-reqmore[none;];": 3, + "general-greet[none;];Train-Request[Arrive;Leave;];": 3, + "general-reqmore[none;];Attraction-Inform[Area;Name;Type;Choice;];": 3, + "Train-OfferBooked[Ticket;Id;];": 3, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Post;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Name;];": 3, + "Taxi-Inform[Dest;Car;Depart;Phone;];": 3, + "general-greet[none;];Train-Request[Depart;Leave;];": 3, + "Train-Request[Depart;Arrive;Leave;Dest;];": 3, + "Train-Inform[Arrive;Id;Dest;Depart;Leave;];general-reqmore[none;];": 3, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Type;Area;Stars;];": 3, + "Train-OfferBook[Leave;Arrive;Id;];": 3, + "Train-OfferBook[Ticket;];": 3, + "Train-Request[Depart;Leave;Arrive;];": 3, + "Attraction-Inform[Phone;Post;Addr;Addr;];": 3, + "Train-Inform[Ticket;Ref;];general-reqmore[none;];": 3, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Post;];": 3, + "Booking-Inform[none;];Booking-Request[People;Time;Day;];": 3, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;];": 3, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Parking;];": 3, + "Hotel-Inform[Name;Post;Addr;];general-reqmore[none;];": 3, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Type;Choice;Choice;Choice;];": 3, + "Booking-NoBook[Time;Day;];Booking-Request[Day;Time;];": 3, + "Booking-NoBook[Ref;];": 3, + "Train-Request[Dest;Leave;Depart;];": 3, + "general-greet[none;];Restaurant-Inform[Choice;];": 3, + "general-reqmore[none;];Attraction-Inform[Type;Choice;Name;];": 3, + "Attraction-Select[none;];Attraction-Inform[Choice;Name;Name;Name;Name;];": 3, + "Restaurant-Select[Addr;Name;];": 3, + "Train-Inform[Arrive;Choice;Leave;Dest;Id;];Train-OfferBook[none;];": 3, + "Attraction-Recommend[Name;Fee;];Attraction-Inform[Choice;Area;Type;];": 3, + "Train-Inform[Day;Arrive;Id;Dest;];Train-OfferBook[none;];": 3, + "Hotel-Inform[Phone;Name;Post;];": 3, + "Restaurant-Inform[Phone;Name;Addr;Post;Post;];": 3, + "Train-Inform[Choice;];Train-Request[Arrive;Depart;];": 3, + "Hotel-Inform[Post;Internet;];": 3, + "Booking-Book[Name;Time;Ref;Day;];": 3, + "Hotel-Select[none;];Hotel-Inform[Choice;Type;Type;];": 3, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Price;Price;];": 3, + "general-reqmore[none;];Attraction-Inform[Post;Area;Name;];": 3, + "Restaurant-Select[Price;Price;Price;];": 3, + "Restaurant-Select[Food;Food;Food;Food;];Restaurant-Inform[Price;Choice;Area;];": 3, + "Train-Inform[Arrive;Day;Leave;Id;];Train-OfferBook[none;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Addr;Post;Name;];": 3, + "Restaurant-Inform[Name;Addr;Post;Post;];": 3, + "Attraction-Inform[Fee;Area;Type;Addr;];": 3, + "Attraction-Select[Type;Type;Type;Type;];Attraction-Inform[Area;Choice;];": 3, + "Restaurant-Inform[Addr;Price;];": 3, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Internet;Type;Parking;Area;];": 3, + "Taxi-Request[Arrive;Depart;];": 3, + "Hotel-Inform[Phone;Parking;];general-reqmore[none;];": 3, + "Restaurant-Recommend[Name;Price;];Restaurant-Inform[Area;Food;Choice;];": 3, + "Hotel-Inform[Choice;Name;Name;Name;];": 3, + "Restaurant-Inform[Price;Price;];": 3, + "Train-Inform[Choice;Depart;Dest;Day;];Train-Request[Leave;Arrive;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Price;];": 3, + "Train-Inform[Dest;Arrive;Id;Leave;];Train-OfferBook[none;];": 3, + "Booking-Request[Day;Time;];general-greet[none;];": 3, + "Hotel-Inform[Type;Price;];": 3, + "Attraction-Recommend[Fee;Addr;Name;Type;];": 3, + "Train-Inform[Time;];Train-Request[Leave;];": 3, + "Taxi-Inform[Dest;Phone;Car;];general-reqmore[none;];": 3, + "Attraction-Recommend[Fee;Name;Addr;];Attraction-Inform[Type;Choice;Area;];": 3, + "Restaurant-Request[Area;];Restaurant-NoOffer[Area;Price;Food;];": 3, + "general-reqmore[none;];Booking-Book[Day;Ref;Time;];": 3, + "Booking-Book[Stay;Ref;];": 3, + "Taxi-Inform[Car;Depart;Leave;Dest;Phone;];": 3, + "general-reqmore[none;];Restaurant-Inform[Post;Post;];": 3, + "Attraction-Inform[Fee;Name;Type;];": 3, + "Restaurant-Select[Food;Food;Name;Name;];": 3, + "Attraction-Inform[Fee;Phone;Area;Name;];": 3, + "Train-Inform[Day;Choice;Dest;];Train-Request[Arrive;];": 3, + "Train-Inform[Depart;];Train-Request[Depart;];": 3, + "Train-Inform[Arrive;Leave;Depart;Dest;Id;Ticket;];Train-OfferBook[none;];": 3, + "Attraction-Request[Type;];Attraction-Select[Type;Type;Type;];Attraction-Inform[Area;Choice;];": 3, + "Attraction-Inform[Area;Type;Addr;];": 3, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Choice;];": 3, + "Restaurant-Inform[Price;Area;Addr;Phone;Name;];": 3, + "Hotel-Inform[Name;];Booking-Book[Ref;People;Stay;Day;];": 3, + "Booking-Book[Ref;Time;Name;People;];": 3, + "Attraction-Recommend[Phone;Post;Name;];": 3, + "Train-Inform[Arrive;Arrive;Choice;];": 3, + "Attraction-Inform[Addr;Post;Phone;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Name;Phone;Post;];": 3, + "Train-Inform[Time;];general-bye[none;];": 3, + "Restaurant-Inform[Food;Phone;];": 3, + "Hotel-Request[Area;];Hotel-Inform[Type;Type;Choice;Choice;];": 3, + "Attraction-Inform[Fee;Fee;Name;];": 3, + "Restaurant-Recommend[Name;];Restaurant-Inform[Area;Food;Price;];": 3, + "Booking-Book[Time;People;Day;];general-reqmore[none;];Restaurant-Inform[Name;];": 3, + "Train-Inform[Time;Ticket;Leave;Depart;Arrive;Id;Dest;];": 3, + "Booking-Request[Time;Day;];general-greet[none;];": 3, + "Attraction-Recommend[Name;];Booking-Inform[none;];": 3, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Internet;Parking;];": 3, + "Restaurant-Request[Area;];Restaurant-Inform[Food;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Choice;];": 3, + "Booking-Book[Ref;Day;Time;Name;];": 3, + "Hotel-Inform[Name;Choice;Type;];": 3, + "Hotel-Select[none;];Hotel-Inform[Choice;Area;Area;];": 3, + "Train-Inform[Arrive;Id;Leave;];Train-Select[none;];": 3, + "Attraction-Request[Name;];Attraction-Inform[Type;];": 3, + "Taxi-Inform[Arrive;Car;Phone;Depart;Dest;];": 3, + "Train-Inform[Dest;Choice;Day;];Train-Request[Depart;];": 3, + "Restaurant-Inform[Price;Choice;Area;Name;];": 3, + "Attraction-Inform[Open;];": 3, + "Attraction-Inform[Price;Phone;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Food;Food;];": 3, + "Attraction-Request[Name;];Attraction-Inform[Area;Choice;];": 3, + "Train-Inform[Leave;Id;];Train-NoOffer[Leave;];Train-OfferBook[none;];": 3, + "Hotel-Select[none;];Hotel-Inform[Choice;Name;Name;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Name;Phone;];": 3, + "Restaurant-Request[Food;];general-reqmore[none;];": 3, + "Taxi-Inform[Car;Phone;Depart;Dest;Leave;];": 3, + "Train-Inform[Ticket;Id;Leave;];general-reqmore[none;];": 3, + "general-greet[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;];": 3, + "Attraction-Request[Area;Type;];Attraction-Inform[Area;Choice;];": 3, + "Taxi-Inform[Car;Phone;Depart;Dest;Leave;];general-reqmore[none;];": 3, + "Train-Inform[Leave;Choice;];Train-Request[Arrive;];": 3, + "Restaurant-Recommend[Name;];Restaurant-Inform[Food;];": 3, + "Attraction-Inform[Type;Type;Type;Type;Type;];": 3, + "Attraction-Inform[Addr;Addr;Area;];": 3, + "Restaurant-Inform[Food;Food;];": 3, + "Hotel-Inform[Type;Name;Price;];": 3, + "Restaurant-Inform[Food;Area;Name;Name;];": 3, + "Restaurant-Request[Price;];Restaurant-Inform[Price;];": 3, + "Attraction-Recommend[Phone;Name;Addr;];general-reqmore[none;];": 3, + "Hotel-Recommend[Name;Name;];": 3, + "Booking-Inform[none;];Hotel-Inform[Internet;Name;Price;Area;];": 3, + "Restaurant-Inform[Food;Price;Area;Phone;Name;];": 3, + "Restaurant-Inform[Addr;Post;Name;Phone;];": 3, + "Train-OfferBooked[Ref;Leave;];": 3, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Choice;];": 3, + "Taxi-Inform[Car;Phone;];general-reqmore[none;];general-greet[none;];": 3, + "general-reqmore[none;];Restaurant-Inform[Name;Area;Price;];": 3, + "Train-Inform[Leave;Id;Ticket;];Train-OfferBook[none;];": 3, + "Hotel-Request[Price;Area;];Hotel-NoOffer[none;];": 3, + "Attraction-Inform[Name;Post;Addr;Phone;];": 3, + "general-reqmore[none;];Train-Request[Dest;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Food;Name;Addr;Area;Price;];": 3, + "Train-Inform[Id;Leave;Day;Depart;];Train-OfferBook[none;];": 3, + "Restaurant-Inform[Food;Food;Choice;];": 3, + "Train-Inform[Choice;Dest;Arrive;];Train-Request[Day;];": 3, + "Attraction-Request[Name;];Attraction-Inform[Type;Choice;];": 3, + "Train-OfferBook[Leave;Id;Arrive;];": 3, + "Booking-Book[People;Ref;];": 3, + "Attraction-Select[Fee;Fee;];": 3, + "Train-Inform[Arrive;Day;Leave;Depart;Dest;];": 3, + "Restaurant-Inform[Price;Area;Phone;Name;];": 3, + "general-greet[none;];Train-Request[Depart;Day;];": 3, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[none;];": 3, + "Hotel-Select[none;];Hotel-Inform[Choice;Internet;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Name;Name;];": 3, + "Train-Select[none;];": 3, + "Train-Inform[Leave;Depart;Arrive;Id;];Train-OfferBook[none;];": 3, + "Booking-Request[Day;Time;People;];general-greet[none;];": 3, + "Hotel-Request[Stars;Price;Area;];Hotel-Inform[Choice;];": 3, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;Name;];": 3, + "general-reqmore[none;];Attraction-Inform[Area;Phone;];": 3, + "general-reqmore[none;];Booking-Book[Ref;Day;Name;];": 3, + "Booking-Inform[Time;];": 3, + "Attraction-Recommend[Name;Fee;];Attraction-Inform[Choice;];": 3, + "Train-Inform[Day;Leave;];Train-Request[Leave;];": 3, + "general-reqmore[none;];Train-OfferBooked[Id;Leave;Ref;Ticket;];": 3, + "Booking-NoBook[none;];Booking-Request[Stay;];general-reqmore[none;];": 3, + "Booking-Inform[People;Time;Day;];": 3, + "Attraction-Inform[Fee;Type;Name;];": 3, + "Restaurant-Inform[Choice;Food;Area;];": 3, + "Attraction-Inform[Addr;Name;Post;];": 3, + "Train-Inform[Id;Ticket;];Train-Request[People;];": 3, + "Taxi-Inform[Car;Depart;Leave;Phone;];": 3, + "Booking-Inform[none;];Hotel-Inform[Internet;Name;Price;];": 3, + "Booking-Book[Day;Stay;Name;People;];": 3, + "Booking-Inform[none;];Hotel-Inform[Addr;Post;Name;];": 3, + "Train-Inform[Leave;Depart;Arrive;Day;Dest;];Train-OfferBook[none;];": 3, + "Attraction-Recommend[Name;Fee;Addr;];": 3, + "Hotel-Inform[Price;Name;Area;];": 3, + "Booking-Book[Ref;Day;Stay;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Price;Price;];": 3, + "Hotel-Inform[Post;Price;];": 3, + "Restaurant-Inform[Price;Post;];": 3, + "Hotel-Inform[Phone;Post;Internet;];": 3, + "Booking-Inform[Name;Day;];Booking-Request[Stay;];": 3, + "Taxi-Inform[Depart;Phone;Car;];general-reqmore[none;];": 3, + "Hotel-Recommend[Name;Stars;];": 3, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Addr;Name;];": 3, + "Train-Inform[Depart;Day;Arrive;Id;Leave;];Train-OfferBook[none;];": 3, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;Phone;];": 3, + "Booking-Inform[none;];Hotel-Inform[Name;Type;Price;];": 3, + "Booking-Inform[none;];Hotel-Inform[Area;Internet;Price;Parking;Type;Stars;];": 3, + "Train-Inform[Id;Arrive;Time;];": 3, + "Train-Inform[Choice;];general-greet[none;];Train-Request[Leave;Day;];": 3, + "Hotel-Select[none;];Hotel-Inform[Name;];": 3, + "general-reqmore[none;];Restaurant-Inform[Area;Name;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Area;Area;Choice;Choice;Choice;];": 3, + "Train-Inform[Choice;];Train-OfferBook[Leave;];": 3, + "Booking-Inform[none;];Hotel-Inform[Name;Post;Addr;];": 3, + "general-reqmore[none;];Booking-Book[Time;Day;];": 3, + "Attraction-Inform[Name;Fee;Phone;];": 3, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Addr;Phone;];": 3, + "Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Post;Addr;];": 3, + "Train-Inform[Choice;Day;];Train-Request[Dest;Depart;];": 3, + "general-reqmore[none;];Booking-Book[Ref;Time;Name;];": 3, + "Attraction-Recommend[Area;Fee;Name;];general-reqmore[none;];": 3, + "Restaurant-Select[Food;Food;];Restaurant-Request[Food;];": 3, + "Booking-Book[Time;Ref;];general-reqmore[none;];Restaurant-Inform[Name;];": 3, + "Attraction-Select[Fee;Fee;];Attraction-Inform[Type;Choice;Area;];": 3, + "Train-Inform[Id;Arrive;Leave;Time;];": 3, + "Hotel-Request[Area;];Booking-Request[Day;];": 3, + "Booking-Inform[none;];Booking-Request[Time;Day;];": 3, + "Attraction-Inform[Name;Phone;Post;Area;];": 3, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Area;];": 3, + "Taxi-Inform[Dest;Depart;Phone;Car;];general-reqmore[none;];": 3, + "Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Addr;Phone;];": 3, + "Train-Inform[Arrive;Leave;Depart;Day;Id;Dest;];Train-OfferBook[none;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Name;Area;];": 3, + "general-reqmore[none;];Attraction-Inform[Area;Type;Addr;];": 3, + "Taxi-Inform[Car;Depart;Phone;];": 3, + "Hotel-Inform[Area;Stars;Name;];": 3, + "Hotel-Inform[Post;Addr;Phone;];": 3, + "Train-Inform[Arrive;Day;Leave;Depart;Id;];": 3, + "Restaurant-Inform[Addr;Food;Name;];": 3, + "general-welcome[none;];general-reqmore[none;];Booking-Book[Ref;];": 3, + "Restaurant-Inform[Name;Addr;Post;];": 3, + "Restaurant-Request[Name;];Booking-NoBook[none;];": 3, + "Booking-Inform[Day;];Booking-Request[Time;People;];": 3, + "Hotel-Request[Area;Price;];Hotel-NoOffer[Type;];": 3, + "Hotel-Inform[Area;Choice;Type;];": 3, + "Attraction-Recommend[Area;Fee;Addr;Name;];": 3, + "Restaurant-Inform[Post;Post;Name;Addr;];": 3, + "Attraction-Inform[Name;Post;Phone;Addr;Area;];": 3, + "Attraction-Inform[Type;Area;Choice;];": 3, + "Train-Inform[Arrive;Day;Id;];Train-OfferBook[none;];": 3, + "Booking-Inform[none;];Hotel-Inform[Price;Type;];": 3, + "Train-Inform[Arrive;Leave;Depart;Id;Dest;];Train-OfferBook[none;];": 3, + "Hotel-Inform[Name;Addr;Phone;];": 3, + "Restaurant-Request[Price;Food;Area;];": 3, + "Hotel-Recommend[Addr;Name;];": 3, + "Hotel-Inform[Phone;Post;Addr;Name;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Area;Choice;Name;];": 3, + "Hotel-Request[Name;];general-greet[none;];": 3, + "Restaurant-Request[Price;Food;];Restaurant-Inform[Area;Choice;];": 3, + "Attraction-Inform[Name;Type;Addr;Addr;];": 3, + "general-reqmore[none;];Booking-Book[Ref;Stay;Day;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Food;Area;Price;Price;];": 3, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Name;Name;Choice;];": 3, + "Booking-Inform[none;];Hotel-Inform[Stars;Price;Name;Internet;];": 3, + "Train-Inform[Id;Dest;Arrive;Leave;];": 3, + "Hotel-Request[Price;Area;];Hotel-Inform[Type;Parking;Choice;];": 3, + "Restaurant-NoOffer[none;];general-reqmore[none;];Restaurant-Inform[Food;Price;];": 3, + "Booking-Book[Day;People;Name;Ref;Stay;];": 3, + "Train-Inform[Leave;Depart;Id;];Train-OfferBook[none;];": 3, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Name;Stars;];": 3, + "Train-Inform[Id;Arrive;Leave;Day;];Train-OfferBook[none;];": 3, + "Hotel-Inform[Area;Name;Choice;Price;];": 3, + "Attraction-Recommend[Area;Name;];Booking-Inform[none;];": 3, + "Restaurant-Recommend[Name;];Booking-Request[Day;];": 3, + "Attraction-Inform[Fee;Post;Phone;];": 3, + "Attraction-Request[Type;];Attraction-NoOffer[Area;Type;];": 3, + "general-reqmore[none;];Attraction-Inform[Post;Name;Addr;];": 3, + "Train-Inform[Depart;Day;Dest;Leave;];": 3, + "Train-Inform[Arrive;Arrive;Choice;];Train-OfferBook[none;];": 3, + "Train-Inform[Choice;Depart;Leave;];Train-Request[Dest;];": 3, + "general-reqmore[none;];Restaurant-Inform[Food;Area;];": 3, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Type;Choice;Area;];": 3, + "general-reqmore[none;];Booking-Book[Day;Time;Ref;];": 3, + "Attraction-Inform[Name;Type;Fee;];": 3, + "Train-Inform[Choice;Arrive;Id;];": 3, + "Booking-Book[Day;Ref;Stay;Name;];": 3, + "Train-OfferBooked[Id;People;Ref;Ticket;];": 3, + "Booking-Inform[People;Stay;Day;];": 3, + "general-reqmore[none;];Booking-Book[Ref;Stay;People;];": 3, + "general-greet[none;];Restaurant-Inform[Addr;];": 3, + "Attraction-Inform[Fee;Name;Type;Choice;];": 3, + "Hotel-NoOffer[Type;];Hotel-Inform[Choice;Type;];": 3, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;Food;Choice;];": 3, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;];": 3, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Food;Area;Price;];": 3, + "Train-Inform[Choice;];Train-Request[Arrive;Leave;Dest;];": 3, + "Attraction-Inform[Name;Name;Name;Name;Name;];": 3, + "Hotel-NoOffer[Type;Area;Stars;];": 3, + "Booking-Inform[none;];Hotel-Inform[Price;Price;Name;Name;];": 3, + "Train-Request[Dest;Arrive;Leave;];": 3, + "Attraction-Inform[Addr;Post;Name;];": 3, + "Booking-Book[Ref;Time;Name;];": 3, + "Train-OfferBook[Id;Arrive;Leave;];": 3, + "Train-Inform[Arrive;Day;Leave;Depart;Dest;];Train-OfferBook[none;];": 3, + "Train-Inform[Day;Leave;Id;];Train-OfferBook[none;];": 3, + "general-reqmore[none;];Attraction-Inform[Name;Phone;Addr;];": 3, + "Booking-Inform[none;];Hotel-Select[Name;];": 3, + "Attraction-Request[Area;];general-greet[none;];Attraction-Inform[Type;Choice;];": 3, + "general-reqmore[none;];Restaurant-Inform[Choice;Name;Name;Name;];": 3, + "Booking-Book[Day;Time;People;];": 3, + "Restaurant-Request[Area;Food;];Restaurant-NoOffer[Price;Food;Area;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Addr;Name;Phone;];": 3, + "Train-Inform[Arrive;Id;Ticket;];": 3, + "Booking-Inform[none;];Hotel-Inform[Phone;Name;];": 3, + "Booking-Book[Name;Ref;Day;Stay;];": 3, + "Hotel-Inform[Addr;Parking;];": 3, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Name;];": 3, + "Booking-Book[Time;Name;Day;People;];": 3, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;Type;];": 3, + "Hotel-Inform[Name;Addr;Addr;];general-reqmore[none;];": 3, + "Attraction-Inform[Name;Name;Name;Name;Name;Choice;];": 3, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Price;Parking;Stars;];": 3, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Name;];": 3, + "Hotel-Inform[Type;Phone;];": 3, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Stars;];": 3, + "Hotel-Request[Type;Price;Area;];": 3, + "Train-Inform[Leave;Arrive;Id;Dest;];Train-OfferBook[none;];": 3, + "Restaurant-Select[Area;Area;];Restaurant-Inform[Food;Choice;Price;];": 3, + "Hotel-Request[Area;];Hotel-Inform[Choice;Price;Parking;];": 3, + "Attraction-Inform[Phone;Post;Addr;];": 3, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Type;Area;Choice;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Name;Name;Area;];": 3, + "general-greet[none;];Attraction-Inform[Post;];": 3, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;];": 3, + "Booking-NoBook[Day;];general-reqmore[none;];": 3, + "general-bye[none;];Booking-Book[Name;];": 3, + "Taxi-Inform[Dest;Phone;Arrive;Car;];general-reqmore[none;];": 3, + "Attraction-Inform[Fee;Type;Area;Addr;];": 3, + "Hotel-Inform[Phone;Addr;Post;];": 3, + "Taxi-Inform[Arrive;Dest;];": 3, + "Restaurant-Select[Price;Price;];Restaurant-Inform[Food;Choice;];": 3, + "Attraction-Recommend[Name;];Attraction-Inform[Addr;];": 3, + "Hotel-Inform[Internet;Stars;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Price;Addr;Name;];": 3, + "Restaurant-Inform[none;];": 3, + "Restaurant-Inform[Price;Name;Area;Food;];": 3, + "Restaurant-Inform[Phone;Name;Addr;Area;Food;Price;];": 3, + "general-reqmore[none;];Attraction-Inform[Name;Name;];": 3, + "general-reqmore[none;];Restaurant-Inform[Price;Addr;Name;Food;Area;];": 3, + "Hotel-Select[none;];Hotel-Inform[Type;];": 3, + "Booking-Inform[none;];Hotel-Inform[Stars;Parking;Name;Type;Internet;];": 3, + "Restaurant-Inform[Name;Name;Food;Food;];": 3, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Addr;Name;];": 3, + "Train-Inform[Arrive;Time;Leave;];": 3, + "Attraction-Inform[Fee;Fee;];": 3, + "Train-Inform[Arrive;Time;];general-reqmore[none;];": 3, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;];general-reqmore[none;];": 3, + "general-greet[none;];Train-Request[People;];": 3, + "Attraction-Recommend[Addr;Addr;Addr;Name;];": 3, + "general-reqmore[none;];Booking-Book[Time;People;Day;];": 3, + "Restaurant-Inform[Price;Choice;];": 3, + "Booking-NoBook[none;];general-reqmore[none;];Booking-Book[Ref;Name;];": 3, + "general-reqmore[none;];Booking-Book[Stay;Ref;];": 3, + "general-reqmore[none;];Train-OfferBooked[Id;Ref;People;];": 3, + "Train-Inform[Leave;];Train-Request[Leave;Arrive;];": 3, + "Attraction-Select[none;];Attraction-Inform[Area;Name;Name;Type;Choice;];": 3, + "Hotel-Request[Area;];Hotel-Inform[Price;Choice;Internet;Type;];": 3, + "Booking-Inform[none;];Hotel-Inform[Choice;Stars;];": 3, + "Restaurant-Recommend[Name;Addr;];general-reqmore[none;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Name;Choice;Price;];": 3, + "general-reqmore[none;];Restaurant-Inform[Food;Area;Price;];": 3, + "general-greet[none;];Restaurant-Inform[Phone;Addr;Post;];": 3, + "general-reqmore[none;];Attraction-Inform[Phone;Post;Fee;];": 3, + "Booking-Inform[none;];Hotel-Inform[Phone;Post;Addr;Name;];": 3, + "Train-Inform[Arrive;Depart;Dest;Id;];Train-OfferBook[none;];": 3, + "Attraction-Request[Type;Area;];Attraction-NoOffer[Type;];": 3, + "Hotel-Inform[Type;Choice;];general-reqmore[none;];": 3, + "Train-Inform[Choice;Leave;];Train-Select[none;];": 3, + "Train-Inform[Choice;Dest;];Train-Request[Depart;Leave;Day;];": 3, + "Booking-Book[Day;People;Stay;];": 3, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Depart;Ticket;Id;Leave;];": 3, + "Booking-Request[Time;Day;People;];general-greet[none;];": 3, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;Price;Type;];": 3, + "Hotel-Request[Price;];Hotel-Inform[Choice;Type;Area;Stars;];": 3, + "Attraction-Inform[Fee;Post;Addr;];": 3, + "general-reqmore[none;];Train-OfferBooked[Id;Leave;Ref;People;];": 3, + "Train-Inform[Id;Leave;Arrive;];Train-OfferBook[none;];": 3, + "Train-Inform[Choice;];Train-Request[Day;Depart;];": 3, + "Hotel-Request[Area;];Hotel-Inform[Stars;Choice;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;Price;];": 3, + "Train-Inform[Id;Arrive;Choice;];": 3, + "Restaurant-Request[Food;];Restaurant-NoOffer[Price;Food;Area;];": 3, + "Attraction-Inform[Name;Phone;Area;];": 3, + "Train-Inform[Arrive;Leave;Depart;];Train-OfferBook[none;];": 3, + "Booking-Inform[none;];Hotel-Inform[Addr;Post;Phone;];": 3, + "Train-Inform[Choice;Id;Leave;];": 3, + "Restaurant-Select[Food;Food;Food;];Restaurant-Inform[Price;Choice;Area;];": 3, + "Taxi-Inform[Phone;Depart;Car;];": 3, + "Train-Inform[Day;Choice;];Train-Request[Arrive;Leave;];": 3, + "Hotel-Inform[Area;Name;Stars;];": 3, + "Hotel-Inform[Addr;Addr;Post;];": 3, + "Attraction-Select[Type;Type;];Attraction-Inform[Choice;];": 3, + "Attraction-Inform[Post;Addr;Addr;Addr;];": 3, + "Booking-Inform[none;];Hotel-Inform[Name;Price;Area;];": 3, + "Hotel-Inform[Type;];general-reqmore[none;];": 3, + "Hotel-Recommend[Name;];Hotel-Inform[Area;];": 3, + "Restaurant-Request[Food;Area;];Restaurant-Inform[Choice;Price;];": 3, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Parking;Price;Name;Internet;];": 3, + "Hotel-Inform[Name;];general-reqmore[none;];Booking-Book[Ref;Stay;];": 3, + "Restaurant-Inform[Choice;Price;Food;];": 3, + "Attraction-Inform[Price;];": 3, + "Train-Request[Day;Arrive;Dest;];": 3, + "Attraction-Select[Fee;Fee;];Attraction-Inform[Choice;];": 3, + "Taxi-Request[Dest;];general-greet[none;];": 3, + "Restaurant-Inform[Name;Name;Choice;];": 3, + "Hotel-Request[Area;];Hotel-Inform[Type;Internet;Choice;Price;];": 3, + "Hotel-Inform[Name;Price;Stars;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Addr;Area;Name;];": 3, + "Booking-Inform[none;];Hotel-Inform[Type;Name;];": 3, + "general-reqmore[none;];Attraction-Inform[Addr;Post;Name;Phone;];": 3, + "Restaurant-Select[none;];Restaurant-Inform[Name;];": 3, + "general-reqmore[none;];Train-Request[Day;];": 3, + "Booking-Book[Ref;Day;];": 3, + "Attraction-Request[Type;];Attraction-Select[Type;];": 3, + "general-reqmore[none;];Booking-Book[Ref;Day;Time;People;Name;];": 3, + "Train-Inform[Ticket;Leave;Arrive;Id;];": 3, + "Booking-Inform[none;];Restaurant-Inform[Price;Food;];": 3, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Internet;Parking;];": 3, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;Internet;];general-reqmore[none;];": 3, + "Attraction-Inform[Post;Addr;Name;];": 3, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Area;Choice;Type;];": 3, + "Train-OfferBooked[Ref;Dest;Ticket;Arrive;Id;];": 3, + "Train-Inform[Choice;Choice;];Train-Request[Depart;];": 2, + "Booking-Inform[none;];Hotel-Inform[Type;Parking;Choice;];": 2, + "Attraction-Recommend[Fee;Name;Type;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;Price;Type;];": 2, + "Train-Inform[Ticket;Ref;];": 2, + "Hotel-Inform[Name;Name;Post;Post;];general-reqmore[none;];": 2, + "Train-Inform[Choice;];Train-Select[Leave;Leave;];": 2, + "Train-Inform[Ticket;Id;Dest;Arrive;Time;Leave;Depart;];": 2, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Price;Price;Type;Type;];": 2, + "Booking-Inform[none;];Hotel-Request[Area;Price;];": 2, + "Restaurant-Request[Price;];Restaurant-Inform[Food;Area;Choice;];": 2, + "Attraction-Inform[Area;Type;Name;Fee;];": 2, + "Hotel-Request[Area;];Hotel-NoOffer[Area;Type;];": 2, + "Train-Inform[Choice;Leave;];Train-Request[Dest;Depart;];": 2, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;];": 2, + "general-reqmore[none;];Restaurant-Inform[Addr;Phone;Post;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Name;Addr;Phone;];": 2, + "Attraction-Inform[Fee;Addr;Name;Post;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Price;Type;Choice;];": 2, + "Taxi-Request[Depart;Leave;Arrive;];": 2, + "Train-Inform[Time;Ticket;Leave;];": 2, + "Hotel-Recommend[Type;Name;];Booking-Inform[none;];": 2, + "Booking-Request[People;Stay;];general-greet[none;];": 2, + "Train-OfferBooked[Id;People;Ticket;];": 2, + "Attraction-Select[Type;Type;Type;Type;Type;];Attraction-Inform[Area;Choice;];": 2, + "Train-Inform[Choice;Choice;Depart;];Train-Request[Dest;Day;];": 2, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Addr;Addr;];": 2, + "Train-OfferBooked[Ref;Id;Leave;];": 2, + "Attraction-Select[none;];Attraction-Inform[Fee;Fee;Choice;];": 2, + "Hotel-Inform[Type;Price;Area;];": 2, + "Restaurant-Request[Price;Food;];Restaurant-Inform[Choice;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Name;Name;Food;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Area;Choice;Price;Type;];": 2, + "Hotel-Recommend[Name;Stars;Price;];Booking-Inform[none;];": 2, + "Booking-NoBook[Stay;];Booking-Request[Day;Stay;];": 2, + "Train-Inform[Arrive;Leave;Dest;];": 2, + "Train-Inform[Time;Arrive;Leave;];general-reqmore[none;];": 2, + "Booking-Request[Time;Day;];Restaurant-Inform[Name;];": 2, + "Restaurant-Request[Food;Price;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;Price;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Food;Price;];": 2, + "Attraction-Inform[Addr;Area;Phone;Fee;];": 2, + "Hotel-Inform[Post;Area;Name;Internet;Addr;Price;Parking;Type;Phone;Stars;];": 2, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Post;Addr;Addr;];": 2, + "Booking-Request[People;];Restaurant-Inform[Name;];": 2, + "Taxi-Inform[Arrive;Phone;Dest;Leave;Car;Depart;];": 2, + "Restaurant-Request[Name;];general-greet[none;];": 2, + "Hotel-Inform[Price;Area;Name;];": 2, + "Booking-Inform[Ref;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Price;];": 2, + "general-reqmore[none;];Attraction-Inform[Area;Name;Fee;];": 2, + "Attraction-Select[none;];Attraction-Inform[Area;Type;Type;Type;Choice;Choice;];": 2, + "Attraction-Recommend[Name;Addr;Fee;];Attraction-Inform[Type;Area;Choice;];": 2, + "Train-Inform[Time;Id;Ticket;];Train-OfferBook[none;];": 2, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Type;Choice;];": 2, + "Train-Inform[Arrive;Dest;Depart;Leave;];": 2, + "Hotel-Request[Stars;Price;Area;];": 2, + "Hotel-Inform[Name;Area;Internet;];general-reqmore[none;];": 2, + "Hotel-Inform[Name;Addr;Addr;];": 2, + "Hotel-NoOffer[Type;Price;];general-reqmore[none;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Price;Choice;Area;Name;Name;];": 2, + "Taxi-Request[Depart;Arrive;Leave;Dest;];general-greet[none;];": 2, + "Train-Inform[Choice;];Train-OfferBook[Leave;Id;];": 2, + "Attraction-Inform[Fee;Name;Addr;Phone;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Parking;Area;Stars;];": 2, + "general-reqmore[none;];Booking-Book[Ref;Day;Time;Name;];": 2, + "Train-Request[People;];Booking-Book[Ref;];": 2, + "Hotel-Recommend[Area;Name;Price;];Hotel-Inform[Choice;];": 2, + "Hotel-Inform[Phone;Addr;Addr;];": 2, + "Hotel-Inform[Type;Type;];": 2, + "Train-Inform[Arrive;Leave;Depart;Dest;Ticket;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Type;Price;Area;];": 2, + "Hotel-Recommend[Price;Name;Stars;];Booking-Inform[none;];": 2, + "Hotel-Inform[Stars;Choice;];general-reqmore[none;];": 2, + "Restaurant-Inform[Phone;Name;Post;Post;];": 2, + "Restaurant-NoOffer[Price;Food;Area;];": 2, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Stars;Name;Type;];": 2, + "Booking-Inform[Name;];Restaurant-Inform[Area;];": 2, + "Hotel-Recommend[Name;];Booking-Request[Stay;Day;People;];": 2, + "Restaurant-Select[Area;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Phone;Addr;Name;Post;];": 2, + "general-reqmore[none;];Attraction-Inform[Post;Type;Fee;];": 2, + "Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Addr;Area;];": 2, + "Train-Inform[Dest;Depart;Arrive;Leave;];Train-OfferBook[none;];": 2, + "Hotel-Select[Area;];": 2, + "Restaurant-Inform[Phone;Addr;Post;Post;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Price;Type;];": 2, + "Taxi-Request[Depart;Leave;Arrive;Dest;];": 2, + "Hotel-Inform[Stars;Parking;Choice;Type;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;Parking;];": 2, + "Hotel-Inform[Addr;Name;Post;];": 2, + "Restaurant-Request[Food;];Booking-NoBook[none;];Booking-Request[Time;];": 2, + "Train-Inform[Choice;Depart;Day;];Train-Request[Arrive;Leave;];": 2, + "Train-Inform[Leave;Leave;Depart;];Train-Request[Leave;];": 2, + "Hotel-Request[Area;Price;];Hotel-Inform[Type;Choice;];": 2, + "Hotel-Recommend[Name;Parking;Price;Stars;Internet;];Booking-Inform[none;];": 2, + "Attraction-Inform[Addr;Fee;];": 2, + "Booking-Book[Ref;Stay;Day;People;];": 2, + "Attraction-Recommend[Name;Area;];Attraction-Inform[Fee;];": 2, + "Train-OfferBook[Arrive;Dest;Leave;Id;];": 2, + "Hotel-Inform[Type;Stars;];general-reqmore[none;];": 2, + "Attraction-Request[Name;Type;];": 2, + "general-reqmore[none;];Restaurant-Inform[Name;Area;Food;];": 2, + "Attraction-Inform[Fee;Type;Choice;Choice;];": 2, + "Hotel-Inform[Type;Internet;Parking;Stars;Price;Area;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;Price;];": 2, + "Restaurant-Recommend[Name;];Restaurant-Inform[Food;Choice;Price;];": 2, + "Hotel-Recommend[Name;Area;];Booking-Request[Day;];": 2, + "Booking-NoBook[Stay;People;];": 2, + "Taxi-Request[Arrive;Depart;Dest;];": 2, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Internet;Parking;];": 2, + "Hotel-Inform[Post;Addr;Name;Area;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Name;Type;Internet;];": 2, + "Attraction-Inform[Name;Name;Name;Name;Choice;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Choice;Name;Name;];": 2, + "Hotel-Recommend[Area;Name;Price;];Booking-Inform[none;];": 2, + "Train-Request[Dest;People;];": 2, + "Train-Inform[Ticket;Leave;Arrive;];Train-OfferBook[none;];": 2, + "Hotel-Inform[Parking;Price;];": 2, + "Hotel-Inform[Internet;Name;];": 2, + "Attraction-Request[Area;];Attraction-Recommend[Area;Name;];": 2, + "Hotel-Inform[Price;Name;Internet;];": 2, + "general-reqmore[none;];Attraction-Inform[Addr;Fee;Name;];": 2, + "Train-Inform[Ticket;Leave;Arrive;Id;Day;];Train-OfferBook[none;];": 2, + "Attraction-Select[none;];Attraction-Inform[Name;];": 2, + "Train-OfferBook[Leave;Depart;];": 2, + "Restaurant-NoOffer[none;];Restaurant-Inform[Choice;Food;];": 2, + "Train-NoOffer[Depart;];": 2, + "Booking-NoBook[People;];general-reqmore[none;];": 2, + "Restaurant-Select[Price;Price;];Booking-Inform[none;];Restaurant-Inform[Choice;];": 2, + "Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Phone;];": 2, + "Restaurant-Recommend[Phone;Addr;Post;Name;];general-reqmore[none;];": 2, + "Train-Inform[Time;];Train-OfferBook[Id;];": 2, + "Hotel-Inform[Type;Addr;Name;Price;Area;];": 2, + "Restaurant-Inform[Phone;Addr;Price;];": 2, + "Restaurant-Recommend[Name;Price;Area;];Restaurant-Inform[none;];": 2, + "Train-Inform[Day;Dest;Id;Depart;Leave;];Train-OfferBook[none;];": 2, + "Train-Request[Leave;Day;Depart;];": 2, + "Hotel-Inform[Post;];general-reqmore[none;];general-greet[none;];": 2, + "Hotel-Select[Area;Area;Area;];Hotel-Inform[Choice;Type;];": 2, + "Hotel-Recommend[Phone;Addr;Name;];": 2, + "Hotel-Inform[Choice;Parking;Type;];": 2, + "Restaurant-Recommend[Addr;Area;Name;];": 2, + "Hotel-Select[Price;Price;Type;Type;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Choice;];": 2, + "Booking-Book[Ref;];general-reqmore[none;];Restaurant-Inform[Name;];": 2, + "Train-Inform[Arrive;Time;Choice;];Train-Request[Leave;];": 2, + "Hotel-Request[Internet;Parking;Stars;];Hotel-Inform[Choice;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Choice;Choice;Choice;];": 2, + "general-reqmore[none;];Booking-Book[Ref;People;Day;Time;];": 2, + "Train-OfferBooked[Leave;Ref;People;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Internet;Price;Parking;Stars;];": 2, + "Attraction-Inform[Name;Name;Name;Name;];": 2, + "Attraction-Select[none;];Attraction-Inform[Type;];": 2, + "Hotel-Request[Type;Price;];": 2, + "Restaurant-Inform[Post;Post;Phone;Name;Addr;];": 2, + "Restaurant-Inform[Addr;Phone;Name;Post;Post;];": 2, + "Restaurant-NoOffer[none;];general-greet[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Post;Post;Name;Name;];": 2, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Addr;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Parking;Name;Internet;];": 2, + "Train-Inform[Arrive;Leave;Depart;Id;Dest;];": 2, + "Train-Inform[Leave;Depart;Arrive;Day;Dest;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Food;Price;Price;Choice;Choice;Choice;Area;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Area;Type;Choice;];": 2, + "Hotel-Recommend[Name;];Hotel-Inform[Internet;Parking;Area;];": 2, + "Restaurant-Select[Food;Food;];Restaurant-Inform[Choice;Area;];": 2, + "Attraction-Recommend[Type;];Attraction-Inform[Choice;];": 2, + "Restaurant-Select[Food;Food;Food;Food;Food;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;Price;Area;];general-greet[none;];": 2, + "Attraction-Request[Price;];Attraction-Inform[Type;Choice;Area;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Name;Phone;];": 2, + "Train-Inform[Leave;Leave;Id;Id;];": 2, + "general-reqmore[none;];Train-OfferBooked[People;];": 2, + "Hotel-Request[Area;];Hotel-NoOffer[Price;Area;Type;];": 2, + "Hotel-Request[Stars;];Hotel-Inform[Name;Name;Choice;];": 2, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Choice;Price;Type;];": 2, + "Attraction-Request[Type;];general-greet[none;];Attraction-Inform[Area;Choice;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Choice;Name;Name;];": 2, + "Hotel-Request[Parking;];Hotel-Inform[Internet;];": 2, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;Choice;];": 2, + "Attraction-Inform[Name;Addr;Phone;Post;Fee;];": 2, + "general-reqmore[none;];Booking-Book[Time;];": 2, + "Attraction-Recommend[Addr;Type;Name;];": 2, + "Hotel-Inform[Stars;Price;Area;];": 2, + "Hotel-Inform[Type;];general-reqmore[none;];Booking-Book[Ref;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Food;Area;];": 2, + "Attraction-Inform[Area;Name;Name;Name;Type;Choice;];": 2, + "Hotel-Request[Name;];Hotel-Inform[Choice;];": 2, + "Attraction-Request[Type;];Attraction-Recommend[Name;];Attraction-Inform[Area;Choice;];": 2, + "Hotel-Inform[Name;Post;Price;Phone;];general-reqmore[none;];": 2, + "Hotel-Recommend[Name;Parking;Area;Internet;];Booking-Inform[none;];": 2, + "Attraction-Inform[Addr;Addr;Addr;Fee;];": 2, + "general-reqmore[none;];Attraction-Inform[Choice;Name;Name;Fee;];": 2, + "Train-Inform[Leave;Time;];general-reqmore[none;];": 2, + "Restaurant-Recommend[Area;Addr;Name;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Internet;Type;Stars;Price;];": 2, + "general-reqmore[none;];Restaurant-Inform[Choice;Price;Food;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Price;];": 2, + "Hotel-Request[Type;];Hotel-Select[Type;Type;];": 2, + "Hotel-Inform[Name;Internet;Price;Type;];": 2, + "Train-Inform[Id;Dest;Arrive;];Train-Request[People;];": 2, + "Train-Inform[Choice;Arrive;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Food;Food;Food;];": 2, + "Attraction-Inform[Post;Post;Name;Name;];": 2, + "Attraction-Inform[Area;Name;Addr;Addr;];": 2, + "Booking-Book[Stay;People;];": 2, + "Hotel-Request[Area;];Hotel-NoOffer[Type;Area;Price;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Choice;Price;];": 2, + "Booking-NoBook[none;];Hotel-Request[Area;];": 2, + "Restaurant-Inform[Price;Name;Name;];": 2, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Area;Type;Choice;];": 2, + "Train-NoOffer[Leave;];Train-Request[Leave;];": 2, + "Hotel-Recommend[Type;Price;Name;Area;];": 2, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;Name;Price;Price;];": 2, + "Attraction-Inform[Choice;Name;Name;];": 2, + "Restaurant-Request[Price;Area;];Restaurant-Inform[Food;];": 2, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;];": 2, + "Taxi-Inform[Car;Arrive;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Food;Choice;];": 2, + "Train-Inform[none;];Train-OfferBook[Arrive;Leave;];": 2, + "Train-Inform[Choice;];Train-Select[Leave;Leave;Leave;];": 2, + "Hotel-Inform[Phone;Addr;Addr;Name;];": 2, + "Restaurant-Inform[Name;];Booking-Book[Day;Ref;Time;People;];": 2, + "Hotel-Recommend[Name;];Hotel-Inform[none;];": 2, + "Attraction-Recommend[Name;Post;];general-reqmore[none;];": 2, + "Train-Inform[Id;Dest;Arrive;Leave;Day;Depart;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Price;Choice;Name;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Type;Choice;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Choice;Food;Area;Price;];": 2, + "Attraction-Recommend[Type;Type;];": 2, + "Hotel-Inform[Stars;Price;Choice;Type;];": 2, + "Train-Inform[Id;Leave;Leave;];": 2, + "Train-Inform[Depart;Choice;Day;];Train-Request[Dest;];": 2, + "Train-Inform[Id;Arrive;Day;Depart;Dest;Leave;];general-reqmore[none;];": 2, + "Attraction-Request[Type;];Attraction-Inform[Type;Fee;Choice;Choice;Area;];": 2, + "Restaurant-Request[Food;];general-welcome[none;];": 2, + "Attraction-Inform[Name;Fee;Choice;Type;Addr;Area;];": 2, + "Hotel-Inform[Area;Name;Internet;Price;Parking;Type;Stars;];general-greet[none;];": 2, + "Hotel-Inform[Type;Stars;Name;Area;Price;];": 2, + "Train-Inform[Day;Choice;Dest;];Train-Request[Leave;Arrive;];": 2, + "Hotel-Select[none;];Hotel-Inform[Name;Area;];": 2, + "Restaurant-Select[Name;Name;Name;];Restaurant-Inform[Choice;];": 2, + "Taxi-Inform[Leave;Phone;Car;];general-reqmore[none;];": 2, + "Hotel-Request[Area;Price;];Hotel-NoOffer[Stars;Type;Area;];": 2, + "Hotel-Inform[Type;Stars;Parking;Name;Area;Internet;Price;];": 2, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Price;Choice;Type;];": 2, + "Restaurant-Inform[Food;Choice;Area;];": 2, + "Hotel-Request[Stars;Area;Price;];Hotel-Inform[Choice;Type;];": 2, + "Booking-Book[Ref;Day;Time;People;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Parking;Area;];": 2, + "Restaurant-Inform[Price;Addr;Name;Food;Post;Area;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Name;];": 2, + "Attraction-NoOffer[Name;];": 2, + "Train-NoOffer[none;];Train-Request[Day;];": 2, + "Hotel-Inform[Addr;Phone;Name;];": 2, + "Train-Select[Depart;];": 2, + "Attraction-Recommend[Name;];Attraction-Inform[Post;Fee;];": 2, + "Hotel-Recommend[Internet;Name;Parking;Stars;Price;];": 2, + "Train-Inform[Depart;Dest;Ticket;Arrive;Id;Leave;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Addr;Type;Area;Fee;Name;];": 2, + "Booking-Inform[People;];Booking-Request[Time;];Restaurant-Inform[Name;Area;];": 2, + "Hotel-Recommend[Parking;Internet;Area;Name;Stars;];": 2, + "Train-Inform[Choice;Depart;];Train-Request[Leave;Dest;Day;];": 2, + "Restaurant-Request[Food;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Booking-Book[Ref;Time;Name;People;];": 2, + "general-reqmore[none;];Booking-Book[Ref;Day;People;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Parking;Choice;Choice;Name;Name;];": 2, + "Train-OfferBooked[Depart;Id;Leave;Ref;People;];": 2, + "Attraction-Recommend[Fee;Addr;Name;];Booking-Inform[none;];Attraction-Inform[Choice;];": 2, + "Restaurant-Recommend[Area;Name;];general-reqmore[none;];": 2, + "Hotel-Inform[Area;Name;Internet;];": 2, + "Hotel-Inform[Name;];Booking-Request[Stay;Day;];": 2, + "Train-Inform[Choice;];Train-Request[Dest;Leave;Day;];": 2, + "Restaurant-Request[Food;];Restaurant-Inform[Food;];": 2, + "Attraction-Request[Name;];Attraction-Recommend[Name;];Attraction-Inform[Choice;];": 2, + "Train-Inform[Choice;Dest;Day;];Train-Request[Depart;];": 2, + "Restaurant-Inform[Phone;Name;Area;Food;Price;];": 2, + "Train-Inform[Time;Arrive;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Price;Name;];": 2, + "Train-Inform[Leave;Leave;Leave;Leave;Leave;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;Area;];": 2, + "Train-Inform[Id;Depart;Day;];": 2, + "Hotel-Inform[Type;Stars;Name;Price;Area;];general-reqmore[none;];": 2, + "Train-Inform[Id;Dest;];Train-OfferBook[none;];": 2, + "Restaurant-Inform[Choice;Price;Price;Food;];": 2, + "Hotel-NoOffer[Choice;Stars;];": 2, + "Attraction-Select[Type;Type;Type;Type;Type;];Attraction-Inform[Choice;];": 2, + "Restaurant-Select[none;];Attraction-Select[none;];": 2, + "Train-Inform[Choice;Day;];Train-Request[Depart;Leave;Dest;];": 2, + "Hotel-Request[Stars;Price;Area;Parking;Internet;];Hotel-Inform[Choice;];": 2, + "Hotel-Recommend[Internet;Name;Parking;];Booking-Inform[none;];": 2, + "Attraction-Inform[Type;Choice;Name;Name;Name;Name;Name;];": 2, + "Train-Select[Id;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Choice;Area;];": 2, + "Train-Inform[Arrive;Leave;Depart;Dest;Id;];Train-Select[none;];Train-OfferBook[none;];": 2, + "general-greet[none;];Attraction-Inform[Choice;];": 2, + "Train-Inform[Time;Arrive;Leave;];": 2, + "Booking-Book[People;Ref;Stay;];": 2, + "Hotel-Request[Price;Stars;];Hotel-NoOffer[none;];": 2, + "Restaurant-Inform[Addr;Area;Name;];": 2, + "Attraction-Recommend[Area;Name;Addr;];": 2, + "Restaurant-Request[Area;];general-greet[none;];Restaurant-Inform[Choice;];": 2, + "Train-Inform[Leave;Arrive;Choice;];Train-OfferBook[none;];": 2, + "Train-Inform[Leave;Choice;];Train-Request[Leave;];": 2, + "Booking-Book[Stay;People;Day;];": 2, + "Train-Request[Arrive;Leave;Dest;Day;];": 2, + "general-reqmore[none;];Attraction-Inform[Post;Name;Addr;Addr;];": 2, + "Restaurant-Request[Food;];general-reqmore[none;];Restaurant-Inform[Choice;];": 2, + "Attraction-Inform[Area;Name;Phone;];": 2, + "Train-OfferBooked[Ref;Leave;Ticket;Arrive;Id;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Area;Name;];": 2, + "Booking-Book[Day;Stay;People;];": 2, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Addr;Area;];": 2, + "Attraction-Recommend[Fee;Post;Name;];": 2, + "Hotel-Select[Type;];Hotel-Inform[Type;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Stars;Name;Type;];": 2, + "Booking-NoBook[People;];Booking-Request[Time;];": 2, + "Train-Inform[Time;Ticket;Leave;Arrive;Id;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Parking;Price;Stars;Name;Type;Internet;];": 2, + "Train-OfferBook[Time;Ticket;];": 2, + "Train-Inform[Time;Ticket;Leave;Depart;Arrive;Id;];Train-OfferBook[none;];": 2, + "Restaurant-NoOffer[Price;Food;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Area;];": 2, + "Restaurant-Request[Price;];general-welcome[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Area;Name;Addr;Phone;];": 2, + "general-reqmore[none;];Train-OfferBooked[Ticket;Leave;Ref;];": 2, + "Hotel-Select[none;];Hotel-Inform[Area;Name;];": 2, + "Restaurant-Inform[Addr;Name;Phone;Area;];": 2, + "Hotel-Inform[Internet;];Booking-Request[Day;];": 2, + "Hotel-Inform[Area;Area;Choice;];": 2, + "Hotel-NoOffer[Area;Price;Stars;];": 2, + "Train-Inform[Leave;];Train-Request[People;];": 2, + "Train-Inform[Id;Arrive;Day;Depart;Dest;Leave;];Train-OfferBook[none;];": 2, + "Booking-NoBook[Name;];general-reqmore[none;];Booking-Book[Ref;Name;];": 2, + "Attraction-Inform[Name;Post;Addr;Addr;Area;];": 2, + "Train-Inform[Choice;Depart;Dest;Arrive;Leave;];Train-OfferBook[none;];": 2, + "Train-Inform[Dest;Leave;Depart;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Price;Food;Name;Area;];": 2, + "Restaurant-Recommend[Phone;Addr;Post;Name;];": 2, + "Hotel-Inform[Price;Name;Internet;Type;Area;Stars;];": 2, + "Train-Inform[Ticket;Arrive;Id;Leave;];": 2, + "Train-Request[Depart;Dest;Leave;];": 2, + "Attraction-Inform[Post;Fee;Addr;Name;];": 2, + "Hotel-Recommend[Area;Name;Type;Stars;Price;];": 2, + "Booking-Book[Day;Name;Ref;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Choice;Food;Name;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Price;Name;Type;Internet;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Name;Post;];": 2, + "Hotel-Inform[Name;Post;Addr;Phone;];general-reqmore[none;];": 2, + "Attraction-Recommend[Name;Post;Phone;];general-reqmore[none;];": 2, + "Restaurant-Select[Area;Name;Name;];": 2, + "Hotel-Recommend[Name;Stars;Area;];": 2, + "Taxi-Inform[Leave;];general-reqmore[none;];": 2, + "Hotel-Recommend[Name;Phone;];general-reqmore[none;];": 2, + "Booking-NoBook[Time;Day;];general-reqmore[none;];": 2, + "Restaurant-Request[Price;Area;Food;];": 2, + "Restaurant-NoOffer[Area;Price;Food;];": 2, + "Restaurant-Request[Name;];Restaurant-NoOffer[none;];": 2, + "Booking-Book[Stay;People;Name;Ref;];": 2, + "Attraction-Select[Area;Area;Area;];Attraction-Inform[Type;Choice;];": 2, + "Train-Inform[Id;Dest;Arrive;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Name;Internet;];": 2, + "Train-Inform[Arrive;Dest;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Post;Addr;];": 2, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Name;Name;];": 2, + "Attraction-Inform[Area;Type;Choice;Name;];": 2, + "Train-Inform[Day;Id;Leave;];general-reqmore[none;];": 2, + "Booking-NoBook[none;];Booking-Book[Ref;Name;];": 2, + "Hotel-Request[Stars;];Hotel-NoOffer[Type;Stars;];": 2, + "Train-Inform[Leave;Arrive;Id;Choice;];Train-OfferBook[none;];": 2, + "Train-Inform[Day;Depart;Dest;Choice;];Train-Request[Arrive;Leave;];": 2, + "Attraction-Request[Type;Area;];Attraction-NoOffer[Area;];": 2, + "Attraction-Inform[Choice;Name;Name;Name;Name;];": 2, + "Booking-Inform[Day;];Booking-Request[People;Stay;];": 2, + "Booking-Inform[Name;Day;];": 2, + "Attraction-Recommend[Name;Fee;];Booking-Inform[none;];": 2, + "Train-Inform[Arrive;Day;Leave;];Train-OfferBook[none;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Price;Choice;Choice;Choice;Area;];": 2, + "Restaurant-Recommend[Name;];Restaurant-Inform[Addr;Food;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Choice;Type;];": 2, + "Restaurant-Recommend[Food;Area;Price;Name;];general-reqmore[none;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Choice;Parking;Stars;];": 2, + "Train-Inform[Choice;];Train-Request[Leave;Dest;Depart;];": 2, + "Attraction-Inform[Fee;Phone;Addr;Addr;];": 2, + "Train-OfferBook[none;];Train-Request[Dest;];": 2, + "Booking-Book[Time;Name;Day;];": 2, + "Train-Inform[Choice;Choice;];general-reqmore[none;];": 2, + "Train-Inform[Depart;Dest;Ticket;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Phone;Name;Post;Addr;];": 2, + "general-reqmore[none;];Attraction-Inform[Choice;Name;Fee;];": 2, + "Booking-NoBook[none;];Hotel-Inform[Type;];": 2, + "Attraction-Inform[Type;Fee;Choice;];": 2, + "Train-Inform[Depart;Leave;Id;];": 2, + "Attraction-Inform[Fee;Phone;Area;];": 2, + "Hotel-Inform[Name;Parking;Stars;];": 2, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;Internet;Price;Stars;Area;Type;];": 2, + "Hotel-Recommend[Type;Price;Name;Area;];general-reqmore[none;];": 2, + "Train-Inform[Choice;Choice;];": 2, + "Attraction-Inform[Choice;Area;Area;];": 2, + "Attraction-Inform[Fee;Area;Name;Type;Addr;];": 2, + "Train-Inform[Choice;];Train-Request[Depart;Leave;Day;];": 2, + "Hotel-Inform[Area;Name;Addr;Type;Phone;];general-reqmore[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Addr;Area;Name;Phone;Fee;];": 2, + "Attraction-Recommend[Type;Name;Area;];": 2, + "Hotel-Request[Internet;];Hotel-Inform[Choice;];": 2, + "Attraction-Inform[Type;Post;];": 2, + "Restaurant-Inform[Food;Price;Choice;Name;Name;];": 2, + "Booking-NoBook[Name;];Booking-Request[Day;Time;];": 2, + "Restaurant-Inform[Choice;Choice;Price;Area;Food;];": 2, + "Attraction-Inform[Post;Type;Phone;];": 2, + "general-reqmore[none;];Attraction-Inform[Area;Phone;Post;Name;];": 2, + "Restaurant-Inform[Choice;Price;Food;Food;Area;];": 2, + "Train-Inform[Time;Ticket;Arrive;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Area;];": 2, + "Attraction-Inform[Phone;Name;Post;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Price;Area;Name;];": 2, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Price;];": 2, + "Train-Inform[Arrive;Choice;];Train-Request[Dest;];": 2, + "Hotel-Select[Area;Area;];Hotel-Inform[Choice;Parking;Stars;];": 2, + "Attraction-Recommend[Name;Area;Fee;Addr;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Type;Addr;Name;];": 2, + "Hotel-Select[Choice;Type;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Price;Price;Choice;Choice;];": 2, + "Train-Inform[Time;Id;];Restaurant-Request[Food;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Parking;Type;];": 2, + "Train-Request[Dest;Arrive;Day;Depart;Leave;];": 2, + "Attraction-Inform[Addr;Type;Name;];": 2, + "Attraction-Inform[Name;Type;Choice;];": 2, + "Attraction-Request[Type;Price;];Attraction-Inform[Area;Choice;];": 2, + "Hotel-Recommend[Price;Name;Parking;Area;];": 2, + "Train-Inform[Choice;Depart;Dest;];Train-Request[Arrive;Day;];": 2, + "Restaurant-Recommend[Name;Name;Food;Food;];": 2, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Price;Price;];": 2, + "general-reqmore[none;];Attraction-Inform[Area;Fee;Name;];": 2, + "Train-Inform[Id;Arrive;Choice;];Train-OfferBook[none;];": 2, + "Attraction-Recommend[Addr;Name;];Attraction-Inform[Type;Choice;];": 2, + "Hotel-Inform[Addr;Addr;Phone;];general-reqmore[none;];": 2, + "Hotel-Inform[Price;Type;Area;];general-reqmore[none;];": 2, + "Booking-Book[Time;People;Name;Ref;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Internet;Parking;Area;Stars;];": 2, + "Restaurant-Inform[Choice;Choice;Choice;Area;Area;];": 2, + "Attraction-Inform[Type;Name;Post;];": 2, + "general-reqmore[none;];Restaurant-Inform[none;];": 2, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Phone;Addr;Post;];": 2, + "Train-Inform[Time;];general-reqmore[none;];general-greet[none;];": 2, + "Booking-Request[Time;];Restaurant-Inform[Price;];": 2, + "Attraction-Request[Area;];Attraction-Inform[Type;Choice;Area;];": 2, + "general-reqmore[none;];Attraction-Inform[Price;Phone;];": 2, + "Train-Inform[Arrive;Arrive;];": 2, + "Booking-Inform[none;];Hotel-Inform[Choice;Choice;Type;Type;];": 2, + "Hotel-Inform[Stars;Phone;Name;];general-reqmore[none;];": 2, + "Train-Inform[Day;Arrive;Id;Dest;Depart;Leave;];Train-OfferBook[none;];": 2, + "Train-Inform[Day;];": 2, + "Attraction-Recommend[Phone;Addr;Addr;Name;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Price;Parking;Type;];": 2, + "Hotel-Recommend[Area;Name;Price;Parking;];": 2, + "Booking-Inform[none;];Hotel-Inform[Stars;Name;];general-reqmore[none;];": 2, + "Hotel-NoOffer[none;];Hotel-Inform[Type;Type;];": 2, + "Hotel-Inform[Phone;];general-reqmore[none;];general-greet[none;];": 2, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Type;Area;Choice;];": 2, + "Attraction-Inform[Addr;Addr;Phone;Post;];": 2, + "Booking-Inform[Name;];general-greet[none;];": 2, + "Booking-Inform[Name;];Booking-Request[People;Day;Stay;];": 2, + "Hotel-Inform[Addr;];Booking-Book[Name;Ref;];": 2, + "Restaurant-Recommend[Phone;Addr;Name;];general-reqmore[none;];": 2, + "Hotel-Inform[Area;Parking;];": 2, + "Booking-Inform[none;];Hotel-Inform[Type;Stars;Price;Area;];": 2, + "Restaurant-Recommend[Name;Addr;Post;];general-reqmore[none;];": 2, + "Attraction-NoOffer[Area;Type;];general-reqmore[none;];Attraction-Inform[Area;Choice;];": 2, + "Hotel-Inform[Internet;Name;Stars;];": 2, + "Train-Inform[Id;];Train-OfferBook[none;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Parking;Choice;];": 2, + "Train-Request[People;Arrive;Leave;];": 2, + "Attraction-Inform[Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;];": 2, + "Booking-Inform[Name;];Booking-Request[Day;Stay;];": 2, + "general-reqmore[none;];Booking-Book[Day;Stay;Name;People;];": 2, + "Train-Inform[Leave;Arrive;Id;];Train-OfferBook[none;];general-greet[none;];": 2, + "Restaurant-Inform[Food;Food;Food;Choice;];": 2, + "Restaurant-Inform[Phone;Name;Addr;Price;];": 2, + "Booking-Inform[none;];Hotel-Inform[Addr;Area;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Price;Parking;Type;Stars;];": 2, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Choice;Food;];": 2, + "Train-Inform[Arrive;Dest;Id;];Train-OfferBook[none;];general-reqmore[none;];": 2, + "Restaurant-Inform[Name;Name;Name;Name;Name;];": 2, + "Hotel-Inform[Addr;Name;Post;];general-reqmore[none;];": 2, + "Hotel-Recommend[Price;Name;];Booking-Inform[none;];": 2, + "Booking-Book[People;Name;Ref;Stay;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Internet;Parking;Stars;];": 2, + "Hotel-Inform[Stars;Type;];": 2, + "Booking-Inform[none;];Hotel-Inform[Phone;Addr;Addr;];": 2, + "Booking-Inform[none;];Booking-Request[Stay;People;];": 2, + "general-reqmore[none;];Booking-Book[Stay;Name;Day;People;];": 2, + "Hotel-Inform[Area;Stars;Price;Name;Type;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Name;Food;Area;];": 2, + "Attraction-Inform[Type;Area;Name;Choice;];": 2, + "Hotel-Inform[Addr;Name;Price;];": 2, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Name;];": 2, + "Booking-Inform[none;];Booking-Request[People;Day;];": 2, + "Train-Inform[Day;Leave;Depart;];": 2, + "Attraction-Inform[Addr;Type;Name;Fee;];": 2, + "Train-Inform[Arrive;Leave;Id;];Train-Select[none;];": 2, + "Attraction-Request[Area;];Attraction-Select[Area;Area;];": 2, + "Train-Inform[Depart;Dest;Leave;];": 2, + "Hotel-Inform[Name;Internet;Parking;];general-reqmore[none;];": 2, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Dest;Depart;Arrive;Id;Leave;];": 2, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Type;Area;Area;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Parking;Price;Stars;Name;Type;Internet;];": 2, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Area;];": 2, + "general-reqmore[none;];Booking-Book[Ref;Day;People;Stay;];": 2, + "Booking-Inform[none;];Hotel-Inform[Addr;Stars;Parking;Name;Type;Internet;];": 2, + "Train-Inform[Arrive;Day;Leave;Depart;];Train-OfferBook[none;];": 2, + "Train-Inform[Day;Choice;Dest;Depart;];Train-Request[Leave;];": 2, + "Train-Inform[Ticket;Leave;Depart;Arrive;Id;Dest;];": 2, + "Train-Inform[Depart;Arrive;Leave;Id;];Train-OfferBook[none;];": 2, + "Train-Inform[Day;Id;Arrive;Depart;Dest;Leave;];Train-OfferBook[none;];": 2, + "Attraction-Inform[Fee;Type;Addr;Name;];": 2, + "Attraction-Inform[Fee;Post;Name;Addr;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;Post;];": 2, + "Booking-Inform[none;];Booking-Request[People;];Restaurant-Inform[Area;Name;];": 2, + "Attraction-Inform[Type;Name;Name;Choice;];": 2, + "Attraction-Request[Type;];Attraction-Inform[Choice;Type;Area;];": 2, + "Restaurant-Inform[Food;Price;Price;Choice;Area;];": 2, + "general-greet[none;];general-reqmore[none;];Booking-Book[Name;Ref;];": 2, + "Hotel-Recommend[Name;];Booking-Inform[none;];Booking-Request[Day;];": 2, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Choice;Price;Type;Stars;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Parking;Name;Internet;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;Food;];": 2, + "Attraction-Inform[Fee;Fee;Type;Area;Choice;Choice;Choice;];": 2, + "Restaurant-Inform[Phone;Food;Addr;];": 2, + "Train-Inform[Day;Arrive;];Train-OfferBook[none;];": 2, + "Booking-Inform[Time;Day;];": 2, + "Restaurant-Select[Area;Area;];Restaurant-Inform[Choice;Price;Food;];": 2, + "Train-Inform[Arrive;Choice;];Train-Request[People;];": 2, + "Train-Inform[Choice;];Train-Request[Leave;Arrive;Depart;];": 2, + "Attraction-Inform[Name;Post;Phone;];": 2, + "Attraction-Inform[Post;Fee;Phone;Addr;Addr;];": 2, + "Hotel-Recommend[Name;Price;Addr;];": 2, + "Train-Inform[Depart;Dest;Day;Arrive;Id;Leave;];": 2, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Choice;Choice;Area;Area;];": 2, + "Hotel-Recommend[Type;Name;Area;];": 2, + "Attraction-Recommend[Area;Name;];general-greet[none;];": 2, + "Restaurant-Inform[Food;Choice;Area;Name;Name;];": 2, + "Train-Request[Arrive;Depart;Leave;];": 2, + "Train-Inform[Depart;Dest;Time;];": 2, + "Restaurant-Request[Food;];Restaurant-NoOffer[none;];Restaurant-Inform[none;];": 2, + "Taxi-Inform[Arrive;Car;Phone;Dest;];": 2, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Price;Choice;Type;];": 2, + "Restaurant-Inform[Post;Name;Area;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Name;Area;Choice;];": 2, + "Train-Inform[Choice;Depart;Dest;];Train-Request[Arrive;Leave;];": 2, + "Train-Inform[Arrive;Choice;Leave;Leave;Leave;Leave;];Train-OfferBook[none;];": 2, + "Attraction-Recommend[Fee;Name;Area;];": 2, + "Booking-Inform[People;Day;];Booking-Request[Time;];": 2, + "Train-Inform[Choice;];Train-Request[Dest;Leave;];": 2, + "Hotel-NoOffer[Price;Stars;Area;Type;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Post;Addr;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Price;Price;Food;];": 2, + "Attraction-Select[none;];Attraction-Inform[Name;Addr;];": 2, + "Train-Inform[Time;Id;];Train-OfferBook[none;];": 2, + "Train-Inform[Dest;Choice;];Train-Request[Arrive;Leave;];": 2, + "Train-Request[People;Depart;];": 2, + "Hotel-Inform[Price;Name;];general-reqmore[none;];": 2, + "Train-Inform[Id;Arrive;Choice;Leave;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Parking;Name;Area;];": 2, + "Train-Request[Day;Leave;Arrive;Depart;];": 2, + "Attraction-Inform[Area;Name;Name;Name;Name;Name;Type;Choice;];": 2, + "Restaurant-Recommend[Name;];Restaurant-Inform[Post;Phone;];": 2, + "Attraction-Recommend[Fee;Post;Name;];general-reqmore[none;];": 2, + "Train-Inform[Leave;Leave;Leave;];Train-OfferBook[none;];": 2, + "Hotel-Inform[Post;Stars;];": 2, + "Train-Inform[Day;Arrive;Dest;Leave;];Train-OfferBook[none;];": 2, + "Train-Inform[Ticket;];Train-OfferBook[none;];general-reqmore[none;];": 2, + "Booking-NoBook[Time;Name;];Booking-Request[Time;Day;];": 2, + "Hotel-Inform[Internet;];general-greet[none;];": 2, + "Attraction-Inform[Fee;Area;Type;Post;Addr;Phone;];": 2, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;Post;Post;];": 2, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Addr;Addr;Post;];": 2, + "Train-Inform[Depart;Leave;Leave;];Train-Request[Leave;];": 2, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Type;Choice;Choice;];": 2, + "Hotel-Inform[Area;Name;Type;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Internet;Parking;];": 2, + "Hotel-Inform[Phone;Price;Name;];": 2, + "Hotel-Inform[Ref;Type;];general-reqmore[none;];Booking-Book[Name;];": 2, + "Attraction-Inform[Phone;Addr;Addr;Name;Post;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Post;Fee;Phone;Addr;];": 2, + "Attraction-Inform[Post;Addr;Area;Fee;Name;];": 2, + "Hotel-Recommend[Name;Price;Internet;Type;Parking;Area;Stars;];": 2, + "Hotel-Inform[Name;Post;Price;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Internet;Choice;Type;];": 2, + "Hotel-Recommend[Parking;Area;Name;];": 2, + "Hotel-Request[Type;];Train-OfferBooked[Ref;];": 2, + "Booking-Inform[none;];Hotel-Inform[Type;Addr;Stars;];": 2, + "Restaurant-Inform[Addr;Area;Price;Phone;Name;];": 2, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[Price;Food;Area;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Choice;Area;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Price;];": 2, + "Train-OfferBooked[Ref;Ticket;Arrive;];": 2, + "Hotel-Request[Area;];Hotel-NoOffer[Type;Area;Stars;];": 2, + "Attraction-Recommend[Fee;Phone;Name;];general-reqmore[none;];": 2, + "Train-Inform[Id;Day;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Area;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Stars;Name;];": 2, + "Hotel-NoOffer[Stars;Type;Area;];general-reqmore[none;];": 2, + "Hotel-Select[Type;Type;Choice;Choice;];": 2, + "Taxi-Inform[Arrive;Phone;Dest;Car;];": 2, + "Booking-Book[Name;Stay;Day;People;Ref;];": 2, + "Attraction-Inform[Name;Area;Fee;];": 2, + "Train-Inform[Leave;Id;Dest;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Train-OfferBooked[Ref;Id;Leave;];": 2, + "Attraction-Recommend[Addr;Type;Post;Name;];": 2, + "Attraction-Request[Price;];Attraction-Inform[Choice;Area;];": 2, + "general-greet[none;];Attraction-Inform[Fee;Area;Name;];": 2, + "Train-Inform[Choice;Dest;];Train-Request[Depart;Day;];": 2, + "Restaurant-Inform[Addr;Addr;Name;Name;];": 2, + "Attraction-Inform[Phone;Addr;Addr;Area;];": 2, + "Hotel-Inform[Name;Addr;Stars;];": 2, + "Restaurant-Request[Price;];Restaurant-Inform[Price;Price;];": 2, + "Booking-Book[Time;Ref;People;];": 2, + "Attraction-Request[Type;];Attraction-Inform[Area;Type;Type;Type;];": 2, + "Hotel-Request[Area;Type;Price;Stars;];Hotel-Inform[Choice;];": 2, + "Restaurant-Inform[Area;Food;Name;Price;];": 2, + "Restaurant-Recommend[Name;Post;Food;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Price;];": 2, + "Train-Inform[Choice;Dest;Depart;];Train-Request[Arrive;Leave;];": 2, + "Taxi-Inform[Depart;Car;Phone;Leave;];": 2, + "general-bye[none;];Train-OfferBooked[Ref;Ticket;];": 2, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;];general-greet[none;];": 2, + "Hotel-Inform[Name;];Booking-Request[People;Day;Stay;];": 2, + "Train-Inform[Choice;Dest;Depart;];Train-Request[Day;];": 2, + "Train-NoOffer[Leave;];Train-Select[Leave;];": 2, + "Train-Inform[Ticket;Leave;];general-reqmore[none;];": 2, + "Train-Inform[Leave;Arrive;Id;Day;Dest;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Booking-Book[People;Ref;Day;Stay;Name;];": 2, + "general-reqmore[none;];Restaurant-Inform[Price;Addr;Name;Phone;];": 2, + "Train-Inform[Id;Arrive;Ticket;];Train-OfferBook[none;];": 2, + "Train-Inform[Choice;Choice;Leave;Leave;];Train-OfferBook[none;];": 2, + "Hotel-Recommend[Type;Name;];": 2, + "Booking-Request[Day;Stay;];general-greet[none;];": 2, + "Train-Inform[Arrive;Choice;Leave;];Train-Select[none;];": 2, + "Train-Inform[Choice;Leave;];Train-Request[Dest;];": 2, + "Hotel-Inform[Parking;Name;Name;];": 2, + "Booking-Request[Day;];general-reqmore[none;];": 2, + "Attraction-Inform[Type;Name;Name;Name;Name;];": 2, + "Attraction-Inform[Open;Phone;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Name;Choice;];": 2, + "Hotel-Request[Parking;];Hotel-Inform[Choice;Type;Area;];": 2, + "Booking-Book[Day;Ref;Stay;People;];": 2, + "general-reqmore[none;];Restaurant-Inform[Addr;Post;Post;];": 2, + "Hotel-Select[none;];Hotel-Inform[Area;Choice;];": 2, + "Hotel-Inform[Parking;Choice;Internet;];": 2, + "Restaurant-Recommend[Price;Area;Name;Food;];general-reqmore[none;];": 2, + "Restaurant-Recommend[Phone;Addr;Name;];": 2, + "Hotel-Request[Stars;];Hotel-Inform[Choice;Internet;];": 2, + "Train-Inform[Time;Arrive;];general-reqmore[none;];": 2, + "Attraction-Recommend[Post;Addr;Name;];": 2, + "Train-Inform[Time;];Train-OfferBook[none;];general-reqmore[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Fee;Name;];": 2, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Price;Name;Parking;Area;];": 2, + "Attraction-Inform[Area;Area;Name;Name;Type;Choice;];": 2, + "Train-Inform[Id;Ticket;Time;];general-reqmore[none;];": 2, + "Train-Inform[Dest;];Train-Request[Arrive;];": 2, + "Train-Inform[Choice;Day;];Train-Request[Arrive;Leave;];": 2, + "Train-OfferBook[none;];Booking-Book[Ref;];": 2, + "Booking-Inform[none;];Hotel-NoOffer[Type;];Hotel-Inform[Choice;Type;];": 2, + "Hotel-Request[Area;];Hotel-Select[Type;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Area;Name;];": 2, + "Train-Inform[Ticket;];general-reqmore[none;];general-greet[none;];": 2, + "Train-Inform[Choice;Depart;Dest;];Train-Request[Arrive;Leave;Day;];": 2, + "Attraction-Recommend[Type;Area;Name;];general-reqmore[none;];": 2, + "Hotel-Inform[Area;Name;Addr;];general-reqmore[none;];": 2, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Food;Food;Food;Food;];": 2, + "Train-OfferBook[Arrive;Dest;Id;Depart;Leave;];": 2, + "Train-Inform[Depart;Dest;Day;Arrive;Id;];": 2, + "Taxi-Inform[Arrive;Phone;Dest;Car;Depart;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Type;Area;Name;Stars;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Food;Price;Name;];": 2, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Area;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Stars;Parking;Name;Type;Internet;];": 2, + "Train-Inform[Choice;Day;Depart;];Train-Request[Dest;Leave;];": 2, + "Train-Inform[Id;Arrive;Leave;Ticket;];Train-OfferBook[none;];": 2, + "Attraction-Inform[Fee;Name;Area;];": 2, + "Attraction-NoOffer[Area;];general-reqmore[none;];": 2, + "Train-Inform[Day;Arrive;Depart;Leave;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Booking-Book[Name;Time;People;Day;];": 2, + "Hotel-Inform[Price;Internet;Type;Parking;Area;Name;Stars;];": 2, + "Hotel-Request[Stars;Parking;Price;Internet;];Hotel-Inform[Area;Choice;];": 2, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Name;Price;Area;];": 2, + "Attraction-Inform[Type;Addr;Area;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Name;Type;Choice;Area;];": 2, + "Train-Inform[Arrive;Leave;Depart;Dest;Id;Ticket;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Price;Parking;Type;Choice;Internet;];": 2, + "Train-Inform[Id;Arrive;Dest;Leave;];Train-OfferBook[none;];": 2, + "Train-Inform[Depart;Dest;];": 2, + "Attraction-Recommend[Phone;Post;Name;];general-reqmore[none;];": 2, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;Food;Price;Choice;Area;];": 2, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Area;Choice;Choice;];": 2, + "Restaurant-Inform[Choice;Price;Name;Food;Area;];": 2, + "Train-NoOffer[none;];Train-Request[Leave;Arrive;];": 2, + "Train-Inform[Id;Leave;Leave;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Area;Fee;];": 2, + "Train-Inform[Time;];general-greet[none;];": 2, + "Train-Request[Leave;Arrive;Dest;Depart;];": 2, + "general-reqmore[none;];Train-OfferBooked[Leave;Ref;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Choice;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Stars;Parking;Name;Internet;];": 2, + "general-reqmore[none;];Restaurant-Inform[Post;Post;Phone;];": 2, + "Hotel-Inform[Stars;Name;Price;Area;];general-reqmore[none;];": 2, + "Restaurant-Recommend[Name;];Booking-Request[Day;Time;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Type;];": 2, + "Booking-Inform[Name;];Booking-Request[Day;Time;People;];": 2, + "Train-Inform[Ticket;Dest;Depart;Id;Arrive;Time;Leave;];": 2, + "Booking-NoBook[none;];general-reqmore[none;];Restaurant-Inform[Phone;];": 2, + "Attraction-Inform[Name;Type;Fee;Phone;Addr;];": 2, + "Train-Inform[Choice;Leave;Leave;Ticket;];Train-Select[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Addr;Name;];": 2, + "Train-Inform[Choice;Depart;Day;Day;Dest;];Train-Request[Day;];": 2, + "general-reqmore[none;];Train-OfferBooked[Arrive;Leave;Id;Ref;];": 2, + "Train-Inform[Day;Choice;Depart;];Train-Request[Dest;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;Phone;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Addr;Addr;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;Food;];Restaurant-Inform[Price;];": 2, + "Attraction-Select[none;];Attraction-Inform[Choice;];": 2, + "Hotel-Request[Area;];Train-OfferBooked[Ref;Ticket;];": 2, + "Hotel-Request[Stars;Price;];Hotel-Inform[Type;Choice;Area;];": 2, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Area;Type;Choice;];": 2, + "Restaurant-Inform[Addr;Name;Phone;Post;];": 2, + "Attraction-Inform[Name;Name;Name;Name;Type;Fee;Fee;Choice;Area;];": 2, + "Hotel-Request[Parking;Price;Internet;];": 2, + "Hotel-Recommend[Price;Name;Stars;Area;];Booking-Inform[none;];": 2, + "Train-Inform[Choice;Depart;];Train-Request[Leave;Day;];": 2, + "Train-Inform[Depart;Day;Dest;Leave;];Train-Request[Depart;Day;];": 2, + "Train-Inform[Dest;Arrive;Leave;Day;Depart;];": 2, + "Hotel-Inform[Type;Stars;Area;];general-reqmore[none;];": 2, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Area;Area;];": 2, + "Booking-NoBook[Name;];Booking-Book[Ref;Name;];": 2, + "Hotel-Request[Price;Stars;];Hotel-Inform[Area;Choice;Type;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Type;Post;Addr;Phone;];": 2, + "Hotel-Select[Type;Type;];Hotel-Inform[Choice;Type;Type;];": 2, + "Hotel-Request[Type;];Hotel-Inform[Choice;Area;];": 2, + "Hotel-NoOffer[Type;Type;];": 2, + "Hotel-Request[Parking;];Hotel-Inform[Parking;];": 2, + "Train-Inform[Arrive;Depart;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Area;Addr;Phone;Name;];": 2, + "Hotel-Recommend[Name;];Hotel-Request[Price;];": 2, + "Hotel-Recommend[Internet;Name;Parking;Stars;Price;Type;];Booking-Inform[none;];": 2, + "Train-Request[Depart;];Booking-Book[Ref;];": 2, + "Train-Inform[Id;Arrive;Depart;Dest;Leave;Ticket;];Train-OfferBook[none;];Train-Request[People;];": 2, + "Booking-NoBook[Time;Day;];Booking-Request[Time;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Food;Area;Name;];": 2, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Name;Phone;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Choice;Parking;Type;];": 2, + "Train-Inform[Choice;Dest;Arrive;];Train-Request[Depart;Day;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Post;Name;];": 2, + "Attraction-Select[Type;];Attraction-Inform[Choice;Area;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Area;Addr;Phone;Name;];": 2, + "Restaurant-Recommend[Name;Price;Area;];general-reqmore[none;];": 2, + "Hotel-Request[Area;];Hotel-NoOffer[Area;Price;];": 2, + "Train-Request[Dest;Day;Leave;];": 2, + "general-welcome[none;];Train-Request[Dest;];": 2, + "Restaurant-Inform[Area;Food;Name;];": 2, + "Train-Inform[Ticket;Id;Time;Leave;];Train-OfferBook[none;];": 2, + "Restaurant-Select[Area;Area;Name;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Food;Choice;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Type;Type;Type;Type;Type;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Area;Name;Food;];": 2, + "Train-Inform[Arrive;Id;Dest;];Train-OfferBook[none;];Train-Request[People;];": 2, + "Train-OfferBook[Dest;Id;Arrive;];": 2, + "Hotel-Inform[Price;Type;Area;Name;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Area;Choice;Price;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Choice;];": 2, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Phone;];": 2, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Choice;Area;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Name;Choice;];": 2, + "Restaurant-Inform[Price;Area;Addr;Name;];": 2, + "Attraction-Inform[Post;Name;Phone;];": 2, + "Train-Inform[Choice;Choice;Id;Leave;];Train-OfferBook[none;];": 2, + "Train-Inform[Choice;Leave;Leave;];Train-Select[none;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Restaurant-Inform[Price;Addr;Name;Food;Phone;];": 2, + "Hotel-Request[Stars;Area;Parking;Internet;];Hotel-Inform[Choice;Price;Type;];": 2, + "Attraction-Recommend[Fee;Addr;Area;Name;];": 2, + "Attraction-Inform[Name;Fee;Fee;Choice;];": 2, + "Restaurant-Inform[Area;Name;Price;];": 2, + "Booking-NoBook[Ref;Name;];": 2, + "Restaurant-Inform[Choice;Choice;Price;Food;Area;];": 2, + "Train-Inform[Arrive;Day;Depart;Dest;Id;];Train-OfferBook[none;];": 2, + "Hotel-Request[Type;];Hotel-Inform[Choice;Type;];": 2, + "Hotel-Inform[Area;Stars;Price;];": 2, + "Booking-Inform[none;];Hotel-Inform[Addr;Name;Price;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Food;];": 2, + "general-reqmore[none;];Booking-Book[Name;Time;Ref;];": 2, + "Hotel-Inform[Name;Internet;Stars;];Booking-Request[Stay;];": 2, + "Train-OfferBook[Id;Arrive;];Train-Request[People;];": 2, + "Booking-Request[Time;People;];general-greet[none;];": 2, + "Restaurant-Request[Area;];Restaurant-Recommend[Name;Area;];Restaurant-Inform[Choice;];": 2, + "Attraction-Recommend[Post;Addr;Fee;Name;];": 2, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Area;Choice;Type;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Type;Internet;Parking;Choice;Price;];": 2, + "Hotel-Inform[Name;Area;Addr;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Stars;];": 2, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Area;Choice;];": 2, + "Attraction-Inform[Name;Post;Fee;Addr;Area;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Food;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Type;Area;Stars;];": 2, + "Hotel-Recommend[Price;Area;Name;];Booking-Inform[none;];": 2, + "Hotel-Request[Price;Area;];Hotel-Inform[Type;];": 2, + "Hotel-Inform[Name;Name;Choice;Type;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Choice;Stars;Stars;];": 2, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Internet;Parking;Stars;];": 2, + "Booking-Book[People;Day;Time;Ref;];general-reqmore[none;];Restaurant-Inform[Name;];": 2, + "Hotel-Recommend[Type;Price;Name;Stars;Area;Internet;];Booking-Inform[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Post;Phone;Name;Addr;];": 2, + "Attraction-Inform[Type;Type;];": 2, + "Booking-Inform[none;];Attraction-Inform[Phone;];": 2, + "Attraction-Inform[Name;Name;Post;Post;Phone;Phone;];": 2, + "general-reqmore[none;];Attraction-Inform[Choice;Fee;];": 2, + "Attraction-Inform[Post;Phone;Name;];": 2, + "Train-Inform[Day;];Train-Request[Depart;];": 2, + "Train-OfferBooked[Leave;Ref;];": 2, + "Booking-Book[Ref;Day;Stay;People;];": 2, + "Restaurant-Request[Area;Price;];Restaurant-NoOffer[none;];": 2, + "Booking-NoBook[Name;];Booking-Request[Time;Day;];": 2, + "Taxi-Inform[Arrive;Dest;Depart;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Price;Food;Area;];": 2, + "Hotel-Select[Type;Type;];Hotel-Inform[Area;Choice;Price;];": 2, + "Restaurant-Inform[Phone;Name;Food;Area;Price;];": 2, + "Attraction-Inform[Addr;Addr;Phone;Fee;Name;];": 2, + "Hotel-Inform[Addr;Area;Price;Name;Type;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Post;Phone;Addr;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Price;Type;Stars;];": 2, + "Hotel-NoOffer[Type;Stars;];general-reqmore[none;];": 2, + "Restaurant-Recommend[Name;Addr;Addr;];": 2, + "Attraction-NoOffer[Area;];Attraction-Inform[Area;Choice;];": 2, + "Attraction-Inform[Type;Fee;Choice;Area;];": 2, + "Attraction-Inform[Name;Post;Phone;Area;];": 2, + "Booking-Inform[none;];Hotel-Inform[Phone;];general-reqmore[none;];": 2, + "Train-Inform[Depart;];Train-Request[Leave;Dest;];": 2, + "Train-Inform[Ticket;Arrive;Choice;Leave;];Train-OfferBook[none;];": 2, + "Restaurant-Inform[Price;Addr;Food;];": 2, + "Train-Inform[Dest;Choice;Depart;];Train-Request[Leave;Day;];": 2, + "Train-Inform[Leave;Depart;Dest;];Train-OfferBook[none;];": 2, + "Booking-NoBook[none;];Booking-Request[Time;Day;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Area;Name;];": 2, + "Hotel-Select[none;];Hotel-Inform[Area;Choice;Price;Price;Type;];": 2, + "Attraction-Inform[Name;Name;Name;];": 2, + "Booking-NoBook[none;];Hotel-Request[Area;];Booking-Request[Day;];": 2, + "Restaurant-Request[Name;];Restaurant-Inform[Choice;];": 2, + "Restaurant-Inform[Food;Price;Choice;Choice;Choice;Area;Area;];": 2, + "Hotel-Inform[Stars;Price;Name;Internet;];": 2, + "Train-OfferBooked[Ref;Ticket;People;Id;];": 2, + "Attraction-Request[Type;];Attraction-Inform[Type;Area;Choice;];": 2, + "Attraction-Inform[Post;Fee;Addr;];": 2, + "Hotel-Recommend[Type;Name;Stars;Area;];Booking-Inform[none;];": 2, + "Booking-Book[Day;Time;];": 2, + "Hotel-Inform[Area;Name;Price;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Choice;];": 2, + "Attraction-Recommend[Name;];Attraction-Inform[Addr;Addr;Addr;];": 2, + "Attraction-Request[Price;];Attraction-Inform[Area;Type;Type;Choice;];": 2, + "Train-Inform[Ticket;Id;Arrive;Time;Leave;];Train-OfferBook[none;];": 2, + "Attraction-Inform[Fee;Area;Addr;];": 2, + "Train-Inform[Depart;];Train-Request[Day;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Choice;Food;Price;];": 2, + "Train-Inform[Arrive;Leave;Depart;Dest;];general-reqmore[none;];": 2, + "general-reqmore[none;];Restaurant-Inform[Phone;Post;Addr;];": 2, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Choice;Stars;];": 2, + "Restaurant-Inform[Choice;Area;];": 2, + "Train-Inform[Arrive;Leave;Leave;Dest;Id;];Train-OfferBook[none;];": 2, + "Train-Inform[Choice;];Train-Request[Dest;Arrive;];": 2, + "Hotel-Inform[Phone;Addr;Name;Post;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Post;Fee;];": 2, + "Train-Inform[Id;Time;Leave;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Parking;Price;Name;Internet;];": 2, + "Booking-Inform[none;];Hotel-Select[Choice;Type;];": 2, + "Train-Inform[Time;Id;Leave;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Restaurant-Inform[Name;Post;Addr;];": 2, + "Taxi-Inform[Leave;Phone;Car;Dest;Depart;];": 2, + "general-reqmore[none;];Restaurant-Inform[Area;Food;Price;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Type;Type;Choice;Choice;];": 2, + "Attraction-Recommend[Phone;Post;Name;Addr;Addr;Addr;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Addr;Price;];": 2, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Stars;Name;Price;Area;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Addr;Name;];Restaurant-Inform[Choice;];": 2, + "Train-Inform[Choice;];Train-OfferBook[Arrive;Id;];": 2, + "general-reqmore[none;];Attraction-Inform[Addr;Type;];": 2, + "Restaurant-Inform[Choice;Price;Name;Name;Area;];": 2, + "Hotel-NoOffer[Type;Price;Stars;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Booking-Request[People;Time;];": 2, + "Booking-Inform[Name;];general-reqmore[none;];": 2, + "Train-Inform[Arrive;Leave;Id;Ticket;];Train-OfferBook[none;];": 2, + "Attraction-Inform[Post;Phone;Addr;Name;];": 2, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Choice;Type;];": 2, + "Booking-Inform[People;Day;Time;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;Choice;];": 2, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;];general-greet[none;];": 2, + "Hotel-Recommend[Price;Name;];": 2, + "Booking-Inform[none;];Booking-Request[Stay;People;Day;];": 2, + "Hotel-Inform[Post;Area;Name;Addr;Price;Type;Phone;Stars;];": 2, + "Restaurant-Inform[Area;Area;Name;Name;];": 2, + "Train-Inform[Arrive;Arrive;Choice;];Train-Request[Arrive;];": 2, + "Booking-Inform[none;];Hotel-Inform[Phone;Post;Internet;Addr;Parking;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Food;Area;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Type;Addr;];": 2, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Type;Stars;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Price;];": 2, + "Train-OfferBook[Dest;Leave;Id;Arrive;Depart;];": 2, + "general-reqmore[none;];Booking-Book[Day;Ref;People;];": 2, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Choice;Type;];": 2, + "Booking-Book[Ref;Stay;People;];": 2, + "Hotel-Inform[Area;Addr;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Parking;Price;Type;Internet;];": 2, + "Booking-Inform[none;];Hotel-Inform[Addr;Post;];": 2, + "Train-Inform[Id;Arrive;];Train-Request[People;];": 2, + "Booking-Book[Name;Ref;];general-reqmore[none;];Restaurant-Inform[Addr;];": 2, + "Restaurant-Request[Area;Food;];Restaurant-NoOffer[Food;Price;Area;];": 2, + "Attraction-Inform[Fee;Phone;Addr;Name;];": 2, + "Restaurant-Request[Food;];Booking-Book[Ref;];": 2, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Area;];": 2, + "Booking-Book[Ref;Stay;Day;Name;];": 2, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Choice;];general-reqmore[none;];": 2, + "Booking-Book[Ref;Stay;Day;];": 2, + "Attraction-Select[none;];Attraction-Inform[Name;Type;Fee;Addr;];": 2, + "Restaurant-Inform[Phone;Price;];": 2, + "Attraction-Select[Type;Type;Type;];Attraction-Inform[Choice;Area;];": 2, + "Train-Inform[Ticket;Arrive;];general-reqmore[none;];": 2, + "Attraction-Inform[Phone;Area;Addr;];": 2, + "Booking-Book[People;Ref;Day;];": 2, + "Train-Inform[Leave;Leave;];Train-Select[none;];": 2, + "Restaurant-Select[Name;Name;Name;Name;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;];": 2, + "Restaurant-Inform[Phone;Post;Addr;];": 2, + "Taxi-Inform[Dest;Phone;Arrive;Car;];": 2, + "Train-Inform[Choice;];Train-Request[Dest;Arrive;Depart;];": 2, + "Train-Request[Dest;Arrive;Leave;Depart;];": 2, + "Attraction-Inform[Type;Area;Choice;Fee;Fee;];": 2, + "Taxi-Inform[Phone;Depart;Car;Leave;];": 2, + "Attraction-Recommend[Area;Phone;Name;];": 2, + "Train-Inform[Day;Arrive;Dest;Depart;Leave;];Train-OfferBook[none;];": 2, + "Train-Inform[Time;Arrive;Leave;Depart;Dest;Id;Ticket;];Train-OfferBook[none;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Choice;];general-greet[none;];": 2, + "Train-Inform[Id;Arrive;Leave;Ticket;Time;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Choice;Price;];": 2, + "Attraction-Inform[Name;Name;Name;Choice;];": 2, + "Booking-Inform[none;];Hotel-Inform[Choice;Type;Area;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Area;Choice;];": 2, + "general-reqmore[none;];Attraction-Inform[Area;Addr;Name;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Choice;Area;];": 2, + "Hotel-NoOffer[Area;Type;Price;];": 2, + "Train-Inform[Arrive;Day;Leave;Dest;Id;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Area;Fee;];": 2, + "Train-OfferBooked[Depart;Time;Arrive;Id;Leave;Dest;];": 2, + "Restaurant-Inform[Ref;];Booking-Book[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Stars;Parking;];": 2, + "Hotel-Inform[Phone;Addr;Name;];general-reqmore[none;];": 2, + "Hotel-NoOffer[Type;Area;Internet;Price;];": 2, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Stars;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Area;Food;Price;Choice;];": 2, + "Train-OfferBooked[Ref;Day;Ticket;Arrive;Id;Leave;];": 2, + "Train-OfferBooked[Id;Ref;People;];": 2, + "Hotel-Inform[Post;Phone;Name;];general-reqmore[none;];": 2, + "Train-Inform[Choice;Choice;];Train-Request[Dest;];": 2, + "Attraction-Inform[Addr;Addr;Fee;Name;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Addr;Addr;Phone;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Addr;Addr;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Post;Phone;Addr;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Area;];": 2, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Area;Food;Choice;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Choice;Area;Name;];": 2, + "general-reqmore[none;];Attraction-Inform[Choice;Area;Type;Name;Name;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Food;Food;Food;];": 2, + "Attraction-Recommend[Fee;Type;Area;Name;];": 2, + "Hotel-Inform[Name;Choice;Type;Stars;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Internet;];": 2, + "Restaurant-Inform[Name;Choice;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Price;Food;];": 2, + "Train-Inform[Choice;Dest;];Train-Request[Depart;Leave;];": 2, + "Train-Inform[Arrive;Leave;Ticket;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;Area;];": 2, + "Attraction-Inform[Type;Name;Fee;Area;];": 2, + "Attraction-Inform[Post;Phone;Addr;Addr;Addr;];": 2, + "Attraction-Request[Area;];general-greet[none;];Attraction-Inform[Area;Choice;];": 2, + "Taxi-Request[Leave;Dest;];general-greet[none;];": 2, + "Train-Inform[Depart;Id;];": 2, + "Restaurant-Request[Area;];Restaurant-Inform[Food;];Booking-Book[Ref;];": 2, + "Booking-Request[People;Day;Time;];general-greet[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Parking;Stars;];": 2, + "Hotel-Request[Type;];Hotel-Inform[Area;Choice;];": 2, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Choice;];": 2, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Recommend[Name;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Price;Area;Name;];": 2, + "Attraction-Recommend[Type;Fee;Phone;Name;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Price;Name;Area;Food;];": 2, + "Booking-Inform[none;];Hotel-Inform[Internet;];general-reqmore[none;];": 2, + "Hotel-Inform[Area;Name;Internet;Addr;Price;Parking;Type;Stars;];": 2, + "Hotel-Request[Stars;];Hotel-NoOffer[Stars;Type;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Addr;Area;];": 2, + "Train-Inform[Day;Arrive;Id;Dest;Depart;Ticket;Leave;];Train-OfferBook[none;];": 2, + "Attraction-Inform[Fee;Area;Addr;Name;];": 2, + "Train-Inform[Choice;Arrive;Id;Leave;];Train-OfferBook[none;];": 2, + "Attraction-Request[Type;];Attraction-Recommend[Type;];": 2, + "Booking-Inform[none;];Booking-Request[Day;Stay;];": 2, + "Hotel-Inform[Addr;Type;Stars;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Type;Stars;Phone;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Post;Addr;Area;];": 2, + "general-reqmore[none;];Restaurant-Inform[Choice;Price;Price;];": 2, + "Restaurant-Inform[Phone;Food;Name;Addr;Price;];": 2, + "Booking-Book[Ref;Time;];general-reqmore[none;];Restaurant-Inform[Name;];": 2, + "Train-OfferBook[Day;Arrive;];": 2, + "Booking-NoBook[none;];Hotel-Request[Price;];": 2, + "Train-OfferBook[Id;Leave;Arrive;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Stars;];": 2, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;Name;];": 2, + "Restaurant-Inform[Choice;Price;Name;Name;Food;Food;Area;];": 2, + "Hotel-Request[Stars;Area;];Hotel-Inform[Choice;Type;];": 2, + "Restaurant-Inform[Post;Phone;Name;];": 2, + "Train-Inform[Ticket;Dest;Arrive;Leave;Depart;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;Name;];general-reqmore[none;];": 2, + "Attraction-Inform[Fee;Phone;Type;Area;Addr;Post;];": 2, + "Train-Inform[Day;Leave;Depart;];Train-OfferBook[none;];": 2, + "Hotel-Request[Stars;];Hotel-Inform[Type;Choice;];": 2, + "Restaurant-Inform[Name;Phone;Post;];": 2, + "Hotel-Select[none;];Hotel-Inform[Name;Area;Price;];": 2, + "Train-Inform[Leave;];Train-Request[Arrive;];": 2, + "general-reqmore[none;];Restaurant-Inform[Price;Post;];": 2, + "Train-Inform[Id;Leave;Day;];": 2, + "Train-Inform[Arrive;Leave;Id;];Train-OfferBook[none;];general-reqmore[none;];": 2, + "Hotel-Inform[Price;Name;Type;Area;];": 2, + "Booking-Inform[none;];Hotel-Inform[Post;Name;Addr;];": 2, + "Hotel-NoOffer[Type;Stars;Internet;];general-reqmore[none;];": 2, + "Hotel-Recommend[Price;Stars;Name;Type;Area;];Booking-Inform[none;];": 2, + "Hotel-Inform[Name;Type;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Addr;Price;Name;];": 2, + "Hotel-Recommend[Name;];Booking-Request[Stay;People;];": 2, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Food;Name;Area;Price;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Addr;Addr;Name;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Price;Choice;Name;Food;Area;];": 2, + "Taxi-Inform[Dest;Arrive;Depart;];general-reqmore[none;];": 2, + "Booking-Inform[People;];Booking-Request[Day;Stay;];": 2, + "Booking-NoBook[Day;Time;];Booking-Request[Day;Time;];": 2, + "Attraction-Inform[Choice;Area;Area;Type;];": 2, + "general-reqmore[none;];Attraction-Inform[Post;Phone;Addr;Name;];": 2, + "Attraction-Recommend[Name;Area;Fee;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Internet;Parking;Area;];": 2, + "Booking-Request[Stay;Day;People;];general-greet[none;];": 2, + "Hotel-NoOffer[Stars;Type;Area;];": 2, + "Attraction-Inform[Addr;Type;Fee;Name;];": 2, + "Train-Inform[Choice;Leave;];Train-Request[Depart;Dest;];": 2, + "Hotel-NoOffer[Price;Area;Type;];general-reqmore[none;];": 2, + "Booking-NoBook[none;];Hotel-Request[Name;];Booking-Request[Day;];": 2, + "Booking-Inform[none;];Hotel-Inform[Stars;Parking;Price;Name;Type;Internet;];": 2, + "general-reqmore[none;];Attraction-Inform[Addr;Post;Fee;];": 2, + "Hotel-Request[Price;Area;];Hotel-Inform[Type;Choice;Stars;];": 2, + "Train-OfferBook[Id;People;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Type;Price;];": 2, + "Booking-NoBook[Name;];Hotel-Request[Name;];": 2, + "Taxi-Inform[Phone;Dest;Leave;Car;Depart;];general-reqmore[none;];": 2, + "Hotel-Select[Choice;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Addr;];general-reqmore[none;];": 2, + "Restaurant-Inform[Food;Choice;Name;Name;];": 2, + "Restaurant-Select[Choice;Food;Food;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Name;Area;];": 2, + "Train-Select[Leave;Arrive;];": 2, + "Attraction-Inform[Type;Type;Type;Type;Type;Type;Choice;Area;];": 2, + "Booking-Book[Day;Time;Name;];": 2, + "Attraction-Inform[Name;Fee;Post;Addr;];": 2, + "general-reqmore[none;];Booking-Book[People;Day;Name;Time;Ref;];": 2, + "Hotel-Select[Name;];Hotel-Inform[Internet;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Type;Type;];": 2, + "Attraction-Request[Area;];general-greet[none;];Attraction-Inform[Type;];": 2, + "Train-OfferBooked[Arrive;Ref;Ticket;Id;Dest;];": 2, + "Hotel-Recommend[Name;Stars;Price;];": 2, + "Restaurant-Inform[Food;Addr;Phone;Name;];": 2, + "Attraction-Inform[Addr;Type;Choice;Fee;Name;];": 2, + "Taxi-Inform[Arrive;Dest;Car;Depart;Phone;];general-reqmore[none;];": 2, + "Train-Inform[Time;Leave;Dest;];": 2, + "Attraction-Recommend[Name;];Attraction-Inform[Choice;Area;];": 2, + "Taxi-Request[Leave;Depart;];general-greet[none;];": 2, + "Train-Inform[Choice;Leave;Dest;];Train-Request[Depart;];": 2, + "Restaurant-Inform[Addr;Post;Post;];": 2, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Type;Type;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Area;Addr;Phone;];": 2, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Choice;];": 2, + "Train-Inform[Arrive;Id;Dest;Depart;];": 2, + "Hotel-NoOffer[Type;Area;Price;];general-reqmore[none;];": 2, + "Train-Inform[Arrive;Choice;Depart;Dest;];Train-Request[Leave;];": 2, + "Hotel-Request[Stars;Type;];Hotel-Inform[Choice;];": 2, + "Restaurant-Inform[Addr;Post;Phone;Name;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Post;Addr;];": 2, + "Hotel-Request[Price;];Hotel-NoOffer[Type;Price;];Hotel-Select[Price;];": 2, + "Hotel-Inform[Choice;Name;Name;Name;];general-reqmore[none;];": 2, + "Train-OfferBook[Day;Arrive;Id;Dest;];": 2, + "Train-Inform[Dest;Depart;Arrive;Leave;];": 2, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Addr;Addr;Name;];": 2, + "Booking-Inform[none;];Restaurant-Inform[none;];": 2, + "Restaurant-Inform[Addr;Name;Area;Phone;];": 2, + "Attraction-Select[Type;Type;Type;Type;];": 2, + "Attraction-Request[Type;];Attraction-NoOffer[Type;Area;];": 2, + "general-reqmore[none;];Attraction-Inform[Addr;Type;Area;Phone;];": 2, + "Train-NoOffer[Dest;];Train-Request[Dest;];": 2, + "Train-OfferBooked[Id;Ref;People;Ticket;];": 2, + "Taxi-Inform[Car;];general-greet[none;];": 2, + "Restaurant-Recommend[Name;Name;Food;Food;];Restaurant-Inform[Price;Choice;Area;];": 2, + "Hotel-Inform[Area;Addr;Addr;Price;];": 2, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;Type;Choice;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Internet;Choice;Parking;Type;];": 2, + "Attraction-Request[Type;];general-reqmore[none;];": 2, + "Hotel-Inform[Choice;Price;Type;];": 2, + "Booking-Inform[none;];Hotel-Select[Name;Name;];": 2, + "general-reqmore[none;];Train-OfferBooked[Id;People;];": 2, + "Attraction-Request[Name;];Attraction-Inform[Choice;Type;Area;];": 2, + "general-reqmore[none;];Booking-Book[Time;Ref;Name;];": 2, + "Train-Inform[Day;Leave;];Train-Request[Day;];": 2, + "Train-Inform[Id;Ticket;];general-reqmore[none;];": 2, + "Restaurant-Inform[Name;Phone;Area;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Area;Addr;Name;];": 2, + "Attraction-Inform[Fee;Area;Name;Type;Post;Addr;Phone;];": 2, + "Train-Inform[Depart;Choice;Dest;];Train-Request[Leave;Day;];": 2, + "Train-Inform[Ticket;Leave;Id;];": 2, + "Restaurant-Recommend[Name;Price;Post;];": 2, + "Attraction-Recommend[Type;Fee;Name;];": 2, + "Attraction-Inform[Post;Phone;Area;];": 2, + "Hotel-Recommend[Price;Name;Parking;Area;Internet;];Booking-Inform[none;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Choice;];": 2, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Food;Price;Area;Name;];": 2, + "Hotel-Inform[Internet;Parking;Stars;Name;Price;Area;];": 2, + "Hotel-Select[Stars;Stars;];Hotel-Inform[Choice;Type;];": 2, + "Restaurant-Select[Choice;];": 2, + "Attraction-Inform[Fee;Name;Name;Name;];": 2, + "Taxi-Inform[Dest;Leave;Car;Depart;];": 2, + "Attraction-Inform[Phone;Post;Name;];": 2, + "general-reqmore[none;];Attraction-Inform[Post;Phone;Addr;Addr;Addr;];": 2, + "Restaurant-Inform[Choice;Price;Area;];": 2, + "Train-Inform[Id;Day;];": 2, + "Attraction-Inform[Fee;Name;Choice;];": 2, + "Booking-Book[People;Ref;Day;Name;Time;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Price;Choice;Area;];": 2, + "Attraction-Inform[Fee;Addr;Addr;Name;];": 2, + "Train-Inform[Arrive;Day;];": 2, + "Attraction-Recommend[Name;Area;];Attraction-Select[none;];": 2, + "Hotel-Recommend[Name;Stars;];general-reqmore[none;];": 2, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Area;];": 2, + "Taxi-Inform[Dest;Phone;Car;];": 2, + "general-reqmore[none;];Booking-Book[Stay;Day;Ref;];": 2, + "Train-Inform[Leave;Leave;Choice;];": 2, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Name;Area;];": 2, + "Train-Request[Dest;];Booking-Book[Ref;];": 2, + "Hotel-Select[Area;Area;];Hotel-Inform[Type;Choice;];": 2, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Type;Choice;];": 2, + "Booking-NoBook[Stay;];Booking-Request[Stay;Day;];": 2, + "Hotel-Request[Area;];Hotel-Inform[none;];": 2, + "Restaurant-Inform[Phone;Food;Name;Area;Price;];": 2, + "Restaurant-Select[none;];Restaurant-Recommend[Name;Name;];Restaurant-Inform[Choice;];": 2, + "Booking-Book[Time;People;Day;Name;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Type;];": 2, + "Hotel-Inform[Price;Name;Addr;];": 2, + "Train-Inform[Id;Depart;Day;Dest;Leave;];Train-OfferBook[none;];": 2, + "Restaurant-Inform[Price;Name;Name;Area;];": 2, + "Attraction-Recommend[Name;Addr;Area;];": 2, + "Hotel-Request[Price;Stars;];Hotel-NoOffer[Price;Stars;Type;];": 2, + "Hotel-Select[none;];Hotel-Inform[Type;Type;Choice;Choice;Choice;];": 2, + "Hotel-Inform[Stars;Internet;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Type;Type;];": 2, + "Hotel-Request[Area;];Hotel-Select[Type;Type;];": 2, + "Hotel-Select[Area;Name;];": 2, + "Restaurant-Inform[Choice;Name;Name;Name;Area;];": 2, + "Hotel-Inform[Price;Name;Name;];": 2, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Select[none;];": 2, + "general-reqmore[none;];Restaurant-Inform[Name;Addr;Area;];": 2, + "Hotel-Select[none;];Hotel-Inform[Choice;Name;Name;Name;];": 2, + "Train-Inform[Arrive;Day;Leave;Depart;Dest;Ticket;];Train-OfferBook[none;];": 2, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Area;Type;];": 2, + "Taxi-Inform[Arrive;Car;Phone;];": 2, + "Attraction-Inform[Name;Addr;Phone;Area;];": 2, + "Hotel-Recommend[Name;Price;Internet;Parking;Stars;];Booking-Inform[none;];": 2, + "Train-OfferBooked[Id;Ticket;Ref;];": 2, + "general-reqmore[none;];Restaurant-Inform[Area;Price;];": 2, + "Hotel-Recommend[Internet;Name;];Booking-Inform[none;];": 2, + "Hotel-Request[Area;Price;];Hotel-Inform[Internet;Choice;Parking;];": 2, + "Hotel-NoOffer[Type;];general-reqmore[none;];Hotel-Inform[Choice;Type;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Addr;Addr;];": 2, + "Hotel-Request[Stars;Parking;Price;Internet;];Hotel-Inform[Choice;];": 2, + "Attraction-Recommend[none;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Name;Name;Price;];": 2, + "general-reqmore[none;];Booking-Book[Time;Name;Day;People;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Price;Name;Phone;];": 2, + "Restaurant-Recommend[Name;];Booking-Request[Time;];": 2, + "Hotel-NoOffer[Price;Area;Type;];": 2, + "Attraction-Recommend[Name;];Attraction-Inform[Post;Phone;];": 2, + "Restaurant-Select[Name;];Restaurant-Inform[Food;];": 2, + "Hotel-Inform[Price;Type;Choice;];": 2, + "Restaurant-Request[Price;];Restaurant-Inform[Food;Area;];": 2, + "Hotel-Request[Stars;];Hotel-Inform[Area;Choice;Type;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Name;Name;Choice;];": 2, + "Train-Inform[Id;Day;Leave;];Train-OfferBook[none;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Type;Internet;Choice;];": 2, + "Booking-Inform[none;];Hotel-Inform[Stars;Area;];": 2, + "Train-Inform[Dest;Arrive;];Train-Select[none;];": 2, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Choice;Price;Food;Area;Area;];": 2, + "Hotel-Inform[Area;Type;];": 2, + "general-reqmore[none;];Booking-Book[Name;Ref;Day;];": 2, + "Hotel-Inform[Name;Internet;Post;];": 2, + "Hotel-Inform[Type;];Booking-Request[Stay;Day;];": 2, + "Attraction-Inform[Name;Name;Name;Fee;Area;];": 2, + "general-reqmore[none;];Attraction-Inform[Area;Name;Addr;Addr;];": 2, + "Train-Inform[Day;Leave;Leave;];Train-OfferBook[none;];": 2, + "Train-Inform[Arrive;Id;Day;Dest;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Restaurant-Inform[Area;Addr;Post;];": 2, + "Hotel-Request[Price;Area;];Hotel-Inform[Stars;Choice;];": 2, + "Restaurant-Inform[Name;Area;Food;Choice;Price;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Price;Price;];": 2, + "Booking-Inform[none;];Hotel-Inform[Choice;Internet;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Type;Stars;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Choice;Name;];": 2, + "Train-Inform[Day;Arrive;Id;Depart;Leave;];Train-OfferBook[none;];": 2, + "Hotel-Inform[Choice;Area;];general-reqmore[none;];": 2, + "Train-Inform[Id;Arrive;Leave;Depart;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Choice;Name;Name;];": 2, + "Attraction-Recommend[Area;Post;Name;];": 2, + "Restaurant-Request[Food;Area;];Restaurant-Inform[Price;Choice;];": 2, + "Hotel-Inform[Parking;Stars;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Area;Post;];": 2, + "Train-Inform[Leave;Depart;];": 2, + "Attraction-Recommend[Addr;Post;Name;];general-reqmore[none;];": 2, + "Booking-Book[Name;Ref;Stay;];": 2, + "Attraction-Recommend[Post;Name;Fee;Addr;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Name;];": 2, + "Hotel-Inform[Choice;Type;Parking;];": 2, + "Booking-Request[People;Day;];general-greet[none;];": 2, + "Restaurant-Inform[Name;Food;Area;Price;];": 2, + "Hotel-Inform[Type;Stars;Name;];": 2, + "Restaurant-Recommend[Name;];Booking-Request[People;Time;];": 2, + "Train-Inform[Arrive;Arrive;Id;];Train-OfferBook[none;];": 2, + "Attraction-Inform[Fee;Addr;Area;];": 2, + "Booking-Inform[none;];Hotel-Select[none;];": 2, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Type;Price;Price;];": 2, + "Booking-Inform[Stay;];": 2, + "Hotel-Inform[Post;Phone;];general-greet[none;];": 2, + "Train-Inform[Ticket;Id;Time;Leave;];": 2, + "Attraction-Recommend[Phone;Name;Addr;Post;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Choice;Addr;Name;];": 2, + "Train-Inform[Day;Arrive;Id;Dest;Depart;];": 2, + "Attraction-Inform[Name;Fee;Phone;Area;];": 2, + "Train-Inform[Id;Depart;Day;Ticket;Dest;Leave;Arrive;Time;];": 2, + "Train-Inform[Arrive;Dest;Id;Depart;Leave;];Train-OfferBook[none;];": 2, + "Train-Inform[Id;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 2, + "Attraction-Inform[Area;Name;Phone;Fee;];": 2, + "Hotel-Inform[Addr;Addr;Post;Phone;];general-reqmore[none;];": 2, + "general-reqmore[none;];Restaurant-Inform[Name;Phone;Post;Post;];": 2, + "Train-Inform[Depart;Dest;Ticket;Arrive;Leave;];Train-OfferBook[none;];": 2, + "Hotel-Request[Type;];Hotel-Inform[Type;];": 2, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Choice;Area;];": 2, + "Attraction-Inform[Type;Name;Addr;Area;];": 2, + "Train-OfferBooked[Ref;People;Ticket;Arrive;Id;Leave;];": 2, + "general-reqmore[none;];Restaurant-Inform[Name;Addr;Area;Food;Price;];": 2, + "Attraction-Inform[Fee;Type;Area;Name;Name;Choice;];": 2, + "Train-Inform[Leave;];Train-Request[Day;Leave;];": 2, + "Hotel-Inform[Price;Name;Internet;Parking;Area;Stars;];": 2, + "Train-Inform[Choice;Day;Arrive;];Train-Request[Depart;Dest;];": 2, + "Train-Inform[Id;Dest;Arrive;Time;];": 2, + "Restaurant-Inform[Food;];Booking-Book[Name;Ref;];": 2, + "general-reqmore[none;];Attraction-Inform[Addr;Phone;Name;];": 2, + "Train-Inform[Leave;];Train-Select[none;];Train-OfferBook[none;];": 2, + "Restaurant-Request[Food;];Restaurant-NoOffer[none;];general-reqmore[none;];": 2, + "Attraction-Inform[Area;Phone;Name;];": 2, + "general-reqmore[none;];Attraction-Inform[Choice;Type;];": 2, + "Attraction-Inform[Fee;Type;Name;Area;Choice;];": 2, + "Restaurant-Recommend[Name;Food;];general-reqmore[none;];Restaurant-Inform[Choice;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;Area;Area;Area;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Food;Price;Area;];": 2, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;Internet;Price;];": 2, + "Hotel-Inform[Stars;Name;Post;];general-reqmore[none;];": 2, + "Restaurant-Inform[Price;Addr;Name;Phone;];": 2, + "Hotel-Inform[Area;Stars;Price;Name;];": 2, + "general-reqmore[none;];Booking-Book[Time;Day;People;Ref;];": 2, + "Taxi-Inform[Dest;Phone;Depart;Car;Leave;];": 2, + "Restaurant-Request[Price;];Restaurant-NoOffer[Food;Price;Area;];": 2, + "Booking-Inform[none;];Booking-Request[Stay;Day;People;];": 2, + "Hotel-Inform[none;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Area;Name;];": 2, + "Train-Inform[Ticket;Leave;Depart;Arrive;Dest;];Train-OfferBook[none;];": 2, + "Train-Select[Leave;Leave;];": 2, + "Train-Inform[Arrive;Choice;];Train-Request[Arrive;];": 2, + "Train-Inform[Choice;];Train-Select[Leave;];": 2, + "Booking-Inform[none;];Hotel-Inform[Parking;];general-reqmore[none;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Food;Food;];": 2, + "Attraction-Recommend[Name;Addr;Post;];general-reqmore[none;];": 2, + "Booking-Book[Day;Time;Name;People;];": 2, + "Train-Inform[Depart;Day;Dest;];": 2, + "Booking-Book[Ref;People;Day;Time;Name;];": 2, + "Hotel-Request[Price;];Hotel-NoOffer[Type;Price;];": 2, + "Train-Inform[Id;Arrive;Leave;Ticket;];": 2, + "Attraction-Inform[Name;Post;Phone;Addr;Addr;];": 2, + "Booking-Book[Name;];general-reqmore[none;];Restaurant-Inform[Ref;Addr;];": 2, + "Hotel-NoOffer[Area;Stars;Type;];": 2, + "Train-Inform[Dest;Leave;Leave;Day;Depart;];": 2, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Choice;Choice;Choice;];": 2, + "Hotel-Inform[Phone;Addr;Name;];": 2, + "Hotel-Inform[Area;Phone;];": 2, + "Attraction-Inform[Name;Post;Addr;Addr;Addr;];": 2, + "general-reqmore[none;];Restaurant-Inform[Name;Food;Price;];": 2, + "Attraction-Inform[Area;Area;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Choice;Type;Area;];": 2, + "Train-Inform[Choice;Leave;];Train-Request[People;];": 2, + "Hotel-Inform[Area;];Booking-Book[Ref;Name;];": 2, + "Hotel-Select[Type;Type;];Hotel-Inform[Choice;Price;];": 2, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Price;Choice;Choice;Choice;Choice;];": 2, + "Attraction-Inform[Name;Phone;Post;Area;Fee;];": 2, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[Area;];": 2, + "general-reqmore[none;];Booking-Book[Time;People;Ref;];": 2, + "Train-Inform[Leave;];Train-OfferBook[none;];general-reqmore[none;];": 2, + "Hotel-Request[Area;Price;Type;];": 2, + "Attraction-Recommend[Addr;Fee;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Type;Stars;];": 2, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Price;];": 2, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Name;];": 2, + "Restaurant-Inform[Choice;Area;Area;];": 2, + "Restaurant-Request[Area;Price;];general-greet[none;];": 2, + "Hotel-Request[Area;];Hotel-NoOffer[Stars;];": 2, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Stars;Name;];": 2, + "Hotel-Inform[Post;Price;Name;];": 2, + "Train-Inform[Day;Choice;Dest;Depart;Leave;];general-reqmore[none;];": 2, + "Hotel-Inform[Addr;Addr;Name;Name;];": 2, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Price;Name;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Addr;Addr;];": 2, + "Train-OfferBook[none;];Train-Request[Depart;];": 2, + "Train-Inform[Choice;Choice;Day;];Train-Request[Depart;Dest;];": 2, + "Hotel-Inform[Area;Name;Price;Stars;];general-reqmore[none;];": 2, + "Hotel-Request[Type;Area;];Hotel-Inform[Choice;];": 2, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Addr;Post;Post;];": 2, + "Booking-Inform[none;];Hotel-Inform[Choice;Name;Name;Area;Area;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Type;Price;];": 2, + "Train-Inform[Time;Leave;Leave;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Stars;];": 2, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Addr;Addr;Phone;];": 2, + "Booking-Inform[none;];Booking-Request[Time;People;];": 2, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Internet;Type;Parking;Stars;Price;];": 2, + "Restaurant-Inform[Food;Area;Phone;Name;];": 2, + "Hotel-Request[Type;Price;];Hotel-NoOffer[none;];": 2, + "Restaurant-Inform[Choice;Choice;Area;Area;];": 2, + "Train-Inform[Ref;Ticket;];general-reqmore[none;];Train-OfferBooked[People;];": 2, + "Hotel-Inform[Choice;Type;];Booking-Request[Day;];": 2, + "Hotel-Select[none;];Hotel-Inform[Area;Choice;Choice;Choice;Type;Type;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Addr;Name;Phone;Post;];": 2, + "general-reqmore[none;];Train-OfferBooked[Leave;Ref;Ticket;Id;];": 2, + "Restaurant-Inform[Food;Food;Choice;Name;Name;];": 2, + "Hotel-Recommend[Name;Stars;Price;Area;];Booking-Inform[none;];": 2, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Food;Food;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Area;Area;Choice;];": 2, + "Attraction-Inform[Type;Name;Fee;];": 2, + "general-reqmore[none;];Restaurant-Inform[Addr;Post;Phone;Name;];": 2, + "Restaurant-Request[Area;];Booking-NoBook[none;];": 2, + "Train-Inform[Id;Leave;Day;];Train-OfferBook[none;];": 2, + "Hotel-Request[Type;Price;];Hotel-NoOffer[Price;Type;];": 2, + "general-reqmore[none;];Restaurant-Inform[Post;Post;Phone;Name;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Area;Choice;Price;];": 2, + "Train-Inform[Choice;Depart;Dest;];Train-Request[Arrive;];": 2, + "Attraction-Inform[Area;Name;Type;Addr;];": 2, + "Train-Inform[Arrive;Dest;Id;];Train-Select[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Parking;Price;];": 2, + "Booking-Inform[none;];Hotel-Inform[Parking;Price;Name;Type;Internet;];": 2, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Name;Name;Name;];": 2, + "Hotel-Inform[Choice;Area;Area;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Stars;Parking;Internet;];": 2, + "general-reqmore[none;];Restaurant-Inform[Choice;Food;Name;Area;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Choice;Type;];": 2, + "Hotel-Inform[Choice;Name;Name;];general-reqmore[none;];": 2, + "Hotel-Inform[Area;Price;Type;];general-reqmore[none;];": 2, + "Attraction-Inform[Area;Name;Name;Name;Name;Choice;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Post;Fee;Area;];": 2, + "Restaurant-Inform[Price;Area;];": 2, + "general-reqmore[none;];Train-OfferBooked[Id;Ref;Ticket;People;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;];": 2, + "Restaurant-Inform[Food;Area;Choice;Price;Name;];": 2, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;Stars;Stars;];": 2, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Fee;];": 2, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Area;Area;Area;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Addr;Addr;Name;Post;];": 2, + "Attraction-Request[Type;];Train-OfferBooked[Ref;];": 2, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Choice;];": 2, + "Booking-Book[Name;Time;Day;People;Ref;];": 2, + "Attraction-Inform[Name;Post;Addr;Area;];": 2, + "Train-Inform[Depart;Dest;Arrive;Leave;];Train-OfferBook[none;];": 2, + "Restaurant-Request[Price;Food;Area;];Restaurant-NoOffer[none;];": 2, + "Hotel-Inform[Stars;Parking;Price;Name;Internet;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Addr;Name;];": 2, + "Hotel-Recommend[Name;];Hotel-Inform[Parking;Internet;];": 2, + "Restaurant-Inform[Addr;Food;Area;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Food;Price;Price;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Price;Area;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Type;Type;Type;Type;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Phone;Name;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Name;Name;];": 2, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Phone;];": 2, + "Hotel-Inform[Post;Parking;];": 2, + "Attraction-Recommend[Type;Name;];general-reqmore[none;];": 2, + "Train-Inform[Choice;Depart;Day;Leave;];Train-Request[Dest;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Food;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Price;Choice;Type;Area;Area;];": 2, + "Hotel-Select[none;];Hotel-Inform[Area;Stars;Parking;Choice;Name;Name;Type;Internet;];": 2, + "Hotel-Inform[Name;];general-reqmore[none;];Booking-Book[Day;Ref;Stay;];": 2, + "Restaurant-Inform[Addr;Food;Phone;Name;];": 2, + "Train-Inform[Depart;Dest;Day;Arrive;Leave;];": 2, + "Train-Inform[Arrive;Leave;Dest;Id;Ticket;];Train-OfferBook[none;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Area;Area;Choice;Choice;];": 2, + "Booking-Book[Time;People;];": 2, + "Train-Inform[Ticket;Id;Arrive;Time;];": 2, + "general-reqmore[none;];Booking-Book[Name;Day;Ref;];": 2, + "Hotel-Recommend[Name;];Hotel-Inform[Price;];": 2, + "Booking-Inform[Name;];Hotel-Inform[Parking;];": 2, + "Taxi-Inform[Phone;Arrive;Car;];general-reqmore[none;];": 2, + "Hotel-Inform[Post;Addr;Phone;];general-reqmore[none;];": 2, + "Hotel-Inform[Price;Choice;];": 2, + "Restaurant-Request[Food;Area;];Restaurant-Inform[Choice;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Addr;Name;Food;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Type;Choice;];": 2, + "Train-Inform[Choice;Depart;];Train-Request[Day;Leave;];": 2, + "Hotel-Recommend[Name;Parking;];": 2, + "Attraction-Request[Area;];Attraction-Inform[Area;Type;];": 2, + "Attraction-Recommend[Addr;Name;];Attraction-Inform[Choice;Area;];": 2, + "Hotel-Inform[Name;Internet;Post;Phone;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Price;Type;Stars;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Name;Name;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Price;];": 2, + "Restaurant-Request[Area;Food;];Restaurant-Inform[Choice;Price;];": 2, + "Attraction-Inform[Area;Name;Type;Addr;Phone;];": 2, + "Taxi-Inform[Dest;Leave;Car;Depart;Phone;];": 2, + "Hotel-Inform[Stars;Price;Name;Type;];": 2, + "Restaurant-Request[Price;Food;];Restaurant-NoOffer[none;];Restaurant-Inform[Price;Food;];": 2, + "Hotel-Recommend[Type;Price;Name;Stars;];": 2, + "general-reqmore[none;];Train-OfferBooked[Id;People;Ticket;Ref;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Choice;];": 2, + "Train-NoOffer[Day;Dest;Depart;];Train-Select[Day;];": 2, + "Restaurant-Recommend[Addr;Name;];Restaurant-Inform[Choice;Food;];": 2, + "Booking-Book[Time;Day;];": 2, + "Attraction-Inform[Post;Phone;Name;Addr;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Choice;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Choice;Name;Name;];": 2, + "Hotel-Inform[Phone;Price;];": 2, + "general-reqmore[none;];Train-OfferBooked[People;Ref;Id;];": 2, + "Attraction-Select[Area;Area;];Attraction-Inform[Type;Choice;];": 2, + "Attraction-Recommend[Area;Name;];general-reqmore[none;];Attraction-Inform[Type;Choice;];": 2, + "Restaurant-Recommend[Name;];Restaurant-Inform[Food;Area;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Name;Choice;];": 2, + "Attraction-Request[Price;];Attraction-Inform[Fee;Fee;Area;Type;Choice;];": 2, + "Taxi-Request[Depart;Dest;];general-greet[none;];": 2, + "Train-Inform[Id;Arrive;Depart;Dest;Leave;];general-reqmore[none;];": 2, + "Train-OfferBooked[Ref;Arrive;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Phone;];": 2, + "Hotel-Request[Price;Area;];Hotel-Inform[Parking;Choice;Type;];": 2, + "Taxi-Inform[Dest;Depart;Arrive;Phone;Car;];general-reqmore[none;];": 2, + "Booking-Book[Day;Time;Ref;];": 2, + "Hotel-Request[Stars;];Hotel-Inform[Choice;];general-reqmore[none;];": 2, + "Hotel-Select[Type;Type;];Hotel-Inform[Choice;Area;];": 2, + "Hotel-Inform[Name;Name;];general-reqmore[none;];": 2, + "Attraction-Inform[Addr;Area;Type;];": 2, + "Hotel-Request[Price;Stars;];Hotel-NoOffer[Type;];": 2, + "Booking-Inform[none;];Booking-Request[Day;Stay;People;];": 2, + "general-reqmore[none;];Booking-Book[Name;Time;Ref;Day;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Name;Area;];": 2, + "Hotel-Select[Type;Type;];Hotel-Inform[Parking;];": 2, + "Attraction-Recommend[Fee;Type;Name;Area;];": 2, + "Attraction-Inform[Name;Post;Fee;Addr;];": 2, + "Attraction-Select[Type;Type;Type;];general-reqmore[none;];": 2, + "general-greet[none;];Train-Request[Dest;Leave;Arrive;];": 2, + "Restaurant-Recommend[Price;Addr;Name;];": 2, + "Restaurant-Inform[Food;Food;Food;];": 2, + "Train-Inform[Day;Choice;Leave;];Train-Request[Arrive;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Name;Name;Name;];": 2, + "Hotel-Select[Type;];Hotel-NoOffer[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Addr;Parking;];": 2, + "Attraction-Select[Type;];Attraction-NoOffer[Area;Type;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Area;Name;];general-reqmore[none;];": 2, + "Attraction-Select[none;];Attraction-Inform[Area;Type;Type;Type;Choice;];": 2, + "Hotel-Inform[Name;];Train-OfferBooked[Ref;People;Id;];": 2, + "Hotel-Inform[Area;Type;Parking;Price;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;Phone;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Post;Addr;Addr;Addr;];": 2, + "general-reqmore[none;];Train-OfferBooked[People;Ref;Ticket;Id;];": 2, + "Hotel-Request[Type;];Train-OfferBooked[Ref;Ticket;];": 2, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Area;Type;];": 2, + "Hotel-Recommend[Type;Price;Name;];": 2, + "Hotel-Inform[Choice;Type;Area;Area;Area;];": 2, + "Attraction-Recommend[Name;Name;];Attraction-Inform[Choice;];": 2, + "Train-Inform[Id;Arrive;Leave;];Train-Select[none;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Price;Name;Name;Area;];": 2, + "Attraction-Inform[Fee;Area;Name;Addr;];": 2, + "Train-Inform[Leave;];Train-Request[Leave;Day;];": 2, + "Booking-Inform[Name;];Booking-Request[Time;People;];": 2, + "Hotel-Inform[Internet;Price;Type;Stars;];general-reqmore[none;];": 2, + "Taxi-Inform[Car;Leave;Phone;];": 2, + "Taxi-Inform[Phone;Car;];Booking-Book[Name;Ref;];": 2, + "Train-Inform[Choice;Leave;Depart;];Train-Request[Arrive;];": 2, + "Hotel-NoOffer[Stars;Type;Parking;];general-reqmore[none;];": 2, + "Hotel-Recommend[Name;Phone;Price;Type;];Booking-Inform[none;];": 2, + "Train-OfferBooked[Ref;Leave;Ticket;];": 2, + "Train-Inform[Ticket;Arrive;Id;];general-reqmore[none;];": 2, + "Train-OfferBooked[Ref;Leave;Id;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Type;Type;Choice;Choice;Price;];": 2, + "Restaurant-Inform[Food;Food;Food;Food;Food;Food;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Area;];": 2, + "Hotel-Request[Area;];Hotel-NoOffer[Type;Price;Area;];": 2, + "Attraction-Recommend[Area;Fee;Post;Addr;Name;];general-reqmore[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Choice;Area;Type;];": 2, + "Restaurant-Recommend[Price;Area;Food;];": 2, + "Train-Inform[Arrive;Choice;Id;];": 2, + "Hotel-Request[Stars;Price;];Hotel-Inform[Area;Choice;];": 2, + "Booking-Inform[none;];Hotel-Inform[Phone;Addr;Name;];": 2, + "Booking-Book[Ref;People;Stay;Day;];": 2, + "Attraction-Inform[Name;Choice;Type;Area;];": 2, + "Hotel-Recommend[Post;Name;];": 2, + "Train-Request[Day;Depart;Leave;];": 2, + "Booking-Inform[none;];Hotel-Inform[Internet;Stars;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Phone;Addr;Addr;Addr;];": 2, + "Hotel-Recommend[Type;Price;Name;Stars;Area;];": 2, + "Train-Inform[Id;Depart;Dest;Leave;];Train-OfferBook[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Post;Fee;];": 2, + "Hotel-Request[Type;Stars;];Hotel-NoOffer[Type;];": 2, + "general-reqmore[none;];Attraction-Inform[Choice;Type;Area;];": 2, + "Attraction-Recommend[Area;Fee;Name;Type;];": 2, + "Restaurant-Inform[Name;Phone;Post;Post;];": 2, + "Train-Inform[Id;Leave;];Train-OfferBook[none;];general-greet[none;];": 2, + "Hotel-Inform[Internet;];Booking-Book[Ref;];": 2, + "general-greet[none;];Train-Request[Dest;Arrive;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Post;Name;Addr;Food;];": 2, + "Restaurant-Inform[Name;];Booking-Book[Time;Ref;Day;];": 2, + "Train-OfferBooked[Arrive;Id;Leave;];": 2, + "Hotel-Select[Type;Type;];Hotel-Inform[Area;Choice;];": 2, + "Hotel-Request[Parking;];Hotel-Inform[Name;Name;Name;Choice;Type;];": 2, + "Train-Inform[Depart;Dest;Day;Arrive;Id;Leave;];general-reqmore[none;];": 2, + "Booking-Inform[Ref;Day;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Addr;Phone;Name;];": 2, + "Taxi-Inform[Depart;Dest;Leave;];": 2, + "Hotel-Recommend[Price;Name;Stars;Parking;Internet;];": 2, + "Train-Inform[Dest;Arrive;Id;];Train-OfferBook[none;];Train-Request[People;];": 2, + "Train-OfferBook[none;];Train-Request[Leave;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Name;Food;Choice;Price;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Name;Addr;];": 2, + "Hotel-Inform[Type;Name;];": 2, + "Restaurant-Request[Price;];Restaurant-NoOffer[Food;Price;];": 2, + "Restaurant-Recommend[Name;];Restaurant-Inform[Phone;];": 2, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Type;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Price;Choice;Type;Stars;];": 2, + "Hotel-Inform[Price;Name;Area;];general-reqmore[none;];": 2, + "Hotel-Request[Area;];Hotel-Inform[Area;Price;Type;Choice;];": 2, + "Attraction-Inform[Name;Post;Type;Area;];": 2, + "Booking-Inform[none;];Booking-Request[Day;People;Stay;];": 2, + "Hotel-Select[Price;Price;Price;];": 2, + "Restaurant-Inform[Food;Price;Area;Addr;Name;Phone;];": 2, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Choice;Choice;];": 2, + "Attraction-Inform[Phone;Area;Name;Type;];": 2, + "Train-Inform[Day;Arrive;];": 2, + "Attraction-Recommend[Addr;Name;Type;];": 2, + "Hotel-Request[Price;Area;];Hotel-NoOffer[Type;];": 2, + "Booking-Inform[none;];Booking-Request[People;Stay;Day;];": 2, + "Hotel-Recommend[Internet;Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Parking;Name;Type;Internet;];": 2, + "general-reqmore[none;];Booking-Book[Name;Time;Day;];": 2, + "Train-Request[Arrive;Leave;Depart;];": 2, + "Restaurant-Request[Area;Food;];general-greet[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Choice;Type;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Type;Parking;];": 2, + "Restaurant-Inform[Phone;Name;Post;Addr;];": 2, + "Hotel-Request[Area;Stars;];Hotel-Inform[Choice;Type;];": 2, + "Hotel-Select[Type;Price;Price;];Hotel-Inform[Choice;Type;];": 2, + "Attraction-Recommend[Name;];Attraction-Inform[Phone;Fee;];": 2, + "Train-Inform[Day;Id;Leave;];": 2, + "general-reqmore[none;];Restaurant-Inform[Food;Addr;];": 2, + "Train-Inform[Choice;Depart;Day;Dest;];Train-Request[Arrive;];": 2, + "Attraction-Request[Name;];Attraction-Inform[Type;Area;Choice;];": 2, + "general-reqmore[none;];Booking-Book[Ref;Stay;Day;Name;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Choice;Area;];": 2, + "Hotel-Recommend[Type;];Hotel-NoOffer[none;];": 2, + "Taxi-Inform[Dest;Car;Phone;Arrive;];": 2, + "Hotel-Inform[Stars;Choice;Type;];": 2, + "Hotel-Request[Area;Price;];Hotel-Inform[Area;Choice;];": 2, + "Hotel-Inform[Ref;];Booking-Book[Name;];": 2, + "Booking-Inform[none;];Hotel-Inform[Phone;Name;Post;];": 2, + "Attraction-Request[Name;];general-greet[none;];": 2, + "Hotel-Recommend[Name;Type;];": 2, + "Train-Inform[Leave;Arrive;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;Choice;Price;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Food;Food;Price;Price;];": 2, + "Train-Inform[Choice;Dest;];Train-Request[Leave;Day;];": 2, + "Restaurant-Request[Area;Food;];Restaurant-Inform[Choice;Area;];": 2, + "Hotel-Select[Type;Type;];Hotel-Inform[Parking;Choice;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Name;Type;];": 2, + "Hotel-Inform[Addr;Internet;];": 2, + "Restaurant-Inform[Post;Addr;Name;];": 2, + "Hotel-Inform[Area;Addr;Type;];general-reqmore[none;];": 2, + "Restaurant-Inform[Choice;Name;Name;Area;];": 2, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Name;Area;Food;Price;];": 2, + "Hotel-Request[Price;];Hotel-Inform[Price;Choice;];": 2, + "Hotel-Recommend[Name;Stars;];Booking-Inform[none;];Hotel-Inform[Choice;];": 2, + "Train-Inform[Choice;Arrive;];Train-Request[Dest;Depart;];": 2, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;Post;Area;];": 2, + "general-reqmore[none;];Restaurant-Inform[Price;Area;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Type;Stars;];": 2, + "Hotel-Select[none;];Hotel-Inform[Area;Price;Stars;Name;Type;];": 2, + "Booking-NoBook[Day;Time;];Booking-Request[Time;];": 2, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Internet;Price;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Type;Choice;];": 2, + "Hotel-Request[Stars;Area;Parking;Price;Type;Internet;];": 2, + "Train-Inform[Choice;Leave;Leave;Leave;];": 2, + "Hotel-Inform[Area;Price;Name;];": 2, + "Attraction-Inform[Name;Name;Fee;Fee;];": 2, + "Attraction-Select[none;];Attraction-Inform[Area;Name;];": 2, + "Taxi-Request[Depart;];Train-Request[Depart;];": 2, + "Hotel-Request[Price;];Hotel-Select[Price;Price;Price;];": 2, + "Hotel-Recommend[Name;];Hotel-Inform[Post;Addr;];general-reqmore[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Name;Addr;Area;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Food;Area;Choice;Price;Name;Name;];": 2, + "Booking-Inform[none;];Booking-Request[People;Day;Time;];": 2, + "Restaurant-Inform[Price;Name;Name;Food;Area;];": 2, + "Attraction-Recommend[Name;];general-greet[none;];Attraction-Inform[Fee;];": 2, + "Hotel-Recommend[Name;Addr;];general-reqmore[none;];": 2, + "Train-Inform[Choice;Arrive;];Train-Request[Day;];": 2, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Choice;Area;];": 2, + "Train-NoOffer[none;];general-greet[none;];": 2, + "Booking-NoBook[none;];Restaurant-Inform[Phone;];": 2, + "general-reqmore[none;];Booking-Book[People;Day;Time;];": 2, + "general-bye[none;];Booking-Inform[none;];": 2, + "Booking-Book[Stay;];": 2, + "Train-Inform[Day;Leave;Depart;Dest;Id;];": 2, + "Restaurant-Recommend[Name;Area;];general-reqmore[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Addr;Phone;];": 2, + "Train-Inform[Leave;Depart;Day;];Train-OfferBook[none;];": 2, + "Hotel-Inform[Area;Stars;Price;Price;Choice;Name;Name;Type;];": 2, + "Booking-Request[People;Stay;Day;];general-greet[none;];": 2, + "Hotel-Recommend[Name;Internet;Parking;];Booking-Inform[none;];Hotel-Inform[Type;Choice;Area;];": 2, + "Attraction-Inform[Phone;Type;];": 2, + "Restaurant-Inform[Choice;Food;Food;];": 2, + "general-reqmore[none;];Attraction-Inform[Phone;Name;Post;Addr;];": 2, + "Restaurant-Inform[Addr;Addr;Addr;];": 2, + "Hotel-Recommend[Price;Name;Area;];Booking-Inform[none;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Name;Name;];": 2, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Addr;Area;Food;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Name;Post;Addr;Phone;];": 2, + "Train-Inform[Dest;];": 2, + "general-reqmore[none;];Attraction-Inform[Name;Post;Addr;Phone;];": 2, + "Restaurant-Select[none;];Restaurant-Inform[Area;Area;Food;Choice;];": 2, + "Hotel-Inform[Addr;];general-reqmore[none;];Booking-Book[Name;Ref;];": 2, + "Train-Inform[Arrive;Day;Choice;Depart;Dest;];Train-OfferBook[none;];": 2, + "Restaurant-Inform[Post;Phone;Name;Addr;Area;Food;Price;];": 2, + "Hotel-Inform[Area;Price;Type;Stars;];general-reqmore[none;];": 2, + "Hotel-NoOffer[Type;Price;Area;];": 2, + "Restaurant-Request[Area;];general-reqmore[none;];": 2, + "Hotel-Inform[Stars;Name;Area;];": 2, + "Restaurant-Inform[Price;Name;Post;];": 2, + "Attraction-Request[Area;Price;];Attraction-Inform[Choice;];": 2, + "Booking-Book[Ref;Name;];general-reqmore[none;];Restaurant-Inform[Addr;];": 2, + "Train-NoOffer[none;];Train-Request[Leave;Day;];": 2, + "Restaurant-Recommend[Name;Price;Area;];Restaurant-Inform[Food;];": 2, + "Taxi-Inform[Depart;Car;Leave;Phone;];general-reqmore[none;];": 2, + "general-reqmore[none;];Attraction-Inform[Post;Fee;Phone;Addr;];": 2, + "general-reqmore[none;];Booking-Book[Day;People;Ref;];": 2, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Fee;];": 2, + "Taxi-Request[Depart;];Booking-Inform[none;];": 2, + "Train-Inform[Id;Arrive;];Train-Select[none;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Area;Price;];": 2, + "Attraction-Request[Area;Type;];Attraction-Inform[Area;Type;Choice;];": 2, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Area;Area;];": 2, + "Booking-Inform[none;];Restaurant-NoOffer[Food;Area;];Restaurant-Inform[Area;Choice;];": 2, + "Hotel-Inform[Choice;Price;Type;];general-reqmore[none;];": 2, + "Hotel-Inform[Type;Phone;Name;];general-reqmore[none;];": 2, + "Hotel-Select[none;];Hotel-Inform[Area;Choice;Choice;Price;Type;Type;];": 2, + "Restaurant-Select[Food;Food;Food;Food;Food;];Restaurant-Inform[Choice;];": 2, + "Attraction-Inform[Fee;Area;Name;Post;Addr;];": 2, + "general-reqmore[none;];Attraction-Inform[Type;Type;Type;Choice;];": 2, + "Train-Inform[Arrive;Arrive;Id;Id;];": 2, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Addr;Name;Post;];": 2, + "Taxi-Inform[Leave;Car;Depart;Phone;];": 2, + "Hotel-Inform[Parking;Post;];": 2, + "Hotel-Inform[Parking;Name;Internet;];general-reqmore[none;];": 2, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Choice;Type;];": 2, + "Train-Inform[Arrive;Choice;Depart;Dest;Id;];Train-OfferBook[none;];": 2, + "Booking-Inform[none;];Hotel-Inform[Price;Choice;Parking;];": 1, + "Hotel-Recommend[Price;Price;Name;Name;];": 1, + "general-reqmore[none;];Train-OfferBooked[Time;Ref;Ticket;];": 1, + "Train-Inform[Arrive;Leave;Day;Depart;];": 1, + "Hotel-Recommend[Area;Addr;Post;Name;Type;];": 1, + "Train-Request[Day;Dest;Leave;Arrive;];": 1, + "Train-NoOffer[Dest;Depart;];Train-Request[Depart;];": 1, + "Train-Inform[Ticket;Time;Arrive;Arrive;Arrive;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Type;Choice;Choice;];": 1, + "Restaurant-Request[Food;];Attraction-Inform[Addr;];": 1, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[Price;Food;];": 1, + "Restaurant-Inform[Food;Area;Price;Name;];Attraction-Inform[Name;Type;];": 1, + "Train-Inform[Ticket;Dest;Arrive;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Day;Ref;Depart;People;Id;Dest;Leave;];": 1, + "Restaurant-Request[Area;];Restaurant-NoOffer[Choice;Area;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Food;Name;Area;Price;];": 1, + "Hotel-Inform[Choice;];Booking-Request[Day;People;];": 1, + "Taxi-Inform[Car;Phone;Dest;Leave;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Area;Addr;Post;Phone;];": 1, + "general-welcome[none;];Booking-Book[People;Day;Time;Ref;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Type;Stars;Parking;Internet;];": 1, + "Train-Inform[Id;Leave;Depart;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Booking-Book[none;];general-reqmore[none;];Train-OfferBooked[Ref;Ticket;];": 1, + "Restaurant-Inform[Food;Price;Area;Phone;];": 1, + "Booking-Inform[none;];Hotel-NoOffer[Area;Type;];Hotel-Inform[Type;Choice;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;Internet;Parking;Stars;];": 1, + "Train-Inform[Depart;Day;Ticket;Leave;];": 1, + "Train-Inform[Leave;Depart;Id;Ticket;];general-reqmore[none;];": 1, + "Attraction-Request[Price;Type;];Train-Inform[none;];Attraction-Inform[Type;Area;Choice;];Train-OfferBooked[Ref;];": 1, + "Hotel-Inform[Type;Name;];general-reqmore[none;];": 1, + "Train-Inform[Id;Depart;Ticket;Dest;Leave;Arrive;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Choice;Fee;Fee;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Addr;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Parking;Stars;];": 1, + "Attraction-Recommend[Post;Name;Fee;Addr;];general-reqmore[none;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Area;Price;Price;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Name;];": 1, + "Restaurant-Request[Name;];Restaurant-Inform[Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Addr;Addr;Addr;Area;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Post;Name;Addr;Food;];": 1, + "Restaurant-Recommend[Name;Food;];Restaurant-Inform[Area;Choice;Price;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Price;];": 1, + "Restaurant-Inform[Addr;Post;];Booking-Book[Time;Day;People;Name;];": 1, + "Train-Inform[Choice;Arrive;];Train-Request[Depart;];": 1, + "Attraction-Inform[Choice;Name;Fee;];": 1, + "Hotel-NoOffer[Type;];Hotel-Inform[Name;Type;];": 1, + "Hotel-Recommend[Internet;Name;Area;Parking;Stars;Price;];Booking-Inform[none;];": 1, + "Hotel-Inform[Price;Name;Name;Parking;Stars;Stars;];general-reqmore[none;];": 1, + "Attraction-Inform[Post;Phone;Fee;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Food;Food;];": 1, + "Hotel-Request[Stars;Area;];Hotel-NoOffer[Type;];": 1, + "Hotel-Inform[Area;Price;Stars;Stars;Name;Name;Choice;];": 1, + "Booking-Book[none;];general-reqmore[none;];Train-OfferBooked[Ticket;Ref;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Name;Type;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;Choice;];": 1, + "Restaurant-Recommend[Name;Name;];Restaurant-Inform[Choice;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Type;Name;Name;];": 1, + "Attraction-Recommend[Name;Post;Phone;];Attraction-NoOffer[none;];": 1, + "Train-Inform[Arrive;Day;Depart;Id;];": 1, + "Hotel-Inform[Name;Addr;Addr;Price;Type;Phone;];": 1, + "Hotel-Recommend[Internet;Area;Name;Stars;Parking;];Booking-Inform[none;];": 1, + "Hotel-Inform[Internet;Parking;Stars;Name;Price;];": 1, + "Attraction-Inform[Choice;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Name;Addr;Addr;Phone;];": 1, + "Restaurant-Inform[Name;Addr;];Attraction-Inform[Fee;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;];Attraction-Inform[Name;Addr;Post;Fee;];": 1, + "Hotel-Inform[Name;Internet;Price;];": 1, + "Train-OfferBooked[Arrive;Id;Ref;];": 1, + "Train-Inform[Choice;];Train-OfferBook[Arrive;Leave;];": 1, + "Hotel-Recommend[Name;Stars;];Booking-Inform[none;];Hotel-Inform[Area;Price;Choice;];": 1, + "Booking-NoBook[Stay;];Booking-Request[Stay;];": 1, + "Hotel-Inform[Addr;Area;];Booking-Book[Ref;Name;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;Post;];Restaurant-Inform[Phone;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Area;Name;Internet;Price;Parking;Stars;];": 1, + "Hotel-NoOffer[Type;Price;];Hotel-Inform[Type;Price;];": 1, + "Hotel-Recommend[Price;Addr;Post;Stars;Name;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;Fee;];general-reqmore[none;];Attraction-Inform[Area;Area;Choice;Choice;];": 1, + "Hotel-Inform[Area;Phone;Name;Internet;];": 1, + "Restaurant-NoOffer[Food;Price;Area;];Restaurant-Inform[Food;Price;Area;Area;];": 1, + "Train-Inform[Arrive;Leave;Depart;Ticket;Id;Dest;Time;];": 1, + "Train-Inform[Arrive;Leave;Ticket;Id;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Stars;Price;Type;];": 1, + "Booking-NoBook[none;];Hotel-NoOffer[Type;];Hotel-Inform[Type;Stars;Area;];": 1, + "Restaurant-Select[Price;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Post;Fee;Name;];": 1, + "Restaurant-Inform[Food;Food;Addr;Addr;Name;Name;];": 1, + "Hotel-Recommend[Name;Addr;];Hotel-Inform[Internet;Parking;];": 1, + "Hotel-Inform[Name;Name;Stars;Stars;];": 1, + "Hotel-Recommend[Name;Stars;Area;Type;];Hotel-Select[none;];": 1, + "Attraction-Recommend[Type;Name;];Attraction-Inform[Fee;Addr;];": 1, + "Train-Inform[Id;Arrive;Leave;];Train-OfferBook[People;];": 1, + "Train-Inform[Dest;];Train-Request[Leave;Arrive;];": 1, + "Hotel-Inform[Internet;Addr;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;Price;Type;Stars;];": 1, + "Booking-NoBook[none;];Restaurant-Inform[Phone;Addr;Post;];": 1, + "general-reqmore[none;];Booking-Book[Time;Name;People;];": 1, + "Booking-Inform[Time;People;Day;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Ref;Arrive;Leave;];": 1, + "Train-Inform[Arrive;Id;Leave;];Train-OfferBook[none;];Train-Request[Arrive;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Internet;Price;Parking;Type;];": 1, + "Booking-Inform[Time;Day;];Booking-Request[Day;];": 1, + "Hotel-Select[Price;Price;];Hotel-Inform[Internet;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Parking;Choice;Name;];": 1, + "Booking-Inform[none;];Attraction-Inform[Fee;Area;Name;Type;];": 1, + "Booking-Inform[none;];Attraction-Inform[Name;Name;Name;Name;Name;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;];Train-OfferBooked[Ref;People;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Price;Addr;];": 1, + "Attraction-Request[Area;];general-greet[none;];Attraction-Inform[Choice;];": 1, + "Attraction-Request[Price;];general-reqmore[none;];Attraction-Inform[Choice;];": 1, + "Train-Inform[Depart;Dest;Leave;Leave;Choice;];": 1, + "Train-Inform[Arrive;Id;Time;];general-reqmore[none;];": 1, + "Restaurant-Request[Area;Price;];Booking-NoBook[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Choice;Price;Name;Name;Food;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Choice;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Name;];general-reqmore[none;];": 1, + "Restaurant-Inform[Price;Price;Choice;];": 1, + "Train-Inform[Ticket;Leave;Arrive;];Train-OfferBook[People;];": 1, + "Train-Inform[none;];Train-Request[Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Area;Name;Type;Choice;];": 1, + "Restaurant-Select[Food;Food;Food;Food;Food;Food;Food;Food;];Restaurant-Request[Food;];Restaurant-Inform[Choice;Area;];": 1, + "Train-Inform[Choice;Time;];Train-Request[Arrive;Leave;];": 1, + "Restaurant-Recommend[Food;Name;Area;];": 1, + "Booking-Book[People;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Area;Choice;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Type;Stars;Stars;];": 1, + "Restaurant-Inform[Choice;Choice;Choice;Food;Area;Price;Price;];Attraction-Inform[Addr;Addr;Post;];": 1, + "Taxi-Inform[Arrive;Dest;Depart;];general-reqmore[none;];": 1, + "Taxi-Inform[Arrive;Car;Phone;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Price;Choice;Type;Parking;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Price;Choice;Type;Internet;];": 1, + "Train-Inform[Leave;Depart;];Train-Request[Leave;];": 1, + "Train-Inform[Arrive;Id;Ticket;];general-reqmore[none;];": 1, + "Hotel-Recommend[Price;Parking;Internet;Stars;Name;Area;];Booking-Inform[none;];Hotel-Inform[none;];": 1, + "Train-Inform[Arrive;Leave;Dest;];Train-NoOffer[Leave;];Train-OfferBook[none;];": 1, + "Hotel-Select[Name;Name;Stars;Stars;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Inform[Phone;Internet;Addr;];": 1, + "Train-Inform[Choice;Depart;Day;Id;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Time;Depart;Id;Dest;];": 1, + "Hotel-Request[Name;];Hotel-Inform[Price;Choice;Type;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Internet;Choice;];": 1, + "Hotel-Inform[Area;Stars;Name;Name;Type;Choice;];": 1, + "Hotel-Inform[Name;];Booking-Book[Day;People;Ref;Stay;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Parking;Type;];": 1, + "Hotel-Inform[Price;Price;Internet;Type;Type;Name;Name;Stars;Stars;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Area;];": 1, + "Attraction-NoOffer[Area;Name;];general-reqmore[none;];": 1, + "general-reqmore[none;];Booking-Book[Time;Ref;People;Name;Day;];": 1, + "Booking-Book[Name;People;Day;Stay;];": 1, + "Train-Inform[Arrive;Choice;Choice;Leave;Dest;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Choice;Fee;Name;];": 1, + "Attraction-Inform[Post;Addr;Phone;];": 1, + "Taxi-Inform[Car;Depart;Leave;Phone;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Price;];": 1, + "Attraction-Recommend[Type;Type;Type;Name;Name;];Attraction-Inform[Choice;Area;];": 1, + "Hotel-Recommend[Name;Price;Area;Stars;];Booking-Inform[none;];Booking-Request[People;Stay;Day;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Internet;];general-reqmore[none;];": 1, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Addr;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Fee;Name;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Dest;Depart;Ticket;Arrive;Leave;];": 1, + "Booking-NoBook[Stay;Name;];Booking-Request[Stay;];": 1, + "Train-Inform[Id;Depart;Dest;Day;];Train-OfferBook[none;];": 1, + "Train-Inform[Choice;Choice;Leave;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Hotel-Recommend[Internet;Area;Name;Stars;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Name;Post;];": 1, + "Train-Inform[Arrive;Depart;Id;];": 1, + "Hotel-Inform[Area;Area;Area;Choice;Choice;Choice;Choice;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Post;Name;Addr;Area;Food;Price;];": 1, + "Train-Inform[Leave;];Train-OfferBook[Id;];": 1, + "Booking-NoBook[Time;Day;Ref;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Area;Price;Price;Choice;Choice;Choice;];": 1, + "Hotel-Inform[Post;];Booking-Request[Stay;Day;People;];": 1, + "Restaurant-Recommend[Name;];general-reqmore[none;];Booking-Book[Day;Ref;Time;People;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Type;Choice;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Addr;];general-reqmore[none;];": 1, + "Attraction-Select[none;];general-greet[none;];Attraction-Inform[Type;Type;Choice;];": 1, + "Restaurant-Select[none;];Restaurant-Recommend[Food;Food;Choice;Name;];": 1, + "Hotel-Inform[Area;Internet;Price;];": 1, + "Train-Inform[Time;Ticket;Leave;Arrive;Id;Dest;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Price;Name;Food;Area;];": 1, + "Restaurant-Inform[Food;Food;Food;Food;Price;Price;];": 1, + "Restaurant-Recommend[Price;Name;Food;];Restaurant-Inform[Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Phone;];": 1, + "Hotel-Inform[Addr;Stars;Parking;Name;Type;Internet;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Choice;Choice;Type;Price;];": 1, + "Train-NoOffer[Dest;Depart;];Train-Request[Dest;Depart;];": 1, + "Attraction-Inform[Fee;Addr;Choice;Name;Phone;];": 1, + "Train-Select[Arrive;Id;Leave;Day;];": 1, + "Hotel-Select[none;];Hotel-Inform[Internet;Name;Price;Area;];": 1, + "Train-OfferBook[Depart;Leave;Dest;Id;Arrive;];Hotel-Inform[Internet;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Choice;Parking;Area;Name;Name;];": 1, + "Hotel-Inform[Type;Parking;Choice;Stars;];": 1, + "Restaurant-Inform[Addr;];Booking-Book[People;Day;Name;Time;];": 1, + "Hotel-Inform[Name;Post;Stars;Type;Phone;];general-reqmore[none;];": 1, + "Train-OfferBook[Leave;Day;Depart;Dest;Id;];": 1, + "Booking-Book[Ref;Day;Time;People;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Train-Inform[Ticket;Dest;Arrive;Time;Leave;Depart;];": 1, + "Booking-Inform[Name;];Hotel-Select[none;];Hotel-Inform[Choice;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Area;Price;Name;Type;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Area;Area;Area;Food;Choice;];": 1, + "Booking-NoBook[Time;Day;];": 1, + "Hotel-Inform[Choice;Price;Type;];Booking-Request[Day;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Stars;];": 1, + "Restaurant-Inform[Ref;Phone;Addr;Area;Food;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Type;Type;Type;Type;Type;];": 1, + "Attraction-Recommend[Fee;Addr;Name;];Attraction-Inform[Type;Choice;Area;];": 1, + "Restaurant-Inform[Area;Food;Choice;Price;];Restaurant-Recommend[Name;];Attraction-Inform[Name;];": 1, + "Attraction-Inform[Area;Type;Price;];": 1, + "Attraction-Request[Area;Type;];Attraction-Inform[Phone;Post;];": 1, + "Hotel-Inform[Area;Type;Choice;];": 1, + "Hotel-Inform[Phone;Phone;Choice;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Food;];": 1, + "Train-OfferBook[Arrive;Dest;Id;Leave;];Train-Request[People;];": 1, + "Attraction-Recommend[Post;Name;Addr;Addr;];general-reqmore[none;];": 1, + "Train-Inform[Day;Choice;Depart;];Train-Request[Leave;Dest;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;Type;Type;Choice;];": 1, + "Attraction-Inform[Name;Type;Fee;Phone;];": 1, + "Hotel-Inform[Addr;Parking;Stars;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Choice;Price;Area;];": 1, + "Hotel-Recommend[Internet;Name;Name;Parking;];Booking-Inform[none;];Hotel-Select[none;];": 1, + "Hotel-Inform[Phone;Name;Post;];general-greet[none;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Price;Area;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Choice;Area;Name;];": 1, + "Booking-Inform[People;Time;Day;];general-greet[none;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;];general-greet[none;];": 1, + "Booking-Inform[Ref;Day;People;Time;];general-reqmore[none;];": 1, + "Train-Inform[Day;Arrive;Dest;Id;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Post;Area;Internet;Addr;Price;Type;Stars;];general-reqmore[none;];": 1, + "Hotel-Inform[Price;Phone;Internet;Area;Stars;];": 1, + "Hotel-Inform[Choice;Choice;Area;Area;];": 1, + "Attraction-Inform[Name;Type;Price;];": 1, + "Hotel-Recommend[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;];": 1, + "Hotel-Inform[Name;Price;Addr;];": 1, + "Booking-NoBook[Stay;Day;];Booking-Request[Day;Stay;];": 1, + "general-reqmore[none;];Booking-Book[People;Stay;Ref;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Post;];": 1, + "Hotel-Request[Stars;];Hotel-NoOffer[Area;Type;];": 1, + "Hotel-Inform[Area;Choice;Type;Price;Price;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Addr;Phone;];Attraction-NoOffer[Area;Type;];": 1, + "Hotel-Recommend[Stars;Area;Name;];Hotel-Inform[Choice;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;Stars;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;Phone;Post;Post;];": 1, + "Restaurant-Inform[Food;Area;Choice;Name;Name;];": 1, + "Restaurant-Inform[Phone;Addr;Addr;];": 1, + "Train-Inform[Arrive;Leave;Id;];Train-OfferBook[none;];Train-Request[Dest;];": 1, + "Attraction-Recommend[Area;Name;];Attraction-Select[none;];": 1, + "Hotel-Recommend[Name;Type;Area;Stars;];Booking-Inform[none;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Price;];Restaurant-Inform[Choice;Price;Price;Food;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Phone;Addr;Addr;];": 1, + "Hotel-Inform[Addr;Stars;Phone;Price;Name;];general-reqmore[none;];": 1, + "Train-Inform[Dest;Depart;Id;Arrive;Leave;];general-reqmore[none;];": 1, + "Attraction-Inform[Area;Post;Type;];": 1, + "Booking-Inform[none;];Attraction-Inform[Name;Addr;];": 1, + "Hotel-Recommend[Name;Stars;Type;Addr;];Booking-Inform[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Price;Price;Type;];": 1, + "Hotel-Recommend[Price;Name;];Hotel-NoOffer[Price;];": 1, + "Hotel-Inform[Phone;Addr;Addr;Name;Type;];": 1, + "Hotel-Request[Stars;];Hotel-Select[none;];Hotel-Inform[Internet;Choice;Type;Type;Stars;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Type;Area;Area;Stars;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Area;Area;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Type;Stars;Name;Price;Area;];": 1, + "Hotel-Inform[Area;Price;Price;Choice;Type;Internet;];": 1, + "Hotel-Inform[Parking;Name;Internet;];Booking-Request[Stay;];": 1, + "Hotel-Inform[Type;Phone;Post;Addr;Addr;Addr;Stars;Price;Area;];": 1, + "Hotel-Inform[Area;Name;Name;Choice;Price;Type;];": 1, + "Attraction-Inform[Choice;Name;Name;Name;Type;];": 1, + "Attraction-Inform[Fee;Phone;Type;];": 1, + "Attraction-Recommend[Addr;Fee;Name;];general-reqmore[none;];": 1, + "Train-OfferBook[Day;Leave;Depart;Id;];Train-Request[People;];": 1, + "Restaurant-Recommend[Name;Food;Addr;Area;];general-reqmore[none;];": 1, + "Train-Inform[Ref;];Booking-Request[People;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Price;Price;Price;Food;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Parking;Name;Type;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;Type;Type;Area;Choice;];": 1, + "Attraction-Inform[Name;Name;Name;Name;Name;Name;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Fee;Phone;];": 1, + "Train-OfferBook[Depart;];": 1, + "Attraction-Inform[Post;Addr;Phone;Fee;];": 1, + "Train-Inform[Day;Choice;Leave;Depart;Dest;];Train-OfferBook[none;];": 1, + "general-greet[none;];general-reqmore[none;];Train-OfferBooked[Id;Leave;Ref;Ticket;Depart;People;Arrive;Dest;Day;];": 1, + "Train-Inform[Ticket;Choice;Choice;];Train-OfferBook[none;];": 1, + "Restaurant-Inform[Addr;Food;Area;Post;Price;Name;];": 1, + "Attraction-Recommend[Addr;Addr;Name;Name;];": 1, + "Hotel-Inform[Internet;Addr;Stars;Phone;Type;];": 1, + "Booking-Inform[Name;Stay;];": 1, + "general-reqmore[none;];Booking-Book[People;Ref;Stay;Name;];": 1, + "Train-Inform[Day;Arrive;Arrive;Arrive;Arrive;Choice;Depart;Dest;];Train-Select[none;];": 1, + "Train-Inform[Time;Depart;Dest;];": 1, + "Restaurant-Recommend[Price;Name;Area;];Restaurant-Inform[Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Name;Choice;];": 1, + "Attraction-Inform[Fee;Fee;Type;Choice;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Choice;Food;Food;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Area;Stars;];": 1, + "Booking-Request[People;Time;Day;];Restaurant-Inform[Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Internet;Type;Parking;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Price;Type;Stars;];general-reqmore[none;];": 1, + "Hotel-Request[Internet;Area;Parking;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Area;Type;];Hotel-Inform[Type;];": 1, + "general-reqmore[none;];Train-Request[Day;Leave;];": 1, + "Train-Inform[Depart;Day;Leave;Arrive;Dest;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;];Attraction-Inform[Name;Fee;Phone;];": 1, + "Hotel-Inform[Internet;Choice;Parking;Type;];general-reqmore[none;];": 1, + "Restaurant-Inform[Area;Area;Food;Choice;Price;];": 1, + "Hotel-Inform[Name;Name;Area;Type;Type;Price;Price;];general-reqmore[none;];": 1, + "Booking-NoBook[none;];Booking-Request[Stay;];general-reqmore[none;];Hotel-Inform[Name;Internet;];": 1, + "Attraction-Recommend[Fee;Post;Addr;Addr;Name;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;Type;Type;Type;Type;Choice;];": 1, + "Hotel-Inform[Parking;Name;Internet;];Attraction-Inform[Phone;Post;];": 1, + "Train-Inform[Choice;Dest;];Train-Request[Leave;Arrive;];": 1, + "Train-OfferBook[Arrive;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Phone;Name;Name;Post;Post;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;Addr;Addr;Name;Name;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Price;Area;];": 1, + "Hotel-Select[Area;Area;Area;Area;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Stars;Addr;Name;];": 1, + "Booking-NoBook[Day;Stay;People;];Booking-Request[Stay;];": 1, + "Hotel-Inform[Price;Parking;Area;Stars;];": 1, + "Train-Inform[Leave;Leave;Depart;Id;];general-reqmore[none;];": 1, + "Train-Inform[Leave;Leave;Id;Id;Choice;];Train-Select[none;];": 1, + "Attraction-Recommend[Area;Area;];Attraction-Inform[Type;Area;Area;Area;];": 1, + "Hotel-Inform[Area;Internet;Post;Addr;Addr;Addr;Type;Parking;Stars;Phone;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Addr;Type;Stars;];": 1, + "Restaurant-Recommend[Name;Food;Addr;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Type;Area;Addr;];": 1, + "Train-Inform[Arrive;Leave;Leave;Depart;Dest;];Train-Select[Arrive;Leave;];": 1, + "Hotel-Request[Name;];Hotel-Inform[Internet;];": 1, + "Hotel-Inform[Price;Area;Stars;];": 1, + "Hotel-Recommend[Type;Stars;Name;Price;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-NoOffer[Stars;Type;Internet;];": 1, + "Hotel-Inform[Area;Area;Price;Choice;];": 1, + "Hotel-Inform[Name;Name;Area;Area;Choice;Internet;Price;];": 1, + "Hotel-Inform[Phone;Type;];general-reqmore[none;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "general-welcome[none;];Restaurant-Inform[Choice;Food;Name;Addr;Price;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Food;Choice;];": 1, + "Attraction-NoOffer[Area;Type;];Attraction-Inform[Area;Area;Area;Choice;];": 1, + "Attraction-Inform[Price;Post;Addr;Addr;Addr;Phone;];": 1, + "Train-Inform[Depart;Dest;Leave;Id;];": 1, + "Train-Inform[Id;Arrive;Dest;Ticket;Time;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Addr;Price;Name;];": 1, + "Train-Inform[Id;Depart;Day;Dest;Leave;Arrive;];Train-OfferBook[none;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Food;Food;Price;Choice;];": 1, + "Attraction-Recommend[none;];general-greet[none;];Attraction-Inform[Name;Addr;Area;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Food;Food;Choice;Name;Name;];": 1, + "Attraction-Recommend[Type;Type;];Attraction-Inform[Area;Choice;];": 1, + "Attraction-Inform[Post;Post;Post;Post;Post;Post;];": 1, + "Train-Inform[Id;];Train-OfferBook[Leave;];": 1, + "Attraction-Request[Type;];Attraction-NoOffer[Area;];general-reqmore[none;];": 1, + "Restaurant-Select[Food;Food;Food;];Restaurant-NoOffer[Food;Price;];general-reqmore[none;];": 1, + "Booking-NoBook[Time;];Booking-Request[Time;Day;];": 1, + "Train-Inform[Ticket;Time;Arrive;Leave;Id;];Train-OfferBook[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Price;Type;Type;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Area;Type;];": 1, + "Train-Inform[Dest;Leave;];": 1, + "Train-Inform[Dest;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Type;Fee;Choice;Choice;Area;];": 1, + "Train-Inform[Choice;Day;];Train-Request[Day;];": 1, + "Booking-NoBook[Day;Stay;];Booking-Request[Day;Stay;];": 1, + "Booking-NoBook[Stay;Day;];Booking-Request[Stay;];": 1, + "Train-Inform[Choice;Depart;];Attraction-Inform[Name;Phone;];Train-Request[Dest;Day;];": 1, + "Train-Inform[none;];Train-OfferBook[Id;];": 1, + "Restaurant-Recommend[Name;Name;Choice;];Restaurant-Inform[Choice;];": 1, + "Attraction-Inform[Addr;Addr;Area;Phone;Fee;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Choice;Choice;Choice;];": 1, + "Hotel-Inform[Name;Parking;Stars;Phone;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Area;Food;Price;Choice;];": 1, + "Booking-Inform[none;];Hotel-Select[Type;Name;Name;];": 1, + "Hotel-Inform[Phone;Phone;Name;Name;Type;Type;];": 1, + "general-reqmore[none;];Booking-Book[Name;People;Day;];": 1, + "Restaurant-Select[Food;Food;Food;];Restaurant-Request[Food;];": 1, + "Train-Inform[Leave;Depart;Arrive;Id;Dest;];Train-Select[none;];": 1, + "Restaurant-Recommend[Price;Area;Addr;Name;];": 1, + "Hotel-Recommend[none;];Hotel-Inform[Name;Area;Choice;Choice;];": 1, + "Hotel-Request[Price;];Hotel-NoOffer[Type;Area;Stars;Parking;];Hotel-Inform[Choice;Type;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Choice;Type;Type;];": 1, + "Hotel-Recommend[Name;Price;Post;];Booking-Inform[none;];": 1, + "Restaurant-Inform[Choice;Food;Food;Name;Name;];": 1, + "Restaurant-Select[Price;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Name;Phone;Area;];": 1, + "Attraction-Request[Name;];Attraction-Inform[Area;Type;Type;Type;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Fee;Choice;Choice;Choice;];": 1, + "Attraction-Recommend[Name;Addr;Post;];general-reqmore[none;];Attraction-Inform[Phone;];": 1, + "Train-Inform[Arrive;Choice;Id;Dest;];Train-OfferBook[none;];": 1, + "Train-Inform[Ticket;Ref;People;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Choice;Choice;Choice;Choice;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Addr;Post;];": 1, + "Train-Inform[Leave;Leave;Choice;Choice;Choice;];Train-Select[none;];": 1, + "Attraction-Select[Name;Name;];Attraction-Inform[Type;Area;];": 1, + "Attraction-Request[Area;];general-reqmore[none;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Type;Type;Type;Type;Type;Type;Area;Choice;];": 1, + "Booking-Inform[none;];Attraction-Inform[Fee;Name;Addr;Addr;];": 1, + "Train-Inform[Arrive;Arrive;Arrive;Arrive;Choice;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Depart;Ticket;Arrive;Id;Leave;Ref;Dest;People;];": 1, + "Attraction-Recommend[Area;Name;Type;];": 1, + "Hotel-Inform[none;];Attraction-Inform[Fee;Name;];": 1, + "Booking-NoBook[Stay;Day;People;];Hotel-Inform[Type;];Booking-Request[Stay;Day;];": 1, + "Hotel-NoOffer[Price;Area;Type;];Hotel-Inform[Type;Choice;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-Select[none;];": 1, + "Hotel-Inform[Post;Name;Addr;Addr;Phone;];": 1, + "Hotel-Inform[Name;];Booking-Book[Stay;People;Ref;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;Name;Price;Choice;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Name;];": 1, + "Hotel-Inform[Choice;Name;Type;];": 1, + "Hotel-Inform[Area;];Restaurant-Inform[Area;Name;];": 1, + "Restaurant-NoOffer[Price;Food;Area;];Restaurant-Inform[Food;Food;Food;Food;];": 1, + "Taxi-Inform[Dest;Depart;Phone;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Price;Choice;];": 1, + "general-reqmore[none;];Booking-Book[Day;People;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Area;Choice;Choice;Choice;Choice;];": 1, + "Attraction-Inform[Name;Name;Name;Name;Area;Area;Area;];": 1, + "Attraction-Inform[Post;Addr;Name;];Train-Request[Leave;Arrive;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Type;Choice;Price;Price;];": 1, + "Hotel-Recommend[Name;Stars;Price;];Hotel-Inform[Choice;Internet;Parking;];": 1, + "Train-Inform[Arrive;Time;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Day;];Attraction-Inform[Post;Addr;];Train-Request[Dest;];": 1, + "Train-Inform[Choice;Time;Leave;Leave;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Restaurant-Inform[Food;Area;Addr;Phone;];": 1, + "Hotel-Recommend[Price;Name;Stars;];Booking-Inform[none;];Booking-Request[Day;];": 1, + "Booking-NoBook[none;];Booking-Request[Day;Stay;];general-reqmore[none;];": 1, + "Train-Inform[Id;Dest;Arrive;Day;];": 1, + "Train-Inform[Ticket;Time;Leave;];general-reqmore[none;];": 1, + "Attraction-Recommend[Phone;Phone;Name;Name;];": 1, + "Hotel-Select[Type;Type;];Hotel-Inform[Area;Parking;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Addr;Phone;];": 1, + "general-welcome[none;];Hotel-Inform[Addr;];Booking-Book[Name;];": 1, + "Restaurant-Inform[Choice;Name;Name;Price;Price;];": 1, + "Train-Inform[Time;Day;Leave;Depart;Dest;Ticket;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Phone;Area;Addr;Addr;Addr;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Choice;Internet;Parking;Area;];": 1, + "general-greet[none;];Train-Request[Arrive;Leave;Dest;];": 1, + "Attraction-Recommend[Addr;Addr;Addr;Phone;Name;];": 1, + "Attraction-Select[Choice;Name;Name;Type;];": 1, + "Hotel-Inform[Internet;Price;Parking;Stars;];": 1, + "Attraction-Inform[Addr;Type;Post;];": 1, + "Train-Inform[Dest;Arrive;Id;];Attraction-Inform[Post;];": 1, + "Hotel-Request[Area;Price;];Hotel-NoOffer[Price;];": 1, + "Train-OfferBook[Arrive;Leave;Dest;Id;];Train-Request[People;];": 1, + "Restaurant-Inform[Name;];Booking-Book[People;Day;Ref;];": 1, + "Taxi-Inform[Car;Phone;Depart;Dest;];general-reqmore[none;];": 1, + "Attraction-Request[Area;];Attraction-NoOffer[Area;Type;Type;];": 1, + "Attraction-Inform[Choice;Area;Type;Type;Type;];": 1, + "Hotel-Recommend[Type;];Hotel-NoOffer[Stars;Type;Area;];": 1, + "Hotel-Recommend[Internet;Name;Parking;Price;Addr;];": 1, + "Attraction-Recommend[Post;Name;];Booking-Inform[none;];": 1, + "Train-Inform[Leave;Leave;];Train-Request[Day;Leave;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Price;Area;Food;];Restaurant-Inform[Choice;];": 1, + "Restaurant-Recommend[Choice;Choice;Food;];": 1, + "Train-Inform[Leave;Depart;Ticket;Id;Time;];": 1, + "Booking-NoBook[none;];Booking-Request[Day;Stay;People;];": 1, + "Booking-NoBook[none;];Hotel-Request[Area;Type;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Price;Choice;Food;];": 1, + "Taxi-Request[Dest;];Restaurant-Inform[Food;Name;Area;];": 1, + "Taxi-Inform[none;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "Hotel-Recommend[Phone;Price;Area;Name;Addr;];": 1, + "Attraction-Inform[Fee;Phone;Area;Addr;Name;Post;Type;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Type;Type;Type;Type;Type;Type;Type;Type;Type;Choice;];": 1, + "Attraction-Recommend[Fee;Name;Addr;];general-reqmore[none;];": 1, + "Hotel-Request[Stars;Area;Price;Type;];Hotel-Inform[Choice;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Area;Area;];": 1, + "Hotel-Inform[Area;Post;];": 1, + "Restaurant-NoOffer[Food;Area;];general-reqmore[none;];Restaurant-Inform[Choice;Name;Area;];": 1, + "general-greet[none;];Train-OfferBooked[Ref;];": 1, + "Restaurant-Request[Food;];Restaurant-Recommend[Name;Food;];Restaurant-Inform[Choice;];": 1, + "Restaurant-NoOffer[Food;];Restaurant-Recommend[Price;Name;Food;Area;];": 1, + "Hotel-Inform[Area;Stars;Stars;Name;Name;Internet;];": 1, + "Hotel-Inform[Price;Price;Choice;];": 1, + "Attraction-Inform[Area;Type;Fee;];": 1, + "Taxi-Inform[Phone;Car;Car;];general-reqmore[none;];": 1, + "Hotel-Recommend[Price;Name;Stars;];Booking-Inform[none;];Hotel-Inform[Parking;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Addr;Phone;Fee;Name;];": 1, + "Hotel-Recommend[Name;Area;];Booking-NoBook[Name;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Choice;Name;Type;];": 1, + "Hotel-Select[Area;Area;];Hotel-Inform[Choice;Choice;Internet;Type;Parking;];": 1, + "Hotel-Inform[Phone;Area;Name;Type;];general-reqmore[none;];": 1, + "Restaurant-Inform[Name;];Booking-Book[Day;Time;Ref;];": 1, + "Hotel-Select[Area;Area;Area;];Hotel-Inform[Choice;Stars;Price;];": 1, + "Hotel-Inform[Area;Price;Stars;Name;Internet;];": 1, + "Train-Request[Depart;Dest;Leave;Arrive;];": 1, + "Hotel-Inform[Price;Type;Stars;];": 1, + "Attraction-Recommend[Addr;Addr;Name;];Attraction-Inform[Post;Fee;];": 1, + "Train-Inform[Arrive;Id;Dest;Depart;Time;Leave;];Train-Request[People;];": 1, + "Booking-NoBook[none;];Hotel-Request[Price;Area;];Hotel-Inform[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Stars;Stars;];": 1, + "Train-Inform[Choice;Choice;Leave;Leave;Id;Dest;Depart;Arrive;];Train-OfferBook[none;];": 1, + "Hotel-NoOffer[Type;Internet;];Hotel-Inform[Internet;Type;];": 1, + "Hotel-Request[Area;Stars;];Hotel-Inform[Parking;Choice;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Parking;Name;Name;Area;Area;Internet;];": 1, + "Hotel-Inform[Internet;Area;Name;Parking;];Booking-Book[Ref;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Area;];": 1, + "Restaurant-Select[Name;];Restaurant-NoOffer[Choice;];general-reqmore[none;];": 1, + "Hotel-Inform[Stars;Price;Name;];Booking-Request[Stay;People;];": 1, + "Train-Inform[Id;Depart;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Internet;Stars;Parking;Name;Price;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Type;Type;Area;Area;Price;Price;];": 1, + "Hotel-Request[Area;];Hotel-Select[Type;];Hotel-NoOffer[none;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Choice;Type;Price;];": 1, + "Hotel-Inform[Phone;];general-reqmore[none;];Booking-Book[Ref;Name;];": 1, + "Train-Inform[Day;Arrive;Dest;Leave;];Train-Request[Day;];": 1, + "Train-Inform[Leave;Depart;Id;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Train-Inform[Time;Dest;Depart;];": 1, + "Train-Inform[Id;Dest;Leave;Choice;];Train-OfferBook[none;];": 1, + "general-bye[none;];Train-OfferBooked[People;Ref;Ticket;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Phone;Post;Fee;];": 1, + "Restaurant-Request[Food;];Booking-Inform[none;];Restaurant-Inform[Choice;];": 1, + "Hotel-Inform[Addr;Stars;Phone;Price;Name;];": 1, + "Restaurant-Inform[Food;Food;Choice;Price;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Fee;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Type;Parking;Area;];": 1, + "Attraction-Recommend[Fee;Phone;Name;Type;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Phone;Area;Food;Price;];": 1, + "Hotel-Recommend[Name;Stars;Price;Area;];": 1, + "Train-Inform[Choice;Day;Dest;];Train-Request[Leave;Depart;];": 1, + "Restaurant-Recommend[Name;Name;Name;Name;Name;Food;Food;Food;Food;];": 1, + "Attraction-Inform[Addr;Area;Post;Name;];": 1, + "Hotel-Inform[Phone;Name;Post;Addr;];general-reqmore[none;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Name;Area;Choice;];": 1, + "Taxi-Inform[Phone;Arrive;Car;Dest;];general-reqmore[none;];": 1, + "Train-OfferBook[Id;Leave;];Restaurant-Inform[Post;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;Choice;Area;];": 1, + "Train-OfferBooked[Depart;Leave;Ref;Dest;People;];": 1, + "Train-OfferBooked[People;People;Ref;];": 1, + "general-greet[none;];general-reqmore[none;];Booking-Book[Ref;Day;Time;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Type;Addr;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Area;Type;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Stars;Name;Price;];": 1, + "Restaurant-Inform[Addr;Price;Area;Food;Name;];": 1, + "Attraction-Select[none;];general-greet[none;];Attraction-Inform[Addr;Addr;Choice;];": 1, + "Booking-Request[Day;];Restaurant-Inform[Area;Food;Choice;Price;];": 1, + "general-reqmore[none;];Booking-Book[People;Ref;Name;];": 1, + "Attraction-Inform[Type;Type;Type;Type;Type;Type;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Addr;Phone;Area;];": 1, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Area;Area;];": 1, + "Hotel-Inform[Name;Internet;Parking;Stars;Stars;Price;];": 1, + "Booking-Request[Time;Day;];Booking-Book[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Stars;Name;Area;];": 1, + "Restaurant-Inform[Addr;];Booking-Book[Day;Ref;Time;Name;People;];": 1, + "Hotel-Recommend[Name;Stars;Price;Type;];Booking-Inform[none;];general-greet[none;];": 1, + "Train-Inform[Ticket;Leave;Id;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Type;Area;];": 1, + "Train-Inform[Depart;Day;];Train-Request[Leave;Dest;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;];Restaurant-Inform[Choice;];": 1, + "general-welcome[none;];Hotel-Inform[Phone;Post;Area;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Type;Phone;];": 1, + "Restaurant-Recommend[Price;Name;Food;];general-reqmore[none;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Price;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Type;Price;Price;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Post;Addr;Addr;];": 1, + "Train-NoOffer[Leave;Depart;];": 1, + "Hotel-Inform[Choice;Price;Parking;];": 1, + "Hotel-Recommend[Name;];Booking-Book[Ref;Stay;Day;];": 1, + "Attraction-Recommend[Post;Name;Fee;];general-reqmore[none;];": 1, + "Attraction-Recommend[Fee;Addr;Name;];Attraction-Inform[Type;Choice;];": 1, + "Hotel-Request[Type;];Booking-Book[Ref;];": 1, + "general-reqmore[none;];Booking-Book[People;Day;Name;Ref;];": 1, + "Attraction-Inform[Type;Type;Type;Name;];": 1, + "Attraction-Inform[Name;Name;Name;Name;Type;Choice;Area;Area;Area;];": 1, + "Train-Inform[Id;Dest;Leave;Day;Depart;];Train-OfferBooked[Ref;];": 1, + "Attraction-Inform[Addr;Choice;Name;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Addr;Name;Name;Name;];": 1, + "Restaurant-Select[Price;];Restaurant-NoOffer[Food;Price;];": 1, + "Train-OfferBooked[Ticket;Arrive;Dest;Id;];": 1, + "Hotel-Inform[Type;];Booking-Book[Ref;];": 1, + "Hotel-Inform[Type;Stars;Name;Area;Post;Price;];": 1, + "Train-OfferBooked[Id;Ref;Ticket;Arrive;];": 1, + "Hotel-Inform[Type;Choice;Price;];": 1, + "Restaurant-Select[none;];Restaurant-Recommend[Name;Name;Choice;Food;Food;];": 1, + "Hotel-Request[Area;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-Request[Internet;Parking;Price;Stars;];Hotel-Inform[Choice;Choice;Type;Type;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Booking-Request[People;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Name;Price;];Booking-Request[Day;];": 1, + "Restaurant-Inform[Food;Price;Choice;Choice;Choice;Choice;Area;Area;Area;Area;];": 1, + "Booking-Inform[Name;];Restaurant-Inform[Choice;Area;Price;Food;];": 1, + "Train-Inform[Arrive;Leave;];Train-Request[People;];": 1, + "Hotel-NoOffer[Parking;Type;Area;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Stars;Name;Name;Choice;];": 1, + "Train-Inform[Ticket;Depart;Id;Arrive;Time;Leave;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Ticket;People;Leave;];": 1, + "Restaurant-Recommend[Name;];Booking-Request[Time;];Restaurant-Inform[Area;];": 1, + "Attraction-Inform[Name;Type;Fee;Addr;Addr;Addr;Area;];": 1, + "Restaurant-NoOffer[Price;Food;Area;];Hotel-Inform[Addr;Area;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Choice;Type;];": 1, + "Hotel-NoOffer[none;];general-greet[none;];": 1, + "Attraction-Inform[Name;Type;Phone;Fee;];": 1, + "Train-Inform[Arrive;Ticket;Leave;Leave;];Train-Request[Leave;];": 1, + "Train-Inform[Arrive;Arrive;];general-reqmore[none;];": 1, + "Train-Inform[Ticket;Dest;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Request[Price;Food;];Restaurant-NoOffer[Food;Price;];": 1, + "Restaurant-Request[Price;];Restaurant-Recommend[Name;];": 1, + "Hotel-Select[none;];Hotel-NoOffer[Area;Stars;Type;];Hotel-Inform[Type;Choice;Stars;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Leave;Arrive;Id;];": 1, + "Attraction-Inform[Fee;Area;Name;Name;Type;Choice;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Addr;Name;Name;];": 1, + "Hotel-Inform[Phone;Price;Name;Type;];": 1, + "Attraction-Inform[Type;Name;Addr;Addr;Phone;];": 1, + "Train-Inform[Choice;];Train-Select[Depart;Dest;Day;];Train-Request[Arrive;Leave;];": 1, + "Train-Inform[Arrive;Leave;Depart;Dest;Id;Ticket;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Select[Type;Type;];Hotel-Inform[Internet;Choice;];": 1, + "Hotel-Select[Type;];Hotel-Inform[Choice;];": 1, + "Booking-NoBook[Day;Stay;People;];": 1, + "Hotel-Inform[Price;Area;Parking;];general-reqmore[none;];Booking-Book[People;Name;Stay;Day;Ref;];": 1, + "Train-Inform[Leave;Day;Depart;Id;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ticket;Ref;People;Leave;Id;Day;];": 1, + "Restaurant-Request[Area;];Restaurant-Recommend[Area;Name;];Restaurant-Inform[Choice;];": 1, + "Train-OfferBook[Leave;Ticket;];": 1, + "Train-Inform[Id;Arrive;Day;Leave;Ticket;Time;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Name;Internet;Price;Parking;Type;];": 1, + "Train-Inform[Arrive;Arrive;Id;Id;];Train-Select[none;];general-reqmore[none;];": 1, + "Train-OfferBook[Id;Ticket;];": 1, + "Restaurant-Inform[Area;Food;Choice;Choice;Price;Price;];": 1, + "Train-Select[Leave;Leave;Leave;];": 1, + "Restaurant-NoOffer[Food;];Restaurant-Recommend[Name;];Restaurant-Inform[Food;Choice;Price;Area;];": 1, + "Booking-Book[Ref;Day;Time;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Phone;];": 1, + "Hotel-Recommend[none;];Booking-Inform[none;];Hotel-Inform[Name;Area;Addr;];": 1, + "Train-Inform[Id;Ticket;Time;Leave;];": 1, + "Hotel-Inform[Price;Choice;Internet;Type;Area;];Booking-Request[Day;People;Stay;];": 1, + "Hotel-Inform[Name;Name;Name;Name;Name;Name;Name;Name;];": 1, + "Restaurant-Request[Price;];Booking-Book[Name;Ref;];": 1, + "Restaurant-Inform[Post;Post;Name;Name;Phone;Phone;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Food;Food;Price;Choice;Area;Name;Name;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Price;Food;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Leave;];Train-Request[Day;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Area;];": 1, + "Train-Inform[Time;Ticket;Leave;];Train-OfferBook[none;];Train-Request[Leave;];": 1, + "Train-Inform[Leave;Depart;Day;Id;Dest;];Train-Request[People;];": 1, + "Restaurant-Inform[Price;Area;Addr;Addr;Name;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Type;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Type;Price;];": 1, + "Train-Inform[Day;Id;Dest;Leave;];": 1, + "Restaurant-Inform[Food;Choice;Area;Name;];": 1, + "Hotel-Inform[Addr;Parking;Name;Post;Internet;];general-reqmore[none;];": 1, + "Train-Select[Leave;Arrive;Id;Dest;Depart;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Area;Name;Price;];": 1, + "Attraction-Recommend[Fee;Post;Area;Name;];general-reqmore[none;];": 1, + "Hotel-Recommend[Area;Name;];Booking-Inform[none;];Hotel-Inform[Parking;];": 1, + "Hotel-Recommend[Price;Name;Addr;];": 1, + "Train-Inform[Ref;Arrive;Id;];general-reqmore[none;];Train-OfferBooked[Ticket;];": 1, + "Attraction-Recommend[Addr;Name;];Attraction-Inform[Choice;Area;Type;];": 1, + "Attraction-Inform[Area;Post;Name;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Stars;Name;];Booking-Request[Stay;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Type;Type;Type;Type;Area;];": 1, + "Hotel-Request[Price;Area;Internet;Stars;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Request[Type;Stars;Price;Parking;Internet;];Hotel-NoOffer[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Type;Stars;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Internet;Type;Parking;Area;Stars;];": 1, + "Hotel-Inform[Ref;Addr;];general-reqmore[none;];Booking-Book[Name;];": 1, + "Hotel-Inform[Ref;];general-reqmore[none;];Booking-Book[Name;People;Stay;];": 1, + "Hotel-Inform[Post;Price;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Choice;Food;Name;Name;Area;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Addr;Phone;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Area;Area;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Type;Type;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Internet;Parking;Area;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Area;Stars;Price;Name;];": 1, + "Hotel-Select[Area;Area;Area;Area;Area;];Hotel-Inform[Price;Choice;Type;];": 1, + "Hotel-Select[Stars;Stars;Stars;];Hotel-NoOffer[Type;];": 1, + "Attraction-Recommend[Name;Name;Name;Name;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Area;Internet;Choice;Choice;Type;Type;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Addr;Addr;Post;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Post;Food;Phone;];": 1, + "Taxi-Inform[Car;Phone;];general-bye[none;];": 1, + "Hotel-Inform[Type;Type;];Booking-Request[People;Stay;];": 1, + "Hotel-Recommend[Price;Parking;Internet;Stars;Name;Area;];Hotel-NoOffer[Price;Type;];": 1, + "Hotel-Inform[Addr;Addr;Addr;];general-reqmore[none;];": 1, + "Hotel-Select[Parking;Name;Stars;Internet;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Price;Choice;Type;Area;Stars;];": 1, + "Hotel-Inform[Addr;Post;Area;Name;];": 1, + "Attraction-Inform[Fee;Name;Post;];": 1, + "Taxi-Inform[Dest;Phone;Car;Leave;];": 1, + "Hotel-Request[Price;Stars;];Hotel-NoOffer[Type;Price;Stars;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Booking-Request[Stay;People;];": 1, + "Booking-NoBook[none;];Hotel-Inform[Type;];Booking-Request[Day;Stay;];": 1, + "Hotel-Request[Area;];Hotel-Select[Type;Type;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Price;Name;Internet;Type;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;];": 1, + "Hotel-NoOffer[Type;Internet;Price;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Stars;Name;Area;];": 1, + "Taxi-Request[Arrive;Leave;];Attraction-Inform[Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Name;Name;Area;];": 1, + "Booking-Inform[none;];Hotel-NoOffer[Stars;Type;];Hotel-Inform[Area;Stars;Name;Type;];": 1, + "Hotel-Inform[Parking;Internet;Phone;];Booking-Request[Day;];": 1, + "Attraction-Inform[Name;Type;Type;Type;Choice;Choice;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Name;Post;Fee;];": 1, + "Attraction-Inform[Fee;Type;Name;Name;];": 1, + "Train-Inform[Arrive;Depart;Dest;Leave;];Attraction-Inform[Fee;];": 1, + "Booking-NoBook[Stay;Day;];general-reqmore[none;];": 1, + "Restaurant-Inform[Name;Post;Post;];": 1, + "Hotel-Select[Type;];Booking-Inform[none;];Hotel-NoOffer[Type;];Hotel-Inform[Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Parking;Post;Internet;Price;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Name;Name;Name;];": 1, + "Attraction-Select[Type;Type;Type;Type;Type;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Name;Choice;];": 1, + "Train-Inform[Arrive;Id;Dest;Depart;Ticket;Time;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Ticket;Arrive;Choice;];Train-Request[Leave;];": 1, + "Restaurant-Request[Price;];general-greet[none;];Restaurant-Inform[Choice;Price;Price;];": 1, + "Restaurant-Recommend[Phone;Addr;Name;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-Select[Area;Area;Area;Price;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;Name;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Type;Type;Type;Type;];": 1, + "Taxi-Request[Depart;];Attraction-Inform[Phone;Name;];": 1, + "Restaurant-Recommend[Addr;Post;Post;Name;Phone;];": 1, + "Restaurant-NoOffer[Food;Area;];general-greet[none;];": 1, + "Restaurant-Recommend[Post;Name;Addr;Phone;];": 1, + "Attraction-Recommend[Area;Fee;Addr;Name;];general-reqmore[none;];": 1, + "Train-Inform[Id;Id;];general-reqmore[none;];": 1, + "Hotel-Inform[Type;Internet;Parking;Choice;Choice;Choice;Stars;Stars;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Area;Area;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;Day;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Choice;Type;Stars;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Post;Post;Phone;Phone;];": 1, + "Train-Inform[Day;Id;Arrive;Depart;Dest;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Name;Post;Area;Type;];": 1, + "Hotel-Inform[Name;Addr;Type;Parking;Stars;];": 1, + "Hotel-Inform[Price;Name;Name;Name;Type;Area;Stars;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Food;Name;Name;];": 1, + "Restaurant-Recommend[Addr;Post;Name;];general-reqmore[none;];": 1, + "Hotel-Inform[Phone;Addr;Post;];general-reqmore[none;];Booking-Book[Name;Ref;Stay;];": 1, + "Hotel-Inform[none;];general-greet[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Post;Phone;Parking;];": 1, + "Train-Inform[Id;Arrive;Dest;Time;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;Price;Post;];": 1, + "Hotel-Inform[Type;Addr;Addr;Stars;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Price;Food;Area;];": 1, + "Restaurant-Select[Food;];Restaurant-Inform[Choice;Area;];": 1, + "Restaurant-Inform[Ref;];Train-Request[Day;Leave;Arrive;Depart;];": 1, + "general-reqmore[none;];Train-OfferBooked[Depart;Day;Id;Leave;Ref;Dest;People;];": 1, + "Restaurant-Select[Food;];Restaurant-Inform[Price;Choice;Area;];": 1, + "Restaurant-Inform[Food;Phone;Area;];": 1, + "Train-Inform[none;];Train-OfferBook[Id;Dest;Arrive;Ticket;Depart;Leave;];": 1, + "Restaurant-Inform[Price;Choice;Food;Name;Area;];": 1, + "Attraction-Recommend[Area;Name;Type;];Attraction-Inform[Addr;Fee;];": 1, + "Train-Inform[Day;];Train-Request[Dest;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;Leave;Depart;];": 1, + "Train-Inform[Choice;Depart;Dest;Leave;];Train-Request[Day;];": 1, + "Train-Inform[Arrive;Arrive;Arrive;Arrive;Choice;];Train-Select[none;];": 1, + "Train-Inform[Id;Arrive;Depart;Dest;Leave;Time;];": 1, + "Train-Inform[Choice;Depart;Day;Dest;Leave;];Train-Request[Day;];": 1, + "Restaurant-Recommend[Name;Area;Food;];general-reqmore[none;];": 1, + "Attraction-Request[Type;];general-reqmore[none;];Attraction-Inform[Area;Type;Type;];": 1, + "Attraction-Inform[Type;Addr;Addr;];Train-Request[Leave;Day;];": 1, + "Train-Inform[Choice;Choice;Choice;Day;Arrive;Arrive;Leave;Leave;Leave;];": 1, + "Train-Inform[Id;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Depart;Arrive;Id;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Choice;Time;Leave;Leave;Leave;Leave;Leave;];": 1, + "Train-Inform[Arrive;Dest;Id;Depart;Leave;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Select[none;];Hotel-Inform[Choice;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];general-reqmore[none;];Hotel-Inform[Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;];Booking-Request[Day;People;Stay;];": 1, + "Restaurant-Inform[Post;Addr;Area;Food;Name;Price;];": 1, + "Hotel-Inform[Name;Area;Post;Addr;Stars;Price;];": 1, + "Train-Inform[Ticket;Id;Arrive;Depart;];": 1, + "Train-OfferBooked[Arrive;Ref;Depart;Ticket;People;Id;Dest;Leave;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Name;Choice;Type;Area;Stars;];": 1, + "Hotel-Recommend[Name;Area;Addr;];general-reqmore[none;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Choice;];": 1, + "Hotel-Recommend[Name;];Hotel-Request[Area;];Hotel-Inform[Choice;Price;Parking;Type;];": 1, + "Attraction-Recommend[Type;Name;];Attraction-Inform[Type;Choice;];": 1, + "Restaurant-Request[Area;];Booking-Request[People;];Restaurant-Inform[Choice;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Parking;];": 1, + "Hotel-Inform[Addr;Post;Area;Phone;Type;];": 1, + "Attraction-Request[Type;];general-reqmore[none;];Attraction-Inform[Choice;];": 1, + "Attraction-Recommend[Name;Type;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Addr;Post;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Price;Food;Area;];": 1, + "Attraction-Request[Type;];Hotel-Inform[none;];Attraction-Inform[Area;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Type;Fee;Choice;Area;];": 1, + "Hotel-Inform[Area;Name;Price;Type;Phone;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Price;];": 1, + "Hotel-Inform[Addr;Area;Stars;Price;Choice;Name;];general-reqmore[none;];": 1, + "Restaurant-Select[Name;Name;Price;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Name;Post;Type;];": 1, + "Hotel-Inform[Price;Stars;Name;];general-reqmore[none;];Train-Request[People;];": 1, + "Train-Inform[Depart;Dest;Time;Arrive;Id;];": 1, + "Hotel-Recommend[Type;Area;Internet;Stars;Parking;Name;];Booking-Inform[none;];": 1, + "Train-Inform[Day;Id;Choice;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Select[Addr;Name;];Restaurant-Inform[Choice;Area;];": 1, + "Booking-NoBook[none;];Restaurant-Select[none;];Booking-Inform[none;];": 1, + "Hotel-Request[Parking;Name;Internet;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Area;];general-reqmore[none;];": 1, + "general-greet[none;];Attraction-Inform[Fee;Area;Name;Addr;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Stars;Stars;];": 1, + "Booking-Inform[none;];Hotel-NoOffer[Type;Stars;Area;];Hotel-Inform[Choice;Stars;];": 1, + "Hotel-NoOffer[Stars;Area;Type;];general-reqmore[none;];": 1, + "Restaurant-Inform[Food;Food;Price;Area;Choice;];": 1, + "Train-OfferBooked[Ref;People;Arrive;];": 1, + "Restaurant-Select[Name;];Booking-Inform[none;];Restaurant-Inform[Choice;Food;Area;Price;];": 1, + "Restaurant-Inform[Addr;Addr;];": 1, + "Booking-Request[Day;People;];Restaurant-Inform[Post;Phone;Name;];": 1, + "Train-Inform[Id;Depart;Leave;Ticket;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Phone;Post;Area;];": 1, + "Attraction-Inform[Addr;Post;Fee;];": 1, + "Train-Inform[Depart;Dest;Ticket;Arrive;Leave;Id;];Train-OfferBook[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Price;Type;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Type;Parking;Stars;];": 1, + "Attraction-Inform[Name;Name;Fee;Area;];": 1, + "Attraction-NoOffer[Name;];Attraction-Inform[Post;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Post;Phone;Name;Addr;Food;];": 1, + "Attraction-Inform[Name;Name;Name;Name;Name;Type;Fee;Fee;Choice;Area;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Fee;Post;Post;Phone;Phone;];": 1, + "Hotel-Request[Price;Stars;];Hotel-Select[Type;Type;];Hotel-Inform[Choice;Internet;];": 1, + "Restaurant-Inform[Name;Food;Phone;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Parking;Price;Name;Type;Internet;];": 1, + "Train-OfferBooked[Ticket;Day;Id;Ref;];": 1, + "Restaurant-Inform[Addr;Addr;Name;Name;Area;];": 1, + "Attraction-Request[Name;];general-welcome[none;];Attraction-Inform[Type;Choice;];": 1, + "Attraction-Inform[Fee;Fee;Name;Name;Addr;Addr;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Area;Area;];": 1, + "Train-Inform[Arrive;Id;Dest;Ticket;Time;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Choice;];Train-Select[none;];": 1, + "Train-Inform[Arrive;Depart;Dest;Leave;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Price;Name;Food;];": 1, + "Attraction-Inform[Addr;Post;Phone;Fee;];": 1, + "Train-Inform[Day;Id;Depart;Leave;];Train-Select[none;];": 1, + "Train-Inform[Ticket;Time;Id;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Area;Area;Area;Area;Area;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Type;Type;Stars;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Phone;Addr;Area;];": 1, + "Taxi-Request[Depart;Dest;];Attraction-Inform[Fee;Name;Addr;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Area;Price;];": 1, + "Hotel-Inform[Internet;Parking;Stars;];Booking-Request[Day;];general-greet[none;];": 1, + "Train-Inform[Time;];general-reqmore[none;];Train-OfferBooked[Id;Ref;Ticket;People;];": 1, + "Restaurant-Recommend[Name;Post;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Price;Price;Type;];": 1, + "Hotel-Inform[Price;Name;Parking;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Name;Choice;Price;Price;];": 1, + "Taxi-Inform[Phone;Arrive;Car;Dest;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Type;Area;Name;Name;Stars;Stars;];": 1, + "Attraction-Inform[Name;Price;Phone;Addr;];": 1, + "Attraction-Recommend[Name;Post;];Booking-Inform[none;];": 1, + "Train-Inform[Ticket;Time;];Train-Request[Day;Leave;];": 1, + "Taxi-Inform[Car;Phone;Phone;];": 1, + "Taxi-Inform[Depart;];general-reqmore[none;];": 1, + "Hotel-Inform[Price;Price;Choice;Area;];general-reqmore[none;];": 1, + "Hotel-Inform[Addr;Parking;Post;Type;Internet;];general-reqmore[none;];": 1, + "Hotel-Inform[Post;Phone;];general-reqmore[none;];Attraction-Inform[Type;Area;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Choice;Internet;Parking;Area;];": 1, + "Train-Inform[Day;Depart;Id;];": 1, + "Train-OfferBooked[Day;Ticket;Arrive;Leave;];": 1, + "Attraction-Inform[Name;Post;Fee;Area;];": 1, + "Hotel-Recommend[Internet;Name;Parking;Stars;Price;Area;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Stars;Parking;];general-reqmore[none;];": 1, + "Hotel-Request[Type;];Hotel-Select[Type;];Hotel-NoOffer[Type;Price;];": 1, + "Attraction-Recommend[Name;Area;];general-greet[none;];general-reqmore[none;];Attraction-Inform[Price;];": 1, + "Restaurant-Select[Food;Food;Name;Name;];general-greet[none;];": 1, + "Attraction-Inform[Phone;Area;Type;];": 1, + "Hotel-Select[Type;Type;];Booking-Book[Ref;];": 1, + "Hotel-Inform[Internet;Parking;Stars;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-NoOffer[Stars;Type;];Hotel-Select[Type;Stars;Stars;];": 1, + "Booking-Inform[none;];Hotel-NoOffer[Stars;Type;];Hotel-Inform[Choice;Stars;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Stars;Area;Area;Area;Type;];": 1, + "Hotel-Inform[Addr;Phone;Post;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Name;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Price;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Name;Name;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Addr;Addr;];": 1, + "general-welcome[none;];Hotel-Inform[Phone;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Internet;Type;Parking;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Stars;Name;Type;];": 1, + "Attraction-Recommend[Name;Post;Fee;];general-reqmore[none;];": 1, + "Taxi-Request[Dest;];Attraction-Inform[Area;Name;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Area;];": 1, + "Restaurant-Recommend[Price;Area;Name;Food;];Restaurant-Inform[Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Name;Name;Name;Name;];": 1, + "Train-OfferBook[Arrive;Dest;Leave;Day;Id;];": 1, + "Hotel-Inform[Area;Stars;Choice;];": 1, + "Train-Inform[Arrive;Dest;Id;];Train-Request[Dest;];": 1, + "Restaurant-Recommend[Food;Name;];general-reqmore[none;];Restaurant-Inform[Phone;];": 1, + "Train-Inform[Choice;Depart;Day;Arrive;];": 1, + "Train-Select[Dest;Id;Arrive;];": 1, + "Attraction-Recommend[Addr;Name;];general-greet[none;];Attraction-Inform[Fee;];": 1, + "Hotel-Inform[Area;Addr;];Booking-Request[Stay;];Booking-Book[Name;];": 1, + "Hotel-Inform[Parking;Internet;Type;];": 1, + "Restaurant-Inform[Ref;Area;];Booking-Book[Name;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Choice;Choice;Choice;Type;Type;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Addr;Area;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Price;];": 1, + "Hotel-Inform[Parking;Name;Name;Post;Internet;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Post;Phone;];": 1, + "Attraction-Inform[Area;Area;Area;Choice;Choice;Choice;Choice;];": 1, + "Hotel-Select[Area;Type;Stars;Name;Internet;Parking;];": 1, + "Hotel-Recommend[Name;Phone;];Booking-Inform[none;];Hotel-Inform[Parking;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Name;];": 1, + "Train-Inform[Ticket;Ref;];Train-OfferBooked[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Type;Stars;Price;];": 1, + "Hotel-Request[Stars;Area;];Hotel-NoOffer[Stars;Type;];": 1, + "Hotel-NoOffer[Area;Type;Price;Stars;];": 1, + "Hotel-Inform[Stars;Choice;Area;Area;Price;Type;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Type;];Hotel-Inform[Choice;Area;Type;Price;Stars;];": 1, + "Restaurant-Inform[Post;Phone;];Train-Request[Dest;];": 1, + "Train-OfferBooked[Leave;Ticket;Arrive;Id;];": 1, + "Hotel-Recommend[Name;Area;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Choice;Choice;Area;];": 1, + "Hotel-Inform[Name;Area;];Attraction-Inform[Type;Area;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Post;];": 1, + "Train-Inform[Choice;];general-greet[none;];Train-Request[Leave;Depart;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;Addr;];": 1, + "Taxi-Inform[Dest;Arrive;Depart;Car;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Id;Id;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;Type;Type;Type;];": 1, + "Train-OfferBook[Day;Id;Dest;];": 1, + "Restaurant-Recommend[Name;Food;];Booking-Book[Ref;];": 1, + "Train-Inform[Choice;Ticket;Leave;Leave;Leave;Time;];Train-Select[none;];": 1, + "Train-OfferBook[Leave;Day;Id;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Choice;Area;Area;];": 1, + "Booking-Inform[Name;People;];Booking-Request[Day;Time;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Price;Type;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Price;];": 1, + "Hotel-Recommend[Stars;Stars;Name;Name;Type;Area;];": 1, + "general-reqmore[none;];Booking-Book[Stay;Day;Name;];": 1, + "Hotel-Inform[Name;Ref;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Post;Phone;];general-reqmore[none;];": 1, + "Attraction-Select[Area;Area;Area;Area;];Attraction-Inform[Choice;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Post;Name;Price;];": 1, + "Restaurant-Select[Name;];Restaurant-Inform[Area;Food;Choice;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Choice;Stars;Stars;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Internet;Stars;Stars;];": 1, + "Taxi-Inform[Phone;Leave;Car;];Restaurant-Inform[Name;Area;Addr;Addr;];": 1, + "Hotel-Select[Price;Price;Price;Choice;];": 1, + "Hotel-Recommend[Area;Name;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Parking;Type;Stars;];": 1, + "Restaurant-Select[Price;Price;];Restaurant-Inform[Food;Name;Name;Choice;Area;];": 1, + "Hotel-Inform[Post;Addr;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "Train-Inform[Dest;Choice;];Train-Request[Depart;Day;];": 1, + "Attraction-Inform[Phone;Addr;Area;Name;Post;];": 1, + "Train-Inform[Choice;Leave;];Train-OfferBook[Id;Leave;];": 1, + "Train-Inform[Arrive;Dest;Id;Depart;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Inform[Phone;Price;Post;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Price;Name;];": 1, + "Restaurant-Inform[Food;Ref;Area;Price;];Booking-Book[Day;Time;Name;People;];": 1, + "Train-Inform[Choice;Arrive;Leave;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Food;Food;Choice;Area;];": 1, + "Restaurant-Recommend[Food;];Restaurant-Inform[Choice;Price;];": 1, + "Train-Inform[Id;Dest;Leave;Depart;];Train-OfferBook[none;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Phone;Post;];": 1, + "Hotel-Inform[Name;Type;Stars;Price;];": 1, + "Train-OfferBook[none;];Booking-Book[Name;Ref;Stay;];": 1, + "Train-Inform[Leave;Leave;Leave;Ticket;];": 1, + "Train-Inform[Leave;Dest;Id;Arrive;Depart;];": 1, + "Train-Inform[Depart;Choice;];Train-Request[Leave;];": 1, + "Train-Inform[Dest;Arrive;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Name;Area;];Hotel-Request[Area;];Hotel-Inform[Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Area;Phone;Fee;Name;];": 1, + "Train-Inform[Arrive;Leave;Id;Dest;];general-reqmore[none;];": 1, + "Train-Inform[Dest;Id;Arrive;];": 1, + "Train-Inform[Depart;Day;Dest;Leave;];Train-Request[Leave;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Name;];": 1, + "Booking-NoBook[Time;];Booking-Request[Day;Time;];Restaurant-Inform[Name;];": 1, + "Restaurant-Select[Food;];Restaurant-NoOffer[Price;Food;Area;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Price;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Area;Post;];": 1, + "Train-Inform[Leave;Depart;];Train-Select[none;];": 1, + "Train-Inform[Choice;Choice;];Train-Request[Day;Dest;Leave;Arrive;];": 1, + "Train-Inform[Time;Dest;Depart;];Train-OfferBook[none;];": 1, + "Restaurant-Inform[Name;Name;Area;Food;Price;Price;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Restaurant-Inform[Food;Price;Name;Name;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Addr;Name;Phone;Post;];": 1, + "Hotel-Request[Type;Price;];Hotel-Inform[Area;Choice;Price;];": 1, + "Hotel-Recommend[Price;Name;];Hotel-Inform[Type;Choice;Internet;];": 1, + "Taxi-Request[Leave;];Hotel-Inform[Phone;];": 1, + "Restaurant-Inform[Choice;Name;Addr;Price;];": 1, + "Train-Inform[Day;Choice;Leave;Leave;Leave;Depart;Dest;];": 1, + "Attraction-Recommend[Type;Name;Area;Phone;];": 1, + "Taxi-Inform[Dest;Arrive;Depart;];": 1, + "Hotel-Inform[Type;Internet;Parking;Price;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Choice;Name;];Attraction-Inform[Name;Addr;Addr;Post;];": 1, + "Hotel-Inform[Name;Post;Type;Phone;];": 1, + "general-reqmore[none;];Train-OfferBooked[Depart;Ref;Arrive;Leave;Dest;];": 1, + "Train-OfferBook[none;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Train-Inform[Ticket;];Attraction-Recommend[Name;Type;];": 1, + "Hotel-Inform[Name;];Booking-Request[Day;];Train-OfferBooked[People;Id;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Recommend[Price;Price;Name;Name;];": 1, + "Train-Inform[Time;Leave;Leave;Arrive;Choice;Choice;];Train-Select[none;];": 1, + "Train-Inform[Id;Choice;];Train-OfferBook[none;];": 1, + "Hotel-Select[Name;Name;Price;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;Type;Type;Internet;Parking;];": 1, + "Attraction-Recommend[Price;Name;];Attraction-Inform[Type;Choice;Area;];": 1, + "Restaurant-Inform[Food;Area;Phone;Name;Post;Post;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Price;];": 1, + "Restaurant-Inform[Name;Name;Addr;Addr;Price;Price;];": 1, + "Train-Inform[Leave;Depart;Id;Choice;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Arrive;Ref;Depart;Ticket;People;Dest;Leave;];": 1, + "Restaurant-Inform[Name;Name;Name;Name;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Post;Post;Phone;Name;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Fee;Area;];": 1, + "Train-OfferBooked[Ref;Day;Ticket;Id;];": 1, + "Train-Inform[Arrive;Dest;Leave;];": 1, + "general-reqmore[none;];Train-OfferBooked[Depart;Arrive;Id;Leave;Ref;Dest;];": 1, + "Attraction-Inform[Area;Choice;Type;];": 1, + "Attraction-Recommend[Addr;Name;];Attraction-Inform[Phone;];": 1, + "Train-OfferBooked[Ref;People;Id;Leave;Dest;Arrive;];": 1, + "Train-Inform[Day;Depart;Dest;Id;];Train-OfferBook[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Choice;Price;Stars;];": 1, + "Train-Inform[Day;Leave;Id;];Train-OfferBook[none;];Train-Request[Day;];": 1, + "Hotel-Inform[Addr;Post;Phone;Name;];": 1, + "Hotel-Inform[Internet;Parking;];Booking-Request[People;Stay;Day;];": 1, + "Train-Inform[Dest;Depart;];Train-Request[Depart;Dest;Leave;Day;];": 1, + "Train-Inform[Leave;Depart;Dest;];Train-Select[none;];": 1, + "Train-Inform[Ref;];Train-OfferBooked[Day;Depart;Id;Dest;Leave;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Area;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Internet;Price;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Fee;Type;Type;Area;Choice;];": 1, + "Attraction-Select[none;];Attraction-Inform[Addr;Addr;Addr;Name;Name;];": 1, + "Train-Inform[Dest;Choice;];Train-Request[Leave;];": 1, + "Train-Inform[Id;Leave;];Booking-Inform[none;];": 1, + "Train-Inform[Arrive;Dest;Depart;Ticket;Leave;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Area;Food;Choice;];": 1, + "Booking-Book[Time;Time;People;Ref;Day;];": 1, + "Attraction-Recommend[Phone;Addr;Addr;Addr;Name;];general-reqmore[none;];": 1, + "Train-Inform[Depart;Dest;Ticket;Time;Day;Leave;];general-reqmore[none;];": 1, + "Hotel-Request[Parking;];Hotel-NoOffer[none;];": 1, + "Hotel-Recommend[Name;];Booking-Request[People;];": 1, + "Hotel-Inform[Choice;];Booking-Request[People;];": 1, + "Hotel-Inform[Internet;Parking;Choice;Stars;Name;Price;Area;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Price;Area;Food;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Price;Type;Stars;];": 1, + "Restaurant-Inform[Addr;Food;Price;Phone;];": 1, + "Train-OfferBooked[People;Ref;Leave;Arrive;Dest;];": 1, + "Hotel-Inform[Post;Stars;Price;];": 1, + "Train-Inform[Choice;Day;Leave;];Train-Request[Leave;];": 1, + "Hotel-Inform[Price;Price;Price;Name;Name;Name;Type;Type;];": 1, + "Booking-NoBook[Stay;Day;];Booking-Request[Stay;Day;];": 1, + "Train-OfferBooked[Leave;Ref;Ticket;Depart;People;Dest;];": 1, + "Attraction-Request[Type;];Attraction-Select[Fee;Fee;];Attraction-Inform[Area;Choice;];": 1, + "Train-Inform[Ticket;Dest;Arrive;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Type;Choice;Price;];": 1, + "Restaurant-Request[Area;];Restaurant-Recommend[Name;Area;];Restaurant-Inform[Choice;Price;Food;];": 1, + "Hotel-Inform[Type;Internet;Parking;Choice;Choice;Choice;Stars;Area;Area;];": 1, + "Train-Inform[Choice;];general-greet[none;];Train-Request[Dest;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;Stars;];general-greet[none;];": 1, + "Booking-NoBook[none;];Booking-Request[Stay;Day;];general-greet[none;];": 1, + "Attraction-Request[Type;Area;];Attraction-NoOffer[none;];Attraction-Inform[Type;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Food;Addr;Addr;Name;Name;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Name;Price;];general-reqmore[none;];": 1, + "Train-Inform[Day;Depart;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Dest;Leave;];general-bye[none;];": 1, + "Train-Inform[Choice;Depart;Ref;];": 1, + "Train-Inform[Id;Depart;Dest;Day;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Depart;Dest;Choice;];Train-Request[Day;];": 1, + "Train-Inform[Ticket;];Train-OfferBook[Id;];": 1, + "Hotel-Request[Price;Internet;Parking;];": 1, + "Attraction-Recommend[Fee;Area;Name;];Hotel-Request[Internet;Parking;];": 1, + "Hotel-Inform[Type;Internet;Price;Area;];": 1, + "Restaurant-Inform[Price;Price;Choice;Choice;Choice;];": 1, + "Hotel-Inform[Name;Price;Parking;];general-reqmore[none;];": 1, + "Hotel-Inform[Price;Name;Parking;Stars;];": 1, + "Attraction-Recommend[Name;Fee;];general-greet[none;];general-reqmore[none;];Attraction-Inform[Post;Phone;];": 1, + "Hotel-Select[Parking;Choice;Type;Type;Internet;];": 1, + "Hotel-Inform[Price;Price;Name;Name;];": 1, + "general-greet[none;];Restaurant-Inform[Food;Area;Addr;];": 1, + "Attraction-Inform[Type;Name;Fee;Post;Addr;Addr;Phone;Area;];": 1, + "Taxi-Request[Depart;];Attraction-Inform[Phone;];": 1, + "Attraction-Request[Type;];Hotel-Inform[Addr;Phone;];": 1, + "Restaurant-Inform[Post;Phone;Name;Area;];": 1, + "Restaurant-Request[Name;];Restaurant-NoOffer[Food;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Name;Addr;Price;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Phone;Post;Addr;];": 1, + "Hotel-Inform[Area;Addr;Addr;Stars;];general-reqmore[none;];": 1, + "Attraction-Inform[Choice;Addr;Addr;Name;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Internet;Type;];": 1, + "Hotel-Recommend[Name;Phone;];Booking-Inform[none;];": 1, + "Train-Inform[Arrive;Arrive;Dest;];Train-Request[Leave;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Price;Phone;];": 1, + "Train-Inform[Day;Day;Dest;Leave;];Train-Select[none;];Train-Request[Day;];": 1, + "Hotel-Inform[Name;Internet;Addr;Price;Parking;Stars;];": 1, + "Train-Inform[Id;Dest;Time;];": 1, + "Restaurant-Request[Name;Food;];Booking-NoBook[none;];Restaurant-Inform[Addr;];": 1, + "Attraction-Inform[Fee;Name;Phone;];": 1, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Area;Area;Area;Area;Type;Choice;];": 1, + "Hotel-Inform[Name;Name;Name;Choice;Type;Area;Area;Area;];": 1, + "Booking-NoBook[none;];Hotel-Request[Type;];Hotel-Inform[Type;];": 1, + "Hotel-Inform[Type;];general-reqmore[none;];Booking-Book[Name;People;Ref;Stay;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Area;Name;Name;Choice;];": 1, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Parking;Price;Choice;Choice;Type;];": 1, + "Restaurant-Inform[Price;Area;Food;];": 1, + "Booking-Request[Stay;People;Day;];general-greet[none;];": 1, + "Attraction-Request[Area;];Attraction-Select[Type;];Attraction-Inform[Choice;Type;];": 1, + "general-greet[none;];Attraction-Inform[Addr;Addr;Addr;Area;Name;Phone;];": 1, + "Hotel-Request[Parking;Price;];": 1, + "Booking-Inform[none;];Hotel-Select[Price;Stars;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Recommend[Name;Area;];Booking-Inform[none;];Hotel-Inform[Stars;];": 1, + "general-greet[none;];general-reqmore[none;];Booking-Book[Ref;Name;Day;];": 1, + "Train-Inform[Id;Arrive;Choice;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Day;Leave;Dest;Id;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Day;Ticket;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Choice;];": 1, + "Restaurant-Select[Food;Food;Food;Food;];Restaurant-Request[Food;];": 1, + "general-reqmore[none;];Booking-Book[People;Day;Name;Time;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;];Restaurant-Inform[Area;Choice;Price;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Arrive;Dest;Id;People;];": 1, + "Attraction-Recommend[Addr;Phone;Post;Name;];": 1, + "Train-Inform[Arrive;Depart;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Arrive;Depart;Dest;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Hotel-Inform[Type;Parking;Name;Internet;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;];Booking-Request[People;Day;Stay;];": 1, + "Booking-Inform[People;];Booking-Request[Stay;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Price;Price;Choice;Type;Area;Stars;];": 1, + "Hotel-Request[Area;Parking;];Hotel-Inform[Internet;Choice;Price;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Parking;Name;Type;Internet;];": 1, + "Restaurant-Recommend[Price;Name;Area;Food;];": 1, + "Attraction-Inform[Phone;Fee;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Addr;Addr;Addr;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Area;Choice;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Addr;Food;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;Name;Price;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Internet;Type;Stars;];": 1, + "Hotel-Recommend[Type;Parking;Price;Internet;Name;Stars;];Booking-Inform[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Parking;Name;Area;Internet;];": 1, + "Booking-Inform[none;];Attraction-Inform[Area;Name;Addr;];": 1, + "Train-Inform[Leave;Leave;Arrive;Arrive;Id;Id;];": 1, + "Train-Inform[Depart;Arrive;Leave;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Name;Addr;Phone;];": 1, + "Attraction-Inform[Type;Choice;Choice;Fee;Fee;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;Name;Phone;];": 1, + "general-bye[none;];Attraction-Inform[Phone;Post;Name;Addr;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Choice;Addr;Addr;Price;Type;];": 1, + "Hotel-Inform[Addr;Addr;Name;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Select[Phone;Name;Area;Type;];": 1, + "Train-Inform[Day;Choice;Depart;];Train-Request[Dest;Arrive;];": 1, + "Hotel-Request[Stars;Price;];Hotel-Inform[Choice;Choice;Type;Type;];": 1, + "Hotel-Recommend[Price;Name;Area;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;Stars;];Booking-Inform[none;];Hotel-Inform[Internet;Parking;];": 1, + "Restaurant-Inform[Food;Price;];Attraction-Inform[Name;Addr;Phone;Post;Area;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Area;Choice;Price;Name;];": 1, + "Attraction-Recommend[Post;Addr;Addr;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Area;];general-reqmore[none;];": 1, + "Hotel-Request[Internet;Parking;Stars;];Hotel-Inform[Choice;Type;Area;];": 1, + "Hotel-Request[Internet;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Internet;Choice;Type;];": 1, + "Hotel-Recommend[Name;Addr;];Hotel-Inform[Choice;];": 1, + "Attraction-NoOffer[Type;Area;];Attraction-Inform[Type;Choice;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Area;Area;Choice;Choice;Choice;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Phone;Area;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Leave;Ref;Depart;People;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Type;Choice;Choice;];": 1, + "Attraction-Select[Type;Type;];Attraction-Inform[Fee;Fee;Choice;Type;Area;];": 1, + "Booking-Request[Day;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Attraction-Recommend[Fee;Addr;Post;Name;];general-reqmore[none;];": 1, + "Restaurant-Inform[Food;Food;Food;Price;Price;Price;Name;Name;Name;];": 1, + "Restaurant-Select[Food;Food;Name;Name;];Booking-Inform[none;];": 1, + "Train-OfferBooked[Depart;Ticket;Day;Arrive;Leave;Ref;Dest;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Area;Food;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Choice;Area;];Booking-Book[Ref;People;];": 1, + "Attraction-Inform[Fee;Fee;Type;Area;Choice;];": 1, + "Booking-Book[People;Ref;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Choice;Name;];": 1, + "Hotel-Request[Area;Price;];Hotel-NoOffer[Type;Type;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Area;Price;Stars;Choice;Choice;];general-greet[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Choice;Choice;Type;Type;];": 1, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Choice;Price;];": 1, + "Attraction-Request[Type;Name;];Attraction-Inform[Type;Type;Type;Choice;];": 1, + "Hotel-Request[Stars;];Hotel-Select[Type;Type;];Hotel-Inform[Choice;];": 1, + "Booking-Inform[none;];Hotel-NoOffer[none;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Type;Internet;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Type;Choice;Stars;Stars;];": 1, + "Hotel-Inform[Parking;];Booking-Request[Day;Time;People;];": 1, + "Hotel-Recommend[Area;Name;Stars;];Booking-Inform[none;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Booking-Request[People;];Restaurant-Inform[Choice;Name;Name;Food;Price;];": 1, + "Train-Inform[Time;Ticket;Leave;Arrive;Id;];": 1, + "Train-Inform[Depart;Leave;Arrive;Time;];": 1, + "Train-OfferBook[Leave;Id;];Train-OfferBooked[Ref;Ticket;];": 1, + "Hotel-Select[Area;Area;Area;];Hotel-Inform[Choice;Choice;Price;Type;];": 1, + "Restaurant-Recommend[Name;Price;Post;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Name;Area;Fee;];": 1, + "Train-Request[Arrive;];general-reqmore[none;];Train-OfferBooked[Ref;Ticket;];": 1, + "Restaurant-Select[Area;Area;Name;Name;];Restaurant-Request[Price;];Restaurant-Inform[Choice;];": 1, + "Attraction-Request[Area;];Attraction-Recommend[Name;Area;Fee;];Attraction-Inform[Type;Choice;];": 1, + "Attraction-Inform[Post;Choice;Area;Name;Type;];": 1, + "Hotel-Select[none;];Hotel-NoOffer[Stars;Type;];Hotel-Inform[Choice;Type;];": 1, + "general-greet[none;];Train-OfferBooked[Id;Ref;People;];": 1, + "Booking-NoBook[none;];general-reqmore[none;];Booking-Book[Name;Ref;];": 1, + "Attraction-Inform[Fee;Area;Type;Addr;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Addr;Addr;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Stars;Name;];": 1, + "Taxi-Inform[Leave;Phone;Car;];": 1, + "Hotel-Recommend[Price;Name;];Hotel-Inform[Price;Price;Choice;Choice;Choice;Type;];": 1, + "general-greet[none;];general-reqmore[none;];Booking-Book[Time;People;Day;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Stars;Stars;];": 1, + "Attraction-Recommend[Phone;Addr;Name;];Attraction-Inform[Fee;];": 1, + "Booking-Inform[Name;];Restaurant-Inform[Price;Food;];": 1, + "Hotel-Inform[Addr;Parking;Name;Post;];": 1, + "Hotel-Inform[Area;Area;Name;Name;Choice;Choice;];": 1, + "Hotel-Inform[Choice;Type;Name;Name;];": 1, + "Hotel-Inform[Post;Post;Price;Price;Name;Name;];": 1, + "Restaurant-Inform[Price;Area;Name;Food;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;Price;Type;Phone;];": 1, + "Hotel-Recommend[Area;Internet;Stars;Name;];Booking-Inform[none;];": 1, + "Booking-NoBook[none;];Hotel-Request[Type;];Hotel-Inform[Type;];Booking-Request[Stay;];": 1, + "Hotel-Request[Stars;];Hotel-Select[Price;Area;Type;Type;Internet;];Booking-Request[Stay;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Internet;Type;Price;];": 1, + "Attraction-Request[Type;];Booking-Inform[none;];Hotel-Inform[Name;];": 1, + "Attraction-Request[Area;];Attraction-NoOffer[Area;Type;];Booking-Book[Name;];": 1, + "Booking-Inform[Stay;People;Day;];Hotel-Inform[Price;Type;Name;Stars;];": 1, + "Booking-Inform[Stay;Name;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Choice;Area;Type;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Food;Choice;Price;];Train-Request[People;];": 1, + "Attraction-Inform[Name;Post;Addr;];Train-Request[Dest;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;];general-greet[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Name;Phone;];": 1, + "Train-Inform[Depart;Leave;Leave;];Train-Request[Leave;Day;];": 1, + "Train-OfferBook[Arrive;Dest;Leave;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Type;Choice;Choice;Price;Price;];": 1, + "Hotel-Recommend[Addr;Name;];Booking-Inform[none;];Hotel-Inform[Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Choice;Internet;Parking;];": 1, + "Restaurant-Inform[Addr;Phone;Post;Post;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Food;Food;Food;];": 1, + "Booking-Inform[Day;];Restaurant-Inform[Name;Area;Food;];": 1, + "Hotel-Select[Price;Price;];Hotel-Inform[Area;Choice;Type;];": 1, + "Booking-Book[Ref;Stay;Name;Day;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Food;Area;Price;Phone;];": 1, + "Hotel-Inform[Area;Internet;Choice;Choice;Type;Type;];": 1, + "Hotel-Inform[Stars;Stars;Name;Name;Type;];": 1, + "Restaurant-Request[Food;];Restaurant-Recommend[Name;];Restaurant-Inform[Price;Choice;Area;];": 1, + "Attraction-Inform[Post;Phone;Name;Addr;Area;];": 1, + "Train-OfferBooked[Leave;Ticket;Arrive;Dest;Id;];": 1, + "Attraction-Inform[Fee;Name;Choice;Choice;];": 1, + "Attraction-Inform[Name;Addr;Addr;Area;Fee;];": 1, + "Taxi-Inform[Arrive;Car;Dest;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Addr;Parking;];": 1, + "Restaurant-Request[Food;];Attraction-Inform[Post;Phone;Addr;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Food;Food;Choice;];": 1, + "general-greet[none;];Hotel-Request[Stars;];Hotel-Select[Stars;];Hotel-Inform[Choice;];": 1, + "Hotel-Recommend[Internet;Name;Area;Parking;Stars;Price;Type;];Booking-Inform[none;];": 1, + "Taxi-Request[Leave;];Attraction-Inform[Addr;Addr;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Type;Area;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Choice;Name;];": 1, + "general-bye[none;];Attraction-Inform[Addr;Fee;Name;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Parking;Choice;];": 1, + "Restaurant-Recommend[Food;Addr;Addr;Price;Name;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;];Booking-Inform[none;];Attraction-Inform[Choice;Area;Type;Fee;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Type;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Choice;];": 1, + "Hotel-Recommend[Name;Post;];": 1, + "Train-Inform[Choice;Choice;];Train-Request[Arrive;];": 1, + "Restaurant-Select[Area;];Restaurant-Request[Food;];Restaurant-NoOffer[Food;];": 1, + "Booking-Inform[Name;];Restaurant-Inform[Addr;Post;];": 1, + "Train-Inform[Choice;];Train-Request[Arrive;Depart;Leave;];": 1, + "Hotel-Inform[Area;Internet;Parking;Stars;];": 1, + "Hotel-Inform[Price;Price;Price;Choice;];": 1, + "Train-Inform[Leave;Depart;Arrive;Id;Dest;Dest;];general-reqmore[none;];": 1, + "Hotel-Select[Type;Type;];Booking-Request[Day;];general-greet[none;];": 1, + "Hotel-Recommend[Name;Name;Area;Area;];": 1, + "Attraction-Recommend[Name;Addr;Addr;Addr;];Attraction-Inform[Choice;Type;Type;Fee;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Stars;Addr;];": 1, + "Attraction-Recommend[Name;Fee;Type;];Attraction-Inform[Choice;];": 1, + "Hotel-Inform[Name;Internet;Price;Area;Type;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-Inform[Addr;Name;Stars;Phone;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Dest;Leave;Leave;];Train-Request[Leave;];": 1, + "Attraction-Recommend[Name;Fee;];Attraction-Inform[none;];": 1, + "Booking-Inform[none;];Hotel-Select[Name;Addr;];": 1, + "Attraction-Inform[Area;Name;Price;Post;Addr;];": 1, + "Train-Inform[Depart;Day;Arrive;Arrive;Leave;Leave;];": 1, + "Booking-Book[People;Day;Ref;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Type;Area;Area;Area;];": 1, + "Train-NoOffer[Leave;Dest;Depart;Day;];general-reqmore[none;];": 1, + "Train-Inform[Day;Arrive;Dest;Id;Depart;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Internet;Parking;Area;];": 1, + "Train-Request[Dest;Day;Depart;Leave;];": 1, + "Train-Select[Day;Arrive;Id;Dest;];Attraction-Inform[Type;Area;];": 1, + "Train-Inform[Id;Dest;Leave;Choice;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Name;Area;Area;];": 1, + "Attraction-Request[Type;];Booking-Inform[none;];Attraction-NoOffer[Area;];Attraction-Inform[Choice;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;Fee;];": 1, + "Hotel-Request[Stars;Price;];Hotel-Inform[Internet;Choice;Parking;Type;];": 1, + "Hotel-Inform[Name;Name;Name;Choice;Type;Area;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Addr;Addr;];": 1, + "Train-OfferBook[none;];Hotel-Inform[Type;];Train-Request[Day;];": 1, + "Attraction-Recommend[Addr;Addr;Name;];general-reqmore[none;];Attraction-Inform[Fee;];": 1, + "Restaurant-Recommend[Addr;Post;Name;Food;];Restaurant-Inform[Phone;];": 1, + "Hotel-Inform[Area;Parking;Price;Type;Internet;];general-reqmore[none;];": 1, + "Attraction-Inform[Post;Type;Fee;Name;];": 1, + "Hotel-Inform[Area;Choice;Price;];": 1, + "Hotel-Request[Area;Stars;];Hotel-Inform[Stars;];": 1, + "Hotel-Recommend[Name;Price;];Booking-Inform[Name;];": 1, + "Booking-Book[People;Day;Stay;];": 1, + "Train-Inform[Choice;Dest;];Train-Request[Depart;Arrive;];": 1, + "Train-Inform[Arrive;Choice;Dest;Id;];Train-OfferBook[none;];": 1, + "general-bye[none;];Booking-Book[Day;Ref;Time;People;];": 1, + "Hotel-Request[Stars;Area;];Hotel-Inform[Choice;Choice;Type;Type;];": 1, + "Hotel-Inform[Price;Name;Name;Name;Choice;];general-reqmore[none;];": 1, + "Hotel-Inform[Addr;Type;];Booking-Book[Name;];": 1, + "Hotel-NoOffer[Type;Stars;];Hotel-Inform[Choice;Stars;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Addr;];general-greet[none;];": 1, + "Hotel-Inform[Internet;Addr;];": 1, + "Booking-Request[Day;People;];general-greet[none;];": 1, + "Attraction-Inform[Choice;Choice;Type;Name;Name;Fee;];": 1, + "Hotel-Request[Area;Price;];Hotel-NoOffer[Type;Area;Price;Parking;];": 1, + "Hotel-Inform[Phone;Internet;Addr;Name;];": 1, + "Train-OfferBooked[Leave;People;Ref;Id;Depart;];": 1, + "Restaurant-Inform[Choice;Name;Name;Food;Area;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Post;Addr;];": 1, + "Train-Inform[Leave;Arrive;Dest;];Train-OfferBook[none;];": 1, + "general-bye[none;];Train-OfferBooked[Ref;Id;Ticket;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Addr;Addr;Phone;Area;];": 1, + "Hotel-Inform[Parking;Post;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Internet;Addr;Price;Name;Parking;Type;Stars;];": 1, + "Train-Inform[Arrive;Id;Leave;];general-reqmore[none;];Train-OfferBooked[Ref;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Food;Food;Name;Name;Price;];": 1, + "Restaurant-Inform[Phone;Name;Addr;Addr;Addr;];": 1, + "general-greet[none;];Train-Request[Day;Depart;];": 1, + "Attraction-Recommend[Phone;Post;Name;Addr;Addr;];general-reqmore[none;];": 1, + "Hotel-Request[Stars;Price;];Hotel-Inform[Choice;];general-greet[none;];": 1, + "Attraction-Recommend[Name;Fee;Addr;Phone;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Dest;];Train-Request[Arrive;Depart;Dest;];": 1, + "Train-Inform[Arrive;Arrive;Choice;];Train-Select[none;];Train-Request[People;];": 1, + "general-bye[none;];Train-OfferBooked[Ticket;];": 1, + "Hotel-Recommend[Price;Name;];Booking-Inform[none;];Hotel-Inform[Phone;Post;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Addr;Name;Area;Post;];": 1, + "Booking-NoBook[none;];general-greet[none;];Booking-Inform[none;];Booking-Book[Ref;Name;];": 1, + "Restaurant-Inform[Price;Addr;Food;Phone;];": 1, + "Train-Inform[Arrive;Leave;Depart;Dest;Id;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "general-greet[none;];Train-Request[Arrive;Leave;Dest;Day;];": 1, + "Attraction-Inform[Fee;Phone;Type;Area;];": 1, + "Train-Inform[Arrive;Day;Leave;Id;Ticket;];": 1, + "Restaurant-Inform[Area;Food;Name;Name;Price;Price;Choice;];": 1, + "Attraction-Inform[Addr;Area;Type;Choice;];": 1, + "Hotel-Inform[Price;Name;Type;];general-reqmore[none;];": 1, + "Train-Inform[Depart;Dest;Ticket;Day;Arrive;Id;Leave;];": 1, + "Hotel-Inform[Area;Name;Name;];": 1, + "Hotel-NoOffer[Area;Stars;Type;];Hotel-Inform[Type;Choice;];": 1, + "Booking-Book[Ref;];general-reqmore[none;];Restaurant-Inform[Food;Name;];": 1, + "Hotel-Inform[Choice;Type;];Booking-Request[Stay;Day;];": 1, + "Train-Inform[Id;Arrive;Ticket;Time;];": 1, + "Train-OfferBooked[Id;Leave;Ref;People;Ticket;Day;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Area;Price;];": 1, + "Booking-Inform[none;];Attraction-Inform[Addr;Addr;Area;Name;Fee;];": 1, + "Attraction-Request[Price;Type;];Attraction-Inform[Area;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Name;Phone;Fee;];": 1, + "Attraction-Recommend[Fee;Name;];general-reqmore[none;];Attraction-Inform[Area;Choice;];": 1, + "Train-Inform[Arrive;Choice;Leave;Dest;];": 1, + "Hotel-Inform[Area;Stars;Name;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Leave;];Train-Request[People;Arrive;Leave;];": 1, + "Train-Inform[Id;Dest;Leave;Arrive;];general-greet[none;];": 1, + "Attraction-Inform[Phone;Fee;Type;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Area;Post;Phone;Name;];": 1, + "Attraction-Inform[Choice;Name;Addr;Area;Fee;];": 1, + "Train-Inform[Depart;Day;Day;Dest;Leave;];general-greet[none;];Train-Request[Day;];": 1, + "Train-Inform[Ticket;Id;Arrive;Leave;];Train-OfferBook[none;];general-greet[none;];": 1, + "general-greet[none;];general-reqmore[none;];Booking-Book[Time;Ref;];": 1, + "Train-Inform[Depart;Id;];Train-OfferBook[none;];": 1, + "Train-Inform[Arrive;Id;];Restaurant-Inform[Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Choice;Type;Area;Area;];": 1, + "Train-Select[Leave;Id;];": 1, + "Restaurant-Select[Food;Food;Food;Food;];Restaurant-Inform[Price;Choice;];": 1, + "Train-Inform[Choice;Depart;Dest;Arrive;];Train-Request[Day;];": 1, + "Train-Inform[Choice;Depart;Leave;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Arrive;Arrive;Choice;Leave;Depart;Dest;];": 1, + "Train-Inform[Time;];Hotel-Request[Area;];": 1, + "Hotel-Recommend[Name;Name;];Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Price;Type;Choice;];": 1, + "Train-Inform[Ticket;Id;Id;Time;Choice;Leave;Leave;];general-reqmore[none;];": 1, + "Train-Inform[Depart;Leave;Dest;];": 1, + "Train-Inform[Day;Id;Id;Arrive;];Train-OfferBook[none;];": 1, + "Train-Inform[Time;Leave;];Train-OfferBooked[Id;];": 1, + "Train-Inform[Arrive;Leave;Dest;];Train-Select[none;];": 1, + "Train-Inform[Depart;Dest;Day;Leave;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Name;Addr;Type;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;Internet;Stars;];": 1, + "Train-Inform[Depart;Dest;Ticket;Time;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Name;Type;];Booking-Inform[none;];": 1, + "Hotel-Recommend[Name;Name;Price;Price;Area;];": 1, + "Hotel-Inform[Type;Stars;Parking;Name;Internet;];general-reqmore[none;];": 1, + "Hotel-Recommend[Phone;Name;Stars;Parking;Area;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Choice;Choice;Choice;Price;Food;Area;Area;Area;];": 1, + "Booking-Request[People;];Restaurant-Inform[Choice;];": 1, + "Attraction-Recommend[Fee;Addr;Phone;Type;Post;Area;Name;];": 1, + "Train-Inform[Arrive;Leave;Leave;Dest;Id;];general-reqmore[none;];": 1, + "Restaurant-Inform[Phone;Food;Name;Addr;Price;Post;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Choice;Type;Type;];": 1, + "Attraction-Inform[Fee;Type;Post;Addr;Addr;Phone;];": 1, + "Train-Inform[Id;Arrive;Arrive;Leave;];": 1, + "Hotel-Recommend[Type;Addr;Price;Name;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Post;Stars;Name;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Food;Price;Choice;Choice;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Post;Phone;Fee;];": 1, + "Attraction-NoOffer[Type;Area;];general-reqmore[none;];Attraction-Inform[Type;];": 1, + "Hotel-Recommend[Name;Type;];Hotel-Inform[Area;Stars;Price;];": 1, + "Attraction-Recommend[Name;Area;];Attraction-NoOffer[none;];Attraction-Inform[Area;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Name;Name;Phone;Phone;Phone;Phone;];": 1, + "Train-Inform[none;];Train-Request[Dest;];": 1, + "Hotel-Inform[Price;Price;Area;Area;Choice;Internet;];": 1, + "Hotel-Recommend[Name;];Booking-Request[Stay;Day;];": 1, + "Train-Inform[Id;Depart;Ticket;Time;Leave;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Post;Area;Stars;Parking;Price;Name;Type;Internet;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Name;Name;Area;Area;Food;];": 1, + "Train-Inform[Id;Id;Id;Choice;Arrive;Dest;];": 1, + "Hotel-Inform[Area;Area;Name;Name;];": 1, + "Attraction-Select[Area;Area;Type;Type;];Attraction-NoOffer[Area;Type;];": 1, + "Attraction-Inform[Fee;Fee;Choice;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Name;Phone;Fee;];": 1, + "Hotel-Inform[Addr;Addr;Phone;Name;];general-reqmore[none;];": 1, + "Booking-Book[Time;People;Day;Name;Ref;];general-reqmore[none;];Restaurant-Inform[Addr;Food;];": 1, + "Train-Inform[Depart;Day;Arrive;Leave;];": 1, + "Restaurant-Select[Area;Area;Area;];Restaurant-Inform[Choice;];": 1, + "Booking-Inform[none;];Restaurant-NoOffer[Food;];Booking-Request[People;];Restaurant-Inform[Food;Name;];": 1, + "general-greet[none;];Restaurant-Inform[Phone;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Food;Food;Area;];": 1, + "Hotel-Inform[Name;Area;Post;Addr;Type;];": 1, + "Hotel-Inform[Ref;Price;];Booking-Book[Name;];": 1, + "Attraction-Inform[Area;Type;Choice;Name;];Train-OfferBooked[Ref;];": 1, + "general-welcome[none;];Attraction-Inform[Phone;Addr;Post;];": 1, + "Attraction-Inform[Phone;Type;Area;Addr;Addr;];": 1, + "Hotel-Inform[Area;Choice;Choice;Price;Name;Name;Name;Type;Stars;];": 1, + "Attraction-Recommend[Addr;Name;];Attraction-Inform[none;];": 1, + "Restaurant-Select[Area;];Restaurant-Request[Food;];Restaurant-NoOffer[Food;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Addr;Post;];": 1, + "Train-Inform[Day;Arrive;Arrive;Dest;Id;];Booking-Inform[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Price;];": 1, + "Train-Inform[Dest;Ticket;];Train-Select[Id;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Parking;Stars;Name;Price;Area;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Addr;Addr;];": 1, + "Restaurant-Request[Area;];Restaurant-Recommend[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Addr;Post;];": 1, + "Train-Inform[Arrive;Leave;];Train-Request[Day;];": 1, + "Hotel-Inform[Type;Type;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Addr;Addr;Stars;Stars;];": 1, + "Restaurant-Inform[Addr;Post;Area;];": 1, + "Train-Inform[Choice;Leave;];Train-OfferBook[Leave;];": 1, + "Booking-Inform[Name;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Booking-Request[Time;Day;];Restaurant-Inform[Post;Addr;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Area;Price;Food;];Hotel-Inform[Addr;Name;];": 1, + "Restaurant-Recommend[Name;];Booking-Request[Day;People;];": 1, + "Hotel-Inform[Name;Name;Internet;Choice;Parking;Type;];": 1, + "Booking-NoBook[none;];Booking-Request[People;Stay;Day;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Food;Price;Price;Choice;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Choice;Choice;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Post;Type;Choice;];": 1, + "Hotel-Inform[Parking;Choice;];general-reqmore[none;];": 1, + "Hotel-Inform[Internet;Parking;Area;Name;];": 1, + "general-reqmore[none;];Booking-Book[Stay;Name;People;];": 1, + "general-bye[none;];Attraction-Inform[Addr;Name;];": 1, + "Attraction-Recommend[Post;Phone;Addr;Addr;Addr;Name;];": 1, + "Hotel-Select[Price;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Stars;Price;Name;Area;];": 1, + "Hotel-Inform[Name;Type;];Booking-Request[Day;];": 1, + "Train-Inform[Day;Dest;Id;Leave;Depart;];Train-OfferBook[none;];": 1, + "Attraction-Request[Type;];Restaurant-Inform[Ref;];Attraction-Inform[Choice;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Area;Choice;Type;];": 1, + "Hotel-Inform[Price;Phone;Type;Stars;];": 1, + "Attraction-Recommend[Area;];Attraction-NoOffer[Area;];": 1, + "Hotel-NoOffer[Type;Internet;Parking;];": 1, + "Hotel-Inform[Area;Parking;Name;];": 1, + "Train-NoOffer[Dest;Dest;Depart;];general-reqmore[none;];": 1, + "Hotel-Inform[Parking;Name;Internet;Price;Stars;];": 1, + "Restaurant-Recommend[Name;Phone;Food;];Restaurant-Inform[Addr;Post;Post;];": 1, + "Restaurant-Recommend[Food;Phone;Addr;Post;Name;];": 1, + "Hotel-Select[Choice;Price;Price;];Hotel-Inform[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Phone;Fee;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Name;Area;Type;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Name;Phone;Phone;];": 1, + "Booking-NoBook[none;];Hotel-Request[Area;];Booking-Request[Stay;];": 1, + "Booking-NoBook[none;];Hotel-Request[Type;];Booking-Request[Stay;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Area;Choice;Price;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Name;Name;Name;Choice;];": 1, + "Booking-Book[Day;Time;Name;People;];general-reqmore[none;];Restaurant-Inform[Food;Ref;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Addr;Addr;Addr;Post;];": 1, + "Taxi-Inform[Arrive;Car;Dest;Phone;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Internet;Choice;Price;Parking;Stars;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Choice;Internet;Type;Price;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-Inform[Price;Choice;Type;Area;];": 1, + "Restaurant-Inform[Area;Area;Choice;Choice;Choice;];": 1, + "Taxi-Inform[Arrive;Car;Phone;Dest;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Internet;Type;Type;Parking;Area;];": 1, + "Attraction-Inform[Area;Type;Type;Choice;];": 1, + "Attraction-Recommend[Post;Name;Type;Addr;];general-welcome[none;];": 1, + "Hotel-Inform[Area;Area;Name;Name;Choice;Stars;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Choice;Name;Name;Name;Type;];": 1, + "Train-Inform[Dest;Dest;];": 1, + "Train-Inform[Ticket;Dest;Day;Depart;];Train-OfferBook[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Area;Choice;Choice;Choice;];": 1, + "Hotel-Inform[Name;];Attraction-Inform[Type;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Type;Addr;];": 1, + "Attraction-Inform[Type;Phone;Addr;];": 1, + "Hotel-Inform[Addr;Addr;Addr;];": 1, + "Train-Request[Dest;People;Day;];": 1, + "Attraction-Recommend[Name;Area;];general-reqmore[none;];Attraction-Inform[Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Type;Type;];": 1, + "Train-Inform[Id;Id;Arrive;Arrive;Arrive;];Train-Select[none;];": 1, + "Train-Inform[Choice;Depart;Depart;Dest;Day;Arrive;Arrive;Id;Id;];Train-OfferBook[none;];": 1, + "Train-Inform[Day;Choice;Leave;Dest;];Train-Request[Depart;];": 1, + "Train-Inform[Ticket;Id;Dest;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Select[Choice;Price;];": 1, + "Hotel-Select[Choice;Choice;Price;Price;];general-reqmore[none;];": 1, + "Train-Request[Dest;Leave;Arrive;Depart;];": 1, + "Train-Inform[Choice;Depart;Day;Leave;Leave;];Train-Request[Leave;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Area;Stars;Type;Choice;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Choice;Choice;Type;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Area;Price;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Addr;Name;];general-reqmore[none;];": 1, + "Taxi-Inform[Depart;Car;Leave;Dest;];": 1, + "Train-Inform[Choice;];Train-Request[Depart;Arrive;Leave;Day;];": 1, + "Restaurant-Inform[Addr;Price;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Addr;Addr;Name;Price;];": 1, + "Attraction-Inform[Name;Addr;Phone;Post;];Train-Request[Dest;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Type;Area;Stars;];general-reqmore[none;];": 1, + "Train-Inform[Dest;];general-greet[none;];Train-Request[Arrive;Leave;Dest;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Name;Name;Choice;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Addr;Addr;Name;Name;Phone;Phone;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Phone;Post;Area;];": 1, + "Train-Request[Depart;Dest;Leave;People;Arrive;Day;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Area;Choice;];": 1, + "Attraction-Recommend[Name;Area;Fee;Addr;];": 1, + "Hotel-Inform[Name;Internet;Choice;Parking;Stars;];general-reqmore[none;];": 1, + "Hotel-Inform[Type;Internet;Choice;Price;Area;];": 1, + "Hotel-Request[Stars;Price;];Hotel-NoOffer[Price;Area;Stars;Type;];": 1, + "Hotel-Inform[Name;Area;Stars;Price;];": 1, + "Booking-NoBook[none;];Hotel-Request[Area;];Booking-Request[Stay;Day;];": 1, + "general-reqmore[none;];Booking-Book[Ref;People;Day;Name;];": 1, + "Train-Inform[Arrive;Arrive;Leave;];Train-Select[none;];": 1, + "Restaurant-Recommend[Name;Food;Addr;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Price;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Type;];": 1, + "Hotel-Inform[Addr;Post;Name;Internet;];": 1, + "Train-Inform[Arrive;Choice;Leave;Leave;Depart;Dest;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[Ref;People;Arrive;Leave;];": 1, + "Restaurant-Request[Price;];Booking-Inform[none;];Restaurant-Inform[Area;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Name;Name;Choice;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Area;Area;Choice;Choice;Choice;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Internet;Price;Parking;Type;Stars;];": 1, + "general-reqmore[none;];Train-OfferBooked[Arrive;Ref;Ticket;Id;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Name;Type;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Post;Type;Name;Phone;Fee;];": 1, + "Booking-Inform[none;];Booking-Book[Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Type;Area;Fee;];": 1, + "Booking-Inform[Day;];Booking-Request[Time;People;];general-greet[none;];": 1, + "Hotel-Recommend[Name;Addr;Addr;Post;];": 1, + "Train-Inform[Time;Ticket;Id;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Post;Addr;Addr;Phone;Name;];": 1, + "Hotel-Inform[Area;Stars;Parking;Name;Name;Choice;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Stars;];": 1, + "Hotel-Inform[Stars;Phone;];": 1, + "Train-Inform[Id;Arrive;Time;Choice;Leave;Leave;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Food;Name;Area;Price;];Restaurant-Inform[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Choice;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Name;Name;Name;Choice;];": 1, + "Hotel-Inform[Area;Area;Choice;Choice;Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Internet;Parking;Addr;Addr;];": 1, + "Hotel-Inform[Stars;Stars;Choice;Choice;];": 1, + "Booking-Inform[Name;];Hotel-Select[none;];Hotel-Inform[Area;Area;];": 1, + "Hotel-Request[Stars;Area;Parking;Price;];Hotel-Inform[Internet;Choice;Type;Type;];": 1, + "Hotel-Inform[Name;Name;Internet;Parking;Stars;];": 1, + "Restaurant-Inform[Choice;Addr;Addr;Name;Name;];": 1, + "Booking-NoBook[Name;];Restaurant-Inform[Ref;];Booking-Book[Name;];": 1, + "Taxi-Inform[Car;Phone;];general-welcome[none;];general-reqmore[none;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Area;Choice;Stars;];": 1, + "Hotel-Inform[Name;Name;Choice;Area;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Area;Choice;Price;Price;Name;Name;];": 1, + "Attraction-Inform[Name;Name;Fee;Fee;Choice;Addr;Addr;];": 1, + "Hotel-Recommend[Internet;Name;Parking;];Hotel-Inform[Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Addr;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Name;Name;Stars;];": 1, + "Train-OfferBooked[Leave;People;Ticket;Id;Depart;];": 1, + "Train-OfferBook[Ref;];general-reqmore[none;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Inform[Area;Choice;Name;Name;Type;];general-reqmore[none;];": 1, + "Hotel-Inform[Type;Phone;Addr;Name;];general-greet[none;];": 1, + "Attraction-Recommend[Name;];Hotel-Inform[Name;Stars;];general-greet[none;];": 1, + "Hotel-Recommend[Price;Name;Area;Internet;];Booking-Inform[none;];": 1, + "general-greet[none;];general-reqmore[none;];Booking-Book[Ref;Stay;Name;];": 1, + "Train-Inform[Arrive;Arrive;Id;Choice;Day;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-Inform[Choice;];": 1, + "Taxi-Inform[Phone;Car;Car;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-Inform[Area;Area;Choice;Price;Price;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Name;Name;];": 1, + "Hotel-Inform[Name;Stars;Price;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Id;Ticket;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Type;Type;Type;Choice;Choice;Choice;Choice;];": 1, + "Hotel-Inform[Choice;Internet;Type;Parking;Name;Stars;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Name;Choice;];": 1, + "general-reqmore[none;];Booking-Book[Day;Time;People;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Arrive;Id;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Name;Area;];": 1, + "Hotel-Inform[Area;Addr;Type;Stars;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Choice;Addr;Addr;Type;Fee;Fee;Fee;];": 1, + "Train-Inform[Choice;];Train-Request[Leave;Dest;Day;];": 1, + "general-greet[none;];Attraction-Inform[Choice;Name;Name;Post;Post;Fee;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Choice;Name;Name;];": 1, + "Attraction-Recommend[Phone;Post;Addr;Addr;Name;];": 1, + "Taxi-Inform[Arrive;Car;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Addr;Addr;Addr;Name;Type;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Internet;Type;Parking;Stars;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Area;Type;Name;Price;Stars;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Price;];": 1, + "Booking-Inform[Name;];Booking-Request[Stay;People;];": 1, + "Taxi-Request[Leave;Arrive;Dest;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Attraction-Recommend[Post;Name;];general-reqmore[none;];Booking-Book[Name;];": 1, + "Attraction-Recommend[Name;Name;Name;Post;Post;Post;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Booking-Book[none;];": 1, + "Hotel-Inform[Parking;Name;Name;Choice;Internet;Stars;Area;Area;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Name;Food;Food;Area;];": 1, + "Restaurant-Inform[Post;Post;Phone;Name;Addr;Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Addr;Name;Phone;];": 1, + "Attraction-Recommend[Name;];general-greet[none;];general-reqmore[none;];Attraction-Inform[Type;Area;Fee;];": 1, + "general-greet[none;];Restaurant-Recommend[Addr;Name;];Restaurant-Inform[Choice;Choice;Area;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Choice;Choice;];": 1, + "Hotel-Request[Stars;Area;];Hotel-NoOffer[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Choice;Area;Area;Area;];": 1, + "Booking-Book[Ref;Name;People;];": 1, + "Train-Inform[Arrive;Day;Leave;Depart;Dest;];Train-Select[none;];": 1, + "Train-Inform[Leave;Day;Depart;];Train-OfferBook[none;];": 1, + "Restaurant-Recommend[Name;Price;Food;];general-reqmore[none;];": 1, + "Attraction-Inform[Type;Name;Phone;Area;Fee;];": 1, + "Train-Inform[Choice;Choice;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Type;Type;Type;Area;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Post;Name;];": 1, + "Booking-NoBook[none;];Attraction-Inform[Type;Phone;];": 1, + "Hotel-Recommend[Type;Price;Name;];Booking-Inform[none;];": 1, + "Hotel-Recommend[Internet;Name;Type;Stars;Price;Parking;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-Inform[Parking;];general-reqmore[none;];Booking-Book[Ref;Name;];": 1, + "Train-OfferBooked[Id;Ref;Leave;Ticket;Day;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Addr;Name;Phone;Area;];": 1, + "Restaurant-Recommend[Food;Price;Name;];Restaurant-Inform[Phone;Addr;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Type;Fee;Addr;];": 1, + "Hotel-Request[Type;Price;];Hotel-NoOffer[Type;];Hotel-Select[Type;Price;];": 1, + "Hotel-Inform[Stars;Parking;Name;Area;Internet;Price;];": 1, + "Train-Inform[Day;Choice;Leave;Leave;Depart;];Train-Select[Leave;Leave;];": 1, + "Attraction-Recommend[Phone;Name;Type;];general-reqmore[none;];": 1, + "Attraction-Inform[Price;Name;Phone;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Name;Food;Area;];": 1, + "Hotel-Recommend[Name;Type;];Booking-Inform[none;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-Select[Type;Area;];Hotel-NoOffer[Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Price;Price;Type;Choice;Choice;Choice;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Type;Area;];": 1, + "general-reqmore[none;];Booking-Book[Day;People;Stay;Ref;Name;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Price;Area;Choice;Name;];general-reqmore[none;];": 1, + "Booking-Book[Ref;Name;Time;People;Day;];": 1, + "Hotel-Inform[Type;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Addr;Name;Choice;Internet;];": 1, + "Booking-Book[People;Name;Ref;];": 1, + "Train-Inform[Arrive;Choice;];Train-Request[Depart;Dest;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Name;Type;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Area;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Price;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Price;];": 1, + "Booking-Inform[none;];Restaurant-NoOffer[none;];Restaurant-Inform[Name;Name;];": 1, + "Train-Select[Dest;];general-greet[none;];Train-Request[Leave;];": 1, + "Train-Inform[Arrive;Id;Depart;Ticket;Time;Leave;];": 1, + "Train-Inform[Choice;Arrive;Dest;];Train-Request[Depart;Day;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Post;Post;Post;Name;Name;Name;Name;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Choice;Type;Stars;Stars;];": 1, + "Train-Inform[Arrive;Choice;Leave;];Train-Request[Leave;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Day;Leave;Ticket;Id;];": 1, + "Restaurant-Recommend[Name;Price;];Restaurant-Inform[Food;Choice;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Area;Area;];": 1, + "Hotel-Inform[Area;Post;Stars;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;Type;Type;];Attraction-Inform[Choice;];": 1, + "Hotel-Inform[Name;Name;Name;Type;Type;Stars;];": 1, + "Hotel-Inform[Addr;Area;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Internet;Type;Type;Parking;];": 1, + "Hotel-Select[Type;Type;];Hotel-Inform[Stars;Choice;];": 1, + "general-reqmore[none;];Booking-Book[Ref;People;Stay;Day;Name;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Addr;Area;];": 1, + "Train-Inform[Arrive;Leave;Choice;];Train-OfferBook[none;];": 1, + "Train-Inform[Ticket;Time;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Parking;Price;Internet;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Fee;];": 1, + "Train-Inform[Day;Leave;Leave;Leave;];Train-Select[none;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Choice;Choice;Food;Price;Price;];": 1, + "Hotel-Inform[Area;Name;Parking;Type;];": 1, + "Hotel-NoOffer[Type;Stars;];Hotel-Select[Stars;];": 1, + "Train-Inform[Depart;Day;Dest;];Train-Request[Leave;Day;];": 1, + "Train-Inform[Dest;Depart;Time;];": 1, + "Booking-NoBook[People;Time;Day;];Restaurant-Inform[Name;Name;Name;Area;Food;Price;];": 1, + "Booking-Book[Time;People;Ref;Day;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Attraction-Inform[Name;Name;Choice;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Name;Area;];general-reqmore[none;];Attraction-Inform[Type;];": 1, + "Hotel-Inform[Internet;Phone;];": 1, + "Booking-Inform[Name;People;];Booking-Request[Day;];": 1, + "Booking-NoBook[none;];Booking-Inform[Name;];Booking-Book[Ref;];": 1, + "Hotel-Request[Area;Parking;];Hotel-Inform[Type;];": 1, + "Hotel-NoOffer[Stars;];Hotel-Inform[Choice;Stars;];": 1, + "Attraction-Recommend[Fee;Name;Area;];Attraction-Inform[Choice;];": 1, + "Hotel-Inform[Name;Name;Choice;Price;];": 1, + "Hotel-NoOffer[Type;Price;];Hotel-Select[Area;Price;];": 1, + "Taxi-Inform[Depart;Phone;Car;Leave;];general-reqmore[none;];": 1, + "Restaurant-Inform[Addr;Name;Phone;Post;Area;];": 1, + "Train-Inform[Ticket;Leave;Leave;Time;];": 1, + "Restaurant-Inform[Post;Addr;Price;Phone;Name;Choice;];": 1, + "Attraction-Recommend[Name;Addr;];Attraction-Inform[Choice;Area;Type;];": 1, + "general-greet[none;];Attraction-Inform[Name;Addr;];": 1, + "Restaurant-Request[Price;Food;];Restaurant-NoOffer[Price;Food;];": 1, + "Restaurant-NoOffer[Area;Food;];general-greet[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Price;Name;Area;Food;];general-reqmore[none;];": 1, + "Taxi-Request[Depart;Dest;Arrive;Leave;];general-greet[none;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Food;Price;Choice;];": 1, + "Hotel-Inform[Name;Area;Post;Price;];Booking-Request[People;Day;];": 1, + "Attraction-Recommend[Fee;Name;Area;];general-reqmore[none;];": 1, + "Hotel-Request[Stars;Price;];Hotel-Inform[Internet;Choice;Parking;];": 1, + "Attraction-Inform[Area;Phone;Fee;Name;];": 1, + "Train-Inform[Day;Leave;Depart;Dest;Id;];Train-OfferBook[People;];": 1, + "Hotel-Inform[Name;Internet;Parking;Price;];": 1, + "Train-Inform[Arrive;Leave;Id;];Train-OfferBook[none;];general-greet[none;];": 1, + "Hotel-Request[Area;];Hotel-Select[Type;Type;];general-greet[none;];": 1, + "Hotel-Recommend[Area;Name;Stars;];Hotel-Request[Area;];Hotel-Inform[Choice;];": 1, + "Hotel-Select[Parking;];Hotel-Inform[Price;Area;Name;];": 1, + "Train-Inform[Arrive;Choice;];Train-NoOffer[Arrive;];": 1, + "Attraction-NoOffer[Area;];general-reqmore[none;];Attraction-Inform[Choice;Area;];": 1, + "Attraction-Inform[Fee;Fee;Area;Type;Choice;Choice;Choice;];": 1, + "Train-OfferBooked[Ref;Ticket;Arrive;Id;];": 1, + "Taxi-Inform[Dest;Phone;Arrive;Depart;Car;];general-reqmore[none;];": 1, + "Restaurant-Request[Name;];Restaurant-NoOffer[Food;Price;];general-reqmore[none;];": 1, + "Restaurant-Request[Price;Food;];Attraction-Recommend[Phone;Addr;Name;];": 1, + "Hotel-Select[Stars;Type;Area;Area;];": 1, + "Hotel-Recommend[Name;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "Restaurant-Recommend[Addr;Addr;Addr;Name;Food;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Food;];": 1, + "Hotel-Recommend[Name;Price;Type;Stars;];Booking-Inform[none;];": 1, + "Hotel-NoOffer[Type;Stars;Area;Price;];": 1, + "Booking-Inform[none;];Hotel-Request[Area;];Hotel-Inform[Name;Choice;];general-reqmore[none;];": 1, + "Attraction-Inform[Price;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Addr;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Post;Post;];": 1, + "Train-Inform[Arrive;Id;Ticket;Leave;];Train-Select[none;];": 1, + "general-greet[none;];Restaurant-Inform[Post;];": 1, + "Taxi-Request[Depart;];Attraction-Inform[Phone;Addr;];": 1, + "Hotel-Recommend[Choice;];Hotel-Inform[none;];": 1, + "Train-Inform[none;];Train-Request[Leave;Depart;];": 1, + "Train-Inform[Arrive;Leave;Id;Ticket;];": 1, + "general-bye[none;];Train-OfferBooked[Ref;Ticket;Leave;];": 1, + "Hotel-Inform[Price;Phone;Type;Area;];": 1, + "Attraction-Recommend[Type;];Attraction-Inform[Name;];": 1, + "Train-Inform[Ticket;Id;Leave;];general-reqmore[none;];Train-OfferBooked[People;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Parking;Stars;];": 1, + "Hotel-Inform[Area;Name;Name;Name;Name;Name;Name;Type;];": 1, + "Train-Inform[Arrive;Choice;Id;Leave;Leave;];Train-OfferBook[none;];": 1, + "Train-OfferBook[Arrive;Ticket;Leave;Time;Id;];": 1, + "Booking-Book[Ref;];general-reqmore[none;];Train-OfferBooked[Ref;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Stars;Choice;Type;Type;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Type;Choice;Price;Price;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Parking;Name;Internet;Price;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Price;Price;Name;Name;Food;Area;];": 1, + "Attraction-Inform[Fee;Type;Area;Choice;];": 1, + "Taxi-Inform[Dest;Car;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;Area;Price;];": 1, + "Restaurant-Select[Food;];Booking-NoBook[none;];Booking-Request[Time;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Area;Choice;Price;];": 1, + "Train-Inform[Day;Choice;Leave;Depart;Dest;Id;];Train-OfferBook[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Choice;Stars;Stars;Name;Name;];": 1, + "Hotel-NoOffer[Stars;Area;Price;];": 1, + "Hotel-Inform[Type;Parking;Name;Post;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Internet;Type;Type;Area;];": 1, + "Hotel-NoOffer[Parking;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;Day;Depart;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Area;Addr;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Name;Area;];": 1, + "Attraction-Inform[Addr;Post;Type;Name;Fee;];": 1, + "Train-Inform[Choice;Day;Depart;];Train-Request[Leave;];": 1, + "Train-Inform[Arrive;Choice;];Train-NoOffer[none;];Train-OfferBook[none;];": 1, + "Train-Inform[Choice;Dest;Arrive;Leave;Leave;Leave;];Train-Select[none;];": 1, + "Attraction-Recommend[Type;Name;Post;];Booking-Inform[none;];": 1, + "Taxi-Request[Leave;];Booking-NoBook[none;];Attraction-Inform[Phone;Fee;];": 1, + "Train-Inform[Arrive;Day;Leave;Leave;Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Post;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Price;Parking;];": 1, + "Restaurant-Select[none;];Restaurant-Recommend[Name;Name;];": 1, + "Train-Inform[Arrive;Choice;Leave;Leave;];": 1, + "Attraction-Inform[Type;Addr;Addr;Post;Area;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Internet;Parking;Price;];": 1, + "Train-Select[Depart;Leave;Dest;Day;];": 1, + "Restaurant-Request[Area;];Booking-Request[People;];": 1, + "Train-Inform[none;];Train-OfferBook[Id;Arrive;Leave;];": 1, + "Hotel-Inform[Name;Area;];Train-OfferBooked[Ref;Ticket;];": 1, + "Train-Inform[Id;Arrive;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Name;Price;];Restaurant-Inform[Post;Phone;];": 1, + "Train-Inform[Id;Arrive;Depart;Dest;Ticket;Time;Leave;];": 1, + "Train-OfferBooked[Day;Depart;];": 1, + "Attraction-Recommend[Name;Fee;Addr;Addr;Addr;];": 1, + "Hotel-NoOffer[Name;];general-reqmore[none;];": 1, + "Hotel-Inform[Price;Phone;Internet;Type;Parking;Post;Area;Stars;Addr;];": 1, + "Train-Inform[Id;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Hotel-Select[Name;];Booking-Request[Stay;];Hotel-Inform[Choice;Parking;];": 1, + "Train-Inform[Arrive;Choice;Leave;Depart;Dest;Id;];Train-OfferBook[none;];": 1, + "Restaurant-Select[Food;Food;Food;];Restaurant-Inform[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Price;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Name;Food;Addr;Area;];": 1, + "Hotel-Select[Choice;Type;Area;Area;Stars;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Price;Area;];": 1, + "general-bye[none;];Hotel-Inform[Name;];general-welcome[none;];": 1, + "Restaurant-Recommend[Name;Addr;];Restaurant-Inform[Choice;Area;];": 1, + "Train-Inform[Leave;Leave;];Train-Request[Depart;Dest;Day;];": 1, + "Hotel-Inform[Stars;Parking;Price;Choice;Type;Internet;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Type;Stars;Internet;Price;];general-reqmore[none;];Attraction-Inform[Choice;Area;Type;];": 1, + "Hotel-NoOffer[Price;];general-reqmore[none;];Hotel-Inform[Stars;Price;Type;Choice;];": 1, + "Booking-Book[Ref;Name;];general-reqmore[none;];Attraction-Inform[Name;Area;Type;];": 1, + "Hotel-Request[Parking;Stars;Internet;];Hotel-Inform[Name;Choice;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Choice;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Price;Name;];": 1, + "Hotel-Recommend[Name;Addr;];Booking-Inform[none;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Request[Parking;Price;];Hotel-Inform[Choice;Choice;Type;Type;];": 1, + "Restaurant-Select[Food;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;];": 1, + "Restaurant-Inform[Food;Addr;Area;Price;];Booking-Book[Ref;Name;];": 1, + "Restaurant-Recommend[Phone;Area;Addr;Post;Name;];general-reqmore[none;];": 1, + "Hotel-Recommend[none;];Hotel-Inform[Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Choice;Name;Internet;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Food;Area;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Food;Area;];": 1, + "Hotel-Recommend[Name;Addr;];Hotel-Inform[Stars;Price;];": 1, + "general-greet[none;];Attraction-Inform[Post;Addr;Addr;];": 1, + "Attraction-Recommend[Area;Fee;Post;Phone;Name;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Name;Name;Name;Name;];": 1, + "Hotel-Recommend[Name;Area;Stars;Price;];Booking-Inform[none;];": 1, + "Train-Inform[Choice;Day;Dest;];Train-Request[Leave;Depart;Arrive;];": 1, + "Train-Inform[Leave;Id;Dest;Depart;Arrive;];Train-Select[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Type;Stars;Name;Name;Area;Price;Price;];": 1, + "Booking-NoBook[Stay;];Hotel-Inform[Name;];Booking-Request[Stay;Day;];": 1, + "Attraction-Inform[Name;Addr;Addr;Fee;];": 1, + "Train-Inform[Choice;Dest;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Choice;Choice;];": 1, + "Restaurant-Recommend[Name;Addr;Price;];general-reqmore[none;];Restaurant-Inform[none;];": 1, + "Train-Inform[Arrive;];Train-Request[Arrive;];": 1, + "Train-Inform[Id;Dest;Ticket;Day;Arrive;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Train-Inform[Leave;Id;Time;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Stars;Type;];general-greet[none;];": 1, + "Train-Inform[Day;Leave;Dest;Id;];Train-Select[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Name;Post;Phone;];": 1, + "Attraction-Recommend[Name;Addr;];Attraction-Inform[Choice;Area;];": 1, + "Attraction-Inform[Area;Fee;Name;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Addr;Stars;Name;Price;];": 1, + "general-reqmore[none;];Booking-Book[Name;Day;Stay;];": 1, + "Train-Inform[Ticket;Id;Dest;Arrive;Ref;];Train-OfferBook[none;];": 1, + "Train-Inform[Depart;Leave;];Hotel-Select[Type;Type;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Addr;Phone;Name;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;Area;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;];Booking-Request[Stay;People;];": 1, + "Booking-NoBook[Day;];Booking-Request[Stay;];": 1, + "Booking-NoBook[Day;Stay;People;];Hotel-NoOffer[Type;];general-reqmore[none;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Recommend[Food;];Restaurant-Inform[Name;Area;];": 1, + "Train-Inform[Id;Arrive;Leave;];general-greet[none;];": 1, + "Train-Inform[Choice;Ticket;];Train-Request[Arrive;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Price;Price;Choice;];": 1, + "Hotel-Inform[Post;Addr;Type;Phone;];": 1, + "Train-Inform[Arrive;Id;Dest;Leave;];Train-Select[none;];": 1, + "Train-Inform[Choice;Arrive;];Train-Request[Dest;];": 1, + "Restaurant-Select[Name;Name;];Restaurant-Inform[Area;Food;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Addr;Name;Post;];": 1, + "Attraction-Inform[Type;Area;Name;Name;Name;Name;Choice;];": 1, + "Booking-Inform[none;];Booking-Request[People;];Attraction-Inform[Fee;Name;];": 1, + "Attraction-Recommend[Phone;Name;Post;];general-reqmore[none;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Phone;];": 1, + "Booking-Inform[People;];Booking-Request[People;];": 1, + "Restaurant-Recommend[Name;Price;Food;];Booking-Request[People;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Type;Parking;Area;Name;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Stars;Stars;Choice;Name;Name;Type;];": 1, + "Restaurant-NoOffer[none;];general-reqmore[none;];Restaurant-Inform[none;];": 1, + "Restaurant-Inform[Food;Name;Area;Price;];Booking-Book[Ref;Time;People;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Food;];Restaurant-Inform[Price;Choice;Area;];": 1, + "Train-Inform[Time;];Restaurant-NoOffer[none;];": 1, + "Restaurant-NoOffer[Food;Area;];Restaurant-Inform[Area;Choice;Price;];": 1, + "Restaurant-Inform[Price;Food;Name;Name;Name;Name;Name;Name;Choice;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Type;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Parking;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Area;Addr;];": 1, + "Hotel-Recommend[Phone;Post;Addr;Name;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Phone;Post;];": 1, + "Train-OfferBook[Time;];Train-Request[Leave;];": 1, + "Hotel-Request[Name;];Booking-Request[Stay;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Type;Price;Price;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Choice;Price;Stars;Area;Type;];": 1, + "Train-Inform[Arrive;Arrive;Choice;Leave;Leave;];": 1, + "Train-Inform[Choice;Id;Arrive;Leave;];Train-OfferBooked[Ref;];": 1, + "Train-Inform[Choice;Ticket;Leave;Leave;];Train-Select[none;];": 1, + "Attraction-Recommend[Fee;Post;Addr;Name;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Phone;Food;Name;Addr;Area;Post;];": 1, + "Hotel-Inform[Choice;Stars;Stars;];": 1, + "Booking-NoBook[Name;];Booking-Request[Stay;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Day;Choice;];": 1, + "Hotel-NoOffer[Area;Type;];Booking-Inform[none;];Hotel-Select[Type;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Recommend[Name;Price;Phone;];": 1, + "Train-Inform[Choice;Leave;Dest;];Train-Select[Leave;Leave;];": 1, + "Hotel-Select[none;];Hotel-Inform[Internet;Choice;Choice;Choice;Price;Parking;Type;Stars;Stars;];": 1, + "Booking-NoBook[Name;];Booking-Inform[none;];": 1, + "Hotel-Select[Name;];Booking-Book[Ref;];": 1, + "Train-Inform[Arrive;Choice;Leave;Leave;Depart;Dest;];Train-Select[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Area;Choice;Choice;];": 1, + "Attraction-Recommend[Area;Phone;Addr;Name;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Area;Addr;Name;];": 1, + "Train-Inform[Choice;Dest;Arrive;Id;Leave;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Area;Choice;Name;Name;Name;Name;];": 1, + "Train-Inform[Time;Leave;];Train-OfferBook[none;];Train-Request[Day;Leave;];": 1, + "Restaurant-Inform[Phone;Food;Name;Area;];": 1, + "Train-Inform[Ticket;Time;];Train-Request[Arrive;Leave;];": 1, + "Train-Inform[Leave;Arrive;Id;];Train-Request[People;];": 1, + "Taxi-Inform[Depart;Dest;Car;Phone;Arrive;];general-reqmore[none;];": 1, + "Train-Inform[Day;Leave;Depart;Id;Ticket;];Train-OfferBook[none;];": 1, + "Train-Inform[Time;Arrive;Leave;Dest;Id;Ticket;];Train-OfferBook[none;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Price;Area;Area;];": 1, + "Restaurant-Select[Area;Area;];Restaurant-Request[Area;];Restaurant-NoOffer[none;];": 1, + "Train-Inform[Day;Arrive;Dest;Depart;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Area;Type;Type;Type;Type;Type;Type;Choice;];": 1, + "Taxi-Inform[Phone;Depart;Car;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Addr;Choice;Name;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Area;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Choice;Name;Name;Area;];": 1, + "Restaurant-Inform[Price;];Booking-Book[Ref;Name;];": 1, + "Train-Inform[Ticket;Id;Dest;Leave;Depart;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Addr;Name;Post;];": 1, + "Train-Inform[Dest;Choice;Depart;];Train-Request[Arrive;];": 1, + "Train-Inform[Depart;Dest;Arrive;Id;Leave;];general-reqmore[none;];": 1, + "Train-Inform[Day;Arrive;Id;Dest;Depart;Leave;];general-reqmore[none;];": 1, + "Train-Select[Leave;Dest;Day;Depart;];": 1, + "Train-NoOffer[Leave;];Train-OfferBook[Leave;];": 1, + "Attraction-Recommend[Post;Phone;Name;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Type;Phone;Phone;Area;];": 1, + "Train-Inform[Arrive;Day;Leave;Dest;];general-reqmore[none;];": 1, + "Hotel-Inform[Parking;Internet;Stars;];Booking-Request[Day;];": 1, + "Hotel-Select[Type;];Hotel-Inform[Name;Name;Name;Choice;];": 1, + "Booking-Inform[Ref;People;Stay;Day;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Area;Food;Food;Choice;];": 1, + "Booking-Inform[none;];Hotel-NoOffer[none;];Hotel-Inform[Stars;];": 1, + "Hotel-Inform[Type;Phone;Post;Internet;Parking;Stars;Name;Price;];": 1, + "Train-Inform[Leave;Choice;];Train-Request[Leave;Arrive;];": 1, + "Train-Inform[Time;Ticket;Leave;Depart;Id;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Addr;Area;];": 1, + "Train-Inform[Time;Arrive;Choice;Leave;Leave;Depart;];": 1, + "Hotel-Recommend[Parking;Name;Stars;];": 1, + "Train-Inform[Choice;Dest;];general-reqmore[none;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;];Restaurant-Inform[Price;Choice;Area;];": 1, + "Train-Inform[Id;Arrive;Depart;Dest;Dest;Leave;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[Time;Ref;Ticket;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Phone;];": 1, + "Restaurant-Select[Food;];Restaurant-NoOffer[Food;Price;];": 1, + "Hotel-Inform[Name;];Booking-Request[Stay;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Post;Addr;];": 1, + "Restaurant-Recommend[Food;Phone;Addr;Price;Name;];": 1, + "Restaurant-Inform[Food;Food;Food;Area;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Price;Choice;Type;Parking;];": 1, + "Train-OfferBooked[Dest;Depart;Leave;Id;People;Ticket;Ref;];": 1, + "Attraction-Recommend[Area;Name;Name;Type;Type;];": 1, + "Taxi-Inform[Phone;Car;Depart;Dest;];": 1, + "Restaurant-Inform[Price;Addr;Phone;Post;];": 1, + "Hotel-Recommend[Name;Price;Area;];Booking-Request[Stay;People;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[none;];Hotel-Select[Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Stars;Area;Price;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Area;Choice;Type;];": 1, + "Hotel-Inform[Addr;Post;Name;];general-reqmore[none;];": 1, + "Restaurant-NoOffer[none;];general-reqmore[none;];general-greet[none;];": 1, + "general-greet[none;];Restaurant-Inform[Post;Phone;Addr;];": 1, + "Hotel-Request[Price;];Hotel-Select[Price;Price;];Hotel-Inform[Choice;];": 1, + "Hotel-Recommend[Name;Addr;];Booking-Inform[none;];Hotel-Inform[Parking;Stars;Internet;];": 1, + "Taxi-Inform[Phone;];Booking-Inform[none;];": 1, + "Restaurant-Recommend[Price;Price;Area;Area;Name;Name;Food;Food;];": 1, + "Hotel-Select[Price;Price;Type;Type;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Addr;Parking;Name;Internet;];": 1, + "Hotel-Inform[Post;Name;Addr;Addr;];general-reqmore[none;];": 1, + "Hotel-Request[Parking;Price;Internet;];Hotel-Inform[Area;Choice;Choice;Choice;Type;Type;];": 1, + "Booking-NoBook[none;];Hotel-Request[Name;];general-reqmore[none;];": 1, + "Train-Inform[Depart;Choice;Dest;];Train-Request[Leave;Arrive;];": 1, + "Restaurant-Inform[Price;Addr;Name;Food;Phone;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Food;Area;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Addr;Food;];": 1, + "Hotel-Inform[Area;Name;Price;Type;];Booking-Request[Day;];": 1, + "Train-Inform[Choice;Day;Dest;];Train-Request[Arrive;Leave;];": 1, + "Train-Inform[Leave;Leave;Depart;Dest;Id;];Train-OfferBook[none;];": 1, + "Hotel-NoOffer[Area;Stars;Type;Parking;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Type;Stars;Parking;Area;Internet;Price;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Parking;Choice;Stars;Area;Type;];": 1, + "Hotel-Select[Stars;Area;Type;];": 1, + "Hotel-Recommend[Type;Name;Stars;Parking;Internet;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Area;Choice;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Stars;Price;Name;Type;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Price;Price;Area;Area;];": 1, + "Hotel-Recommend[Area;Name;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Addr;Addr;Parking;Internet;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Parking;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;Price;Internet;Stars;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Type;Type;Choice;Choice;Area;];": 1, + "Attraction-Recommend[Area;Name;Addr;Addr;Post;];": 1, + "Restaurant-Inform[Name;Food;Choice;];": 1, + "Hotel-Select[Type;Type;];Hotel-Inform[Internet;];": 1, + "Hotel-Inform[Type;Phone;Internet;Name;];general-reqmore[none;];": 1, + "Train-Inform[Depart;Arrive;Choice;Dest;];Train-Request[Leave;];": 1, + "Attraction-Inform[Fee;Fee;Area;Choice;Choice;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Fee;Choice;Choice;];": 1, + "Train-Select[Depart;];Attraction-Inform[Name;Name;Name;Name;Name;Post;Post;Post;Post;Post;];Train-Request[Depart;];": 1, + "Booking-NoBook[Stay;];general-reqmore[none;];Booking-Book[Ref;Stay;];": 1, + "Train-Inform[Choice;];Train-Request[Arrive;Leave;Day;Depart;];": 1, + "Train-Inform[Day;Dest;Depart;Arrive;Arrive;Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Name;Name;];": 1, + "Attraction-Inform[Type;Type;Type;Type;Choice;Choice;Fee;];": 1, + "Restaurant-Inform[Phone;Name;Addr;];Train-Request[Day;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Phone;Food;Name;Addr;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Phone;Addr;Stars;];": 1, + "Taxi-Inform[Car;Phone;Leave;];Booking-Book[Ref;];": 1, + "Taxi-Inform[Arrive;Leave;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-Inform[Price;Name;Internet;Stars;];": 1, + "Hotel-Inform[Area;Choice;Name;];": 1, + "Hotel-Request[Area;Price;Type;];Hotel-Inform[Choice;];": 1, + "Restaurant-Recommend[Name;Food;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Type;Type;Type;Type;Type;Type;Type;Type;Area;];": 1, + "Train-Inform[Arrive;Arrive;People;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[Ref;People;Day;Depart;Ticket;Id;Leave;];": 1, + "Hotel-Inform[Phone;Area;Addr;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Dest;];Train-Request[Arrive;Day;];": 1, + "Hotel-Inform[Name;Area;Internet;Addr;];": 1, + "Hotel-NoOffer[Type;];Hotel-Inform[Area;Choice;Price;Type;];": 1, + "Restaurant-Recommend[Name;Price;Food;];Restaurant-Inform[Price;Name;];": 1, + "Attraction-Inform[Area;Type;Type;Type;Type;Type;Choice;];": 1, + "Attraction-Recommend[Addr;Type;Post;Area;Name;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Choice;Leave;Depart;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Dest;Arrive;Time;Leave;Depart;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Name;Name;Internet;Choice;Price;Type;];": 1, + "Hotel-Inform[Phone;Addr;Type;Name;Area;Post;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Area;Fee;Type;Addr;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Choice;Internet;Parking;Area;Stars;];": 1, + "Attraction-Inform[Name;Type;Fee;Choice;Area;];": 1, + "Train-Inform[Ref;];Train-OfferBooked[none;];": 1, + "Train-Inform[Id;Arrive;Leave;Depart;Depart;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Choice;Choice;Choice;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Area;Addr;];": 1, + "Hotel-Request[Parking;Type;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Internet;Choice;Stars;Name;Price;];Booking-Request[People;Stay;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Price;];Restaurant-Inform[Choice;Food;];": 1, + "Attraction-Inform[Fee;Area;Post;Addr;];": 1, + "Train-Inform[Arrive;Id;Dest;Time;Leave;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Area;Area;Choice;Price;];": 1, + "Train-Inform[Leave;];Train-Select[none;];Train-OfferBooked[Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;Phone;Name;];": 1, + "Train-Inform[Choice;Choice;Dest;];Train-Request[Depart;];": 1, + "Attraction-Recommend[Choice;Type;Area;];": 1, + "Attraction-Inform[Name;Phone;Addr;Addr;Addr;];": 1, + "general-greet[none;];Hotel-Select[Type;Type;];Hotel-Inform[Choice;];": 1, + "Restaurant-Select[Food;Food;];Restaurant-Inform[Area;Price;Choice;];": 1, + "Taxi-Inform[Arrive;Phone;Car;Dest;];general-greet[none;];": 1, + "Hotel-Request[Stars;Type;];Hotel-Inform[Area;Choice;];": 1, + "Train-Inform[Id;Dest;Arrive;Time;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Stars;Name;Internet;];": 1, + "Booking-NoBook[none;];Hotel-Inform[Name;];Booking-Request[Stay;];": 1, + "Train-Inform[Choice;Time;];Train-Request[Leave;Arrive;];": 1, + "Hotel-Inform[Name;Internet;Choice;Addr;Parking;];": 1, + "Hotel-Request[Stars;Area;];Hotel-Inform[Choice;Choice;Parking;Type;Type;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Food;Area;Price;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;];Restaurant-Inform[Addr;Phone;];": 1, + "Taxi-Request[Depart;Arrive;Dest;Leave;];Attraction-Inform[Fee;];": 1, + "general-welcome[none;];Hotel-Request[Area;Price;];": 1, + "Hotel-Inform[Price;Price;Type;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Choice;Parking;Type;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Area;Name;Name;Stars;];": 1, + "Hotel-Recommend[Name;Type;Stars;];Booking-Inform[none;];Hotel-NoOffer[Name;];": 1, + "Restaurant-NoOffer[Price;Food;];Hotel-Inform[Type;Addr;];general-reqmore[none;];": 1, + "Restaurant-Inform[Name;];Booking-Book[People;Ref;];": 1, + "Hotel-Inform[Internet;Choice;Parking;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Choice;Internet;];": 1, + "Hotel-Recommend[Name;Price;];Hotel-Inform[Choice;];": 1, + "Train-Inform[Leave;Arrive;Dest;];Train-OfferBooked[Ticket;Ref;People;];": 1, + "Hotel-Inform[Type;Post;];general-reqmore[none;];": 1, + "Train-Inform[Time;Leave;Id;Ticket;];general-reqmore[none;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Fee;Area;Choice;];": 1, + "Train-Inform[Choice;Choice;Depart;Dest;Arrive;Arrive;Arrive;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Name;Fee;Addr;Addr;Addr;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Post;Food;Price;Area;Addr;];": 1, + "Attraction-Inform[Type;];Train-OfferBooked[Ref;People;];": 1, + "Train-Inform[Time;];Attraction-Recommend[Fee;Type;Name;];Booking-Inform[none;];": 1, + "Hotel-Recommend[Type;Price;Name;Stars;];general-reqmore[none;];": 1, + "Restaurant-Select[Name;];Restaurant-NoOffer[Food;];": 1, + "Restaurant-Request[Area;Price;];Restaurant-Inform[Food;Food;Name;Name;Area;Price;];": 1, + "Hotel-Recommend[Parking;Internet;Name;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Phone;Post;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Choice;Choice;Area;];": 1, + "Restaurant-Recommend[Name;Food;Area;];": 1, + "Booking-Inform[Name;];Restaurant-Recommend[none;];": 1, + "Train-OfferBooked[Id;Leave;Ref;Arrive;Day;];": 1, + "Restaurant-Request[Price;Food;Area;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[none;];": 1, + "Train-Inform[Choice;Depart;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Train-Inform[Dest;Id;Leave;Depart;];Train-OfferBook[none;];": 1, + "Train-Inform[Leave;Arrive;Choice;];": 1, + "Train-Inform[Arrive;Id;];Train-Select[none;];Train-OfferBook[none;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Fee;Area;Name;Type;Addr;];": 1, + "Restaurant-Inform[none;];Attraction-Inform[Area;Name;Type;];": 1, + "Attraction-Recommend[Name;];Attraction-NoOffer[Type;];": 1, + "Attraction-Inform[Phone;Addr;Fee;];": 1, + "Hotel-Inform[Name;Internet;Addr;Parking;Phone;Stars;];": 1, + "Train-Inform[Arrive;];Booking-Inform[none;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Post;];": 1, + "Train-Inform[Ticket;Arrive;Leave;Depart;];": 1, + "Hotel-Recommend[Type;Area;Name;Stars;];Booking-Inform[none;];": 1, + "Hotel-Request[Area;];Hotel-Select[Type;Type;];Hotel-Inform[Choice;Choice;Type;Type;];": 1, + "Hotel-Inform[Addr;Addr;Post;Name;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Depart;Leave;];Train-Request[Dest;Day;];": 1, + "Train-Inform[Time;Arrive;Leave;Leave;Dest;Id;Ticket;];Train-OfferBook[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Area;Type;Choice;Choice;Choice;];": 1, + "Hotel-Inform[Parking;Name;Internet;Addr;Phone;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Area;Food;];": 1, + "Attraction-Recommend[Fee;Addr;Addr;Addr;Area;Name;];Booking-Inform[none;];": 1, + "Train-Inform[Id;];Train-OfferBook[Arrive;];": 1, + "Train-Inform[Time;];general-reqmore[none;];Train-OfferBooked[Ref;];": 1, + "Attraction-Inform[Name;Fee;Phone;Addr;Area;];": 1, + "Train-Inform[Arrive;Choice;Leave;Id;];Train-Request[Leave;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Ticket;Dest;People;Ref;];": 1, + "Hotel-Inform[Area;Choice;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Post;Internet;Addr;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Choice;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Type;Stars;];": 1, + "Train-Inform[Id;Dest;Day;Leave;Depart;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Addr;Area;];": 1, + "Booking-Inform[none;];Booking-Request[People;Day;];Restaurant-Inform[Post;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Food;Food;Choice;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Food;Post;Phone;Name;];": 1, + "Attraction-Recommend[Type;Name;Post;Addr;];": 1, + "Train-Inform[Day;Choice;Leave;Leave;];": 1, + "Attraction-Recommend[Fee;Addr;Addr;Name;];general-reqmore[none;];": 1, + "Hotel-Request[Parking;];Hotel-Select[Price;Price;];Hotel-Inform[Area;Choice;Choice;Type;Type;];": 1, + "general-bye[none;];Attraction-NoOffer[Area;Type;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Food;Addr;Area;Price;];": 1, + "Restaurant-Select[Food;];Booking-NoBook[Name;];Restaurant-Inform[Food;];": 1, + "Hotel-Select[Price;Price;];general-reqmore[none;];Hotel-Inform[Type;Choice;Stars;];": 1, + "Hotel-Recommend[Price;Area;Name;Stars;];Hotel-Inform[Choice;];": 1, + "general-bye[none;];Booking-Book[Time;Day;Name;Ref;];": 1, + "Train-OfferBooked[Arrive;Ref;Ticket;Id;];": 1, + "Train-Inform[Day;];Train-Request[Day;];": 1, + "Train-Inform[Id;Arrive;Depart;Dest;Leave;];Booking-Inform[none;];": 1, + "Attraction-Recommend[Name;Name;];Attraction-Select[none;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Price;Choice;Internet;Stars;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Type;Internet;];": 1, + "Hotel-Inform[Name;Name;Area;Choice;Internet;Parking;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Price;Stars;Parking;Internet;];": 1, + "Attraction-Inform[Area;Name;Type;Post;Addr;Phone;];": 1, + "Train-Inform[Arrive;Dest;Ticket;];Train-OfferBook[none;];Attraction-Inform[Name;Post;];": 1, + "Train-Inform[Day;Id;Depart;Dest;Leave;Ticket;];Train-OfferBook[none;];": 1, + "Train-Inform[Day;Arrive;Time;Leave;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Food;];": 1, + "Attraction-Select[Type;Type;Type;];Attraction-Inform[Choice;Fee;];": 1, + "Hotel-Recommend[Name;Parking;Internet;];Hotel-Select[Parking;];Hotel-Inform[Choice;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Choice;Addr;Post;Phone;];": 1, + "Train-OfferBook[Arrive;Dest;Id;Day;];": 1, + "Train-Inform[Time;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Type;Parking;Area;Stars;];Booking-Request[Day;];": 1, + "Attraction-Recommend[Addr;Name;];Attraction-Inform[Fee;Choice;];": 1, + "Hotel-Recommend[Internet;Name;Stars;Price;Parking;];": 1, + "Attraction-Inform[Name;Type;Post;Addr;Phone;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Name;Name;Food;Food;Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Area;Addr;];": 1, + "Restaurant-Inform[Ref;];Train-Request[Day;];": 1, + "Train-Inform[Depart;Dest;Arrive;Leave;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Addr;Area;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;];Attraction-Inform[Name;Addr;Phone;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;Name;Name;Name;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Price;Price;Choice;Area;Type;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Choice;Type;];": 1, + "Attraction-Request[Area;];Hotel-Inform[Name;Parking;];Attraction-NoOffer[Area;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Price;Price;Choice;Choice;Choice;Name;Name;Name;Name;];": 1, + "general-greet[none;];Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;];": 1, + "Hotel-Inform[Addr;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-Recommend[Price;Name;Parking;Internet;];Hotel-Inform[Choice;Type;Stars;];": 1, + "Attraction-Inform[Fee;Fee;Area;Name;Name;Name;Name;Name;Type;Choice;];": 1, + "Hotel-Inform[Name;Internet;Addr;Price;];": 1, + "Hotel-NoOffer[Type;Area;];Hotel-Inform[Choice;Choice;Internet;Type;];": 1, + "Train-Request[People;Leave;];": 1, + "Train-Inform[Day;Id;Depart;Dest;Leave;];": 1, + "Attraction-Recommend[Addr;Post;Name;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Ticket;Arrive;Id;Leave;];": 1, + "Attraction-Request[Name;];Attraction-NoOffer[none;];": 1, + "Hotel-Inform[Type;Name;];general-reqmore[none;];Attraction-Inform[Type;Area;Addr;Addr;Name;];": 1, + "Attraction-Recommend[Fee;Phone;Name;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Name;Choice;Price;Type;Stars;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Area;Name;];": 1, + "Attraction-Recommend[Addr;Addr;Addr;Phone;Name;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Area;Food;];": 1, + "Restaurant-Select[Food;];Restaurant-Inform[Price;Choice;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Choice;Parking;Stars;];": 1, + "Hotel-Recommend[Parking;Internet;Stars;Name;];Hotel-Inform[Choice;Type;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Name;Name;];": 1, + "Restaurant-Select[Name;];Restaurant-Inform[Choice;];": 1, + "Restaurant-Inform[Ref;Area;Price;];Booking-Book[Name;];": 1, + "Restaurant-Recommend[Name;Name;];general-reqmore[none;];": 1, + "Attraction-Inform[Fee;Name;Addr;Addr;];": 1, + "Train-Inform[Id;Depart;Ticket;];": 1, + "general-greet[none;];Booking-Book[Ref;Day;Time;Name;People;];": 1, + "Train-Inform[Dest;Day;Arrive;Id;Leave;];": 1, + "Train-Inform[Depart;Day;Leave;Id;];Train-OfferBook[none;];": 1, + "Hotel-Select[Type;Type;];Hotel-Inform[Choice;Choice;Type;Type;Stars;Area;];": 1, + "Hotel-Recommend[Name;Type;Price;Phone;];": 1, + "Attraction-Inform[Name;Name;Name;Name;Choice;Type;Area;];": 1, + "Train-Inform[Arrive;Day;Dest;];general-reqmore[none;];": 1, + "Restaurant-Select[Area;Area;];Restaurant-Inform[Choice;Choice;Choice;Area;Area;];": 1, + "Restaurant-Inform[Food;Food;Name;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Area;Type;Choice;];": 1, + "Hotel-Select[Internet;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Internet;];": 1, + "Booking-Book[Day;People;Ref;Stay;];": 1, + "Train-Inform[Choice;Leave;Leave;Time;];Train-Request[Leave;];": 1, + "Attraction-NoOffer[Fee;];Attraction-Inform[Phone;Phone;Choice;Type;Name;Name;];": 1, + "Restaurant-NoOffer[Food;Price;];Restaurant-Recommend[Price;];": 1, + "Train-Inform[Id;Leave;Ticket;Time;];Train-OfferBooked[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;];Restaurant-Inform[Addr;Phone;Price;];": 1, + "Hotel-Recommend[Name;Internet;Parking;];Booking-Inform[none;];": 1, + "Attraction-Recommend[Phone;Name;];Attraction-Inform[Area;Type;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Name;Fee;];": 1, + "Taxi-Request[Leave;];Attraction-Inform[Phone;Name;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Name;Name;Choice;Type;];": 1, + "Hotel-Request[Stars;];Hotel-NoOffer[none;];Hotel-Inform[Price;Internet;Type;Stars;];": 1, + "Hotel-Request[Stars;Price;];Hotel-Inform[Name;];": 1, + "Hotel-Inform[Name;Ref;Price;Type;];Booking-Book[Name;];": 1, + "general-bye[none;];Hotel-Inform[Internet;];": 1, + "Attraction-Inform[Post;Fee;Name;Type;];": 1, + "Attraction-Inform[Choice;Type;Name;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Internet;Choice;Parking;Type;];": 1, + "Hotel-Inform[Addr;];general-reqmore[none;];Booking-Book[Ref;Name;];": 1, + "Hotel-Recommend[none;];Hotel-Inform[Stars;Price;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Internet;Parking;Area;Stars;];": 1, + "Restaurant-Inform[Name;Area;Choice;Price;];": 1, + "Booking-Inform[none;];Booking-Request[People;];Restaurant-Inform[Name;];": 1, + "Hotel-Inform[Choice;Type;Price;];Booking-Request[Day;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Choice;Stars;];": 1, + "Hotel-Inform[Choice;Choice;Type;Type;Area;];": 1, + "Hotel-Inform[Price;Price;Choice;Choice;];": 1, + "Hotel-Inform[Name;Name;Name;Name;Stars;Stars;];": 1, + "Booking-Inform[none;];Hotel-Select[Type;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Name;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Price;Name;Food;Food;Area;Area;];": 1, + "Hotel-Recommend[Internet;Name;Stars;Price;Parking;];Booking-Inform[none;];": 1, + "Restaurant-Select[Food;Food;];Restaurant-Request[Food;];Restaurant-Inform[Choice;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Stars;Stars;Stars;Type;Choice;Choice;Choice;Choice;];": 1, + "Taxi-Inform[Car;Phone;Dest;];Booking-Book[Ref;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Price;Choice;Choice;Type;Type;Stars;];": 1, + "Hotel-Recommend[Internet;Name;Price;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Area;];": 1, + "Hotel-Request[Internet;Price;Type;Stars;Parking;];Hotel-Inform[Choice;Area;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Addr;Area;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Choice;Area;Area;Area;];": 1, + "Hotel-Recommend[Price;Name;Stars;Parking;Area;];Booking-Inform[none;];": 1, + "Hotel-Select[Price;Price;Price;];Hotel-Inform[Parking;Choice;Internet;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Price;Type;Addr;];": 1, + "Hotel-Recommend[Parking;Type;Internet;Area;Name;];Booking-Inform[none;];Hotel-Inform[Price;];": 1, + "Train-Inform[Depart;Dest;Ticket;Day;];": 1, + "Train-OfferBooked[Ref;Id;People;];": 1, + "Attraction-Inform[Area;Name;];general-reqmore[none;];Train-OfferBooked[People;Ref;];": 1, + "Hotel-Inform[Post;];Booking-Request[Day;];": 1, + "Booking-NoBook[Stay;];Hotel-Inform[Area;Type;];Booking-Request[Stay;];": 1, + "general-reqmore[none;];Booking-Book[Day;Ref;Name;People;];": 1, + "Restaurant-Request[Price;Area;];general-reqmore[none;];": 1, + "general-greet[none;];Train-OfferBooked[People;Day;Dest;Depart;Ticket;Id;Leave;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Phone;Name;Area;Post;Addr;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-Inform[Price;Choice;Type;Parking;];": 1, + "Hotel-NoOffer[Price;Area;Type;];Hotel-Inform[Area;Internet;];": 1, + "Train-Inform[Leave;Id;Day;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Internet;Parking;Name;];Booking-Inform[none;];Hotel-Inform[Area;Choice;Type;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Post;Addr;Addr;Addr;];": 1, + "Restaurant-Recommend[Addr;Name;];Restaurant-Inform[Price;Choice;Choice;Area;];": 1, + "Restaurant-Inform[Choice;Choice;Name;Name;Food;Food;];": 1, + "Booking-Inform[Name;];Booking-Request[Stay;];": 1, + "Hotel-Inform[Price;Choice;Type;Area;Name;Stars;];": 1, + "Attraction-Request[Area;];Attraction-NoOffer[Area;];Attraction-Inform[Type;Choice;Choice;Area;Area;];": 1, + "Train-Inform[Depart;Time;Leave;];Train-Request[Leave;];": 1, + "Attraction-Recommend[Name;Addr;Post;];Attraction-Inform[Choice;Fee;Phone;];": 1, + "Train-Inform[Ref;Arrive;Id;];Train-OfferBooked[Ticket;];": 1, + "Train-OfferBooked[Day;Ticket;People;Id;Dest;Leave;];": 1, + "Hotel-Inform[Type;Internet;];": 1, + "Attraction-Inform[Post;Addr;Addr;Addr;Phone;];": 1, + "Train-Inform[Day;Arrive;Id;Dest;Depart;Ticket;Time;Leave;];": 1, + "Attraction-Recommend[Name;Type;];Attraction-Inform[Phone;];": 1, + "Attraction-Request[Area;Name;];Attraction-Inform[Area;Type;Choice;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Choice;Type;];Attraction-Inform[Type;];": 1, + "Hotel-Inform[Name;Name;Choice;Choice;Type;Price;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;Internet;];Booking-Request[People;Day;Stay;];": 1, + "Hotel-Inform[Type;Phone;Post;];": 1, + "Attraction-Recommend[Name;Addr;Post;];Attraction-Inform[Type;Phone;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Type;Area;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Type;Name;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Type;Type;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Parking;Price;Name;Internet;];": 1, + "Train-Inform[Dest;Id;Arrive;Leave;Depart;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Ticket;People;Ref;];": 1, + "general-welcome[none;];general-reqmore[none;];Restaurant-Inform[Addr;Post;];": 1, + "Hotel-Select[none;];Hotel-Inform[Internet;Choice;Price;Price;Parking;];": 1, + "Train-Inform[Id;Arrive;Dest;Leave;Choice;];Train-OfferBook[none;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Price;Choice;Choice;Area;];": 1, + "Restaurant-Inform[Choice;Addr;Addr;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Type;Addr;Area;];": 1, + "Train-Inform[Id;Arrive;Depart;Dest;Leave;];Train-Select[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Type;Choice;Stars;];": 1, + "Hotel-Select[Area;Area;Area;];Hotel-Inform[Parking;Internet;Choice;Choice;Stars;Type;];": 1, + "Booking-Inform[Stay;Stay;People;People;];": 1, + "Train-Inform[Arrive;Choice;Leave;Dest;Id;];Train-Select[Choice;];Train-OfferBook[none;];": 1, + "Train-OfferBook[Dest;Ref;Leave;Depart;];": 1, + "Hotel-Inform[Area;Internet;Type;Parking;Price;];": 1, + "Hotel-Inform[Area;Price;Internet;];general-reqmore[none;];": 1, + "Attraction-Request[Name;];Attraction-Select[none;];Attraction-Inform[Type;Choice;];": 1, + "Train-Inform[Choice;Choice;];Train-Request[Depart;Arrive;Leave;Dest;Day;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Addr;Phone;];": 1, + "Hotel-Select[Area;Area;];Hotel-Inform[Choice;Price;];": 1, + "Hotel-Inform[Choice;Internet;Type;Type;Name;Name;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Phone;Post;Addr;Name;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Area;Choice;Choice;Choice;];": 1, + "Train-Inform[Time;Choice;Leave;Ticket;];": 1, + "Hotel-Inform[Type;Internet;Parking;Choice;];": 1, + "Hotel-Inform[Name;];Booking-Request[Stay;People;];": 1, + "Booking-Inform[Name;Ref;];": 1, + "Train-Inform[Dest;Ticket;Time;Arrive;Id;];": 1, + "Hotel-Inform[Choice;Type;Name;Price;Price;];": 1, + "Train-Inform[Depart;Time;Id;Leave;];": 1, + "Restaurant-Request[Food;];Restaurant-Recommend[Food;Name;];Restaurant-Inform[Choice;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Price;Addr;Area;];": 1, + "Restaurant-Request[Food;];Hotel-Inform[Choice;];": 1, + "Train-Inform[Arrive;Day;Choice;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Arrive;Leave;Day;];": 1, + "Booking-Request[People;];Restaurant-Inform[Area;Price;Name;];": 1, + "Attraction-Inform[Area;Area;Type;Choice;Choice;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Type;Choice;Price;Area;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Parking;Price;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Choice;Choice;Choice;];": 1, + "Hotel-Request[Area;];Attraction-Inform[Name;Addr;Phone;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Parking;Price;];": 1, + "Train-Inform[Choice;Dest;];Train-Request[Arrive;Leave;Depart;];": 1, + "Hotel-Select[Stars;Stars;Type;];Hotel-NoOffer[none;];": 1, + "Hotel-NoOffer[Stars;Stars;Type;];": 1, + "Train-Request[Leave;Arrive;];Booking-Book[none;];": 1, + "Train-Inform[Ticket;];general-welcome[none;];": 1, + "Restaurant-Inform[Area;Food;Choice;Price;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Type;Area;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Type;Area;Name;Post;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Hotel-Recommend[Area;Stars;Type;Name;Price;];Booking-Inform[none;];": 1, + "Hotel-Inform[Phone;Name;Post;Area;Addr;Addr;];general-reqmore[none;];general-greet[none;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Food;];": 1, + "Booking-Inform[Day;Time;People;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;Type;Area;Name;];": 1, + "general-welcome[none;];Restaurant-Inform[Phone;];": 1, + "Attraction-Recommend[Addr;Addr;Name;];general-reqmore[none;];Attraction-Inform[Type;Choice;Area;];": 1, + "Train-Inform[Choice;Leave;Leave;];Train-OfferBook[Leave;];": 1, + "Train-Inform[Time;Ticket;];Train-Select[Leave;Leave;Leave;];": 1, + "Booking-Book[Ref;Day;Name;];": 1, + "Attraction-Recommend[Name;];Taxi-Request[Arrive;Leave;];": 1, + "Train-Inform[Dest;Arrive;];Train-Select[Id;];": 1, + "Restaurant-Recommend[Food;];general-greet[none;];": 1, + "Restaurant-Request[Area;];general-greet[none;];Restaurant-Inform[Price;Choice;Food;Area;];": 1, + "Hotel-Recommend[Type;Name;];Booking-Inform[none;];Hotel-Inform[Post;Addr;];": 1, + "Attraction-Recommend[Name;Addr;];Attraction-Inform[Post;Fee;];": 1, + "Train-Inform[Arrive;Day;Choice;Dest;];Train-OfferBook[none;];general-greet[none;];": 1, + "Attraction-Recommend[Fee;Area;Name;];Attraction-Inform[Type;Area;Choice;];": 1, + "Restaurant-Inform[Choice;Choice;Choice;Food;Area;Price;Price;];": 1, + "Hotel-Recommend[Name;Parking;Area;];Booking-Inform[none;];": 1, + "Attraction-Recommend[Fee;Addr;Phone;Area;Name;];": 1, + "Restaurant-Inform[Price;Addr;Area;Food;Phone;];": 1, + "Hotel-Inform[Area;Choice;Choice;Internet;Type;Type;Parking;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Price;Parking;Internet;];": 1, + "Hotel-Inform[Addr;Stars;Name;];": 1, + "Hotel-Inform[Type;Phone;Addr;];": 1, + "Train-Inform[Choice;Leave;Depart;];": 1, + "Hotel-Inform[Stars;Name;Post;Type;];": 1, + "Booking-Inform[none;];Hotel-NoOffer[Price;Area;Type;];Hotel-Inform[Type;Choice;];": 1, + "Restaurant-NoOffer[Food;Area;];Restaurant-Inform[Food;Area;Price;];": 1, + "Restaurant-Inform[Ref;];Booking-Book[Time;];": 1, + "Train-Inform[Id;Depart;Day;Leave;Ticket;Arrive;Dest;Time;];": 1, + "Train-Inform[Leave;Leave;Dest;Id;Id;];general-reqmore[none;];": 1, + "Train-Inform[none;];Train-OfferBook[Arrive;Dest;Id;Day;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;];Restaurant-Inform[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Choice;];": 1, + "Hotel-Recommend[Choice;Name;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Restaurant-Request[Food;Price;];Restaurant-Recommend[Price;Area;Food;Food;];": 1, + "Restaurant-Inform[Addr;Name;Area;Price;Post;];": 1, + "Restaurant-Recommend[Name;Name;Price;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Phone;Post;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Area;Area;];": 1, + "Train-Inform[Depart;Dest;Arrive;Leave;];Train-OfferBook[People;];": 1, + "Train-Request[Dest;Leave;Depart;Arrive;];": 1, + "Train-Inform[Id;];Train-NoOffer[Id;];general-reqmore[none;];Train-OfferBooked[Ticket;Ref;];": 1, + "Train-Inform[Choice;Depart;];general-reqmore[none;];": 1, + "Attraction-Inform[Area;Type;Type;Type;Type;Type;Type;Type;Type;Type;];": 1, + "Attraction-Inform[Phone;Name;Type;];": 1, + "Attraction-Recommend[Name;Area;];general-greet[none;];": 1, + "Hotel-Recommend[Area;Name;];Booking-Inform[none;];Hotel-Inform[Internet;Parking;Price;];": 1, + "Hotel-Inform[Price;Type;Area;Stars;];": 1, + "Booking-Book[Name;Time;People;Day;];": 1, + "Attraction-Inform[Fee;Phone;Name;Addr;Addr;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Price;Price;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Name;Internet;Area;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[none;];Restaurant-Inform[Price;Food;];": 1, + "Restaurant-Inform[Choice;Food;Name;Name;Name;Name;];": 1, + "Train-Inform[Ticket;Leave;Arrive;Choice;];Train-OfferBook[none;];": 1, + "Hotel-Request[Internet;Area;Parking;Stars;];Hotel-Inform[Choice;];general-greet[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Addr;Price;];": 1, + "Hotel-NoOffer[Type;Price;];Hotel-Inform[Choice;Price;];": 1, + "Hotel-Inform[Post;Stars;Name;];": 1, + "Taxi-Inform[Dest;Car;Phone;];": 1, + "Train-Inform[Leave;Leave;Leave;Leave;Depart;];Train-OfferBook[none;];": 1, + "Train-Inform[Time;Id;Leave;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Parking;Stars;Price;];": 1, + "Hotel-Inform[Phone;Type;Internet;];general-reqmore[none;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Food;Area;];Attraction-Inform[Phone;Post;];": 1, + "Booking-Request[Time;Stay;Day;People;];": 1, + "Train-Inform[Time;Ticket;Leave;Id;];Train-OfferBook[none;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Choice;Choice;Area;];": 1, + "Attraction-Request[Name;];Attraction-Select[none;];Attraction-Inform[Type;Area;Area;];": 1, + "Train-Inform[Time;Arrive;Id;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Addr;Name;];": 1, + "Train-OfferBooked[Depart;Day;Arrive;Leave;Ref;Dest;];": 1, + "Restaurant-Recommend[Name;Addr;Price;Post;];general-reqmore[none;];": 1, + "Attraction-Select[Type;Type;];Attraction-Inform[Choice;];Booking-Book[Ref;];": 1, + "Attraction-Request[Area;];Attraction-NoOffer[none;];Attraction-Inform[Type;Area;];": 1, + "Attraction-Inform[Fee;Type;Area;Choice;Choice;];": 1, + "Restaurant-Inform[Name;];general-reqmore[none;];Train-OfferBooked[Ref;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Food;Food;Food;Food;Food;];": 1, + "Restaurant-Inform[Price;Price;Choice;Name;Name;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;Choice;Area;Area;];": 1, + "Attraction-Inform[Name;Fee;Post;Addr;Phone;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Area;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Addr;];": 1, + "Taxi-Inform[Phone;Car;];Booking-Book[Ref;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;];Restaurant-Inform[Food;];": 1, + "Hotel-Inform[Area;Parking;Stars;Addr;Name;Type;Internet;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Type;Area;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Name;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Price;Internet;Area;];": 1, + "Train-Inform[Time;Arrive;Choice;Leave;];general-greet[none;];Train-Request[Leave;];": 1, + "Booking-Inform[Day;];Restaurant-Inform[Food;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Post;];": 1, + "general-reqmore[none;];Booking-Book[Ref;Name;Day;People;];": 1, + "Restaurant-Select[Price;Price;Price;];Restaurant-Inform[Food;Choice;Area;];": 1, + "Restaurant-Select[Choice;];Restaurant-NoOffer[Food;Price;Area;];": 1, + "Restaurant-Inform[Food;Area;Choice;Price;];": 1, + "Taxi-Inform[Dest;Leave;Depart;];": 1, + "Hotel-Request[Stars;Area;Price;];Hotel-Inform[Internet;Choice;Type;];": 1, + "Train-Inform[Id;Dest;Arrive;Day;];Train-Select[none;];": 1, + "Restaurant-Recommend[Addr;Addr;Name;];Restaurant-Inform[Choice;Area;Price;];": 1, + "Hotel-NoOffer[Area;Type;Type;];": 1, + "Attraction-Inform[Name;Name;Fee;Fee;Fee;Choice;];": 1, + "Train-Inform[Arrive;Dest;Depart;Leave;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Train-Inform[Ticket;Ref;];general-reqmore[none;];Train-OfferBooked[People;];": 1, + "Restaurant-Request[Price;Area;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Train-Inform[Id;Day;Dest;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Addr;Addr;Addr;Name;];Attraction-Inform[Fee;Type;Post;Choice;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Choice;Stars;Stars;Name;Name;Price;Area;];": 1, + "Train-Select[Id;Leave;];Train-Request[People;];": 1, + "Train-Inform[Choice;Depart;Ticket;];": 1, + "Train-Inform[Arrive;Id;Time;];Train-OfferBook[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Type;Stars;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Phone;Price;Name;];": 1, + "Hotel-Request[Name;];Hotel-Inform[Area;Choice;Choice;Type;Type;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Type;Area;Stars;];Hotel-Select[Type;];": 1, + "Taxi-Request[Dest;];Booking-Request[Day;Time;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Area;];": 1, + "Attraction-Request[Type;];general-greet[none;];general-reqmore[none;];Attraction-Inform[Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Addr;Addr;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Type;Choice;];": 1, + "Train-Inform[Day;Choice;];Train-Request[Dest;];": 1, + "Train-Inform[Dest;Choice;Leave;Leave;Depart;];Train-OfferBook[none;];": 1, + "Attraction-Request[Type;];Attraction-Recommend[Type;];Attraction-Inform[Area;];": 1, + "Attraction-Inform[Name;Name;Name;Name;Fee;];": 1, + "Hotel-Recommend[Phone;Post;Area;Internet;Stars;Parking;Name;Price;Addr;];": 1, + "Hotel-Select[none;];Hotel-NoOffer[none;];Hotel-Inform[Stars;Stars;Choice;Choice;];": 1, + "Hotel-Recommend[Name;Type;Stars;];": 1, + "Booking-NoBook[People;Time;Day;];Booking-Request[Time;];": 1, + "Booking-Book[Time;Day;Ref;Name;];": 1, + "Hotel-Inform[Name;Name;Price;Price;];": 1, + "Attraction-Recommend[Fee;Area;Name;Addr;];general-greet[none;];Attraction-Inform[Phone;];": 1, + "Taxi-Inform[Car;Depart;Leave;];": 1, + "Restaurant-Inform[Phone;Food;Name;Addr;Area;Price;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Stars;Choice;Type;];": 1, + "Attraction-Select[Area;Type;Type;Type;Type;Type;Type;Type;Type;Type;];Attraction-Inform[none;];": 1, + "Attraction-Inform[Fee;Area;Choice;Phone;Name;Type;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Area;Choice;Internet;Parking;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Choice;Choice;Price;Price;];": 1, + "Attraction-Inform[Area;Name;Price;Addr;];": 1, + "Taxi-Request[Leave;Arrive;];Restaurant-Inform[Name;];": 1, + "Restaurant-Inform[Food;Area;Choice;Price;Name;];Train-OfferBooked[Ref;];": 1, + "Train-Inform[Time;];Booking-Request[People;];": 1, + "Booking-Book[Time;People;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Addr;Addr;];": 1, + "Hotel-Recommend[Internet;Name;Parking;];Booking-Inform[none;];Hotel-Inform[Area;Phone;Price;Price;Choice;Type;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Name;Area;];": 1, + "Hotel-Select[Type;Type;];Hotel-Inform[Type;Choice;];": 1, + "Hotel-Inform[Type;Name;Area;];": 1, + "Booking-Book[Ref;Stay;Day;People;Name;];": 1, + "Restaurant-Inform[Choice;Name;Name;Name;Name;Name;Name;Name;Name;];": 1, + "Train-Inform[Ticket;Day;Arrive;Leave;];": 1, + "Attraction-Recommend[none;];Attraction-Inform[Addr;Name;Choice;];": 1, + "Train-Inform[Leave;];Train-NoOffer[none;];": 1, + "Attraction-Recommend[Type;Name;];Attraction-NoOffer[Area;Type;];general-reqmore[none;];": 1, + "Hotel-Request[Price;Area;];general-greet[none;];": 1, + "Train-Inform[Dest;Leave;];Train-Request[Day;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;Price;Choice;];": 1, + "Restaurant-Inform[Ref;];Restaurant-Recommend[Name;];Booking-Book[Time;Day;];": 1, + "Booking-Inform[none;];Booking-Request[Time;];Restaurant-Inform[Phone;Name;Addr;];": 1, + "Train-Inform[Arrive;Id;Dest;Depart;Time;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Phone;Addr;Addr;Name;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Type;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Stars;Choice;];": 1, + "Taxi-Request[Dest;Leave;Depart;];": 1, + "Booking-NoBook[Day;Time;People;];Booking-Request[Time;Day;];": 1, + "Restaurant-Inform[Name;];Booking-Book[Ref;People;Day;Time;];": 1, + "Hotel-Recommend[Stars;Name;Price;];Hotel-Inform[Area;Choice;Price;];": 1, + "general-welcome[none;];Booking-Request[Day;People;];": 1, + "Train-Inform[Id;Arrive;Leave;];Train-OfferBook[none;];Train-Request[Depart;Dest;Leave;People;Arrive;Day;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Price;];": 1, + "Train-Inform[Depart;Day;Id;Leave;];Train-Select[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Type;Choice;Choice;];": 1, + "Taxi-Request[Depart;Arrive;Leave;];general-welcome[none;];": 1, + "Train-Inform[Depart;Dest;Day;Leave;];": 1, + "Restaurant-Inform[Area;];Booking-Book[Time;Name;Day;People;];": 1, + "Attraction-Recommend[Type;Area;Name;Addr;];": 1, + "Train-Inform[Id;Depart;Dest;Ticket;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Stars;Parking;Price;Name;Type;Internet;];": 1, + "Hotel-Recommend[Type;Parking;Internet;Area;Name;Stars;];": 1, + "Train-Inform[none;];Train-OfferBook[Id;Dest;Arrive;Depart;Leave;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Price;Choice;Type;];": 1, + "Hotel-Recommend[Name;Post;Price;Type;Addr;];Booking-Inform[none;];": 1, + "Attraction-Request[Area;];Attraction-Select[Type;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Area;Name;Fee;];": 1, + "general-greet[none;];Train-OfferBook[none;];Train-Request[Dest;Day;];": 1, + "Train-Inform[Arrive;Id;];Train-OfferBooked[Ref;People;Ticket;];": 1, + "Hotel-Request[Internet;Area;Parking;Type;Stars;Name;Price;];": 1, + "Restaurant-Recommend[Name;Addr;Food;];general-reqmore[none;];Restaurant-Inform[Post;Phone;];": 1, + "Train-Inform[Arrive;Depart;Dest;];Train-OfferBook[none;];": 1, + "Train-Inform[Ticket;Time;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Hotel-Inform[Addr;Name;Price;];general-greet[none;];": 1, + "Attraction-Recommend[Type;];Attraction-Inform[Post;];": 1, + "Hotel-Inform[Choice;Choice;Price;];general-reqmore[none;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Area;Area;Area;Area;Area;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Choice;Price;Price;];": 1, + "Restaurant-Recommend[Phone;Name;Price;Area;];": 1, + "Hotel-Inform[Area;Internet;Price;Name;Parking;Type;Stars;];general-reqmore[none;];": 1, + "Hotel-Inform[Phone;Stars;];": 1, + "Train-Inform[Time;Choice;Leave;Leave;Leave;Leave;Leave;Ticket;];": 1, + "Train-OfferBook[Leave;];Attraction-Inform[Phone;Addr;Name;];": 1, + "Attraction-Inform[Phone;Type;Addr;Addr;Fee;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;Name;Type;];": 1, + "Train-Inform[Depart;Day;Dest;Leave;Arrive;];Train-Request[Leave;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;Food;Phone;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Name;Choice;];": 1, + "Restaurant-Recommend[Name;Addr;Price;Area;Food;];": 1, + "Booking-Request[People;Time;Day;];Restaurant-Inform[Addr;];": 1, + "Booking-Book[Name;Time;Ref;];": 1, + "Train-Inform[Arrive;Choice;Dest;];Train-Request[Depart;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Name;Type;Choice;];": 1, + "Train-Inform[Depart;Dest;Time;];Train-Request[Arrive;Leave;];": 1, + "Train-OfferBooked[Ref;People;Leave;Depart;Ticket;Id;];": 1, + "Hotel-Inform[Choice;Type;];Hotel-NoOffer[Stars;];general-reqmore[none;];Hotel-Select[none;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Area;Stars;Parking;Name;Type;Choice;];": 1, + "Hotel-Inform[Choice;Type;Stars;Name;Name;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Stars;Name;Name;];": 1, + "Train-Inform[Id;Depart;Dest;Leave;Arrive;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Type;Stars;Area;Price;];": 1, + "Restaurant-Inform[Phone;Name;Food;];": 1, + "Hotel-Select[Area;Area;];Hotel-Inform[Choice;Price;Type;];": 1, + "Hotel-Inform[Choice;Type;Parking;Stars;];": 1, + "Hotel-Inform[Area;Name;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "Hotel-Request[Internet;];Hotel-Inform[Price;Choice;Area;];": 1, + "Booking-Request[People;Time;];Restaurant-Inform[Name;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Price;Price;Choice;Area;];": 1, + "Hotel-Inform[Area;Name;Name;Choice;];": 1, + "Hotel-Recommend[Post;Name;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Attraction-Inform[Post;Addr;Area;Choice;Name;];": 1, + "Train-Inform[Depart;Dest;People;Ticket;];": 1, + "Hotel-Inform[Price;Area;Name;Stars;];Booking-Request[Day;];": 1, + "Hotel-Inform[Addr;];Booking-Book[Stay;Name;Day;People;];": 1, + "Restaurant-NoOffer[Price;Area;];general-reqmore[none;];": 1, + "Train-Select[Day;];Train-Request[Day;];": 1, + "Hotel-Request[Stars;Price;Area;];Hotel-Inform[Type;Internet;Choice;];": 1, + "Hotel-Inform[Price;Price;Price;];": 1, + "Booking-Inform[none;];Hotel-Request[Area;];": 1, + "general-reqmore[none;];Booking-Book[Day;Stay;Ref;Name;];": 1, + "Booking-Book[Time;Day;People;];general-reqmore[none;];Restaurant-Inform[Ref;];": 1, + "Train-Inform[Dest;Day;Arrive;Id;];Train-Select[none;];": 1, + "Hotel-Recommend[Internet;Name;Parking;Stars;Area;Type;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Area;Choice;];": 1, + "Taxi-Request[Depart;Dest;];Attraction-Inform[Fee;];": 1, + "Taxi-Inform[Phone;Arrive;Dest;Car;];": 1, + "Hotel-Recommend[Name;Area;];Booking-Inform[none;];Hotel-Inform[none;];": 1, + "Restaurant-Inform[Price;Addr;Name;Area;Food;];": 1, + "Hotel-Inform[Area;Area;Name;Name;Choice;];": 1, + "Restaurant-Inform[Name;Name;Name;Area;];": 1, + "Hotel-Request[Area;Type;];Hotel-Inform[Choice;Choice;Price;Type;Type;];": 1, + "Hotel-Recommend[Price;Name;Area;];": 1, + "Attraction-Recommend[Type;Area;Name;];Attraction-Inform[Addr;Addr;Addr;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Type;Type;Choice;];": 1, + "Attraction-Request[Name;];Attraction-Inform[Type;Type;Type;Type;Choice;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Fee;Phone;];": 1, + "Attraction-Inform[Area;Name;Name;Fee;];": 1, + "Hotel-Inform[Price;Price;Stars;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Type;Price;];Hotel-Inform[Price;Price;Choice;Choice;];": 1, + "Booking-Book[People;Ref;Day;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Attraction-Recommend[Name;Area;];Attraction-Inform[Phone;Post;Addr;];": 1, + "general-greet[none;];Hotel-Select[none;];Hotel-Inform[Type;Area;Area;Area;Area;];": 1, + "Attraction-Recommend[Area;Name;];Attraction-NoOffer[Area;Type;];": 1, + "Attraction-Recommend[Name;Name;];general-reqmore[none;];Attraction-Inform[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Price;Area;];": 1, + "Attraction-NoOffer[Area;Type;];Attraction-Inform[Choice;Choice;Type;Fee;];": 1, + "Attraction-Inform[Fee;Area;Name;Name;Addr;Choice;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Choice;Area;Type;];": 1, + "Attraction-Recommend[Name;];general-greet[none;];Attraction-Inform[Phone;Post;Addr;];": 1, + "Hotel-Inform[Addr;Parking;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Leave;Day;Id;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Choice;Name;Type;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Type;Fee;Fee;Choice;Choice;Area;];": 1, + "Train-Inform[Arrive;Id;];Train-OfferBook[none;];Train-Request[Arrive;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Food;Area;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Internet;Choice;Stars;];": 1, + "Restaurant-Select[Choice;Name;Name;];Booking-Inform[none;];Restaurant-Recommend[Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Food;Choice;Area;];": 1, + "Restaurant-Inform[Price;Food;Area;];Booking-Book[Time;People;Day;Name;];": 1, + "Restaurant-Select[Choice;];Restaurant-Recommend[Name;Name;];": 1, + "Hotel-Request[Price;Area;Internet;Stars;Parking;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Inform[Name;Name;Name;Name;Stars;];": 1, + "Booking-Book[Day;Ref;Stay;People;];general-reqmore[none;];Restaurant-Inform[Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Name;Choice;];": 1, + "general-greet[none;];Booking-Book[none;];": 1, + "Train-Inform[Time;Arrive;Choice;Leave;Leave;Dest;];Train-OfferBook[none;];": 1, + "Train-Inform[Day;Dest;Id;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Name;Price;Internet;Type;Parking;Stars;];Booking-Inform[none;];": 1, + "Hotel-Request[Stars;Price;];Hotel-NoOffer[Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Parking;Name;];": 1, + "general-reqmore[none;];Booking-Book[People;Day;Ref;Stay;Name;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Area;Area;Food;Price;Choice;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Choice;Choice;Choice;Choice;Choice;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Choice;Price;Price;Stars;];": 1, + "Hotel-Inform[Area;Internet;Parking;Type;Stars;];general-reqmore[none;];": 1, + "Hotel-Inform[Post;Name;Addr;];": 1, + "Train-Inform[Choice;Day;];Train-Request[Dest;Leave;];": 1, + "Train-Inform[Choice;Leave;Leave;Leave;Leave;Leave;Leave;];Train-Select[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;Ref;Ticket;Depart;People;Dest;Day;];": 1, + "Train-Inform[Day;Leave;Dest;Id;];": 1, + "Restaurant-Recommend[Post;Phone;Name;Addr;];": 1, + "Attraction-Request[Type;];Hotel-Request[Area;];general-reqmore[none;];": 1, + "Booking-Book[Ref;Stay;People;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Area;Area;Food;];": 1, + "Attraction-Inform[Type;Area;Addr;];": 1, + "Hotel-Recommend[Name;Phone;Addr;];general-reqmore[none;];": 1, + "general-greet[none;];Attraction-Inform[Area;Post;Name;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Area;Name;Addr;Phone;];": 1, + "Hotel-Inform[Area;Internet;Price;Parking;Type;Stars;];general-reqmore[none;];general-greet[none;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Price;Area;Food;];": 1, + "Attraction-Recommend[Name;Area;Addr;];": 1, + "Train-Inform[Arrive;Day;Depart;Dest;Id;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Area;Choice;Choice;];": 1, + "Hotel-Inform[Name;Stars;];general-reqmore[none;];": 1, + "general-reqmore[none;];Train-Request[Dest;Day;];": 1, + "Attraction-NoOffer[Type;Area;];Attraction-Inform[Choice;Choice;Type;Type;Type;Type;Type;];": 1, + "Attraction-Recommend[Name;Fee;Addr;];general-reqmore[none;];": 1, + "Hotel-Inform[Price;Choice;Internet;Type;];Hotel-NoOffer[Type;];general-reqmore[none;];Hotel-Select[none;];": 1, + "Hotel-Recommend[Name;Internet;Parking;Area;];Booking-Inform[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Open;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Addr;Phone;Post;];": 1, + "Train-Inform[Day;Arrive;Id;Dest;];": 1, + "Hotel-Select[none;];Hotel-Inform[Stars;Parking;Area;Internet;];": 1, + "Attraction-Inform[Fee;Fee;Name;Type;Choice;];": 1, + "Train-Inform[Depart;Dest;Id;Leave;];": 1, + "Train-Inform[Id;Dest;Depart;];Train-OfferBook[none;];": 1, + "Train-Inform[Dest;Arrive;Time;Leave;Depart;];": 1, + "Attraction-Recommend[Name;Fee;Addr;];general-reqmore[none;];Attraction-Inform[Area;Choice;Type;];": 1, + "Attraction-Select[none;];general-reqmore[none;];Attraction-Inform[Name;Name;Name;Name;Fee;Fee;];": 1, + "Train-Inform[Ticket;Id;Dest;Arrive;Time;Leave;];": 1, + "Train-Inform[Time;];Hotel-Request[Stars;Area;];Hotel-Inform[Choice;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Post;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Leave;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Food;Food;Food;];": 1, + "Booking-Inform[none;];Booking-Request[Day;Time;];Restaurant-Inform[Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;];Booking-Request[People;Day;Stay;];": 1, + "Hotel-NoOffer[Price;Stars;Type;];Hotel-Inform[Type;Stars;];": 1, + "Hotel-Inform[Addr;Name;Post;Area;];general-reqmore[none;];": 1, + "Train-Inform[Day;Dest;Id;Arrive;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Name;Area;Addr;];": 1, + "Hotel-Inform[Name;Name;Area;Choice;Type;Price;];": 1, + "Train-Inform[Choice;Day;];Train-OfferBook[none;];Train-Request[Dest;];": 1, + "Booking-Book[Time;People;Ref;Name;];": 1, + "Restaurant-Recommend[Post;Phone;Name;];": 1, + "Hotel-Recommend[Area;Name;Type;Stars;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Choice;Leave;Leave;];Train-Request[Leave;Arrive;];": 1, + "Train-OfferBook[Dest;Id;Depart;Leave;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Choice;Area;Area;Area;Type;];": 1, + "Restaurant-Inform[Name;Name;Area;Area;Post;Post;];": 1, + "Taxi-Inform[none;];Taxi-Request[Leave;];": 1, + "Attraction-Inform[Type;Addr;Addr;];": 1, + "Train-OfferBooked[Ref;Ticket;Day;];": 1, + "Booking-Book[Ref;Time;People;Name;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Area;Choice;Choice;Type;Type;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Internet;];": 1, + "general-welcome[none;];Hotel-Select[Type;Type;];": 1, + "Hotel-Inform[Price;Name;Internet;Type;Parking;Stars;Addr;];": 1, + "Attraction-Select[Area;Area;Area;];Attraction-Inform[Choice;];": 1, + "Attraction-Inform[Phone;Area;Name;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Stars;Stars;];": 1, + "Restaurant-Recommend[Name;Phone;Post;Food;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Post;Addr;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;Choice;Choice;Choice;Choice;Area;Area;Area;];": 1, + "Attraction-Inform[Fee;Phone;Addr;Addr;Post;];": 1, + "Train-Inform[Arrive;Time;Leave;Day;Depart;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Area;Food;Choice;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Stars;Parking;Type;Choice;];": 1, + "Hotel-Recommend[Price;Parking;Name;Type;Area;];Booking-Request[People;Day;];": 1, + "Hotel-Recommend[Addr;Name;Area;];Booking-Inform[none;];": 1, + "general-reqmore[none;];Booking-Book[Day;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Post;Name;Addr;Addr;];": 1, + "Hotel-Request[Stars;];Hotel-NoOffer[Price;Stars;];general-reqmore[none;];": 1, + "Train-Request[Dest;Leave;People;Arrive;Depart;Day;];": 1, + "Restaurant-Inform[Post;Name;Phone;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Name;Name;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Food;Price;Phone;Name;];": 1, + "Train-Inform[Id;Arrive;Day;Depart;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[Ticket;Ref;Choice;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Type;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Price;Area;];": 1, + "Booking-Book[Day;Ref;Time;Name;];": 1, + "Train-Inform[Day;Depart;Choice;];Train-Request[Leave;];": 1, + "Train-Inform[Arrive;Ticket;Id;Dest;];Train-OfferBook[none;];": 1, + "Train-Inform[Depart;Leave;];Train-OfferBooked[Id;Ticket;Ref;];": 1, + "Restaurant-Inform[Food;Addr;Phone;];": 1, + "general-reqmore[none;];Booking-Book[Ref;People;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Addr;Post;Name;Type;];": 1, + "general-greet[none;];Hotel-Request[Area;];Restaurant-Inform[Post;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Post;Addr;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Area;Internet;Parking;Stars;Price;];": 1, + "Booking-Inform[none;];Attraction-Inform[Name;Addr;Addr;];": 1, + "Taxi-Inform[Arrive;Phone;Leave;Car;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Name;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Price;Area;Food;];Restaurant-Inform[none;];": 1, + "Restaurant-Inform[Price;Addr;Addr;Phone;Phone;Name;];": 1, + "Restaurant-Request[Price;Area;];Restaurant-Inform[Choice;Area;];": 1, + "Train-Inform[Choice;];general-greet[none;];Train-Request[Dest;Arrive;Depart;];": 1, + "Attraction-Select[Fee;Type;];Attraction-Inform[Area;Choice;];": 1, + "Train-OfferBook[Leave;Day;Arrive;];": 1, + "Booking-Request[Day;Time;People;];Restaurant-Inform[Name;Area;];": 1, + "Booking-Book[Time;People;Day;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Id;Ref;];": 1, + "Attraction-Inform[Name;Name;Fee;Fee;Addr;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Addr;Name;];general-greet[none;];": 1, + "Attraction-Recommend[Name;Post;Fee;Addr;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Area;Price;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Post;Name;Addr;];": 1, + "Taxi-Request[Leave;Dest;Arrive;Depart;];Hotel-Inform[Internet;];": 1, + "Attraction-Request[Type;Name;];Attraction-Inform[Area;Type;Choice;];": 1, + "Attraction-Inform[Name;Phone;];Train-Request[Depart;Day;];": 1, + "Attraction-Inform[Name;Name;Type;Type;Choice;Choice;];": 1, + "Restaurant-Inform[Food;Name;Area;Price;];Attraction-Inform[Phone;Name;Post;Addr;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Food;Price;Name;];": 1, + "Hotel-Inform[Choice;Price;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Type;Stars;Price;];": 1, + "Hotel-Inform[Stars;Addr;Addr;Post;];general-reqmore[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Choice;Area;];": 1, + "Restaurant-Inform[Name;Addr;Area;];general-reqmore[none;];Attraction-Inform[Name;Fee;Post;Addr;Addr;Addr;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Price;Type;Type;];": 1, + "Booking-Inform[Stay;Day;];": 1, + "Hotel-Inform[Choice;Type;Parking;Name;Name;Area;Internet;];": 1, + "Booking-Inform[none;];Restaurant-NoOffer[Food;];Restaurant-Inform[Food;Area;Name;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Type;Type;Type;Type;Type;];": 1, + "Attraction-Recommend[Area;Post;Addr;Addr;Name;];": 1, + "Train-Inform[Choice;Day;Leave;Leave;Leave;Leave;];": 1, + "Train-Inform[Depart;Time;];general-reqmore[none;];": 1, + "Restaurant-Inform[Food;Food;Price;Price;Addr;Addr;Name;Name;];": 1, + "Train-Inform[Arrive;Id;Dest;Depart;Time;Leave;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Area;Name;Name;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Name;Phone;];": 1, + "Taxi-Request[Leave;];Hotel-Inform[Area;Name;];": 1, + "Hotel-Inform[Addr;Stars;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Name;Choice;];": 1, + "Hotel-Inform[Area;Name;Internet;Parking;Phone;Stars;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Parking;Price;Internet;];": 1, + "Booking-Inform[People;Day;];Booking-Request[People;Time;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Area;Price;Price;Stars;Type;Type;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Post;Parking;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Type;Type;Type;Type;Type;Type;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Food;Price;Area;Addr;Addr;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Parking;Choice;Type;Internet;];": 1, + "Attraction-Recommend[Addr;Name;];Attraction-Inform[Area;Type;Choice;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Internet;];": 1, + "general-reqmore[none;];Train-Request[Leave;Arrive;Depart;];": 1, + "Hotel-Request[Area;Stars;];Hotel-NoOffer[Type;Area;Stars;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Food;Name;Name;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Name;Type;Choice;];": 1, + "Hotel-Inform[Choice;Type;];Booking-Request[Day;People;];": 1, + "Booking-Request[Time;Day;];Restaurant-Inform[Name;Addr;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Ref;Arrive;Ticket;];": 1, + "Hotel-Inform[Area;Internet;Price;Parking;Type;Phone;Stars;];": 1, + "Train-Inform[Dest;Arrive;Choice;];Train-Request[Depart;];": 1, + "Train-Inform[Ticket;Arrive;Id;];Train-OfferBook[none;];": 1, + "Train-Inform[Day;Arrive;Id;Dest;Ticket;];": 1, + "general-reqmore[none;];Train-Request[Depart;Day;];": 1, + "Hotel-Inform[Internet;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "Hotel-Select[Name;Name;Choice;];": 1, + "Train-Inform[Depart;Dest;];Train-OfferBooked[People;Ref;];": 1, + "Restaurant-Inform[Choice;Choice;Food;Food;Food;Food;Food;Food;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Area;Food;Choice;Price;];": 1, + "Train-Inform[Choice;];Train-Request[Depart;Leave;Arrive;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Phone;Addr;Addr;Area;];": 1, + "Train-Inform[Choice;Depart;Ticket;Dest;];Train-Request[Day;];": 1, + "Hotel-Request[Stars;];Hotel-NoOffer[Type;Stars;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Area;Area;Name;Name;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Type;Stars;Parking;Area;Internet;Price;];": 1, + "Hotel-Inform[Phone;Internet;Post;Parking;];general-reqmore[none;];": 1, + "Train-Inform[Dest;Ticket;Arrive;Leave;];": 1, + "Attraction-Select[Area;Name;Type;Type;Type;];": 1, + "Attraction-Select[Name;Name;Fee;];": 1, + "Attraction-Request[Area;];Attraction-NoOffer[Type;Area;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Addr;Addr;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Type;Phone;Addr;Addr;];": 1, + "Hotel-Inform[Area;Stars;Parking;Price;Name;Type;Internet;];Attraction-Inform[Name;Area;];": 1, + "Restaurant-Inform[Name;Name;Name;Price;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Addr;Price;];": 1, + "Train-Inform[Ticket;Id;Arrive;];": 1, + "Hotel-Inform[Area;Choice;Type;];Booking-Request[Stay;Day;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Name;Name;Choice;Internet;Type;Parking;Area;];": 1, + "general-reqmore[none;];Booking-Book[Day;Name;People;];": 1, + "Hotel-Inform[Post;Area;Internet;Addr;Price;Parking;Phone;Stars;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Type;Area;Phone;Fee;];": 1, + "Hotel-Recommend[Name;Price;Area;Addr;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;Area;Area;Choice;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Stars;Area;Type;];": 1, + "Booking-NoBook[People;];Booking-Request[Time;Day;];": 1, + "Taxi-Inform[Depart;Dest;Car;Phone;Leave;];": 1, + "Taxi-Inform[Arrive;Car;Leave;];": 1, + "Booking-Inform[none;];Booking-Request[Time;];general-greet[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;Choice;Area;];": 1, + "Hotel-NoOffer[Price;Stars;];": 1, + "Hotel-Inform[Area;Stars;Price;Name;Type;Internet;];general-reqmore[none;];": 1, + "Booking-Book[Ref;];general-reqmore[none;];Restaurant-Inform[Addr;];": 1, + "Restaurant-Recommend[Name;Addr;];Restaurant-Inform[Phone;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Choice;Choice;Choice;Fee;Fee;Fee;Name;Name;];": 1, + "Attraction-Recommend[Type;Area;Name;];Attraction-Inform[Phone;Addr;Post;];": 1, + "Train-Inform[Ticket;Id;Leave;];Train-Select[none;];": 1, + "general-welcome[none;];general-reqmore[none;];Attraction-Inform[Fee;Phone;Addr;];": 1, + "Attraction-Inform[Fee;Area;Name;Addr;Addr;Addr;];": 1, + "Hotel-Inform[Name;Price;Parking;Phone;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Price;Price;];": 1, + "Attraction-Recommend[Name;Fee;];general-reqmore[none;];Attraction-Inform[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Post;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Area;Choice;Choice;Type;Type;];": 1, + "Booking-Inform[Name;People;Stay;Day;];": 1, + "Restaurant-NoOffer[Food;];Restaurant-Inform[Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Addr;Phone;];": 1, + "Hotel-Inform[Type;Stars;Name;Price;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Choice;Choice;Stars;];": 1, + "Hotel-Recommend[Name;Stars;Area;];Booking-Inform[none;];Booking-Request[Day;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Type;Internet;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;Choice;Ref;];": 1, + "Attraction-Inform[Name;Name;Choice;Addr;Addr;Area;];": 1, + "Attraction-Inform[Phone;Phone;Name;Name;Fee;Addr;Addr;Addr;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Post;Phone;];": 1, + "Restaurant-Request[Area;Price;];Restaurant-NoOffer[Price;Area;];": 1, + "Restaurant-Request[Price;Area;];Restaurant-NoOffer[Price;];": 1, + "Hotel-Inform[Addr;Name;Type;Internet;];": 1, + "Train-Inform[Day;Leave;Leave;Leave;Leave;Depart;Dest;];Train-OfferBook[none;];": 1, + "Train-Inform[Time;Id;Leave;];Booking-Inform[none;];Restaurant-Recommend[Name;Area;];Restaurant-Inform[Food;Choice;Price;];": 1, + "Attraction-Inform[Name;Name;Name;Name;Name;Name;Name;Choice;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Food;Food;Name;Name;Area;Price;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;];Restaurant-Inform[Phone;];": 1, + "Attraction-Inform[Phone;Phone;Phone;Name;Name;Name;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[none;];general-reqmore[none;];Restaurant-Inform[Food;Area;];": 1, + "Train-Request[Dest;Depart;Leave;];": 1, + "Train-Inform[Id;Arrive;Depart;Dest;Leave;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Food;Price;Choice;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Addr;Price;];": 1, + "Attraction-Request[Area;Type;];general-greet[none;];": 1, + "Attraction-Inform[Name;Addr;Addr;Area;];": 1, + "Booking-Inform[none;];Restaurant-NoOffer[Name;Area;];Restaurant-Inform[Food;Price;Name;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Area;Choice;Type;Stars;Stars;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Price;Name;Name;Type;Choice;];": 1, + "Attraction-Recommend[Area;Price;Name;];general-reqmore[none;];": 1, + "Train-Inform[Depart;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Train-OfferBooked[Depart;Ticket;Leave;Ref;Dest;People;];": 1, + "Taxi-Inform[Arrive;Leave;];": 1, + "Train-Inform[Ticket;];general-greet[none;];Train-Request[People;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Type;Area;Area;Area;Stars;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Name;Addr;Phone;Post;];": 1, + "Attraction-Request[Name;];Attraction-Inform[Type;Type;];": 1, + "Attraction-Inform[Phone;Open;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Parking;Choice;Internet;Type;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Food;Food;];": 1, + "Restaurant-Inform[Ref;Food;Price;];Booking-Book[Name;];": 1, + "Hotel-Inform[Internet;Type;Parking;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Addr;Type;Area;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Parking;Choice;Internet;];": 1, + "Taxi-Request[Leave;Depart;Arrive;];": 1, + "Hotel-Request[Type;Stars;];Hotel-Inform[Choice;];": 1, + "Attraction-Inform[Fee;Area;Type;Choice;];": 1, + "Restaurant-Recommend[Phone;Name;Food;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Choice;Choice;Area;Area;];": 1, + "Hotel-Recommend[Internet;Name;];general-reqmore[none;];": 1, + "Restaurant-Request[Name;];Hotel-Request[Name;];": 1, + "Attraction-Request[Type;];general-reqmore[none;];Attraction-Inform[Type;Area;Choice;];": 1, + "Restaurant-Inform[Name;Addr;Addr;Post;];": 1, + "Train-Inform[Choice;];Train-Request[Leave;Arrive;Dest;];": 1, + "Hotel-Recommend[Internet;Phone;Parking;];Hotel-Inform[Choice;];": 1, + "Train-NoOffer[Depart;];Train-Request[Day;Leave;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;Food;Food;Choice;];": 1, + "Train-Request[Leave;];Train-OfferBooked[none;];": 1, + "Train-Inform[Time;Arrive;Id;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Name;Name;Area;Choice;Type;Type;Price;Price;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Name;Name;Name;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Booking-Request[Time;Day;];": 1, + "Restaurant-Inform[Food;Area;Price;];Booking-Book[Name;Time;People;Ref;Day;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Price;Area;];": 1, + "Train-OfferBook[Leave;Id;];Train-Request[Leave;];": 1, + "Train-Inform[Ref;Ticket;];Booking-Book[People;];": 1, + "Hotel-Inform[Name;Name;Name;Internet;Choice;Addr;Price;Price;];": 1, + "Hotel-Request[Area;];Hotel-Inform[none;];general-reqmore[none;];": 1, + "Hotel-Request[Area;Price;Stars;];Hotel-NoOffer[Area;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Area;];": 1, + "Hotel-Recommend[Price;Area;Name;];": 1, + "Attraction-Recommend[Name;Fee;Area;];": 1, + "Hotel-Inform[Stars;Price;Internet;];": 1, + "Attraction-Inform[Post;Addr;Addr;Addr;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Choice;];": 1, + "Hotel-Select[Area;Area;Name;Name;];Hotel-Inform[Price;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Choice;Internet;];": 1, + "Train-Inform[Choice;Choice;Leave;Leave;];Train-Request[People;Leave;];": 1, + "Hotel-Inform[Area;Area;Area;Choice;];general-reqmore[none;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Internet;Choice;Type;Type;Stars;];": 1, + "Booking-NoBook[Stay;Day;People;];Booking-Request[Day;Stay;];": 1, + "Train-Inform[Ticket;Id;Time;Leave;];general-reqmore[none;];": 1, + "Hotel-Request[Price;Stars;];Hotel-Inform[Area;Choice;Type;Parking;Price;Price;];": 1, + "Booking-Request[People;Time;];Restaurant-Inform[Food;Name;Price;];": 1, + "Hotel-Inform[Type;Internet;Parking;Choice;Stars;Price;Price;Area;];": 1, + "Hotel-Inform[Phone;Addr;Addr;Post;];Booking-Book[Day;People;Stay;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Parking;Choice;Choice;Choice;Internet;];": 1, + "Hotel-Inform[Internet;Parking;Choice;Choice;Choice;Price;Price;];": 1, + "Restaurant-Select[Food;Food;Food;Food;];Restaurant-Inform[Area;Choice;Price;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Area;Price;Name;];": 1, + "Booking-NoBook[Day;Time;];": 1, + "Train-Inform[Day;Leave;];Train-OfferBook[none;];Train-Request[Leave;];": 1, + "general-reqmore[none;];Train-OfferBooked[Dest;Ticket;Arrive;Id;];": 1, + "Restaurant-NoOffer[Price;Food;];Train-Request[People;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Area;Area;Choice;Price;];": 1, + "Restaurant-Inform[Post;Addr;Area;Phone;Name;];": 1, + "Booking-Inform[Name;Name;Name;];Hotel-Select[none;];": 1, + "Hotel-Request[Internet;Area;Parking;Price;Type;Stars;];Hotel-Inform[Choice;];": 1, + "Hotel-Request[Type;Price;Area;Internet;Stars;Parking;];Hotel-Inform[Choice;];": 1, + "Train-Inform[Arrive;Day;Leave;Depart;Dest;];general-reqmore[none;];": 1, + "Hotel-Inform[Post;Addr;];general-reqmore[none;];general-greet[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Name;Type;];general-reqmore[none;];": 1, + "Attraction-Inform[Choice;Fee;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Area;Phone;];": 1, + "Restaurant-Inform[Choice;Area;Name;Name;];": 1, + "Train-Inform[Leave;Depart;Id;Dest;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Post;Post;Type;];": 1, + "Train-OfferBook[none;];Train-Request[Dest;Day;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Ref;Leave;Id;];": 1, + "Attraction-Request[Type;];Booking-Book[Ref;Name;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Area;Choice;Fee;Fee;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Addr;Phone;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Area;Area;Name;Name;];": 1, + "Attraction-Recommend[Addr;Addr;Name;];Attraction-Inform[Choice;Type;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Area;Area;Choice;Choice;Choice;];": 1, + "Restaurant-Select[Price;Price;];Restaurant-Inform[Choice;Food;Price;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Name;Name;];": 1, + "Train-Request[Depart;Leave;Arrive;Dest;];": 1, + "Attraction-Recommend[Area;Name;];Attraction-Inform[Fee;Addr;];": 1, + "Restaurant-Recommend[Name;Area;];Restaurant-Inform[Name;Area;];": 1, + "Train-Inform[Choice;Leave;];Train-Request[Arrive;Leave;];": 1, + "Attraction-Inform[Phone;Addr;Fee;Area;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Name;Name;Name;Area;Area;Area;];": 1, + "Restaurant-Select[Name;];Booking-Inform[none;];Restaurant-Inform[Post;Phone;Addr;];": 1, + "Train-Inform[Leave;Id;];Train-NoOffer[Leave;Dest;Depart;Day;];Train-Select[none;];": 1, + "Train-Inform[Day;Arrive;Dest;Id;Depart;Time;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Request[Price;Stars;];Hotel-Inform[Choice;Internet;Type;Parking;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Type;Phone;];": 1, + "Attraction-Recommend[Name;Name;];Attraction-Inform[Fee;Type;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Phone;Addr;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Choice;Name;];": 1, + "Train-Inform[Time;Ticket;Arrive;Leave;];": 1, + "Hotel-Inform[Area;Area;Choice;Price;Type;];general-reqmore[none;];": 1, + "Hotel-Select[Area;Area;Area;Area;];": 1, + "Hotel-Recommend[Choice;Name;Name;Area;];Hotel-Select[none;];": 1, + "Hotel-Request[Price;Stars;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Inform[Area;Stars;Stars;Stars;Choice;Choice;Choice;Type;Type;Type;];": 1, + "Restaurant-Select[Name;];Restaurant-Recommend[Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Area;Food;Name;Price;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Area;Post;];": 1, + "general-welcome[none;];Restaurant-Inform[Price;Price;Name;Name;];": 1, + "Restaurant-Inform[Price;Addr;Name;Food;Phone;Post;];": 1, + "Hotel-Request[Price;Type;Internet;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Choice;Type;Type;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[Name;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Phone;Post;Post;Area;];": 1, + "Booking-Inform[none;];Attraction-Inform[Fee;Name;];": 1, + "Booking-NoBook[none;];Attraction-Inform[Post;];": 1, + "Train-Inform[Ticket;Arrive;Time;Leave;];general-reqmore[none;];": 1, + "Attraction-Recommend[Addr;Area;Fee;Name;];": 1, + "Attraction-Inform[Fee;Addr;Post;];": 1, + "Hotel-Recommend[Parking;Name;];Booking-Inform[none;];": 1, + "general-reqmore[none;];Booking-Book[Ref;People;Day;Time;Name;];": 1, + "Train-Inform[Ticket;];Train-Request[Leave;Arrive;];": 1, + "Train-Inform[Arrive;];general-reqmore[none;];Train-OfferBooked[Ref;People;];": 1, + "Attraction-Select[Price;Price;];Attraction-Inform[Type;Choice;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Choice;Name;Phone;Post;Area;Fee;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Name;Name;Food;Food;Food;];": 1, + "Hotel-Select[Parking;Name;Name;Name;Name;Type;Area;];": 1, + "Hotel-Recommend[Name;];Booking-Request[Stay;Time;Day;];": 1, + "Train-Inform[Dest;Leave;Leave;];Train-Request[People;Leave;];": 1, + "Train-Inform[Ticket;Id;Dest;Arrive;Leave;Depart;];Train-OfferBook[none;];": 1, + "Hotel-NoOffer[Type;Area;];Hotel-Inform[Price;Type;Choice;];": 1, + "Hotel-Inform[Type;Stars;Name;Post;];": 1, + "Hotel-Recommend[Name;Name;Price;];Hotel-Select[none;];Hotel-Inform[Name;Price;];": 1, + "Attraction-Inform[Type;Area;Addr;Name;Post;];": 1, + "Train-Inform[Arrive;Day;Leave;Dest;Ticket;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Addr;Fee;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Addr;Name;Phone;];": 1, + "Attraction-Recommend[Area;Name;];Attraction-Inform[Fee;Fee;Phone;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Area;Price;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Day;Depart;Ticket;Id;Leave;];": 1, + "Restaurant-Request[Price;];Restaurant-Recommend[Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Price;Name;Name;Name;Food;Area;];": 1, + "Train-Inform[Arrive;Leave;Depart;Id;Dest;Time;];general-reqmore[none;];": 1, + "Train-Inform[none;];general-reqmore[none;];": 1, + "Train-Inform[Depart;Dest;Arrive;Id;Leave;];Train-Request[People;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;Ref;Depart;People;Arrive;Dest;Day;];": 1, + "Restaurant-Inform[Food;Food;Addr;Addr;Addr;Addr;Phone;Name;Name;];": 1, + "Hotel-Inform[Internet;Choice;];": 1, + "Hotel-Recommend[Name;Price;Internet;Parking;Stars;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Type;Fee;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Phone;Name;];": 1, + "Booking-Inform[Name;];Booking-Request[People;Time;];": 1, + "Booking-Inform[Time;];Booking-Request[Day;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;Day;];": 1, + "Attraction-Recommend[Fee;Area;Name;Name;Choice;];": 1, + "Booking-Book[Time;Day;People;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Hotel-Inform[Type;Area;];general-reqmore[none;];": 1, + "Train-Inform[Dest;Leave;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Ticket;Dest;Depart;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Internet;Parking;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Type;Name;];": 1, + "Hotel-Recommend[Internet;Name;Parking;Area;];": 1, + "Train-Inform[Choice;Dest;Leave;];Train-Request[Depart;];": 1, + "Train-Inform[Time;Choice;Leave;];Train-OfferBook[none;];": 1, + "Booking-Request[People;Time;Day;];Restaurant-Inform[Post;Addr;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Food;];": 1, + "Hotel-Select[Price;Type;Stars;Parking;Internet;];Hotel-Inform[Price;Type;Parking;];": 1, + "Hotel-Request[Type;Stars;];Hotel-Inform[Area;Price;Choice;Choice;Type;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Post;Stars;Name;];": 1, + "Train-Inform[Depart;Arrive;];Train-Request[People;];": 1, + "Restaurant-Request[Food;Name;];Restaurant-NoOffer[none;];": 1, + "Hotel-NoOffer[Area;Type;];Hotel-Inform[Stars;Price;Name;Type;];": 1, + "Hotel-Inform[Name;Post;Phone;];general-reqmore[none;];": 1, + "Hotel-Inform[Post;Area;Name;Addr;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Choice;Price;Price;Type;];": 1, + "Hotel-Inform[Name;Parking;Price;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Area;Area;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Area;Addr;Name;Name;];": 1, + "Train-Inform[Choice;Day;Dest;];Train-Request[Depart;Arrive;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Post;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Area;Name;Type;];": 1, + "Attraction-Inform[Type;Phone;Addr;Addr;Fee;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Price;Area;Stars;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;];Booking-Book[Ref;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Area;Food;Food;];": 1, + "general-reqmore[none;];Booking-Book[Time;Day;Name;Ref;];": 1, + "Booking-Request[Day;Stay;];general-reqmore[none;];": 1, + "Restaurant-Recommend[none;];Restaurant-Inform[Price;Choice;Food;Area;];": 1, + "general-reqmore[none;];Booking-Book[Stay;People;Name;Ref;];": 1, + "Train-NoOffer[Leave;Arrive;];Train-Select[Dest;Depart;Leave;Id;Arrive;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Choice;];": 1, + "Restaurant-Inform[Choice;Food;Area;Price;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Choice;Choice;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Choice;Area;Area;Area;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Type;Area;Choice;];Booking-Book[Ref;];": 1, + "Hotel-Inform[Name;Name;Name;Name;Name;Internet;Price;Price;Parking;Type;];": 1, + "Hotel-Inform[Phone;Area;Price;Stars;Addr;Name;Post;Type;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Price;Choice;Area;];": 1, + "Restaurant-Request[Area;];Restaurant-NoOffer[none;];Restaurant-Inform[Area;Food;];": 1, + "Hotel-Request[Area;];Hotel-Select[Type;];general-reqmore[none;];Hotel-NoOffer[none;];": 1, + "Hotel-Inform[Stars;Stars;Choice;];general-reqmore[none;];": 1, + "Train-Inform[Ticket;People;Time;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Area;Name;Type;Stars;];Booking-Inform[none;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[none;];Hotel-Inform[Price;Area;];": 1, + "Hotel-Inform[Phone;Addr;];general-reqmore[none;];Booking-Book[Ref;Stay;Name;People;];": 1, + "Attraction-Recommend[Phone;Post;Area;Name;];": 1, + "Attraction-Select[Type;];Attraction-NoOffer[Type;Area;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Choice;Choice;Choice;Fee;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Type;Stars;];general-reqmore[none;];": 1, + "Attraction-Inform[Phone;Type;Area;Name;];": 1, + "Attraction-Request[Area;Type;];Attraction-Inform[Area;Name;Type;];": 1, + "Attraction-Inform[Type;Type;Type;Type;Choice;Area;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Depart;People;Ref;Leave;];": 1, + "Restaurant-Inform[Food;Price;Addr;Name;Post;Phone;];": 1, + "Hotel-Select[none;];Hotel-Inform[Internet;];": 1, + "Hotel-Inform[Phone;Addr;];Booking-Request[Stay;Day;];": 1, + "Train-Inform[Leave;Depart;Id;];Train-Select[none;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Addr;Area;Phone;];": 1, + "Train-Inform[Arrive;Arrive;Dest;Leave;Leave;];Train-OfferBook[none;];": 1, + "Train-Select[none;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Post;Addr;Area;];": 1, + "Train-Inform[Dest;Choice;Depart;];Train-Request[Leave;];": 1, + "Hotel-Inform[Area;Price;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Name;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Name;Name;Name;];": 1, + "Train-Inform[Dest;Day;Arrive;Id;];general-reqmore[none;];": 1, + "Hotel-Request[Name;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Inform[Stars;Name;];general-reqmore[none;];Attraction-Inform[Phone;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Price;Phone;Name;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Price;Choice;Area;];": 1, + "Attraction-Recommend[Price;Name;];": 1, + "Attraction-Request[Area;];Attraction-Select[Type;Fee;Fee;];Attraction-Inform[Choice;Type;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Addr;Area;];": 1, + "Train-Inform[Id;Arrive;Day;Dest;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Name;Food;Area;Price;];": 1, + "Attraction-Recommend[Area;Addr;Addr;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Fee;Area;Name;Type;];": 1, + "Attraction-NoOffer[Area;];general-reqmore[none;];Attraction-Inform[Type;Name;Area;];": 1, + "Attraction-Inform[Post;Phone;Name;];Train-Request[Dest;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Price;Price;Choice;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;Post;Area;];": 1, + "Attraction-Recommend[Addr;Phone;Name;Type;];": 1, + "Train-Inform[Time;Leave;Arrive;Day;Dest;];Train-OfferBook[none;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Stars;Type;Choice;];": 1, + "Train-Inform[Day;Leave;Depart;Dest;Id;];Train-Request[People;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;];Train-OfferBooked[Ref;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Choice;Area;Name;Name;];": 1, + "Restaurant-Inform[Phone;Phone;Name;Name;Post;Post;];": 1, + "Hotel-Inform[Choice;Choice;Stars;Stars;Stars;];general-reqmore[none;];": 1, + "Train-NoOffer[Depart;Day;];Train-Request[Day;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Choice;Price;];": 1, + "Restaurant-Inform[Area;Choice;Price;Name;Name;Name;Name;Name;];": 1, + "Restaurant-Recommend[Post;Name;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Type;Fee;Area;];": 1, + "Booking-Inform[Stay;Day;Day;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Area;Area;Name;Name;];": 1, + "Hotel-Inform[Internet;Addr;Parking;Stars;Area;];": 1, + "Attraction-Inform[Name;Addr;Addr;Addr;Post;Fee;];": 1, + "Restaurant-NoOffer[Food;Price;Price;Area;];": 1, + "Hotel-Inform[Type;Ref;Stars;Area;];general-reqmore[none;];Booking-Book[Name;];": 1, + "Hotel-Recommend[Internet;Area;Name;];": 1, + "Hotel-Recommend[Name;Area;];Booking-Inform[none;];Hotel-Inform[Choice;];": 1, + "Booking-Inform[Day;Day;];Booking-Request[People;Day;];": 1, + "Train-Inform[Choice;];Train-Request[Day;Dest;];": 1, + "Train-Inform[Arrive;Arrive;Choice;Leave;Leave;Id;Id;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Area;Post;Addr;Phone;];": 1, + "Hotel-Recommend[Name;Price;Type;Addr;];Booking-Inform[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;];Booking-Request[People;Stay;Day;];": 1, + "Booking-NoBook[none;];Hotel-Inform[Stars;];Booking-Request[Day;];": 1, + "Hotel-Inform[Type;Choice;Choice;Choice;Area;Area;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Choice;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Post;Fee;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Type;Area;Name;Name;Name;Stars;];": 1, + "Train-Inform[Depart;Arrive;Id;Leave;];Train-OfferBook[People;];": 1, + "Hotel-Inform[Type;Name;Area;Price;];": 1, + "Booking-Inform[Name;People;];": 1, + "Restaurant-Request[Area;];Booking-Book[Ref;];general-reqmore[none;];Restaurant-Inform[Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Area;Food;Name;Choice;];": 1, + "general-greet[none;];Train-Request[Depart;Arrive;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Area;Name;Price;];": 1, + "Hotel-Inform[Internet;Choice;Type;];general-reqmore[none;];": 1, + "Hotel-Request[Stars;];Hotel-NoOffer[none;];Hotel-Inform[Area;Stars;Type;];": 1, + "Booking-NoBook[Time;];Restaurant-Recommend[Name;];Restaurant-Inform[Name;];": 1, + "Restaurant-Inform[Addr;Area;Phone;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Choice;Choice;Choice;Area;Area;Area;];": 1, + "Booking-NoBook[Name;];": 1, + "Hotel-Recommend[Area;Name;];Booking-Inform[none;];Hotel-Inform[Internet;Parking;Stars;Price;];": 1, + "Hotel-Inform[Parking;Name;Internet;Price;Stars;Area;];": 1, + "Hotel-NoOffer[Area;Type;Price;];Hotel-Inform[Name;Name;Price;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Parking;Name;Price;Area;];general-greet[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Internet;Type;Parking;Area;Stars;];": 1, + "Hotel-Inform[Type;Choice;Name;Name;Name;Price;];": 1, + "Attraction-Inform[Addr;Area;Post;Name;Phone;Fee;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Food;Addr;];": 1, + "Train-Inform[Id;Leave;Time;];": 1, + "Hotel-Recommend[Phone;Post;Name;];": 1, + "Train-Inform[Choice;];Train-Request[Arrive;Leave;Depart;];": 1, + "Train-Inform[Leave;Choice;];Train-OfferBook[Leave;];": 1, + "Attraction-Request[Type;Area;];Attraction-Inform[Type;Area;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Fee;Post;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Food;Choice;];": 1, + "Booking-NoBook[Name;Time;];Booking-Request[Day;Time;];": 1, + "Attraction-Recommend[Addr;Addr;Phone;Name;];": 1, + "Hotel-Request[Type;Stars;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Choice;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Choice;Choice;Type;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Name;Area;];": 1, + "Train-Inform[Depart;];Train-Request[Dest;Day;];": 1, + "Restaurant-Inform[Name;Name;Area;Food;Food;Choice;];": 1, + "Attraction-Recommend[Addr;Open;Name;];Attraction-Inform[Choice;Area;];": 1, + "Restaurant-Request[Food;Price;];Restaurant-Inform[Price;Choice;];": 1, + "Train-Inform[Arrive;Day;Leave;Leave;Leave;];Train-Request[People;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Post;Phone;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;Type;Type;Type;Choice;];": 1, + "Hotel-Inform[Choice;Type;Stars;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Stars;Price;Price;Choice;Choice;Choice;Type;Internet;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Addr;Type;Price;];": 1, + "Train-Inform[Leave;Depart;];Booking-Inform[none;];": 1, + "Train-Inform[Arrive;Day;Leave;];Train-Request[Day;];": 1, + "Train-Inform[Day;Arrive;Id;];general-reqmore[none;];Train-OfferBooked[Ticket;Ref;];": 1, + "Attraction-Recommend[Phone;Name;Fee;Addr;Addr;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Area;Choice;Fee;];": 1, + "Hotel-Recommend[Choice;Stars;Name;Name;];Hotel-Select[none;];": 1, + "Hotel-Inform[Choice;Choice;Choice;Type;Type;Area;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Name;Addr;Area;];": 1, + "Hotel-Inform[Type;Parking;Choice;];": 1, + "Hotel-Inform[Name;Choice;Stars;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Ticket;];": 1, + "Attraction-Inform[Fee;Type;Area;Addr;Name;];": 1, + "Booking-NoBook[none;];Attraction-Inform[Type;];": 1, + "Hotel-Inform[Area;Post;];general-reqmore[none;];": 1, + "Restaurant-Select[Choice;Food;Food;Food;Food;];": 1, + "Attraction-Recommend[Fee;Addr;Area;Phone;Post;Name;];": 1, + "Train-Inform[Time;Arrive;Choice;Leave;Ticket;];Train-Select[Choice;Choice;];": 1, + "Restaurant-Recommend[Name;Choice;];": 1, + "Train-Inform[Arrive;Choice;Dest;Depart;];Train-OfferBook[none;];": 1, + "Attraction-Select[Fee;];Attraction-Inform[Choice;Area;];": 1, + "Train-Inform[Dest;];Train-Request[Day;Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Area;Fee;Name;];": 1, + "Hotel-Recommend[Name;Type;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;Addr;];": 1, + "general-welcome[none;];general-reqmore[none;];Attraction-Inform[Fee;];": 1, + "Train-Inform[Time;];Train-Select[Dest;Depart;Day;];Train-Request[Leave;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Depart;Ref;Arrive;Leave;Ticket;Day;Dest;];": 1, + "Train-Inform[Arrive;Day;Day;Leave;Dest;Id;];Train-OfferBook[none;];": 1, + "Hotel-NoOffer[Type;Area;Internet;Stars;];": 1, + "Hotel-NoOffer[Internet;Stars;Area;Type;];general-reqmore[none;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Type;Choice;Price;];": 1, + "Hotel-Recommend[Addr;Post;Name;];": 1, + "Attraction-Request[Type;Area;];Attraction-Inform[Name;Area;];": 1, + "Booking-Inform[none;];Attraction-Inform[Post;Addr;Addr;];": 1, + "Hotel-Recommend[Parking;Name;Internet;Area;];Hotel-Select[none;];": 1, + "Train-Inform[Choice;Choice;Choice;Leave;Leave;];Train-Request[Leave;];": 1, + "Train-OfferBook[Dest;Leave;Id;Arrive;];": 1, + "Hotel-NoOffer[Type;];Hotel-Inform[Area;Area;Type;Choice;Choice;Choice;];": 1, + "Hotel-Recommend[Price;Name;Parking;Area;];general-reqmore[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Area;Area;Choice;Choice;];": 1, + "Train-Inform[Arrive;Leave;Id;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Train-Inform[Time;Arrive;Day;Leave;Depart;Ticket;];Train-OfferBook[none;];": 1, + "Hotel-Request[Parking;Type;Price;Internet;];Hotel-Inform[Choice;Type;Stars;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Stars;Parking;Name;Name;Internet;];": 1, + "Hotel-Request[Price;Type;];Hotel-Inform[Area;Choice;Choice;Type;Type;];": 1, + "Hotel-Inform[Internet;Area;Name;];general-reqmore[none;];": 1, + "Hotel-Inform[Addr;Name;];Booking-Book[Ref;Day;];": 1, + "Attraction-Inform[Post;Name;Addr;];": 1, + "Taxi-Inform[Dest;Depart;Phone;Car;];": 1, + "Train-Inform[Id;Arrive;Choice;Leave;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Price;Price;Choice;Choice;Choice;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;Name;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Internet;Type;Parking;Stars;];": 1, + "Restaurant-Select[none;];Booking-Request[People;Time;Day;];Restaurant-Inform[Name;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Type;Parking;Area;Stars;];": 1, + "Hotel-Inform[Post;];Booking-Request[Stay;People;];": 1, + "Restaurant-Inform[Food;Price;Area;Phone;Name;Post;Post;];": 1, + "Hotel-Inform[Addr;Area;Phone;Name;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Area;Food;Phone;Price;];": 1, + "Hotel-Inform[Choice;Price;Stars;Stars;];": 1, + "Taxi-Request[Leave;];Booking-Book[Ref;];": 1, + "Hotel-Inform[Area;Name;Internet;Addr;Parking;Type;Phone;];general-reqmore[none;];": 1, + "Attraction-Inform[Name;Type;Fee;Phone;Post;];": 1, + "Hotel-Recommend[Internet;Name;Area;];Booking-Inform[none;];": 1, + "Hotel-Inform[Addr;];general-greet[none;];": 1, + "Hotel-Request[Internet;Price;Parking;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Type;Phone;Addr;Name;];general-reqmore[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Choice;Choice;Area;Area;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Type;Choice;Name;Name;];": 1, + "Restaurant-Recommend[Food;];Restaurant-Inform[Addr;Price;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Arrive;];": 1, + "Train-OfferBooked[Arrive;Day;Ref;Depart;Ticket;People;Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Name;Area;Choice;];": 1, + "Restaurant-NoOffer[Food;Price;Area;];general-reqmore[none;];": 1, + "general-reqmore[none;];Booking-Book[Name;Time;People;];": 1, + "Train-Inform[Day;Choice;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;Day;Depart;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Attraction-Request[Name;];Attraction-Inform[Area;Choice;Type;];": 1, + "Restaurant-Select[Food;];Booking-Inform[none;];Restaurant-Inform[Name;Name;];": 1, + "Taxi-Inform[Phone;Car;];Taxi-Request[Depart;];general-reqmore[none;];": 1, + "Restaurant-Select[Price;];Restaurant-Request[Food;];Restaurant-NoOffer[Food;Price;Area;];": 1, + "Attraction-Recommend[Fee;Name;Price;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Parking;Stars;Type;Choice;];": 1, + "Attraction-Recommend[Addr;Name;];general-reqmore[none;];Attraction-Inform[Type;Choice;];": 1, + "Hotel-Inform[Area;Addr;];general-reqmore[none;];general-greet[none;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Area;Food;Name;Choice;];": 1, + "Train-Inform[Arrive;Leave;];general-reqmore[none;];Train-OfferBooked[Id;Ref;Ticket;];": 1, + "general-greet[none;];Restaurant-Inform[Addr;Area;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Choice;Type;Type;];general-greet[none;];": 1, + "Taxi-Request[Leave;Dest;Depart;];general-greet[none;];": 1, + "Hotel-Inform[Internet;Price;Parking;Type;Stars;];": 1, + "Attraction-Inform[Fee;Phone;Addr;Name;Post;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Parking;Area;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Choice;Choice;Type;Type;Area;Stars;];": 1, + "Hotel-NoOffer[Area;];Hotel-Select[Internet;];": 1, + "Train-Inform[Id;Arrive;Leave;Ticket;Ticket;];": 1, + "Train-Inform[Day;Id;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Leave;Dest;Id;];Train-Select[none;];Train-Request[Leave;];": 1, + "Attraction-Recommend[Fee;Type;Area;Name;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Name;Parking;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Type;Area;];": 1, + "Hotel-Inform[Area;Phone;Name;];": 1, + "Restaurant-NoOffer[Area;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Area;Choice;Internet;Type;Parking;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Food;Name;];": 1, + "Train-Inform[none;];Train-OfferBook[Arrive;Id;];": 1, + "Train-Inform[Arrive;Id;Dest;];Train-NoOffer[Id;Day;];": 1, + "Train-Inform[Depart;Day;Ticket;Dest;Leave;Time;];": 1, + "Restaurant-Recommend[Price;Name;];Restaurant-Inform[Food;Choice;];": 1, + "Train-Inform[Arrive;Depart;Dest;Leave;Leave;Choice;Choice;Choice;];": 1, + "general-reqmore[none;];Booking-Book[Ref;Day;People;];": 1, + "Hotel-Request[Area;];Hotel-Select[none;];Hotel-Inform[Choice;Type;];": 1, + "Attraction-Recommend[Name;Fee;];general-reqmore[none;];Attraction-Inform[Choice;Area;];": 1, + "Hotel-Inform[Stars;Addr;Post;Type;];general-reqmore[none;];": 1, + "Hotel-Inform[Phone;Area;];": 1, + "Train-Inform[Dest;Time;];": 1, + "Train-Inform[Choice;Arrive;Leave;Leave;];": 1, + "Train-OfferBooked[Id;Leave;Ref;];": 1, + "Hotel-Select[none;];Hotel-Inform[Stars;Stars;Parking;Price;Choice;Name;Name;Internet;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Choice;Type;Type;Type;];": 1, + "Taxi-Inform[Phone;Leave;Car;Depart;];Attraction-Inform[Fee;Name;];": 1, + "Hotel-Inform[Name;Post;Price;];general-reqmore[none;];": 1, + "Restaurant-Request[Price;Food;Area;];Restaurant-Inform[Choice;];": 1, + "Restaurant-Recommend[Addr;Name;Post;];": 1, + "Attraction-Request[Area;Type;Name;];Attraction-Inform[Type;Choice;];": 1, + "Train-OfferBooked[Arrive;Day;Ref;Depart;People;Id;Dest;Leave;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Type;Area;Phone;];": 1, + "Attraction-Select[Area;Area;Area;Area;Area;];Attraction-NoOffer[Area;];": 1, + "Attraction-Inform[Type;Name;Fee;Phone;Area;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Area;Food;Name;Name;Choice;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Choice;Price;];": 1, + "Attraction-Inform[Area;Type;Type;Type;];": 1, + "Restaurant-NoOffer[Area;Price;Food;];Attraction-Inform[Name;Post;Type;Fee;];": 1, + "Restaurant-Inform[Food;Price;Name;Name;];": 1, + "Hotel-Recommend[Area;Stars;Name;];Booking-Inform[none;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Type;Choice;Area;];": 1, + "Booking-Inform[none;];Attraction-Inform[Fee;Area;Name;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Phone;Area;];": 1, + "Restaurant-Request[Price;Food;Area;];Restaurant-NoOffer[Area;Price;Food;];": 1, + "Train-OfferBook[Ticket;];Train-Request[People;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Choice;Choice;Choice;Price;Price;Area;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[Day;];Booking-Request[Stay;People;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Choice;Choice;Choice;Area;Area;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;];general-greet[none;];": 1, + "Booking-Inform[none;];Hotel-Select[Type;];Booking-Book[Name;];": 1, + "Hotel-Inform[Ref;Post;Addr;];general-reqmore[none;];Booking-Book[none;];": 1, + "Train-Inform[Id;Arrive;Depart;Dest;Dest;Leave;Leave;];Train-OfferBook[none;];": 1, + "Booking-Book[Time;Day;Name;Ref;];": 1, + "Attraction-Inform[Type;Type;Name;Name;];": 1, + "Taxi-Inform[Phone;Car;Dest;Depart;];": 1, + "Hotel-Recommend[Name;Parking;Area;];": 1, + "Train-Inform[Time;Arrive;Leave;Id;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Addr;Area;Post;Type;Name;Phone;];": 1, + "Hotel-Inform[Area;Area;Choice;Choice;Choice;Price;Type;Stars;];general-greet[none;];": 1, + "Hotel-Inform[Internet;];Booking-Request[Stay;People;];": 1, + "Taxi-Request[Depart;Dest;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "Attraction-Recommend[Name;Area;];Attraction-Inform[Choice;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Parking;Name;Internet;];": 1, + "Hotel-NoOffer[Stars;Type;Price;Parking;];": 1, + "Attraction-Inform[Phone;Addr;Addr;Addr;];": 1, + "Taxi-Inform[Car;Dest;Leave;Depart;Phone;];": 1, + "Taxi-Inform[Phone;Dest;Depart;Car;];": 1, + "Attraction-Inform[Name;Name;Name;Fee;Fee;Choice;];": 1, + "Booking-Inform[Name;];Attraction-Inform[Name;Name;Name;Addr;Addr;Addr;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Area;Phone;Name;];": 1, + "Restaurant-Select[Food;Food;];Restaurant-Inform[Choice;Food;Food;];": 1, + "Train-Inform[Arrive;];Hotel-Inform[Name;];Booking-Request[Stay;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Food;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Addr;Price;Type;];": 1, + "Taxi-Request[Depart;Dest;Arrive;];": 1, + "Train-OfferBooked[Ref;People;Depart;Ticket;Id;Leave;];": 1, + "Attraction-Inform[Name;Name;Addr;Addr;Choice;];": 1, + "Attraction-Inform[Name;Fee;Phone;Addr;Addr;Addr;];": 1, + "Hotel-Inform[Choice;Internet;Type;Parking;Area;Stars;];": 1, + "Restaurant-Recommend[Name;];Booking-Book[Ref;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Choice;Name;Name;Name;Name;];": 1, + "Hotel-Inform[Price;Internet;Parking;Area;];Booking-Request[People;Stay;];": 1, + "Restaurant-Recommend[Name;Phone;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Day;Leave;Depart;Dest;Dest;Id;];Train-OfferBook[none;];": 1, + "general-bye[none;];Booking-Book[Stay;];": 1, + "Booking-NoBook[Time;Day;];Restaurant-Inform[Name;];": 1, + "Hotel-Inform[Choice;Internet;Stars;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Addr;Addr;Phone;Fee;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;Area;Area;Choice;Choice;Choice;];": 1, + "Attraction-Recommend[Fee;Addr;Name;];Booking-Inform[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Food;];": 1, + "Hotel-Recommend[Area;];Hotel-Request[Area;];Hotel-NoOffer[Area;Type;];": 1, + "Hotel-Request[Price;Area;Stars;];Hotel-NoOffer[Stars;Type;Area;Price;];": 1, + "Hotel-Recommend[Name;Stars;Area;Type;Price;];Booking-Inform[none;];": 1, + "Attraction-Inform[Type;Post;Addr;Fee;Phone;Area;];": 1, + "Hotel-Inform[Internet;Price;Area;Parking;Name;Stars;Type;];general-reqmore[none;];": 1, + "Taxi-Inform[Car;Depart;Leave;Dest;];": 1, + "Attraction-Recommend[Area;Choice;Name;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Name;Fee;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;Ref;Arrive;Dest;Id;Depart;];": 1, + "Restaurant-Select[Area;Area;];Restaurant-Request[Area;];Restaurant-Inform[Food;Choice;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Price;Name;Food;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Post;Post;Name;];": 1, + "Train-Inform[Leave;Leave;Leave;Leave;Id;Id;Id;Id;Choice;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Dest;Arrive;Time;Leave;Depart;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Food;Food;Choice;];": 1, + "Attraction-Recommend[Name;Area;];general-reqmore[none;];Attraction-Inform[Fee;Addr;];": 1, + "Attraction-Recommend[Post;Phone;Addr;Addr;Addr;Name;];Attraction-Inform[Type;Fee;Choice;Area;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Addr;Phone;Post;];": 1, + "Attraction-Request[Area;];Attraction-Recommend[Name;Area;];Attraction-Inform[Area;Type;Choice;];": 1, + "Attraction-Recommend[Fee;Name;Addr;];Booking-Inform[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Depart;Ticket;Leave;Ref;];": 1, + "Train-OfferBook[none;];Train-OfferBooked[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Addr;Type;Stars;];": 1, + "Attraction-Recommend[Area;Name;];general-reqmore[none;];Attraction-Inform[Fee;Addr;];": 1, + "Attraction-Recommend[Area;Name;];Attraction-NoOffer[none;];Attraction-Inform[Area;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Post;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Name;Name;Food;];": 1, + "Attraction-Recommend[Name;Addr;Post;Phone;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Name;Type;];": 1, + "Train-OfferBooked[Day;Ref;Ticket;People;Id;Dest;Leave;];": 1, + "Hotel-Recommend[Name;Area;Stars;];": 1, + "general-greet[none;];Attraction-Inform[Name;Post;Addr;Addr;Phone;];": 1, + "Train-Select[Depart;Depart;];": 1, + "Hotel-Inform[Name;];general-reqmore[none;];Booking-Book[Ref;Day;People;Stay;];": 1, + "Attraction-Recommend[Addr;Area;Name;];general-reqmore[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;Type;Type;Type;Type;Type;Choice;];": 1, + "Train-OfferBook[none;];Train-Request[Dest;Depart;];": 1, + "Train-Inform[Arrive;Dest;Depart;Ticket;Leave;];": 1, + "Hotel-Inform[Price;Internet;Area;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Type;Area;Stars;];general-reqmore[none;];": 1, + "Hotel-Recommend[Stars;Name;Price;];": 1, + "Hotel-Recommend[Internet;Name;Parking;Price;Area;];": 1, + "Attraction-Recommend[Addr;Area;Name;];Attraction-Inform[Choice;];": 1, + "Train-Inform[Arrive;Day;Leave;Dest;];Train-Select[none;];": 1, + "Hotel-Request[Area;Internet;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;Type;];": 1, + "Restaurant-Inform[Post;Post;Addr;Phone;];": 1, + "Hotel-Request[Area;];Booking-Request[Stay;Day;];general-greet[none;];": 1, + "Hotel-Recommend[Name;Stars;Price;Area;Type;Addr;];Booking-Inform[none;];": 1, + "Train-Inform[Day;Choice;Depart;Dest;Leave;];Train-Select[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Choice;Fee;Area;];": 1, + "Train-Inform[Dest;];Train-OfferBook[Id;Arrive;];Train-Request[People;];": 1, + "Train-Inform[Time;Ticket;Leave;Depart;Arrive;Id;Dest;];Train-OfferBook[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Name;Name;Name;Type;];": 1, + "Attraction-Inform[Post;Area;Name;];": 1, + "Hotel-Inform[Name;Price;];Booking-Request[People;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Stars;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Name;Area;];": 1, + "Train-OfferBooked[Id;People;Ref;Arrive;Leave;Ticket;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Addr;Addr;Addr;];": 1, + "Hotel-NoOffer[Price;Stars;Area;Type;];Hotel-Inform[Type;];": 1, + "Train-Inform[Ref;];Hotel-Request[Area;];Hotel-Inform[Type;Choice;];": 1, + "general-reqmore[none;];Booking-Book[Ref;Stay;People;Day;Name;];": 1, + "Restaurant-Recommend[Name;Area;Food;];Booking-Request[People;];": 1, + "Train-Inform[Dest;Arrive;Choice;Choice;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Type;Name;Addr;Addr;Post;Fee;];": 1, + "general-welcome[none;];Restaurant-Inform[Name;Area;Food;Price;];": 1, + "Attraction-Inform[Name;Post;Fee;Phone;Type;Addr;];": 1, + "Restaurant-Inform[Phone;Addr;Area;];": 1, + "Restaurant-Inform[Price;Price;Choice;Choice;Name;Name;Name;];": 1, + "Train-Inform[Leave;Depart;];Train-Request[Day;];": 1, + "Train-OfferBook[Dest;];": 1, + "Restaurant-Inform[Choice;Area;Addr;Addr;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;Name;Name;];": 1, + "general-reqmore[none;];Booking-Book[People;Stay;Name;];": 1, + "Train-Select[Leave;Depart;];": 1, + "Train-NoOffer[Depart;Leave;];": 1, + "Hotel-Select[Type;Choice;];Hotel-NoOffer[Type;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Price;Area;Type;];": 1, + "Hotel-NoOffer[Stars;Area;Type;];Hotel-Select[Type;];": 1, + "Hotel-Inform[Internet;Parking;Choice;Name;Price;Price;];": 1, + "Hotel-Recommend[Name;Type;Stars;Addr;];": 1, + "Train-OfferBooked[Ref;Dest;Depart;Arrive;Leave;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Type;Internet;Choice;];": 1, + "Hotel-Inform[Name;Internet;Type;Price;];general-reqmore[none;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Name;Food;];": 1, + "Restaurant-Inform[Name;Addr;Addr;];": 1, + "Train-Inform[Ticket;Leave;Depart;Id;];": 1, + "Train-Inform[Arrive;Day;Leave;Dest;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Type;Parking;Choice;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Area;Name;];": 1, + "Booking-Inform[Stay;];Booking-Request[Stay;];": 1, + "Booking-Inform[Day;People;Stay;];": 1, + "Hotel-Request[Area;Parking;Internet;];general-greet[none;];": 1, + "Attraction-Inform[Fee;Fee;Addr;Addr;Addr;Addr;Addr;Name;Name;Name;Name;Name;];": 1, + "Taxi-Inform[Leave;];general-bye[none;];": 1, + "Attraction-Inform[Area;Addr;Type;];": 1, + "Train-Inform[Leave;Leave;Leave;];Train-Request[Leave;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;Area;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Addr;Name;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Post;];": 1, + "Train-Inform[Day;Choice;Depart;];Train-Request[Arrive;Depart;];": 1, + "Train-Inform[Choice;Ticket;];": 1, + "Attraction-Request[Area;];Attraction-Select[Area;Area;];Attraction-Inform[Type;Choice;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Choice;Area;Fee;];": 1, + "Attraction-Recommend[Name;Phone;Fee;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Choice;Choice;Choice;Area;Area;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;Ref;Ticket;Depart;People;Day;];": 1, + "Attraction-Inform[Name;Open;];": 1, + "Hotel-Request[Type;Stars;];Hotel-NoOffer[none;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Booking-Request[Day;Stay;People;];": 1, + "Hotel-NoOffer[Price;Stars;Type;];Booking-Book[Ref;];": 1, + "Hotel-NoOffer[Type;Stars;Price;];": 1, + "Hotel-Inform[Price;Stars;Name;Name;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Post;Addr;];": 1, + "Train-Inform[Choice;Depart;];general-greet[none;];Train-Request[Leave;Dest;Day;];": 1, + "Train-Inform[Day;Leave;Leave;Depart;Dest;];general-greet[none;];": 1, + "Hotel-Recommend[Price;Post;Name;Stars;Addr;];Booking-Inform[none;];": 1, + "Train-Inform[Depart;Dest;Leave;Leave;];Train-Request[Leave;];": 1, + "Train-Inform[Leave;Leave;];Train-OfferBook[Leave;];": 1, + "general-reqmore[none;];Train-OfferBooked[Dest;Depart;Arrive;Leave;Id;Ticket;Ref;];": 1, + "Restaurant-Recommend[Phone;Name;Addr;Post;];": 1, + "general-welcome[none;];Train-Request[Day;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Parking;Name;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Name;Price;];": 1, + "Restaurant-Select[Food;Food;];Restaurant-Inform[Food;Price;Name;];": 1, + "Train-Inform[Time;Leave;Arrive;Id;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[Ref;People;Ticket;Leave;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Food;Choice;Price;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Name;Area;Area;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Fee;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Area;Food;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-Inform[Choice;Internet;];": 1, + "Hotel-Inform[Phone;Post;Stars;Name;];general-reqmore[none;];": 1, + "Restaurant-Inform[Food;Area;Price;Phone;Name;];": 1, + "Train-Inform[Day;Leave;Dest;Id;];Train-OfferBook[none;];general-welcome[none;];": 1, + "Hotel-Inform[Name;Addr;Parking;Stars;Price;];": 1, + "Hotel-Inform[Addr;Addr;Post;];Booking-Book[Day;Name;Ref;];": 1, + "Hotel-Inform[Phone;Post;Addr;Addr;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Leave;Ticket;];": 1, + "Attraction-NoOffer[Type;Area;];Attraction-Inform[Type;Type;Type;Name;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Attraction-Inform[Name;Post;];": 1, + "Hotel-Inform[Type;Stars;Name;Area;];": 1, + "Attraction-Inform[Addr;Phone;Post;Fee;];": 1, + "Hotel-Select[none;];Hotel-Inform[Stars;Stars;Type;Choice;Choice;Choice;];": 1, + "Restaurant-Select[Addr;Name;];Restaurant-Inform[Choice;];": 1, + "Train-Inform[Choice;Depart;Day;];": 1, + "Hotel-NoOffer[Parking;Stars;Type;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Parking;Stars;Type;Choice;Internet;];": 1, + "Hotel-Inform[Post;Price;Type;];Booking-Request[Day;Stay;People;];": 1, + "Train-Inform[Dest;];Train-Request[Dest;];": 1, + "Train-Inform[Dest;Time;Choice;Day;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Type;Internet;Parking;Choice;Stars;Name;Name;Name;Area;];": 1, + "Attraction-Recommend[Fee;Post;Addr;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Name;Area;Type;];": 1, + "Restaurant-Select[Food;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Food;Phone;Area;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Phone;Addr;Area;Name;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Post;Phone;];": 1, + "Hotel-Select[Price;Stars;Parking;Name;Name;Internet;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Stars;Area;Type;];Hotel-Select[Type;];": 1, + "Taxi-Inform[Depart;Car;Phone;];general-reqmore[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Depart;Day;Leave;Ref;Dest;People;];": 1, + "Attraction-Select[Fee;];general-greet[none;];": 1, + "Train-OfferBooked[Leave;Ref;Arrive;Dest;Dest;];": 1, + "Hotel-Inform[Area;Name;Choice;Price;Type;];": 1, + "Hotel-Inform[Price;Internet;Type;Parking;Area;];general-reqmore[none;];": 1, + "Restaurant-Inform[Food;Area;Price;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;Stars;Price;Area;];": 1, + "Hotel-Recommend[Phone;Addr;Post;Name;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Fee;Choice;Choice;Choice;Type;Area;];": 1, + "general-greet[none;];Train-OfferBooked[Id;Leave;Ref;Arrive;Ticket;];": 1, + "Hotel-Inform[Name;Name;Choice;Price;Stars;];": 1, + "Attraction-Select[none;];general-greet[none;];Attraction-Inform[Area;Type;Type;Type;Type;Type;Choice;];": 1, + "Attraction-Inform[Type;Addr;Addr;Fee;];": 1, + "Hotel-Inform[Area;Type;Stars;Price;];": 1, + "Train-OfferBook[none;];Train-OfferBooked[Day;Dest;Arrive;Id;];": 1, + "Attraction-Inform[Type;Fee;Addr;Addr;Area;];": 1, + "Hotel-Inform[Type;Choice;];Attraction-Inform[Addr;Addr;Type;Fee;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Area;Addr;Phone;Name;Post;];": 1, + "Hotel-Inform[Parking;Price;Name;];": 1, + "general-greet[none;];Attraction-Inform[Area;Phone;Fee;Name;];": 1, + "Restaurant-Select[Area;];Restaurant-Request[Area;];Restaurant-NoOffer[Food;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Food;Food;Food;Food;Food;Food;Area;];": 1, + "general-greet[none;];Hotel-Request[Type;];Booking-Book[Name;Ref;];": 1, + "Hotel-Recommend[Internet;Name;Parking;Stars;];": 1, + "Train-Inform[Choice;Choice;];Train-Request[Day;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Area;];Attraction-Inform[Name;Area;];": 1, + "Taxi-Inform[Leave;];": 1, + "Attraction-Inform[Area;Type;Fee;Fee;Choice;Choice;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Area;Choice;Name;Name;Name;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Type;Area;];": 1, + "Train-Inform[Time;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Post;Addr;Addr;Addr;Name;];general-reqmore[none;];": 1, + "Train-Inform[Dest;Choice;Day;Depart;];Train-Request[Leave;Arrive;];": 1, + "Train-OfferBooked[Id;Leave;Ref;Ticket;Arrive;];": 1, + "Train-Inform[Time;];general-greet[none;];Train-Request[Leave;Day;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Addr;Addr;Phone;];": 1, + "Booking-Inform[none;];Restaurant-NoOffer[none;];Restaurant-Inform[Choice;Price;];": 1, + "Restaurant-Inform[Choice;Name;Name;Addr;Addr;];": 1, + "Hotel-Request[Stars;Area;];Hotel-Inform[Choice;Price;Type;];": 1, + "Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Food;];": 1, + "Train-Inform[Day;Arrive;Dest;Depart;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Name;Choice;];": 1, + "Attraction-Inform[Post;Fee;Phone;Name;Addr;];": 1, + "Train-Inform[Arrive;Arrive;Arrive;Choice;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Area;Phone;];": 1, + "Attraction-Recommend[Fee;Addr;Area;Name;];Attraction-Inform[none;];": 1, + "Taxi-Request[Leave;];general-reqmore[none;];": 1, + "Restaurant-Inform[Addr;Price;Food;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Area;Phone;];": 1, + "Hotel-Recommend[Name;Stars;Type;];": 1, + "general-greet[none;];Restaurant-Inform[Name;Price;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Price;Area;];": 1, + "Booking-Book[Time;Ref;People;Day;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Hotel-Inform[Area;Name;Name;Name;Choice;Price;];general-reqmore[none;];": 1, + "Hotel-Inform[Phone;Addr;Addr;Type;Stars;Price;];general-reqmore[none;];": 1, + "Train-Inform[Leave;Id;Arrive;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;Depart;];Train-OfferBook[none;];general-greet[none;];": 1, + "Hotel-Recommend[Internet;Name;Stars;];": 1, + "Hotel-Recommend[Internet;Name;Price;];": 1, + "Taxi-Inform[Phone;Leave;Car;Depart;];general-greet[none;];": 1, + "Attraction-Recommend[Name;Addr;];Attraction-Inform[Area;];": 1, + "Booking-NoBook[none;];Attraction-Inform[Fee;];": 1, + "Restaurant-Inform[Area;Addr;];Booking-Book[none;];": 1, + "Booking-NoBook[none;];Booking-Inform[none;];Booking-Request[Time;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Price;];": 1, + "Train-Inform[Choice;Ticket;Arrive;Arrive;Arrive;Arrive;Leave;];": 1, + "Hotel-Inform[Price;Area;Name;Stars;];": 1, + "Hotel-Recommend[Stars;];Hotel-NoOffer[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Fee;Area;Type;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;Depart;];general-reqmore[none;];": 1, + "Booking-NoBook[Time;Name;Day;People;];Booking-Request[Time;];": 1, + "Hotel-Inform[Area;Area;Choice;Type;Type;Price;Price;];": 1, + "Hotel-Recommend[Choice;Type;Parking;Internet;Area;Name;Name;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Name;Price;];": 1, + "Attraction-NoOffer[Type;Type;Area;];general-reqmore[none;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Type;];": 1, + "Booking-Inform[People;Stay;Name;Day;];": 1, + "Attraction-Recommend[Name;Post;Area;];Attraction-Inform[Choice;Type;];": 1, + "Hotel-Request[Stars;Area;Parking;Price;];": 1, + "Hotel-Select[Type;Type;Choice;];Hotel-Inform[none;];": 1, + "Attraction-Inform[Area;Area;Area;Area;Type;Choice;];": 1, + "Attraction-Inform[Name;Fee;Fee;Addr;Area;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Area;Choice;Price;Type;];": 1, + "Restaurant-Inform[Food;Price;Choice;Area;Name;];": 1, + "Restaurant-Recommend[Price;Name;];Restaurant-Inform[Food;Area;];": 1, + "Train-Inform[People;];Train-Request[Leave;];": 1, + "Hotel-Request[Type;];Hotel-NoOffer[none;];Hotel-Inform[Internet;Type;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Choice;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Post;Name;];": 1, + "Hotel-NoOffer[Price;];Hotel-Inform[Price;Choice;];": 1, + "Booking-Inform[none;];Hotel-Select[Name;Name;];Hotel-Inform[Parking;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Price;Choice;Type;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Choice;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Internet;Addr;];": 1, + "Train-Inform[Depart;Choice;Dest;];Train-Request[Day;Leave;];": 1, + "Attraction-Inform[Addr;Name;Area;Post;Type;Phone;Fee;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Choice;];": 1, + "Hotel-Inform[Area;Name;Price;Type;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Id;Time;Leave;];general-reqmore[none;];": 1, + "Attraction-Recommend[Area;Name;Type;];general-greet[none;];Attraction-Inform[Fee;Addr;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Choice;Area;Area;];": 1, + "Train-Inform[Leave;Arrive;Id;];general-reqmore[none;];Train-Request[People;];": 1, + "Hotel-Inform[Name;Post;Phone;Price;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Choice;Type;Type;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Price;Price;Price;Type;Type;Type;];": 1, + "Booking-Request[Day;];Booking-Book[Ref;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Price;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Choice;Name;];": 1, + "Booking-NoBook[none;];Booking-Request[Time;Stay;];": 1, + "Restaurant-Inform[Food;Name;Addr;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Train-Inform[none;];Train-OfferBook[Depart;Dest;Leave;Arrive;];": 1, + "Restaurant-Recommend[Name;Area;];Restaurant-Inform[Area;Area;Area;Name;Name;];": 1, + "Hotel-Recommend[Type;Name;Stars;];Hotel-Inform[Stars;];general-greet[none;];": 1, + "Hotel-Inform[Phone;Post;Addr;];": 1, + "Hotel-Recommend[Parking;Internet;Name;Stars;];Booking-Inform[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Name;Name;Name;];": 1, + "Hotel-Inform[Name;Price;];Booking-Book[none;];": 1, + "Attraction-Recommend[Post;Addr;Addr;Addr;Name;Type;];": 1, + "Restaurant-Select[Food;];Restaurant-Inform[Choice;Area;Price;];": 1, + "Train-Inform[Day;Leave;Leave;Depart;Id;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Post;Name;Addr;Addr;Phone;];general-reqmore[none;];": 1, + "Hotel-Recommend[Price;Price;Name;Name;];Hotel-Select[none;];": 1, + "Hotel-Inform[Post;Post;Name;Name;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;];": 1, + "Hotel-Recommend[Name;Stars;];Booking-Inform[none;];Hotel-Inform[Area;Parking;Price;Choice;Type;Internet;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Area;Stars;Addr;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;Day;Ref;Ticket;];": 1, + "Hotel-Request[Area;Stars;];Hotel-Inform[Parking;Choice;Type;];": 1, + "Hotel-Recommend[Name;Price;Parking;Area;Stars;];general-reqmore[none;];": 1, + "Taxi-Inform[Car;Phone;];Hotel-Inform[Name;Post;];": 1, + "Train-Inform[Id;Depart;Dest;Time;];Train-OfferBook[none;];": 1, + "general-greet[none;];Booking-Book[Time;People;Day;Ref;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Type;Area;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Addr;Addr;Name;];": 1, + "Train-Inform[Leave;Leave;Leave;Leave;Choice;];Train-OfferBook[none;];": 1, + "Train-OfferBook[Id;Leave;Arrive;];Train-Request[People;];": 1, + "Attraction-Inform[Name;Name;Name;Name;Type;Choice;Area;];": 1, + "general-welcome[none;];Train-Request[Depart;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Addr;Name;Stars;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Food;Area;Post;Price;Phone;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Internet;Type;Parking;Area;Stars;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Food;Name;Name;Name;];": 1, + "Train-Inform[Leave;];Train-Select[Leave;Leave;];": 1, + "Booking-Inform[Name;];Hotel-NoOffer[Price;Stars;Area;Type;];Hotel-Inform[Stars;Price;Type;];": 1, + "Booking-NoBook[Name;];Hotel-Inform[Type;Stars;Price;];Booking-Book[Name;People;Stay;];": 1, + "Hotel-Inform[Name;Name;Name;Addr;Addr;Addr;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Food;];Restaurant-NoOffer[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Type;Choice;Choice;Choice;];": 1, + "Hotel-Inform[Price;Phone;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Fee;Phone;Addr;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Choice;Type;Type;];": 1, + "Hotel-Select[Type;];Hotel-Inform[Type;Area;];": 1, + "general-greet[none;];Restaurant-Inform[Phone;Name;Addr;];": 1, + "Attraction-Recommend[Area;Name;];general-greet[none;];Attraction-Inform[Phone;Addr;Addr;];": 1, + "Attraction-Recommend[Name;];Attraction-Select[none;];Booking-Inform[none;];": 1, + "Attraction-Inform[Name;Addr;Addr;Phone;];": 1, + "general-greet[none;];general-reqmore[none;];Train-OfferBooked[Day;Ref;People;];": 1, + "Attraction-Inform[Type;Area;Choice;Name;];": 1, + "Train-NoOffer[Day;];Train-Request[Leave;];": 1, + "Hotel-Recommend[Parking;Internet;Name;];Booking-Inform[none;];Hotel-Inform[Area;Type;Choice;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Price;Food;];": 1, + "Train-OfferBook[none;];general-welcome[none;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Name;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Parking;];": 1, + "Restaurant-Inform[Area;Phone;];": 1, + "Hotel-Recommend[Name;Name;Area;Area;];Booking-Inform[none;];general-greet[none;];": 1, + "Attraction-Inform[Type;Name;Addr;Phone;Area;];": 1, + "general-greet[none;];Attraction-Inform[none;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Type;Choice;Name;Name;];": 1, + "Booking-Inform[Name;Day;People;Stay;];": 1, + "Hotel-Recommend[Parking;Internet;Name;];Booking-Inform[none;];": 1, + "Attraction-Recommend[Fee;Area;Name;Addr;Addr;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Leave;Ticket;Id;];": 1, + "Train-Inform[Choice;Choice;];Train-Request[Arrive;Leave;Day;];": 1, + "Train-Inform[Dest;Arrive;Day;Depart;];": 1, + "Hotel-Select[Type;Type;Name;Name;];": 1, + "Attraction-Select[Area;Name;];": 1, + "Train-Inform[Choice;Ticket;Time;Id;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Recommend[Name;Food;];Restaurant-Inform[Addr;Post;Phone;];": 1, + "Restaurant-Inform[Food;Price;Choice;Area;Addr;Name;];": 1, + "Train-Inform[Dest;Arrive;Leave;Day;Depart;];Train-OfferBook[Ticket;];": 1, + "Hotel-Inform[Name;];Booking-Book[People;Ref;Day;Stay;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;];Restaurant-Inform[Price;Food;];": 1, + "Train-OfferBooked[Ref;Arrive;Id;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Area;Post;Name;Phone;];": 1, + "Train-OfferBook[none;];Train-Request[Leave;Arrive;People;];": 1, + "Train-Inform[Arrive;Arrive;Time;Leave;Leave;];": 1, + "Attraction-Inform[Name;Phone;];Train-Request[Day;];": 1, + "Attraction-Recommend[Name;Name;];Attraction-Select[none;];Attraction-Inform[Type;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;];Attraction-Inform[Type;];": 1, + "Taxi-Inform[none;];general-greet[none;];": 1, + "Restaurant-Inform[Choice;Name;Name;Name;Food;Price;Price;];": 1, + "Hotel-Recommend[Name;Type;Area;];Hotel-Inform[Parking;Price;];general-reqmore[none;];": 1, + "Taxi-Inform[Dest;Depart;Arrive;Phone;Car;];": 1, + "Booking-Book[Ref;];general-reqmore[none;];Restaurant-Inform[Phone;Addr;];": 1, + "general-greet[none;];Attraction-Inform[Fee;];": 1, + "Attraction-Request[Type;];Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Fee;Choice;];": 1, + "Attraction-Inform[Type;Name;Addr;Phone;Fee;];": 1, + "Hotel-Recommend[Name;Stars;Parking;Area;Internet;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Addr;Name;];": 1, + "Hotel-Request[Area;Stars;];Hotel-NoOffer[Type;];": 1, + "Hotel-Inform[Stars;Area;Name;Parking;];": 1, + "general-reqmore[none;];Booking-Book[Name;Stay;Day;Ref;];": 1, + "Hotel-Recommend[Addr;Name;Stars;];": 1, + "Hotel-Recommend[Post;Name;];Booking-Inform[none;];": 1, + "Hotel-Inform[Internet;Stars;Parking;];general-reqmore[none;];": 1, + "Hotel-Request[Type;Price;Area;];Hotel-Inform[Stars;Choice;];": 1, + "Attraction-Recommend[Type;Name;];general-reqmore[none;];general-greet[none;];": 1, + "Attraction-Recommend[Type;Name;Post;Addr;Phone;];": 1, + "Train-Inform[Arrive;Leave;Leave;];Train-NoOffer[Arrive;];": 1, + "Train-OfferBooked[Arrive;Leave;Id;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Internet;Name;Parking;Stars;];": 1, + "Booking-Request[Day;Time;People;Stay;];": 1, + "Restaurant-Inform[Food;Food;Food;Food;Food;Food;Food;Food;];": 1, + "Train-Inform[Leave;Leave;Choice;Choice;];Train-Request[Leave;];": 1, + "Hotel-Select[Area;];Hotel-Inform[Choice;Choice;Area;Area;];": 1, + "Train-Inform[Arrive;Arrive;Arrive;Choice;];": 1, + "Train-Inform[Id;Arrive;Depart;Dest;Time;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Choice;Name;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Price;Type;Stars;];general-greet[none;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-Inform[Area;Price;Choice;Type;];": 1, + "Hotel-Recommend[Price;Internet;Area;Name;];Booking-Inform[none;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[none;];": 1, + "Hotel-Inform[Type;Internet;Parking;Stars;Name;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Price;Price;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Choice;Choice;Choice;Type;Area;Area;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Stars;Name;Type;Internet;];": 1, + "Attraction-Recommend[Addr;Fee;Name;];Attraction-Inform[Area;Type;Choice;];": 1, + "Train-Inform[none;];general-greet[none;];Train-OfferBooked[Ref;Arrive;Id;];": 1, + "Train-Inform[Depart;];Train-Request[Depart;Arrive;Leave;Dest;Day;];": 1, + "Train-Inform[Ticket;Dest;Choice;];Train-OfferBook[none;];": 1, + "Train-Inform[Arrive;Leave;Dest;];Train-Request[Leave;Arrive;];": 1, + "Hotel-Select[Type;Type;];general-greet[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Choice;];": 1, + "Train-Inform[Dest;Day;];Train-Request[Leave;Arrive;Depart;];": 1, + "Attraction-Inform[Post;Addr;Type;Phone;Fee;Name;];": 1, + "Train-Inform[Depart;Day;Id;Leave;];": 1, + "Booking-Inform[Name;];Restaurant-Inform[Choice;Price;Food;];": 1, + "Attraction-Select[Fee;Name;];Attraction-Inform[Type;Area;Choice;];": 1, + "Hotel-Recommend[Name;Name;Name;Name;];Booking-Inform[none;];Hotel-Inform[none;];": 1, + "Train-Inform[Choice;Ticket;];Train-Request[Leave;Arrive;];": 1, + "Train-Inform[Dest;Time;Id;Leave;];general-reqmore[none;];": 1, + "Attraction-Inform[Area;Addr;Name;Post;];": 1, + "Train-Inform[Time;Leave;Depart;Ticket;];": 1, + "Booking-Inform[Name;];Restaurant-Inform[Choice;Food;Area;Price;];": 1, + "Train-Inform[Day;Choice;];Train-Request[Depart;];": 1, + "Train-Inform[Arrive;Arrive;Arrive;Depart;Dest;Leave;Choice;];Train-OfferBook[none;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Choice;Area;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-Inform[Area;Price;Choice;];": 1, + "Restaurant-Recommend[Name;Name;Addr;Addr;Phone;Phone;Post;Post;Post;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Parking;Type;Stars;];general-reqmore[none;];": 1, + "Hotel-Inform[Post;Area;Name;Addr;Type;Stars;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Name;Choice;];": 1, + "Train-Inform[Leave;Id;Ticket;];Train-Request[People;];": 1, + "Attraction-Recommend[Name;];Booking-Inform[none;];Attraction-NoOffer[Area;Type;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Post;Addr;];": 1, + "general-greet[none;];Booking-Request[People;];Restaurant-Inform[Addr;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Stars;Type;];": 1, + "Hotel-Request[Area;];Hotel-Select[Type;Type;];Hotel-Inform[Price;Choice;];": 1, + "Hotel-Request[Price;Name;];": 1, + "Hotel-Request[Area;Stars;];Hotel-Inform[Price;Choice;Type;];": 1, + "Hotel-Recommend[Name;Area;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Post;Addr;];": 1, + "Train-OfferBook[Day;Id;Leave;];": 1, + "general-greet[none;];general-reqmore[none;];Train-OfferBooked[Ref;Ticket;];": 1, + "Attraction-Request[Area;Type;];Attraction-NoOffer[Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Name;Type;];": 1, + "Hotel-Inform[Area;Name;Type;Stars;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Choice;Area;Area;Name;Name;];": 1, + "Hotel-Recommend[Price;Name;Stars;];": 1, + "Hotel-Request[Stars;Price;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Inform[Area;Internet;Price;Parking;Type;Stars;];general-reqmore[none;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Food;Area;Price;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Area;Addr;Name;Food;];general-reqmore[none;];": 1, + "Restaurant-NoOffer[none;];Booking-Request[Time;];": 1, + "Booking-Request[Time;];Restaurant-Inform[Choice;Name;Area;Price;];": 1, + "Restaurant-Inform[Food;Area;];Booking-Book[Ref;Name;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;Food;Choice;Price;];": 1, + "Restaurant-Recommend[Name;Addr;Addr;];Restaurant-Inform[Area;Food;Choice;];": 1, + "Train-Inform[Dest;Choice;Leave;Day;];Train-Request[Leave;];": 1, + "Train-Inform[Dest;Depart;Ticket;];": 1, + "Hotel-Inform[Price;Parking;Internet;];": 1, + "Hotel-Select[none;];general-reqmore[none;];Hotel-Inform[Stars;Stars;Name;Name;];": 1, + "Attraction-Recommend[Fee;Type;Name;];Attraction-Inform[Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Post;Addr;];": 1, + "Train-Inform[Arrive;Leave;Depart;Ticket;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Choice;];": 1, + "Attraction-Inform[Addr;Name;Post;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Internet;Addr;Price;Parking;Phone;Stars;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Addr;Addr;];": 1, + "Hotel-Inform[Stars;];Booking-Request[Day;];": 1, + "Train-Inform[Leave;Choice;Day;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;];": 1, + "Attraction-Inform[Type;Type;Type;Type;Choice;Area;Fee;];": 1, + "Attraction-Inform[Fee;Phone;Type;Area;Name;];": 1, + "Restaurant-Request[Food;];Train-OfferBooked[Ref;];": 1, + "Train-Inform[Id;Depart;Dest;Arrive;];": 1, + "general-greet[none;];Attraction-Inform[Post;Addr;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Addr;];": 1, + "general-greet[none;];Booking-Book[Ref;Day;Time;People;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Type;Type;];": 1, + "Train-Inform[Leave;Depart;Id;];Train-OfferBook[none;];Train-Request[Leave;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Internet;Parking;Choice;];": 1, + "Hotel-Recommend[Parking;Price;Internet;Area;Name;Stars;];": 1, + "Attraction-Recommend[Area;Area;Name;];": 1, + "Train-Select[Id;Leave;Day;];": 1, + "Train-Inform[Choice;Leave;Leave;Dest;];Train-Request[Arrive;];": 1, + "Train-Inform[Time;Ticket;Arrive;Id;];": 1, + "Hotel-Recommend[Internet;Parking;Name;Type;];": 1, + "Attraction-Recommend[Name;Type;Area;];general-reqmore[none;];Attraction-Inform[Addr;];": 1, + "Hotel-Inform[Stars;Parking;Name;Name;];Attraction-Inform[Type;Fee;];": 1, + "Hotel-Select[none;];Hotel-Inform[Addr;Name;];": 1, + "Restaurant-Inform[Food;Post;Name;];": 1, + "general-welcome[none;];general-reqmore[none;];Attraction-Inform[Post;Name;];": 1, + "Attraction-Inform[Post;Addr;Addr;Phone;Fee;Fee;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Fee;Choice;Area;];": 1, + "Hotel-Recommend[Type;Price;Name;Stars;Parking;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Area;Type;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Addr;Addr;Addr;];": 1, + "Attraction-Inform[Phone;Fee;];Train-Request[Dest;];": 1, + "Train-Inform[Choice;Day;];Train-Request[Arrive;];": 1, + "Restaurant-Request[Name;];Booking-NoBook[Time;];Booking-Request[Time;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Area;Post;Addr;];": 1, + "Hotel-Inform[Area;Area;Choice;Price;];": 1, + "Booking-Book[People;Day;Ref;];": 1, + "Attraction-Inform[Type;Name;Addr;Addr;Post;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Price;Name;Name;Stars;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Parking;Price;Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Addr;Name;Area;];": 1, + "Hotel-Inform[Name;Phone;];Train-Request[Day;];": 1, + "general-reqmore[none;];Train-OfferBooked[Arrive;Dest;Dest;];": 1, + "Train-Inform[Arrive;Depart;Dest;Leave;Ticket;];": 1, + "Hotel-Select[Name;Area;Stars;Type;Price;];": 1, + "Hotel-Recommend[Stars;Name;];Hotel-Inform[Parking;Choice;Internet;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Choice;Type;Stars;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Name;Name;Parking;];": 1, + "Hotel-Recommend[Name;Stars;Price;];Hotel-Inform[Stars;Price;];": 1, + "general-greet[none;];Hotel-Select[none;];Hotel-Inform[Choice;Area;Area;Area;];": 1, + "Attraction-Inform[Fee;Type;Addr;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Choice;Addr;Type;];": 1, + "Restaurant-Inform[Post;Addr;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[Choice;];Hotel-Inform[Choice;];": 1, + "general-greet[none;];Train-Request[Day;Dest;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Price;Type;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Name;Fee;Post;Addr;];": 1, + "Train-Inform[Choice;Depart;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Time;Leave;Arrive;Id;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Hotel-Inform[Choice;Name;Name;Area;];": 1, + "Restaurant-Select[Choice;];Restaurant-Inform[Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Type;Addr;Addr;];": 1, + "Hotel-Inform[Price;Internet;Parking;Name;Stars;];": 1, + "Train-Inform[Id;Leave;];Train-NoOffer[Leave;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Price;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Type;Parking;Name;];": 1, + "Hotel-Select[Parking;Name;Internet;];": 1, + "Train-OfferBook[Id;Dest;Arrive;Depart;Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Name;Type;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Open;];": 1, + "Attraction-Inform[Phone;];Train-Request[Dest;Leave;Arrive;];": 1, + "Booking-Inform[none;];Attraction-Inform[Post;];": 1, + "Train-Inform[Leave;Leave;Day;];Train-Select[none;];": 1, + "Hotel-Inform[Price;Name;Choice;Area;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Choice;Type;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Internet;Parking;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Parking;Price;Internet;];": 1, + "general-reqmore[none;];Train-OfferBooked[Day;Id;Ref;Depart;Dest;Leave;];": 1, + "Restaurant-Inform[Price;Price;Name;];": 1, + "Taxi-Inform[Car;Dest;Depart;Phone;];": 1, + "Train-Inform[Id;Time;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Internet;Parking;Stars;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Type;];Hotel-Select[Type;Type;];Hotel-Inform[Type;Choice;];": 1, + "Attraction-Request[Type;Area;];Attraction-Inform[Type;Type;Type;Type;Type;Type;Area;Area;Area;];": 1, + "Taxi-Request[Arrive;Dest;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Choice;Choice;];": 1, + "Hotel-Recommend[Stars;Name;];Booking-Inform[none;];Hotel-Inform[none;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Day;Leave;];Train-NoOffer[Leave;];": 1, + "Train-Inform[Day;Leave;];Train-NoOffer[none;];": 1, + "Train-Inform[Ticket;Time;Id;];Attraction-NoOffer[Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Type;Name;];": 1, + "Restaurant-NoOffer[Food;];Restaurant-Inform[Food;Price;Name;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Food;Choice;];Train-OfferBooked[Ref;];": 1, + "Restaurant-Inform[Food;Phone;Name;Area;Post;Price;Addr;];": 1, + "Hotel-Request[Price;];Hotel-NoOffer[Price;Stars;Type;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;Choice;Name;];": 1, + "Hotel-Inform[Name;Internet;Parking;Phone;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Price;Name;Type;];general-reqmore[none;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Parking;Stars;];": 1, + "Hotel-Recommend[Type;Name;Area;];Booking-Inform[none;];": 1, + "Attraction-Recommend[Choice;Area;Name;Name;];": 1, + "Taxi-Request[Arrive;];general-welcome[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Area;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Internet;Type;Stars;];": 1, + "Train-Inform[Arrive;Choice;Id;Dest;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Depart;Dest;Day;Arrive;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Type;Phone;Name;];": 1, + "Train-OfferBook[none;];Train-Request[Depart;Dest;];": 1, + "Train-Inform[Arrive;];Hotel-Request[Area;];": 1, + "Train-Inform[Arrive;Id;];Train-OfferBook[People;];general-greet[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Food;Name;];": 1, + "Hotel-Inform[Type;Type;Name;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Name;Choice;Type;];": 1, + "Hotel-Recommend[Price;Name;Area;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Area;Food;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Name;Addr;Addr;];": 1, + "Train-Inform[Ref;];Attraction-Inform[Post;Name;];": 1, + "Train-Inform[Choice;Depart;Dest;Arrive;Leave;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Addr;Name;Food;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Post;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Type;Phone;Area;];": 1, + "Hotel-Inform[Area;Parking;Price;Type;Internet;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Price;Choice;Area;Area;];": 1, + "Booking-NoBook[Day;Time;];Booking-Request[Day;];": 1, + "Attraction-Select[Type;Type;];Attraction-Inform[Name;Name;Type;Type;];": 1, + "Attraction-Recommend[Fee;Type;Phone;Name;];": 1, + "Hotel-Request[Area;];Attraction-Inform[Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Addr;Stars;Name;];": 1, + "Attraction-Recommend[Type;Name;Addr;];general-greet[none;];": 1, + "Restaurant-Recommend[Name;Addr;Price;];general-reqmore[none;];": 1, + "Hotel-Recommend[Price;Type;Internet;Area;Name;Stars;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Hotel-Inform[Price;Name;Internet;Type;Parking;Area;];general-reqmore[none;];": 1, + "Attraction-Request[Name;Area;];Attraction-Inform[Type;Choice;];": 1, + "Restaurant-Request[Area;Name;];": 1, + "general-greet[none;];Train-OfferBooked[Ref;Leave;Ticket;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Phone;Food;Name;Area;Price;];": 1, + "Hotel-Recommend[Name;Price;Stars;];Hotel-Inform[Choice;Area;];": 1, + "Hotel-Inform[Choice;];Booking-Request[Stay;Day;];": 1, + "Train-OfferBook[none;];Attraction-Inform[Fee;Area;Name;Post;Addr;];": 1, + "Train-OfferBook[none;];Attraction-Inform[Type;];": 1, + "Train-Inform[Depart;Dest;Id;];Train-OfferBook[none;];": 1, + "general-bye[none;];Train-OfferBooked[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Parking;];": 1, + "Hotel-Recommend[Internet;Name;Price;Area;Type;];Booking-Inform[none;];": 1, + "Hotel-Select[none;];general-reqmore[none;];Hotel-Inform[Name;Ref;Area;Internet;Type;Price;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Choice;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Choice;Price;Parking;Type;Stars;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Fee;Addr;Name;];": 1, + "Taxi-Inform[Arrive;Phone;Dest;];general-reqmore[none;];": 1, + "Hotel-Inform[Addr;Stars;Phone;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Stars;Price;];": 1, + "Hotel-Inform[Name;Post;Area;Phone;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Area;Price;];": 1, + "Attraction-Recommend[Type;Name;Name;Name;];": 1, + "Booking-Book[Time;Day;People;Name;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Internet;Choice;Price;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Price;Name;];": 1, + "Attraction-Recommend[Phone;Name;Fee;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Stars;Stars;Area;];Hotel-Select[Stars;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Area;Choice;];": 1, + "Attraction-Recommend[Name;Name;];Attraction-Inform[Type;Fee;Choice;Choice;Area;];": 1, + "Attraction-Request[Area;];Attraction-NoOffer[Type;];Attraction-Inform[Area;];": 1, + "Train-Inform[Leave;Leave;Leave;Arrive;Choice;];Train-OfferBook[none;];": 1, + "Hotel-Request[Price;Internet;Stars;];Hotel-Inform[Choice;];": 1, + "Train-Select[Day;];Train-Request[Dest;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Choice;Price;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Price;Price;Stars;Parking;Type;Choice;Internet;];": 1, + "Restaurant-Recommend[Name;Area;Food;Choice;];Restaurant-Inform[Price;Area;];": 1, + "Attraction-Inform[Area;Phone;Post;Addr;Addr;];": 1, + "Taxi-Request[Leave;Arrive;];Hotel-Inform[Post;Name;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;Area;Area;Area;Area;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[none;];Hotel-Inform[Area;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Choice;Stars;Stars;];": 1, + "Booking-NoBook[none;];Hotel-Select[Type;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Price;Stars;Name;];": 1, + "general-welcome[none;];Hotel-Inform[Parking;Name;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Name;Name;Phone;Phone;Phone;];": 1, + "Hotel-Inform[Internet;Addr;Parking;Stars;Price;];general-reqmore[none;];Booking-Book[Name;Ref;Day;];": 1, + "Train-Request[Dest;Leave;Arrive;Day;];": 1, + "Train-Inform[Choice;Depart;Leave;Leave;];Train-Request[Leave;];": 1, + "Train-Inform[Dest;Id;Depart;Leave;];": 1, + "Booking-Inform[Time;];Restaurant-Inform[Name;];": 1, + "Hotel-Inform[Phone;Area;Name;];general-reqmore[none;];": 1, + "Booking-Book[Stay;People;Day;Name;];": 1, + "Attraction-Select[none;];general-reqmore[none;];Attraction-Inform[Choice;Choice;Choice;Choice;Area;Area;Area;];": 1, + "Attraction-Inform[Type;Name;Addr;Addr;Addr;Area;];": 1, + "Attraction-Request[Name;];general-reqmore[none;];Attraction-Inform[Fee;];": 1, + "Attraction-Inform[Phone;Type;Name;];": 1, + "Taxi-Request[Dest;];Hotel-Inform[Type;Parking;Internet;];": 1, + "Train-Inform[Leave;Depart;];Train-Request[People;];": 1, + "Hotel-Recommend[none;];Hotel-Inform[Price;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Area;Price;Food;];": 1, + "Train-Inform[Ticket;Time;];general-bye[none;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Choice;Area;];": 1, + "Hotel-Inform[Parking;Price;Choice;Name;Internet;];Attraction-Inform[Phone;Name;];": 1, + "Hotel-Inform[Area;Stars;Price;Addr;Addr;Parking;Name;Internet;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Stars;];": 1, + "Hotel-Request[Type;];Hotel-NoOffer[Stars;Area;];": 1, + "Attraction-Select[Type;Type;];Attraction-Inform[Fee;Choice;Choice;];": 1, + "Restaurant-Inform[Name;];Booking-Book[Time;People;];": 1, + "Restaurant-Request[Food;Price;];Restaurant-NoOffer[Food;Price;Area;];": 1, + "Attraction-Inform[Addr;Area;Fee;Name;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;Area;Area;];": 1, + "general-greet[none;];Train-OfferBook[none;];Train-Request[Dest;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Type;];": 1, + "Hotel-Recommend[Name;Name;];Booking-Inform[none;];Hotel-Inform[Stars;Choice;Type;];": 1, + "Train-Inform[Arrive;Leave;Depart;Day;Dest;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;Time;Id;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Type;];": 1, + "Train-Inform[Choice;Choice;Depart;Dest;Arrive;];Train-Request[Dest;];": 1, + "Restaurant-Inform[Name;Area;];Train-Request[Depart;Dest;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Food;Food;Choice;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Food;Price;Area;Addr;];": 1, + "Train-Inform[Depart;Dest;Ticket;Day;Arrive;Leave;Id;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Choice;Post;];": 1, + "Train-Inform[Time;Day;Leave;Id;Ticket;];": 1, + "Booking-NoBook[People;Time;Day;];Booking-Request[Time;Day;];": 1, + "Attraction-Select[Area;];Restaurant-Inform[Addr;Name;];general-reqmore[none;];Attraction-Inform[Choice;Type;];": 1, + "Attraction-Inform[Fee;Area;Choice;Name;Name;Name;Name;Type;];": 1, + "Attraction-Inform[Area;Addr;Addr;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Internet;Parking;Area;];": 1, + "Train-Inform[Day;Id;Arrive;Dest;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Price;Type;Type;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Stars;];": 1, + "Attraction-Inform[Area;Type;Name;Name;];": 1, + "Attraction-Inform[Phone;Phone;Type;Name;Name;];": 1, + "Train-Inform[none;];Train-OfferBook[none;];": 1, + "Hotel-NoOffer[Area;Name;];Booking-Book[Ref;Name;];": 1, + "Hotel-Inform[Phone;Addr;Post;];Booking-Book[Name;Ref;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Choice;Name;Name;Name;Name;];": 1, + "Hotel-NoOffer[Type;];general-reqmore[none;];Hotel-Inform[Type;];": 1, + "Hotel-Request[Type;Area;];Hotel-Inform[Internet;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Area;Choice;];": 1, + "Train-Inform[Arrive;Id;Dest;];Booking-Inform[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Name;Choice;Price;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Type;Area;Area;];": 1, + "Train-Inform[Arrive;Arrive;Time;Leave;Leave;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Booking-Book[Name;Time;People;Day;Ref;];": 1, + "Hotel-Inform[Area;Internet;Price;Parking;Type;Stars;];general-greet[none;];": 1, + "Hotel-Request[Area;];Hotel-Select[Area;];": 1, + "Hotel-Inform[Name;Internet;Post;Addr;Parking;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;Price;];": 1, + "Train-Inform[Id;Leave;];Train-OfferBook[People;];": 1, + "Restaurant-Recommend[Name;Area;];Restaurant-Inform[Area;Food;Price;Choice;];": 1, + "Train-Inform[Id;Leave;];Train-Request[Leave;];": 1, + "Train-OfferBooked[Id;Ref;Ticket;People;];": 1, + "Hotel-Recommend[Parking;Internet;Stars;Name;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Type;Stars;Stars;];": 1, + "Train-Inform[Choice;Depart;Dest;Arrive;];Train-Select[Day;Day;Day;];": 1, + "Hotel-Inform[Phone;Post;Area;];": 1, + "Attraction-Recommend[Addr;Phone;Post;Area;Name;];": 1, + "Train-Inform[Arrive;Id;];general-greet[none;];": 1, + "Train-Inform[Id;Time;Leave;Depart;];general-reqmore[none;];": 1, + "Attraction-Inform[Addr;Area;Type;Name;];": 1, + "Hotel-Inform[Name;Name;Price;Stars;];": 1, + "Attraction-Select[Area;Area;Area;Area;Area;];Attraction-Inform[Type;Choice;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Stars;Type;Choice;];": 1, + "Train-Inform[Arrive;Arrive;Id;Dest;];Train-OfferBook[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Price;Area;Area;];": 1, + "Attraction-Recommend[Fee;Name;];general-reqmore[none;];Attraction-Inform[Type;Choice;Choice;Fee;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Id;Leave;];": 1, + "Attraction-Inform[Post;Addr;Addr;Type;Area;Phone;];": 1, + "Hotel-Inform[Name;Area;Addr;Phone;];": 1, + "Hotel-Recommend[Parking;Internet;Name;Area;];Booking-Inform[none;];Train-OfferBooked[Id;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Choice;Fee;Fee;Type;];": 1, + "Hotel-Inform[Choice;Choice;Internet;Parking;];general-reqmore[none;];": 1, + "Restaurant-Select[Food;Food;Food;Food;];Booking-Inform[none;];Restaurant-Inform[Price;Choice;Area;];": 1, + "Restaurant-Recommend[Choice;];": 1, + "Train-Inform[Time;];Train-OfferBook[none;];Booking-Book[Name;Ref;];": 1, + "Train-Inform[Arrive;Arrive;Choice;Choice;];": 1, + "Train-Inform[Leave;];Train-Select[none;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Area;Food;Choice;Choice;Choice;Price;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Stars;Name;Area;];Attraction-Inform[Fee;Name;];": 1, + "Train-Inform[Ticket;];Train-NoOffer[Leave;];": 1, + "Hotel-Recommend[Name;Stars;];Booking-Inform[none;];Hotel-Inform[Type;Choice;Choice;Price;Area;];": 1, + "Hotel-Inform[Phone;];general-reqmore[none;];Attraction-Inform[Name;];": 1, + "Restaurant-Inform[Food;Price;Area;Addr;Addr;Name;];": 1, + "Hotel-Request[Price;Stars;];Hotel-Inform[Choice;Type;Type;];": 1, + "Train-Inform[Id;Depart;Leave;Time;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Choice;Internet;Parking;];": 1, + "Attraction-Inform[Choice;Choice;Area;Area;Area;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Type;Post;Addr;Addr;Addr;];": 1, + "Hotel-NoOffer[Price;Internet;Type;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Type;Price;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Phone;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Area;Food;Price;];": 1, + "Restaurant-Inform[Addr;Area;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Parking;Area;Stars;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Fee;Choice;Choice;];": 1, + "Restaurant-Inform[Choice;Name;Name;Name;Food;Food;Food;];": 1, + "Train-Request[People;];general-reqmore[none;];Train-OfferBooked[Ref;];": 1, + "Train-Inform[Leave;Id;Dest;Arrive;Depart;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Price;Name;];": 1, + "Restaurant-Inform[Name;Food;];Booking-Book[Ref;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Type;Phone;];": 1, + "Hotel-Request[Type;Price;Name;Area;Internet;Stars;Parking;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Name;Name;];": 1, + "Hotel-Inform[Phone;Area;Parking;Stars;Name;Type;Internet;];": 1, + "Attraction-Inform[Fee;Area;Name;Type;Post;Addr;];": 1, + "Train-Inform[Choice;];Train-Request[Depart;Arrive;Leave;Dest;Day;];": 1, + "Train-Select[Arrive;Arrive;];": 1, + "Train-Inform[Dest;Arrive;Depart;];": 1, + "Train-OfferBook[Arrive;Id;Leave;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Choice;Area;Type;];Train-OfferBooked[Ref;];": 1, + "Attraction-Recommend[Name;Fee;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Parking;Price;Type;Internet;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Price;Type;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Parking;Name;];Booking-Request[Day;];": 1, + "Attraction-Inform[Fee;Fee;Choice;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Food;Price;Price;Choice;Choice;Choice;Area;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Price;Price;Name;Area;];": 1, + "Restaurant-Recommend[Food;Price;Name;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;Stars;Price;Area;Type;];": 1, + "Booking-Inform[People;Day;];Restaurant-Recommend[Name;Addr;];": 1, + "Restaurant-Inform[Name;];Booking-Book[Ref;Time;People;];": 1, + "Hotel-Recommend[Area;Name;];Hotel-Request[Type;];general-reqmore[none;];": 1, + "Train-Inform[Choice;];Train-Request[Depart;Leave;Dest;];": 1, + "Hotel-Select[Type;Price;];Hotel-NoOffer[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Stars;Stars;];": 1, + "Hotel-Recommend[Price;Parking;Stars;Name;Area;];Booking-Inform[none;];": 1, + "Attraction-Request[Area;];Attraction-Select[Type;Area;];Attraction-NoOffer[Area;Type;];": 1, + "Attraction-Select[Area;Name;Name;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Name;Phone;Fee;];": 1, + "Attraction-Inform[Name;Post;Phone;Addr;Addr;Area;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Stars;Stars;];": 1, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[Area;Price;Food;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Addr;Name;];Restaurant-Inform[Food;Area;Choice;Price;];": 1, + "Hotel-Inform[Internet;Type;Parking;];": 1, + "Train-Inform[Time;Arrive;Leave;Ticket;];Train-OfferBook[none;];": 1, + "Hotel-NoOffer[Type;];general-reqmore[none;];Hotel-Inform[Type;Choice;Choice;Choice;Price;Price;];": 1, + "Hotel-Inform[Name;Area;Internet;Type;Parking;Stars;Price;];general-reqmore[none;];": 1, + "Booking-Request[Stay;];general-reqmore[none;];": 1, + "Attraction-Request[Area;Type;];Attraction-NoOffer[Area;Type;];general-reqmore[none;];": 1, + "Attraction-Inform[Addr;Name;Choice;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Area;Price;Type;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;];Booking-Book[Ref;];": 1, + "Hotel-Recommend[Name;Price;Parking;Area;];": 1, + "Attraction-Inform[Type;Name;Addr;Addr;Post;];": 1, + "Train-Inform[Day;Arrive;Id;Dest;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Type;Choice;Stars;Area;];": 1, + "Booking-NoBook[People;];Booking-Request[Day;Stay;];": 1, + "Train-Inform[Id;Id;Choice;Leave;Leave;Leave;Depart;];": 1, + "Hotel-NoOffer[Type;Type;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Type;Stars;];": 1, + "Hotel-Inform[Name;Name;Name;Choice;Area;Area;Area;];general-reqmore[none;];": 1, + "general-greet[none;];Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Price;Stars;];": 1, + "Restaurant-Recommend[Addr;Name;];general-reqmore[none;];Booking-Book[Ref;Day;People;];": 1, + "Hotel-Inform[Price;Stars;Addr;Name;Post;Type;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;Addr;Addr;];": 1, + "Train-Inform[Arrive;Leave;Ref;];": 1, + "Train-Inform[Leave;Depart;Arrive;Choice;Day;Dest;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Depart;Dest;Ticket;Time;];general-reqmore[none;];": 1, + "Attraction-Request[Name;Area;];Attraction-NoOffer[none;];": 1, + "Attraction-Inform[Area;Phone;Name;Addr;];": 1, + "Hotel-Request[Stars;Area;Price;Internet;];Hotel-Inform[Choice;Parking;Type;];general-reqmore[none;];": 1, + "Hotel-Recommend[Internet;Name;Stars;];Hotel-Inform[Choice;Type;Parking;];": 1, + "Attraction-Select[none;];general-greet[none;];Attraction-Inform[Type;Type;Type;Type;Type;];": 1, + "Attraction-Recommend[Name;Phone;Fee;Addr;];": 1, + "Hotel-Recommend[Internet;Stars;Name;Area;];": 1, + "Hotel-Inform[Area;Stars;Parking;Price;Name;Name;];": 1, + "Train-Inform[Arrive;Id;Leave;Leave;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Internet;Type;Stars;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Food;Price;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;];Booking-Book[Ref;];": 1, + "Attraction-Inform[Post;Addr;Type;Phone;Name;];": 1, + "Train-Inform[Choice;Leave;Leave;Depart;Id;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Post;Area;];general-reqmore[none;];": 1, + "Restaurant-Inform[Area;];Booking-Book[Ref;Time;Name;People;];": 1, + "Hotel-Inform[Phone;Area;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Choice;Internet;Parking;];": 1, + "Attraction-Request[Type;Area;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Type;Addr;Price;];": 1, + "Train-Inform[Choice;Leave;Leave;];general-reqmore[none;];": 1, + "Train-OfferBook[Ticket;Time;];": 1, + "Train-OfferBooked[Ref;People;Day;Dest;Depart;Ticket;Id;];": 1, + "Train-Request[Dest;Depart;Arrive;];": 1, + "Train-Inform[Id;Arrive;Leave;];Train-NoOffer[Day;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Hotel-Inform[Choice;Parking;];general-reqmore[none;];": 1, + "Booking-NoBook[none;];Hotel-Select[Type;];": 1, + "Restaurant-Recommend[Name;Area;];Restaurant-Inform[Price;];": 1, + "Train-Inform[Id;Depart;Dest;Ticket;Time;Day;Arrive;Leave;];": 1, + "Restaurant-Select[Name;Name;];Restaurant-Inform[Choice;Price;Food;Area;];": 1, + "Hotel-NoOffer[Price;Type;];Hotel-Inform[Type;Type;Price;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;Type;];": 1, + "Hotel-NoOffer[Type;Area;Price;Stars;];Hotel-Select[Price;Price;];": 1, + "Attraction-Inform[Name;Name;Name;Type;Type;Type;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;Name;Name;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Day;Time;Dest;Depart;Arrive;Id;Leave;];": 1, + "Hotel-Inform[Area;Choice;Choice;Price;Type;];": 1, + "Train-Inform[Arrive;Time;Choice;Ticket;Leave;Leave;];": 1, + "Attraction-Inform[Choice;Fee;Fee;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Price;Price;Type;Type;];": 1, + "Restaurant-Request[Price;];Hotel-Request[Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;];Restaurant-Recommend[none;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Choice;Price;Food;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Name;Area;Price;];": 1, + "Restaurant-Request[Area;];Restaurant-Recommend[Choice;];": 1, + "Attraction-Inform[Phone;Name;Fee;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Type;Parking;Stars;Price;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Name;Food;];": 1, + "Restaurant-Recommend[Phone;Name;Addr;Post;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Phone;];": 1, + "Train-Inform[Leave;Leave;Id;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Choice;Area;Area;Stars;];": 1, + "Booking-Inform[none;];Attraction-Inform[Area;Name;Type;];": 1, + "Restaurant-Inform[Price;Price;Price;Name;Name;Name;];": 1, + "Train-OfferBook[Dest;Leave;Depart;Id;];": 1, + "Hotel-Inform[Name;Name;Name;Area;Area;Area;Choice;];": 1, + "Hotel-Recommend[Name;Parking;Internet;];Hotel-Inform[Choice;];": 1, + "Restaurant-Request[Price;];Restaurant-NoOffer[Price;Area;];": 1, + "Train-Inform[Leave;Day;Id;Time;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Area;Area;Area;Choice;Choice;Choice;Choice;];": 1, + "Attraction-Recommend[Addr;Type;Area;Name;];Attraction-NoOffer[Type;Area;];": 1, + "Train-Request[Leave;Dest;Depart;Arrive;];": 1, + "Hotel-Recommend[Name;Post;Addr;];general-reqmore[none;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Recommend[Name;Addr;];Restaurant-Inform[Price;];": 1, + "Hotel-Inform[Area;Name;Addr;Type;Phone;Stars;];": 1, + "general-reqmore[none;];Attraction-Inform[Open;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Name;Price;];": 1, + "Train-Request[Day;People;Depart;];": 1, + "Train-Inform[Ticket;Leave;Depart;Arrive;Id;Day;Dest;];Train-OfferBook[none;];": 1, + "Restaurant-Inform[Area;Food;Price;];Booking-Book[Ref;Name;];": 1, + "Train-Inform[Arrive;Day;Choice;Dest;Dest;Id;Ticket;];general-reqmore[none;];": 1, + "Attraction-Inform[Type;Type;Type;Type;Type;Choice;];": 1, + "Attraction-Inform[Addr;Type;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Stars;];": 1, + "Restaurant-Request[Name;];Restaurant-NoOffer[none;];general-reqmore[none;];": 1, + "Restaurant-Inform[Area;Area;Area;Price;];": 1, + "Restaurant-Request[Area;Price;];Hotel-Request[Name;];Restaurant-NoOffer[none;];": 1, + "Hotel-Recommend[Name;Post;Parking;Internet;];": 1, + "Restaurant-Request[Food;Price;];general-greet[none;];Restaurant-Inform[Choice;Area;];": 1, + "Attraction-Inform[Area;Phone;Fee;];": 1, + "Hotel-Inform[Name;Type;Area;];general-reqmore[none;];": 1, + "Hotel-Recommend[none;];Hotel-Inform[Price;Choice;Internet;Area;];": 1, + "Hotel-Recommend[Name;Phone;Post;Addr;];": 1, + "Restaurant-Recommend[Name;Area;];Restaurant-Inform[Addr;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Post;Area;Stars;];": 1, + "Hotel-Inform[Area;Price;Parking;Name;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Food;Area;Choice;Name;Name;];": 1, + "Booking-NoBook[none;];Booking-Inform[Name;];general-reqmore[none;];Restaurant-Inform[Food;];": 1, + "Attraction-Recommend[Area;Post;Name;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Food;Price;];": 1, + "Taxi-Inform[Phone;Car;];Taxi-Request[Leave;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Choice;Area;];": 1, + "Booking-NoBook[none;];Booking-Request[Time;];Restaurant-Inform[Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Choice;Food;Food;Food;Area;Price;];": 1, + "Train-Inform[Time;Choice;];Train-Select[Arrive;Leave;];": 1, + "Train-Inform[Ticket;Time;Id;];": 1, + "Restaurant-Select[Area;Area;];Restaurant-Inform[Name;];": 1, + "Train-Inform[Day;Leave;Dest;];Train-Select[none;];": 1, + "Hotel-Recommend[Choice;Name;];Hotel-Inform[Choice;];": 1, + "Booking-Inform[People;];Hotel-Inform[Choice;Type;Type;];": 1, + "Restaurant-Select[Choice;Choice;Price;Price;];Restaurant-Inform[Choice;];": 1, + "Hotel-Inform[Price;Type;Area;Name;Stars;];": 1, + "Hotel-Request[Price;];Hotel-NoOffer[Price;];Hotel-Inform[Type;Stars;Area;Area;Price;Price;];": 1, + "Hotel-Recommend[Name;Area;Parking;Price;Stars;];": 1, + "Hotel-Inform[Addr;Name;];general-reqmore[none;];Booking-Book[Stay;People;Day;];": 1, + "Train-Inform[Arrive;Leave;Choice;Id;];Train-OfferBook[none;];": 1, + "Restaurant-Select[Name;];Restaurant-Inform[Addr;];": 1, + "Hotel-Inform[Name;Name;Internet;Price;Area;];": 1, + "Taxi-Inform[Dest;Depart;Phone;Car;Leave;];": 1, + "Train-Inform[Time;];Train-OfferBooked[none;];": 1, + "Hotel-Select[Type;Type;];Hotel-Inform[Price;Price;Price;Parking;Area;];": 1, + "Hotel-Recommend[Internet;Name;Parking;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Addr;Type;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Food;Choice;Area;];": 1, + "Attraction-Recommend[Name;Name;Name;Name;];general-reqmore[none;];Attraction-Inform[Type;Area;Choice;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Internet;];": 1, + "Restaurant-Select[none;];Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Food;];": 1, + "Hotel-Inform[Post;Name;Addr;Price;Phone;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Area;Type;Stars;];": 1, + "Train-Inform[Ticket;Id;Dest;Arrive;Day;Ref;];general-reqmore[none;];Train-OfferBooked[People;];": 1, + "Hotel-Inform[Post;Area;Name;];": 1, + "Hotel-Inform[Phone;Name;Area;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Choice;Choice;Price;Name;Name;Food;Area;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Phone;Post;Addr;];general-greet[none;];": 1, + "Restaurant-Inform[Addr;Food;Name;Phone;];": 1, + "Restaurant-Inform[Name;];Booking-Book[Ref;Day;Time;People;];": 1, + "Train-Inform[Time;Ticket;Leave;Arrive;Day;Dest;];": 1, + "Train-Inform[Choice;Dest;Arrive;];Train-OfferBook[Arrive;Id;Leave;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Type;Price;];": 1, + "Train-OfferBooked[Ref;People;Depart;Id;Leave;];": 1, + "Hotel-Inform[Addr;Type;];general-reqmore[none;];": 1, + "Hotel-Recommend[Price;Area;Name;Stars;];Booking-Inform[none;];Hotel-Inform[Area;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Stars;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Choice;Area;Fee;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Name;Addr;Addr;Addr;];": 1, + "Hotel-Recommend[none;];Booking-Inform[none;];": 1, + "Hotel-Recommend[Name;Stars;Price;Area;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Hotel-Inform[Addr;Type;Name;Area;];": 1, + "Attraction-Recommend[Phone;Name;Fee;Addr;Addr;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Price;Choice;Name;];": 1, + "Attraction-Inform[Choice;Choice;Fee;Area;Type;];": 1, + "Hotel-Recommend[Internet;Stars;Parking;Type;Name;Price;];Hotel-Inform[Choice;];general-greet[none;];": 1, + "Train-Inform[Day;Ticket;Time;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Choice;Id;Id;];Train-OfferBook[none;];": 1, + "general-greet[none;];general-reqmore[none;];Train-OfferBooked[Id;People;Ref;];": 1, + "Hotel-Select[Name;Name;];general-greet[none;];": 1, + "Hotel-Inform[Price;Post;Stars;];": 1, + "Restaurant-Request[Area;];Restaurant-Recommend[Name;];": 1, + "Train-Inform[Leave;];Train-Request[Dest;];": 1, + "Attraction-Select[Area;Type;];Attraction-NoOffer[Area;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Post;Name;Addr;];": 1, + "Restaurant-Recommend[Name;Food;];Restaurant-Inform[Price;Choice;Area;];": 1, + "general-reqmore[none;];Booking-Book[Name;Time;];": 1, + "Train-Inform[Arrive;Id;Day;Dest;];": 1, + "Attraction-Request[Area;];Attraction-Recommend[Area;Name;];Attraction-Inform[Choice;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;Food;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Area;Food;Choice;Choice;Choice;];": 1, + "Hotel-Inform[Addr;Post;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Food;];": 1, + "Hotel-Inform[Choice;Internet;Type;Parking;Stars;];": 1, + "Hotel-Inform[Addr;Phone;Name;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Food;Addr;Area;];": 1, + "Taxi-Inform[Dest;Phone;Arrive;Depart;];": 1, + "Train-Inform[Arrive;Choice;];Train-Request[Day;];": 1, + "Attraction-Inform[Phone;Fee;Name;Addr;];": 1, + "Hotel-Recommend[Name;Type;Stars;];Hotel-NoOffer[Type;Stars;];Hotel-Inform[Choice;Type;Stars;];": 1, + "Restaurant-Select[Name;Name;];Booking-Inform[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Area;Choice;Name;Name;Name;Name;Name;];": 1, + "Booking-Inform[none;];Attraction-Inform[Fee;Addr;Post;];": 1, + "Train-Inform[Choice;Day;Dest;];Train-Request[Depart;Arrive;Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Area;];": 1, + "Attraction-Select[Fee;];Attraction-Inform[Type;Choice;Choice;Fee;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Parking;Choice;Stars;Area;Type;];": 1, + "Taxi-Inform[Depart;Phone;Car;Leave;];": 1, + "Train-Inform[Dest;Time;Leave;Depart;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Addr;Addr;Post;];": 1, + "Attraction-Request[Area;];Hotel-NoOffer[none;];Attraction-NoOffer[Area;Type;];": 1, + "Attraction-Recommend[Type;Name;Choice;];": 1, + "Attraction-Recommend[Type;Fee;Area;Name;];": 1, + "Hotel-Inform[Type;Internet;Parking;Choice;Name;Price;Area;];": 1, + "Attraction-NoOffer[none;];general-reqmore[none;];Attraction-Inform[Name;Name;Choice;Type;];": 1, + "Attraction-Inform[Name;Name;Phone;Phone;Post;Post;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Choice;Food;Name;Area;];": 1, + "Taxi-Request[Leave;Depart;Dest;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Phone;];": 1, + "Train-Inform[Leave;Leave;Day;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Ref;Leave;Dest;Day;Id;Depart;];": 1, + "Hotel-Recommend[Name;Name;];Hotel-Select[none;];general-reqmore[none;];Hotel-Inform[Price;Stars;];": 1, + "Hotel-Select[Price;Price;Choice;];": 1, + "Restaurant-Select[Name;Name;Name;Name;];Booking-Inform[none;];Booking-Request[People;];": 1, + "Hotel-NoOffer[Internet;Type;Parking;];general-reqmore[none;];Hotel-Select[Type;];": 1, + "Hotel-Recommend[Name;Price;Internet;Parking;Stars;];Booking-Inform[none;];Hotel-Inform[none;];": 1, + "Attraction-Inform[Type;Area;Phone;Fee;Name;];": 1, + "Taxi-Inform[Leave;Car;Dest;Depart;];general-reqmore[none;];": 1, + "Restaurant-Inform[Food;Price;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Area;Fee;];": 1, + "Restaurant-Select[Price;Food;];general-reqmore[none;];": 1, + "Restaurant-Select[Area;Area;];Restaurant-Inform[Choice;Food;Price;];": 1, + "Hotel-Recommend[Stars;];Booking-Inform[none;];": 1, + "Restaurant-Recommend[Name;Area;];Restaurant-Inform[Area;Name;];": 1, + "Booking-NoBook[none;];Restaurant-Recommend[Name;Area;];Booking-Request[Time;];": 1, + "Restaurant-Inform[Name;];Booking-Book[Ref;Stay;];": 1, + "Restaurant-Select[Area;Area;Area;];Restaurant-Inform[Price;Choice;Food;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Choice;Parking;Name;Name;];": 1, + "Hotel-Inform[Choice;Type;Stars;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Price;Choice;Internet;Type;Type;];": 1, + "Hotel-Inform[Addr;Addr;Addr;Addr;Addr;Area;Area;Area;Area;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Name;Area;];general-reqmore[none;];": 1, + "Attraction-Inform[Name;Area;Type;Phone;];": 1, + "Attraction-Inform[Post;Post;Post;Post;Post;Choice;Type;];": 1, + "Hotel-Request[Stars;Area;];Hotel-NoOffer[Area;Stars;Type;];": 1, + "Booking-NoBook[none;];Hotel-Request[Area;Stars;];": 1, + "Attraction-Recommend[Phone;Name;];Attraction-Inform[Type;Choice;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Post;Addr;Phone;];": 1, + "Hotel-NoOffer[Type;Area;Internet;Price;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;Name;Area;Area;];general-reqmore[none;];": 1, + "Train-Inform[Depart;Day;Dest;Arrive;];Train-OfferBook[none;];": 1, + "Hotel-NoOffer[Type;Price;];Hotel-Inform[Choice;Stars;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Area;Type;Choice;];": 1, + "Train-Inform[Dest;Choice;Depart;];Train-Request[Leave;Arrive;];": 1, + "Hotel-Request[Internet;Area;Parking;Stars;Price;];Hotel-Inform[Type;Choice;];": 1, + "Train-Inform[Choice;Depart;];Train-Request[Arrive;Dest;];": 1, + "Restaurant-NoOffer[Food;Area;];Restaurant-Recommend[Choice;Food;];Restaurant-Inform[Food;];": 1, + "Train-Inform[Id;Dest;Arrive;];Train-Select[none;];": 1, + "Restaurant-Select[Food;];Restaurant-Inform[Food;];": 1, + "Train-Inform[Choice;Leave;Arrive;];": 1, + "Train-Inform[Dest;Leave;Depart;];Train-Request[People;];": 1, + "Restaurant-Recommend[Name;Price;Area;];Restaurant-Inform[Choice;Food;];": 1, + "Train-Inform[Depart;Dest;Ticket;Day;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Internet;Parking;Stars;];general-reqmore[none;];": 1, + "Train-OfferBook[none;];Booking-Inform[none;];": 1, + "Train-Inform[Id;Leave;Dest;];Train-Request[People;];": 1, + "Train-Inform[Dest;Arrive;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Type;Type;Area;Stars;];Hotel-Inform[Type;Area;Stars;Stars;];": 1, + "Train-Inform[Day;Id;Arrive;Depart;Dest;Leave;Ticket;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Phone;Name;Name;Addr;Addr;Post;Post;];": 1, + "general-welcome[none;];Train-Request[People;];": 1, + "Hotel-Inform[Type;Internet;Parking;Stars;Name;];Attraction-Inform[Name;];": 1, + "Hotel-Recommend[Name;Internet;Type;Parking;Stars;];": 1, + "Restaurant-Inform[Name;Name;Food;Area;];": 1, + "Attraction-NoOffer[Area;];general-reqmore[none;];Attraction-Inform[Area;Choice;];": 1, + "Attraction-Inform[Post;Addr;Fee;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-Inform[Price;Price;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Area;Name;];": 1, + "Attraction-NoOffer[Type;];Attraction-Inform[Type;Type;Choice;Choice;];": 1, + "Attraction-Recommend[Post;Addr;Fee;Name;];Attraction-Inform[Area;Choice;];": 1, + "Booking-Request[Day;Stay;];Train-OfferBooked[Ref;People;];": 1, + "Hotel-Inform[Choice;Price;Price;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;Price;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Choice;Choice;];": 1, + "Hotel-Select[Type;Area;Area;];": 1, + "Attraction-Recommend[Fee;Name;Addr;Area;Type;];general-reqmore[none;];": 1, + "Restaurant-Select[Area;Area;Name;Name;Food;];": 1, + "Restaurant-Recommend[Addr;Name;];Restaurant-Inform[Choice;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Name;Name;Name;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Addr;Name;];": 1, + "Restaurant-Inform[Food;Choice;Name;Name;Name;];": 1, + "Hotel-Inform[Name;Name;Internet;Price;Choice;Stars;Stars;Parking;Area;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Fee;Addr;Addr;];": 1, + "Hotel-Request[Area;];Hotel-Select[Type;];Hotel-NoOffer[Type;Internet;];": 1, + "Restaurant-NoOffer[Price;Food;];Restaurant-Inform[Choice;Price;];": 1, + "Restaurant-Request[Area;Price;];Restaurant-NoOffer[Price;Food;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Choice;Choice;Area;Fee;Fee;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Price;Price;Type;Choice;Choice;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Price;Area;Type;];": 1, + "Booking-Inform[Name;];Restaurant-Inform[Ref;Addr;];Booking-Book[Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Type;];": 1, + "Hotel-Request[Stars;Area;];Hotel-NoOffer[Stars;];": 1, + "Attraction-Inform[Name;Post;Phone;Addr;Addr;Addr;];": 1, + "Train-Inform[Dest;Choice;];Train-Request[Leave;Day;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Price;Food;Food;Food;];": 1, + "Restaurant-Inform[Choice;Food;Area;Price;];": 1, + "Attraction-Recommend[Area;Fee;Name;];Attraction-Inform[none;];": 1, + "Hotel-Request[Stars;Type;];Hotel-Select[Type;Type;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-Inform[Choice;Type;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Day;Depart;Dest;];general-reqmore[none;];": 1, + "Attraction-Recommend[Area;Addr;Name;];": 1, + "Restaurant-Request[Food;];Attraction-Inform[Type;Fee;];": 1, + "Train-Inform[Ticket;Id;Dest;Arrive;Choice;Leave;Depart;];": 1, + "Hotel-Inform[Type;Internet;Addr;Addr;Parking;Stars;Name;Price;];": 1, + "Train-Inform[Id;Leave;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Train-Inform[Arrive;Depart;Dest;Leave;Day;];": 1, + "Train-Inform[Time;Leave;Id;Dest;Arrive;Depart;];Train-OfferBook[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Name;Price;Type;];": 1, + "Hotel-Inform[Name;Name;Name;Choice;];": 1, + "Hotel-Inform[Name;Parking;Type;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Type;Area;];": 1, + "Attraction-Inform[Phone;Area;Name;Post;];": 1, + "Train-Inform[Choice;Leave;Depart;];Train-Request[Dest;Day;];": 1, + "Train-Inform[Depart;Dest;Arrive;Leave;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Area;Food;];": 1, + "Restaurant-Inform[Post;Addr;Price;];": 1, + "Hotel-Inform[Price;Addr;Addr;];": 1, + "Restaurant-Inform[Price;Name;Name;Name;Name;Name;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;];general-welcome[none;];": 1, + "Train-Inform[Id;Arrive;Depart;];": 1, + "Train-Inform[Arrive;Day;Leave;Depart;Dest;Id;Ticket;];": 1, + "Train-OfferBooked[Ref;Day;Depart;Ticket;Id;Leave;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Stars;Parking;Name;Area;Internet;Price;];": 1, + "Hotel-Inform[Name;Addr;Phone;];general-reqmore[none;];": 1, + "Train-Inform[Ticket;Leave;Depart;];": 1, + "Train-Inform[Time;Leave;Choice;];Train-OfferBook[none;];": 1, + "Restaurant-Inform[Food;Area;Addr;Phone;Name;Post;Post;];": 1, + "Attraction-Request[Type;];Attraction-Recommend[Addr;Type;Area;Name;];": 1, + "Attraction-Request[Area;];Attraction-NoOffer[none;];Attraction-Inform[Area;Type;];": 1, + "Attraction-Recommend[Name;Fee;];Attraction-Inform[Area;Choice;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Parking;Price;Name;Name;Internet;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;];general-welcome[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Name;Type;Type;Fee;];": 1, + "Restaurant-Inform[Addr;Name;Food;Phone;Post;];": 1, + "general-reqmore[none;];Attraction-Inform[Price;Type;Name;];": 1, + "Taxi-Inform[Car;Depart;Phone;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Type;Stars;Price;Price;Area;];": 1, + "Attraction-Recommend[Addr;Fee;Phone;Name;];": 1, + "Hotel-Inform[Addr;Stars;Internet;];": 1, + "Train-Inform[Arrive;Dest;Time;];general-reqmore[none;];": 1, + "Hotel-Inform[Phone;Stars;Addr;];general-reqmore[none;];": 1, + "Hotel-Select[Price;Type;];general-reqmore[none;];Hotel-NoOffer[Price;Type;Parking;];": 1, + "Hotel-Inform[Type;Parking;Name;Price;];": 1, + "Restaurant-Request[Price;];Hotel-Request[Price;];Hotel-Inform[Phone;];": 1, + "Hotel-Inform[Area;Name;Post;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Name;Name;Name;Food;Choice;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Choice;Stars;Name;Name;];": 1, + "Hotel-Inform[Internet;Addr;Addr;Addr;];": 1, + "Train-Inform[Ticket;Time;];general-greet[none;];": 1, + "Hotel-Recommend[Internet;Addr;Name;Parking;];Booking-Inform[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Type;Internet;Choice;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;];Booking-Request[Day;];": 1, + "Hotel-Recommend[Area;Name;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Price;];Hotel-Inform[Price;Stars;];": 1, + "Hotel-Recommend[Internet;Name;Parking;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Food;Food;Food;Choice;];": 1, + "Train-Request[Day;Leave;Dest;People;Depart;];": 1, + "Train-Inform[Id;Arrive;];Train-OfferBook[none;];Train-Request[Arrive;];": 1, + "general-welcome[none;];Hotel-Request[Area;Price;];Hotel-Inform[Choice;];": 1, + "Hotel-Recommend[Name;Parking;Area;Internet;];general-welcome[none;];": 1, + "Hotel-Recommend[Area;Name;Stars;];Hotel-Inform[Type;Choice;];": 1, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Internet;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Area;Food;Food;];": 1, + "Attraction-Inform[Post;Fee;Addr;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Addr;Addr;Name;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;];Booking-Request[Day;Time;People;];": 1, + "Hotel-Inform[Stars;Stars;];": 1, + "Restaurant-Inform[Choice;Choice;Price;Name;Food;];": 1, + "Booking-NoBook[Day;Time;People;Name;];": 1, + "Train-Inform[Arrive;Leave;Dest;Id;];Train-Request[People;];": 1, + "Hotel-Recommend[none;];Booking-Inform[none;];Hotel-Inform[Area;Name;Choice;Price;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Stars;Choice;Type;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Choice;Area;];": 1, + "Restaurant-Select[Area;Area;];Booking-Inform[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Area;Choice;Price;];": 1, + "Train-Inform[Dest;Choice;Day;Depart;];Train-Request[Leave;];": 1, + "Train-Inform[Depart;Leave;Id;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Choice;];Train-NoOffer[Leave;Choice;];Train-OfferBook[none;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Post;Addr;];": 1, + "Train-Inform[Ticket;Id;Id;Arrive;Arrive;Choice;];Train-Select[none;];": 1, + "Attraction-Select[Area;];Attraction-NoOffer[Type;Area;];": 1, + "Attraction-Inform[Area;Phone;Name;Type;];": 1, + "Attraction-Inform[Phone;Fee;Area;Name;];": 1, + "Restaurant-Inform[Name;];Restaurant-Recommend[none;];Booking-Book[Ref;];": 1, + "Train-Inform[Arrive;Id;Depart;Leave;];Booking-Inform[none;];": 1, + "Train-Inform[Ticket;Id;Arrive;Leave;];Train-OfferBook[People;];Train-Request[People;];": 1, + "Hotel-Inform[Choice;Type;];general-reqmore[none;];Train-OfferBooked[Ref;];": 1, + "Hotel-Recommend[Area;Name;Addr;];Booking-Inform[none;];": 1, + "Hotel-NoOffer[Type;Price;];Hotel-Select[Type;Price;];": 1, + "Train-Inform[Day;Choice;Leave;];Train-Request[Leave;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Parking;Type;];": 1, + "Train-Inform[Id;];Train-OfferBooked[Ref;Ticket;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Internet;Type;Parking;];": 1, + "Train-Inform[Arrive;Day;Dest;Choice;];Train-Select[none;];": 1, + "Hotel-NoOffer[Price;Stars;];general-reqmore[none;];": 1, + "Hotel-Inform[Post;Internet;Addr;Addr;Addr;];": 1, + "Booking-Inform[Name;];Booking-Request[Day;People;];": 1, + "Train-Inform[Arrive;Choice;Leave;Dest;];general-reqmore[none;];": 1, + "Hotel-Request[Type;Internet;Parking;];Hotel-Inform[Price;Choice;];": 1, + "Hotel-Inform[Price;Name;Name;Choice;Internet;Type;Parking;Area;Stars;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Price;Area;Name;];": 1, + "Hotel-NoOffer[Area;Type;];general-greet[none;];": 1, + "Train-Inform[Ticket;Id;Dest;];": 1, + "Attraction-Inform[Fee;Post;Addr;Addr;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Choice;Price;Price;Area;Area;];": 1, + "Hotel-NoOffer[Parking;Type;];": 1, + "Hotel-Inform[Parking;Price;Stars;Name;];": 1, + "Hotel-Inform[Choice;Type;Stars;Parking;Price;Price;];general-reqmore[none;];": 1, + "Hotel-Inform[Stars;Price;Price;Choice;Name;Name;Type;Internet;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Area;Area;Price;Price;Type;Choice;];": 1, + "Train-Inform[Ticket;Dest;Arrive;Day;];": 1, + "Train-Inform[Ref;];Hotel-Request[Type;Price;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Price;Choice;Choice;Choice;Type;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Choice;Choice;];": 1, + "Booking-NoBook[Ref;];general-greet[none;];": 1, + "Restaurant-Inform[Food;Food;Price;Choice;Choice;Choice;Area;Name;Name;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;Area;Area;];": 1, + "Booking-Book[People;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Attraction-Recommend[Addr;Name;Type;];Booking-Book[Ref;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Price;Price;];": 1, + "Restaurant-Request[Area;];general-greet[none;];Restaurant-Inform[Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Name;Name;Name;Area;];": 1, + "Attraction-Recommend[Addr;Name;];general-reqmore[none;];Attraction-Inform[Fee;Area;Type;Choice;];": 1, + "Hotel-Select[Type;Area;];Hotel-Inform[Choice;];": 1, + "Restaurant-Inform[Name;Food;Post;Area;];": 1, + "general-greet[none;];Booking-Book[Day;Ref;Time;People;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;Name;Post;];": 1, + "Train-Inform[Arrive;Choice;Leave;Leave;Leave;Leave;Leave;Leave;Depart;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Parking;Internet;Stars;Name;Area;];Booking-Inform[none;];": 1, + "Hotel-NoOffer[Type;Stars;Internet;Price;];Hotel-Select[Price;];": 1, + "Hotel-NoOffer[Type;Price;];Hotel-Inform[Stars;Price;Type;Choice;];": 1, + "Hotel-Inform[Internet;Type;Parking;Area;Name;Stars;Addr;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Stars;Price;Choice;Type;];": 1, + "Hotel-NoOffer[Stars;Type;];Hotel-Inform[Type;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Choice;Price;Price;Food;];": 1, + "general-bye[none;];Booking-Book[Name;Ref;];": 1, + "general-greet[none;];general-reqmore[none;];Booking-Book[Time;Ref;Name;Day;People;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Post;Addr;Addr;];": 1, + "Hotel-Recommend[Addr;Name;];Booking-Inform[none;];general-greet[none;];": 1, + "Train-OfferBook[Id;Ticket;Leave;Arrive;];": 1, + "Restaurant-Inform[Phone;Food;Name;Area;Price;Post;Post;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;Type;];": 1, + "Booking-Inform[none;];Booking-Request[Time;Day;];Restaurant-Inform[Name;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Choice;Type;Addr;Addr;];": 1, + "Hotel-Inform[Internet;];Booking-Request[Day;People;];": 1, + "Attraction-Recommend[Name;Post;Addr;];general-reqmore[none;];": 1, + "Booking-NoBook[none;];Booking-Request[Time;];Restaurant-Inform[Name;Name;];": 1, + "Taxi-Inform[Arrive;Car;Phone;Depart;Dest;];general-reqmore[none;];": 1, + "Train-Inform[Choice;];Train-Request[Arrive;Dest;Day;];": 1, + "Train-Inform[Id;Dest;Leave;Depart;];Train-OfferBooked[People;];": 1, + "Restaurant-Inform[Name;Name;Name;Name;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Name;Food;];": 1, + "Train-Inform[Arrive;Arrive;Id;Leave;];Train-Select[none;];": 1, + "Restaurant-Inform[Addr;Phone;Area;];Booking-Book[Name;];": 1, + "Attraction-Inform[Fee;Post;Type;];": 1, + "Hotel-Inform[Price;Choice;Internet;];": 1, + "Restaurant-Inform[Name;Name;Name;Choice;];": 1, + "Train-Inform[Leave;Leave;Choice;];Train-Request[Leave;];": 1, + "Train-Inform[People;];Train-OfferBooked[Id;People;Ref;Ticket;];": 1, + "Restaurant-Request[Price;Area;];Restaurant-NoOffer[Food;Price;Area;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Choice;Choice;Type;];": 1, + "Hotel-Recommend[Price;Name;Parking;Internet;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Addr;Name;Price;];": 1, + "Booking-Book[Day;Ref;People;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Price;Price;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Area;Area;];": 1, + "Hotel-Inform[Type;Stars;Parking;Name;Area;Internet;Price;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Name;Choice;Parking;Stars;];": 1, + "Hotel-NoOffer[Price;Type;Area;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Price;Area;Type;];": 1, + "Booking-NoBook[Time;];": 1, + "Booking-Book[Ref;Name;];general-reqmore[none;];Restaurant-Inform[Food;Price;];": 1, + "Restaurant-Inform[Food;Price;Area;Addr;Name;Post;Phone;];": 1, + "Train-Inform[Depart;Leave;];Train-Request[Dest;];": 1, + "Attraction-Inform[Choice;Choice;Fee;Fee;];": 1, + "Taxi-Inform[Car;];Restaurant-Inform[Post;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;Price;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[Parking;Price;Area;Area;Internet;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Stars;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Addr;Post;];": 1, + "Train-Inform[Arrive;Leave;Time;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Name;Post;Addr;];": 1, + "Train-Inform[Arrive;Id;Depart;Leave;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[Depart;Ticket;Day;Id;Leave;Ref;People;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Price;Name;Area;];general-reqmore[none;];": 1, + "Booking-NoBook[none;];general-reqmore[none;];Restaurant-Inform[Choice;Price;Name;Food;];": 1, + "general-welcome[none;];Booking-Request[Day;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Price;Type;Choice;];": 1, + "Hotel-Inform[Choice;Type;Parking;Internet;];": 1, + "Attraction-Inform[Addr;Area;Name;Type;];": 1, + "Hotel-Recommend[Name;Area;];Booking-Inform[none;];Hotel-Inform[Internet;Parking;Stars;];": 1, + "Hotel-Inform[Choice;Stars;Stars;Parking;Name;Name;Area;Internet;];": 1, + "Train-Inform[none;];Train-OfferBook[Choice;];": 1, + "Restaurant-Recommend[Name;Addr;Price;];Restaurant-Inform[Choice;Food;];": 1, + "Booking-Inform[none;];Booking-Request[Time;People;];Restaurant-Inform[Price;Name;Food;Area;];": 1, + "Train-Inform[Choice;Dest;Day;];Train-Request[Leave;Arrive;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;];Restaurant-Inform[Choice;Price;];": 1, + "Attraction-Inform[Choice;Type;Fee;];": 1, + "Train-Inform[Choice;Leave;];Train-Request[Dest;Day;];": 1, + "Train-Inform[Dest;Leave;Day;Depart;];": 1, + "Restaurant-Select[Food;Food;Food;Food;];Restaurant-Request[Food;];Restaurant-Inform[Choice;];": 1, + "Restaurant-Inform[Addr;Addr;Name;Phone;];": 1, + "Train-NoOffer[none;];Train-Select[Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Area;Type;Choice;];": 1, + "Booking-Inform[Name;];Restaurant-Inform[Food;Area;Choice;Price;];": 1, + "Attraction-Inform[Fee;Area;Name;Addr;Addr;];": 1, + "Booking-Inform[People;Day;Time;];Restaurant-Inform[Name;];": 1, + "Train-Inform[Arrive;Leave;Depart;Dest;Time;];general-reqmore[none;];": 1, + "Train-Inform[Depart;Leave;Id;Time;];": 1, + "Attraction-Inform[Area;Fee;Phone;Name;];": 1, + "Train-Inform[Id;Dest;Arrive;Choice;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Area;Choice;Price;];Train-Request[People;];": 1, + "Train-Inform[Day;Leave;Depart;Dest;Id;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Attraction-Inform[Phone;Post;Fee;];Train-Request[Depart;Dest;];": 1, + "Hotel-Recommend[Name;Internet;Parking;Area;Stars;];Hotel-Inform[Type;Parking;Choice;Price;];": 1, + "Train-Inform[Arrive;Id;];Train-Request[Leave;];": 1, + "Train-Inform[Id;];general-reqmore[none;];Train-OfferBooked[Ref;Ticket;];": 1, + "Attraction-Inform[Phone;Addr;Name;Post;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Name;Price;];": 1, + "Hotel-Inform[Type;Phone;Internet;Parking;Stars;Name;Price;Area;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Type;Choice;];general-greet[none;];": 1, + "Hotel-Inform[Area;Area;Choice;Choice;];": 1, + "Hotel-Inform[Addr;Addr;Name;Post;];": 1, + "Attraction-Recommend[Fee;Post;Phone;Name;Type;];": 1, + "Hotel-Recommend[Name;Name;Price;Price;Type;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Post;Addr;];": 1, + "Restaurant-Request[Food;];Booking-NoBook[Day;];Booking-Request[Day;];": 1, + "Restaurant-Recommend[Price;Name;];Restaurant-Inform[Price;Name;];": 1, + "Train-Inform[Dest;];Train-Request[Depart;Arrive;];": 1, + "Booking-Inform[Name;];Booking-Request[People;];general-greet[none;];": 1, + "Booking-Request[Time;];Restaurant-Inform[Food;Choice;Area;Price;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Food;Food;Food;Food;Food;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Choice;Food;Area;];": 1, + "Restaurant-Select[Food;];Restaurant-Inform[Choice;Price;Area;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Choice;Type;];": 1, + "Attraction-Request[Name;];Attraction-Recommend[Name;];general-greet[none;];Attraction-Inform[Choice;];": 1, + "Train-Inform[Choice;Arrive;Arrive;Arrive;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Ticket;];Train-Select[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Food;Phone;Post;Area;];": 1, + "Restaurant-Select[Food;Food;];Restaurant-Inform[Price;Choice;];": 1, + "Booking-Inform[none;];Hotel-Request[Type;];Hotel-Inform[Choice;Internet;Type;Stars;];": 1, + "Attraction-Inform[Post;Name;];Train-Request[Depart;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Phone;Fee;];": 1, + "Hotel-Inform[Addr;Phone;Price;];general-reqmore[none;];": 1, + "Train-Inform[Day;Leave;Depart;];Train-Select[none;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Food;Choice;Price;];": 1, + "Train-OfferBooked[Ref;Leave;Day;Id;Depart;];": 1, + "Attraction-Recommend[Name;Fee;Type;];Attraction-Inform[Choice;Area;];": 1, + "Attraction-Select[none;];general-greet[none;];Attraction-Inform[Name;Name;Addr;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Fee;Choice;Choice;];": 1, + "Hotel-Request[Stars;Price;Area;Parking;Internet;];Hotel-Inform[Type;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Parking;Type;Stars;Area;Price;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-NoOffer[Area;Stars;Type;];Hotel-Inform[Stars;Price;Name;Type;];": 1, + "Train-Inform[Choice;Ticket;Time;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Area;Internet;Choice;Price;Parking;];": 1, + "Hotel-Recommend[Price;Name;Stars;];Hotel-Select[none;];Hotel-Inform[Choice;Type;];": 1, + "Train-Inform[Leave;Depart;Id;Dest;];": 1, + "Hotel-Inform[Price;Addr;];": 1, + "Restaurant-Select[none;];Restaurant-NoOffer[none;];Restaurant-Inform[Choice;Name;Name;Name;Food;Food;];": 1, + "Hotel-Recommend[Parking;Price;Internet;Area;Name;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Internet;Price;Choice;Type;];": 1, + "Restaurant-Inform[Choice;Area;Name;];": 1, + "Booking-Request[People;];Restaurant-Inform[Addr;Addr;];": 1, + "Train-Inform[Ticket;People;];": 1, + "Train-Inform[Ticket;];general-bye[none;];general-welcome[none;];": 1, + "Restaurant-Select[Price;Price;Price;];Restaurant-Inform[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Food;Food;Area;];": 1, + "Booking-Book[Ref;];Booking-NoBook[none;];general-reqmore[none;];Restaurant-Inform[Name;Addr;];": 1, + "Attraction-Recommend[Area;Name;];Attraction-Inform[Fee;Post;];": 1, + "Booking-Inform[none;];Hotel-Select[Name;Name;Name;];": 1, + "Restaurant-Select[Food;Food;Food;Food;];Restaurant-Request[Area;Price;];Restaurant-Inform[Area;Choice;Price;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Arrive;Id;Leave;];": 1, + "Attraction-Inform[Area;Type;Type;Type;Type;Choice;];": 1, + "Train-Inform[Id;Leave;Leave;Leave;];Train-Request[Depart;];": 1, + "Train-Inform[Time;Id;Arrive;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Food;Price;];": 1, + "Booking-Book[none;];general-reqmore[none;];Restaurant-Inform[Addr;];": 1, + "Booking-NoBook[Name;];Booking-Request[People;Time;Day;];": 1, + "Attraction-Recommend[Area;Name;];Attraction-Inform[Type;Choice;];": 1, + "Restaurant-Request[Price;Food;];Restaurant-Inform[Choice;Area;];": 1, + "Restaurant-Select[Name;];Restaurant-Inform[Food;Choice;];": 1, + "Hotel-Recommend[Choice;];Hotel-Request[Area;];": 1, + "Attraction-Inform[Post;Phone;Fee;Addr;Addr;Name;];": 1, + "Hotel-Recommend[Internet;Parking;Name;Price;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Name;];general-reqmore[none;];Booking-Book[Ref;People;Stay;];": 1, + "Hotel-Inform[Internet;Post;];": 1, + "Attraction-NoOffer[Area;];Attraction-Inform[Area;Type;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Addr;Name;];": 1, + "Train-Inform[Choice;Arrive;Arrive;Leave;Leave;];": 1, + "Train-OfferBook[Day;Arrive;Id;Dest;];Train-Request[People;];": 1, + "Restaurant-Inform[Price;Addr;Name;Area;];": 1, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Post;Phone;Addr;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Area;Food;Price;Choice;];": 1, + "Hotel-Inform[Phone;Parking;Name;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Price;Type;Stars;];general-reqmore[none;];": 1, + "Attraction-Recommend[Post;Name;Addr;];": 1, + "Hotel-Inform[Price;Choice;Stars;];": 1, + "Restaurant-Select[none;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;Food;Price;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Stars;Parking;Price;Price;Choice;Internet;];": 1, + "Hotel-Inform[Price;Name;Internet;Type;Parking;Area;Stars;];general-reqmore[none;];": 1, + "Train-OfferBooked[Ticket;Day;Ref;];": 1, + "Booking-Inform[none;];Booking-Request[Day;];general-greet[none;];": 1, + "general-reqmore[none;];Booking-Book[Stay;Day;Name;Ref;];": 1, + "Attraction-Inform[Fee;Type;Addr;Addr;Area;];": 1, + "Train-OfferBook[Dest;Depart;Leave;];": 1, + "Attraction-Inform[Area;Type;Phone;];": 1, + "Train-Inform[Dest;Choice;Day;];Train-Request[Depart;Arrive;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Phone;Post;Addr;Addr;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Name;Area;Area;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Area;Phone;Fee;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Choice;Type;Type;];": 1, + "Hotel-Inform[Price;Post;];": 1, + "Train-Inform[Time;];Train-Request[Day;Leave;];": 1, + "Train-Inform[Arrive;Ticket;Id;];": 1, + "Hotel-Inform[Stars;Price;Price;Name;Name;Type;Type;];general-reqmore[none;];": 1, + "Restaurant-Request[Food;Area;Price;];Restaurant-NoOffer[none;];": 1, + "Train-Inform[Depart;Dest;Ticket;Time;Day;Arrive;Id;Leave;];general-reqmore[none;];": 1, + "Attraction-Recommend[Type;Area;Name;];Attraction-Inform[Phone;Fee;Addr;];": 1, + "Hotel-Recommend[Name;Price;Stars;];Booking-Inform[none;];Hotel-Inform[Internet;Parking;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Parking;Price;Stars;Type;Internet;];": 1, + "Train-Inform[Arrive;Choice;Leave;Dest;];Train-NoOffer[Leave;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Name;Name;Type;Choice;];": 1, + "Attraction-Inform[Post;Post;Phone;Phone;Name;Name;Addr;Addr;Addr;];": 1, + "Hotel-Inform[Type;Type;Internet;Name;Name;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Price;Choice;];": 1, + "Hotel-Inform[Name;Choice;Type;Price;];general-reqmore[none;];": 1, + "Restaurant-Select[Area;Food;];Restaurant-Inform[Name;Area;];": 1, + "Restaurant-Inform[Food;Area;Choice;Name;Name;Name;Name;];": 1, + "Hotel-Inform[Type;Choice;Stars;Price;Area;];": 1, + "Hotel-Request[Area;Stars;Price;];Hotel-NoOffer[Type;];": 1, + "Hotel-Select[none;];Hotel-NoOffer[Type;Area;];Hotel-Inform[Choice;Area;Area;Area;Type;];": 1, + "Hotel-Inform[Stars;Parking;Name;Internet;];": 1, + "Hotel-Inform[Internet;Addr;Parking;Stars;Name;Price;Area;];": 1, + "Attraction-Recommend[Fee;Name;Area;];Attraction-Inform[Type;Choice;];": 1, + "Restaurant-Inform[Choice;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Dest;Depart;Id;Leave;];": 1, + "Restaurant-NoOffer[Price;Food;Area;];Restaurant-Inform[Choice;Area;];": 1, + "Restaurant-Inform[Area;];Booking-Book[Ref;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Area;Name;Stars;];": 1, + "Train-Inform[Leave;Leave;Leave;Leave;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Name;Name;Name;Food;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Name;Choice;];": 1, + "Attraction-Inform[Fee;Phone;Post;Name;Addr;Addr;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Open;Phone;];": 1, + "Train-Inform[Choice;Leave;];Train-Request[Depart;Day;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Price;Price;Area;Food;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;Name;Name;Name;Price;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Addr;Phone;];": 1, + "Booking-Inform[People;];Booking-Request[People;Time;];": 1, + "Restaurant-Inform[Phone;Price;Addr;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Choice;Type;Type;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Parking;Internet;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Ref;Dest;Id;Depart;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Internet;Type;Parking;];": 1, + "general-reqmore[none;];Booking-Book[Ref;Name;Name;Name;];": 1, + "Restaurant-Inform[Choice;Area;Addr;Addr;Name;];": 1, + "Booking-Book[People;Day;Name;Time;Ref;];general-reqmore[none;];Restaurant-Inform[Addr;];": 1, + "Train-Inform[Arrive;Leave;Dest;Id;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Area;Food;];": 1, + "Hotel-Recommend[Internet;Name;Parking;];Booking-Inform[none;];Booking-NoBook[none;];": 1, + "Train-Inform[Arrive;Id;Leave;];Train-Request[Leave;];": 1, + "Train-Inform[Id;Dest;Time;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Stars;Name;Post;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Food;Area;Price;];": 1, + "Attraction-Recommend[Area;Name;];general-reqmore[none;];Attraction-Inform[Addr;Addr;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Type;Type;Fee;Choice;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Phone;Name;Addr;Food;Price;];": 1, + "Booking-Request[Time;People;];Restaurant-Inform[Addr;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Food;Area;Area;Area;];": 1, + "Attraction-NoOffer[none;];Attraction-Inform[Type;Area;];": 1, + "Attraction-Select[Name;];Attraction-Inform[Choice;Area;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Area;Area;Choice;Choice;Price;Price;];": 1, + "Hotel-Inform[Addr;Price;Stars;];general-reqmore[none;];": 1, + "Restaurant-Inform[Addr;Area;Choice;Price;];": 1, + "Train-Inform[Arrive;Arrive;Dest;Id;];": 1, + "Hotel-Inform[Internet;Addr;Parking;Stars;Name;Price;Area;];general-reqmore[none;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Area;Area;Choice;];": 1, + "Restaurant-Inform[Price;Area;];Booking-Book[Name;Ref;];": 1, + "Attraction-Select[none;];general-greet[none;];Attraction-Inform[Type;Type;Type;Type;Choice;];": 1, + "Attraction-Recommend[Area;Phone;Addr;Name;Type;];": 1, + "Train-Inform[Leave;Dest;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Name;Area;Internet;Parking;];": 1, + "Train-Inform[Dest;];Train-Request[Arrive;Day;];": 1, + "Train-OfferBook[none;];Hotel-Request[Price;Area;];Hotel-Inform[Type;Parking;Choice;];": 1, + "Restaurant-Recommend[Phone;Name;Addr;Area;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Arrive;];Train-Request[Depart;Day;];": 1, + "Train-Inform[Leave;Leave;Choice;];Train-OfferBook[none;];Train-Request[Leave;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Price;Type;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-NoOffer[Area;Name;];": 1, + "Hotel-Recommend[Type;];Hotel-Request[Area;];Hotel-NoOffer[Area;Stars;Type;];": 1, + "Hotel-Recommend[Name;Addr;];Hotel-Inform[Choice;];general-reqmore[none;];": 1, + "Attraction-Request[Type;];Attraction-NoOffer[Type;Area;];Attraction-Inform[Post;Addr;];": 1, + "Restaurant-NoOffer[Food;Area;];Restaurant-Inform[Food;Food;Food;];": 1, + "Train-Inform[Arrive;];Train-OfferBook[Id;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Post;Area;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Choice;];": 1, + "Train-Inform[Choice;Ticket;Dest;Time;];Train-Request[Leave;];": 1, + "Attraction-Inform[Name;Name;Name;Name;Name;Area;Type;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Price;Choice;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Addr;Addr;Addr;Fee;];": 1, + "Hotel-Inform[Post;Price;Phone;];": 1, + "Booking-Book[Time;Day;Name;];": 1, + "Train-Inform[Day;Leave;];Train-NoOffer[Leave;];": 1, + "Train-Inform[Arrive;Dest;Depart;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Time;Choice;Leave;Leave;];Train-Select[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Select[none;];Hotel-Inform[Type;Area;Price;];": 1, + "Train-Inform[Day;Choice;Leave;Leave;];Train-Request[Leave;];": 1, + "Hotel-Inform[Price;Price;Type;Type;];general-reqmore[none;];": 1, + "Hotel-Inform[Post;Post;Choice;Type;Type;Internet;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Name;Type;Type;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Type;Price;];": 1, + "Hotel-NoOffer[Price;Stars;];Hotel-Inform[Stars;Name;];": 1, + "Attraction-Recommend[Name;Addr;Addr;Addr;Phone;Type;];": 1, + "Hotel-Recommend[Area;Name;Stars;];Hotel-NoOffer[Type;Stars;];": 1, + "Hotel-Inform[Phone;Name;Internet;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Type;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Id;Ticket;Time;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Price;Choice;Food;Area;];": 1, + "Restaurant-NoOffer[none;];general-reqmore[none;];Restaurant-Inform[Price;Food;];": 1, + "Attraction-Inform[Type;Fee;Choice;Phone;Name;Addr;Addr;Area;];": 1, + "Attraction-Inform[Post;Name;];Train-OfferBooked[People;Ref;];": 1, + "Hotel-Recommend[Name;Addr;Addr;];Booking-Inform[none;];": 1, + "Restaurant-Inform[Phone;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Internet;Parking;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Choice;Fee;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Price;Price;Name;Name;Food;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Price;];": 1, + "Hotel-Inform[Phone;Price;Addr;Addr;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Price;Name;Name;Name;];Restaurant-Inform[Name;Food;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Area;Stars;Name;Type;Internet;];": 1, + "Train-Inform[Leave;Leave;Leave;];Train-Select[none;];": 1, + "Train-Inform[Ticket;Id;Ref;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Post;Phone;Fee;];": 1, + "Train-Inform[Arrive;Id;Dest;Depart;];Train-Select[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Choice;Choice;Price;Price;];": 1, + "Train-Inform[Day;Choice;Depart;];Train-Request[Arrive;Leave;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Ref;Day;Id;];": 1, + "Hotel-Recommend[Name;];Hotel-Select[none;];Hotel-Inform[Type;Stars;Area;Price;];": 1, + "Train-Inform[Choice;Day;Depart;];Train-Request[Arrive;];": 1, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Internet;Parking;Choice;];": 1, + "Restaurant-Request[Food;];Hotel-Request[Price;];Hotel-Inform[Choice;Type;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Booking-Request[Time;];": 1, + "Booking-Book[Day;Ref;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Train-Inform[Leave;Leave;Leave;Leave;Leave;Leave;Leave;Leave;];Train-Select[none;];": 1, + "Restaurant-NoOffer[Food;];Restaurant-Inform[Food;Food;Food;Food;Food;Food;Food;Food;Choice;Price;];": 1, + "Attraction-Select[Type;Type;];Attraction-Inform[Area;Type;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Type;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Price;];": 1, + "Restaurant-Select[Price;Price;];Restaurant-Inform[Choice;Choice;Food;Area;];": 1, + "Restaurant-Inform[Food;Addr;Area;Price;];": 1, + "Hotel-Recommend[Name;Area;];Restaurant-Inform[Phone;Name;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Phone;Addr;];": 1, + "Train-Inform[Ticket;Time;Leave;Id;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Food;Name;Area;Phone;];": 1, + "Train-Inform[Choice;Dest;Day;Arrive;Leave;];Train-Request[Leave;];": 1, + "general-greet[none;];Train-Request[Arrive;Depart;];": 1, + "Restaurant-NoOffer[Food;];Attraction-Inform[Type;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Choice;Internet;Parking;Name;];": 1, + "Train-Inform[Id;Arrive;Depart;Dest;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Price;Price;Choice;];": 1, + "Restaurant-Recommend[Post;Addr;Name;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Price;Parking;Type;];Booking-Request[Day;];": 1, + "Train-Inform[Arrive;Id;Leave;];Train-OfferBook[none;];Train-Request[Leave;];": 1, + "Hotel-NoOffer[Internet;Price;];": 1, + "Hotel-Recommend[Name;Post;Addr;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;Addr;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Type;Area;Area;Stars;];": 1, + "Booking-Book[Name;Day;];": 1, + "Restaurant-Inform[Name;Area;Food;];Attraction-Inform[Type;];": 1, + "Hotel-Inform[Price;Type;Name;];": 1, + "Hotel-Inform[Addr;Post;Price;Name;Type;];": 1, + "general-welcome[none;];Train-Request[Leave;Day;];": 1, + "Train-OfferBooked[Id;Day;Depart;Ticket;People;Leave;Ref;];": 1, + "Restaurant-Select[none;];general-greet[none;];Restaurant-Inform[Choice;Name;Name;Name;];": 1, + "Train-NoOffer[Depart;Dest;Day;];": 1, + "Restaurant-Inform[Name;Name;Area;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Post;Area;Phone;Parking;Price;Type;Internet;];general-greet[none;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-Inform[Choice;Internet;];general-reqmore[none;];": 1, + "general-greet[none;];Train-Request[Day;Depart;Dest;Leave;];": 1, + "Restaurant-Select[Price;];Restaurant-Inform[Price;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Food;];Restaurant-Inform[Area;Food;Choice;Price;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Choice;Name;Area;];": 1, + "Hotel-Inform[Price;Price;Area;Area;Name;Name;];": 1, + "Hotel-Inform[Choice;Name;Name;Name;Name;Type;Stars;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Area;Name;];": 1, + "Train-Request[Day;Depart;Dest;Leave;];": 1, + "Train-Inform[Leave;Id;Ticket;];general-greet[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Depart;Arrive;Id;Dest;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Parking;Price;Price;Choice;Type;];": 1, + "Hotel-Inform[Name;Area;];Booking-Book[Ref;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Area;Area;Area;Area;Type;Name;];": 1, + "Attraction-Inform[Area;Post;Name;];": 1, + "general-bye[none;];general-welcome[none;];Booking-Book[Ref;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Stars;Name;Price;];Restaurant-Inform[Phone;];": 1, + "Hotel-Select[Type;Type;];Hotel-Inform[Name;Area;Stars;Price;];": 1, + "Hotel-Inform[Area;Name;Name;Price;Price;Stars;];general-greet[none;];": 1, + "Hotel-Inform[Area;Addr;Price;];": 1, + "Hotel-Select[Stars;];Hotel-NoOffer[Type;];": 1, + "Hotel-Select[Type;Type;Price;Price;Price;];": 1, + "Hotel-Inform[Area;Price;Stars;Name;Type;];": 1, + "Attraction-Inform[Fee;Phone;Name;Area;];": 1, + "Hotel-NoOffer[Type;Area;Price;];Hotel-Inform[Price;Internet;Parking;Name;];": 1, + "Hotel-Inform[Addr;Area;Name;];": 1, + "Train-Inform[Arrive;Leave;Ticket;Id;Dest;];": 1, + "Hotel-Select[Price;Type;];general-reqmore[none;];Hotel-NoOffer[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Price;];": 1, + "Hotel-Inform[Area;Area;Area;Area;Choice;Type;Stars;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Choice;Internet;Parking;];": 1, + "Attraction-NoOffer[Type;];Attraction-Inform[Choice;Type;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Stars;Parking;Internet;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Name;Name;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Choice;Stars;Name;];": 1, + "Taxi-Inform[Car;Phone;];Booking-Inform[Name;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Price;Parking;Type;];general-reqmore[none;];": 1, + "Attraction-Inform[Type;Choice;Area;Fee;];": 1, + "Train-Inform[Dest;];Train-Request[Dest;Leave;Arrive;];": 1, + "Attraction-Request[Type;];Hotel-Inform[Price;Name;];": 1, + "Attraction-Recommend[Name;Type;];Attraction-Select[none;];Attraction-Inform[Area;Fee;];": 1, + "general-greet[none;];Restaurant-Inform[Choice;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Type;Area;Addr;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Type;Addr;Phone;];": 1, + "Booking-Inform[none;];Restaurant-NoOffer[Food;Area;];Restaurant-Inform[Choice;Area;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Name;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Phone;Post;Fee;];": 1, + "Hotel-Select[Price;Price;];Hotel-Inform[Type;Choice;];": 1, + "Restaurant-Inform[Food;Price;Choice;Area;Area;Name;Name;];": 1, + "Restaurant-Inform[Ref;Addr;Area;];Booking-Book[Name;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Price;Food;Name;];": 1, + "Attraction-Select[Area;Name;];Attraction-Inform[Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Area;Food;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Price;];": 1, + "Train-Inform[Choice;Dest;Day;Leave;];Train-Request[Leave;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Addr;Addr;Addr;Choice;];": 1, + "Restaurant-Inform[Addr;Name;Price;];": 1, + "Hotel-Recommend[Internet;Type;Price;Name;Parking;];general-reqmore[none;];": 1, + "Hotel-Request[Type;];general-reqmore[none;];": 1, + "Attraction-Request[Type;];Attraction-Recommend[Type;];Attraction-Inform[Choice;Area;];": 1, + "Hotel-Recommend[Type;Name;Area;];Hotel-Inform[Internet;];": 1, + "Train-OfferBook[People;];Train-Request[People;];": 1, + "Train-Inform[Dest;Arrive;Choice;Choice;];Train-Request[Depart;Day;];": 1, + "Attraction-Inform[Fee;Fee;Phone;];": 1, + "Booking-Inform[People;];Restaurant-Recommend[Name;];Booking-Request[Day;Time;];": 1, + "Attraction-Recommend[Name;Addr;];Attraction-Inform[Choice;Area;Type;Fee;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Price;Addr;Food;];": 1, + "Attraction-Inform[Post;Addr;Addr;Type;Area;Phone;Fee;Name;];": 1, + "Hotel-Inform[Type;Phone;Post;Addr;Addr;Addr;Stars;Area;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Fee;Choice;Choice;];": 1, + "Attraction-Inform[Name;Fee;Phone;Type;Area;];": 1, + "Train-Inform[Depart;Dest;Ticket;Id;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Inform[Price;Post;Phone;];": 1, + "Hotel-Recommend[Type;Price;Name;Stars;Area;];Hotel-NoOffer[none;];": 1, + "Attraction-Recommend[Area;Phone;Name;];general-reqmore[none;];": 1, + "Train-OfferBook[Arrive;Id;];general-reqmore[none;];": 1, + "Train-Inform[Id;Ref;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Type;Type;Parking;Choice;];": 1, + "Hotel-Request[Stars;];Hotel-NoOffer[Type;Type;];": 1, + "Hotel-NoOffer[Area;Price;Parking;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Price;Choice;Area;];": 1, + "Hotel-Inform[Name;Name;Name;Type;Area;Area;Area;];": 1, + "Restaurant-Select[Food;Food;];Restaurant-Inform[Food;Choice;Area;];": 1, + "Restaurant-Select[Price;];Restaurant-Request[Price;];": 1, + "Booking-Request[Time;People;];Restaurant-Inform[Price;Area;Name;Food;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Stars;Price;Choice;Choice;Type;];": 1, + "Train-Inform[Leave;Leave;Depart;Id;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Area;Type;Choice;Choice;Choice;];": 1, + "Restaurant-Select[Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;];Restaurant-Inform[Choice;];": 1, + "Hotel-Inform[Choice;Internet;Type;Type;Parking;Stars;];": 1, + "Attraction-Request[Type;];Hotel-Request[Name;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;];Attraction-Inform[Name;Post;];": 1, + "Taxi-Inform[Dest;Car;Depart;Phone;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Addr;Area;];": 1, + "Train-Inform[Choice;Leave;Depart;];Booking-Request[Time;Day;People;];": 1, + "Booking-Inform[People;Stay;Day;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Type;Type;Area;Stars;];Hotel-Select[Stars;];": 1, + "Train-OfferBooked[Depart;Leave;Ref;Dest;Day;];": 1, + "Restaurant-Inform[Food;Area;Addr;];": 1, + "Attraction-Recommend[Open;Name;];Attraction-Inform[Type;Choice;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Type;Area;Fee;];": 1, + "Hotel-Request[Price;];Hotel-Select[none;];Hotel-Inform[Choice;Choice;Type;];": 1, + "Hotel-Inform[Choice;Parking;];general-greet[none;];": 1, + "Attraction-Inform[Name;Area;Post;Addr;Phone;];": 1, + "Attraction-Select[Type;Fee;];": 1, + "general-greet[none;];general-reqmore[none;];Train-OfferBooked[Ticket;Ref;People;];": 1, + "Restaurant-Inform[Choice;Name;Name;Food;Area;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Day;Dest;Depart;Arrive;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;Name;Choice;Price;Price;];": 1, + "Hotel-NoOffer[Price;Area;];": 1, + "Hotel-NoOffer[Area;];Hotel-Inform[Area;Choice;Stars;Stars;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Parking;Choice;Price;Price;Name;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Addr;Price;];": 1, + "Attraction-Inform[Name;Fee;Addr;Addr;Area;];": 1, + "Hotel-Inform[Type;Choice;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Internet;Type;];": 1, + "Hotel-Inform[Internet;Addr;Stars;Price;Area;];": 1, + "Attraction-Inform[Type;Choice;Choice;Area;Fee;];": 1, + "Attraction-Recommend[Fee;Type;Name;];Booking-Inform[none;];general-greet[none;];Attraction-Inform[Area;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Post;Name;Addr;Area;Food;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Day;Leave;Id;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Addr;Addr;Name;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Area;Name;];": 1, + "Hotel-Inform[Stars;Addr;Post;];": 1, + "Attraction-Inform[Post;Name;Type;];": 1, + "Taxi-Inform[Arrive;Phone;Car;Depart;Dest;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Name;Price;Area;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Internet;Choice;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Parking;Post;Area;Stars;Addr;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Choice;Name;Name;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Name;Name;Choice;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Area;];": 1, + "Hotel-NoOffer[Internet;Stars;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Parking;Stars;];general-reqmore[none;];": 1, + "Hotel-NoOffer[none;];Hotel-Select[Type;];": 1, + "Hotel-Recommend[Name;Parking;Internet;Area;];Booking-Inform[none;];Hotel-Inform[Choice;Type;];": 1, + "Attraction-Request[Type;];Attraction-NoOffer[none;];Attraction-Inform[Area;Type;];": 1, + "Train-Inform[Choice;Depart;];Train-Request[Day;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Parking;Price;Name;Type;];": 1, + "Restaurant-Inform[Phone;Name;Name;Addr;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Type;Internet;];": 1, + "Hotel-Recommend[Name;Price;Internet;Area;];": 1, + "Hotel-Inform[Name;Addr;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Type;Phone;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Post;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;Stars;Name;Price;];": 1, + "Train-Inform[Leave;Id;];Restaurant-Request[Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Area;Name;Choice;];": 1, + "Hotel-Request[Area;];Hotel-Select[none;];Hotel-Inform[Type;Area;Area;Area;];": 1, + "Train-Inform[Leave;Id;Choice;];": 1, + "Restaurant-Select[none;];Booking-Book[Name;];general-reqmore[none;];Restaurant-Inform[Ref;Area;];": 1, + "general-bye[none;];Restaurant-Inform[Name;];": 1, + "general-welcome[none;];Restaurant-Inform[Addr;Post;];": 1, + "general-welcome[none;];Attraction-Inform[Type;Type;Choice;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Type;Stars;];": 1, + "Hotel-Inform[Price;Price;];": 1, + "Booking-NoBook[none;];Hotel-Select[Price;];general-reqmore[none;];": 1, + "Restaurant-Select[Price;Choice;];": 1, + "Taxi-Inform[Car;Phone;Dest;];general-reqmore[none;];": 1, + "Hotel-Inform[Addr;Phone;Parking;Name;];": 1, + "Restaurant-Inform[Post;Addr;Area;Phone;];": 1, + "Train-Inform[Choice;Ticket;];Train-Request[Leave;];": 1, + "Train-Inform[Ticket;Id;Dest;Arrive;Choice;Leave;];": 1, + "Attraction-Recommend[Name;];general-greet[none;];Attraction-Inform[Fee;Post;];": 1, + "Train-OfferBook[People;Id;Depart;Leave;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Parking;Area;];": 1, + "Hotel-Recommend[Type;];Hotel-Inform[Internet;Parking;Choice;];general-reqmore[none;];": 1, + "Hotel-Recommend[Area;Type;Name;];Hotel-Inform[Choice;];general-reqmore[none;];": 1, + "Attraction-Select[none;];Attraction-NoOffer[Type;];Attraction-Inform[Type;Type;Choice;];": 1, + "Attraction-Inform[Type;Choice;Name;Addr;Phone;Area;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Area;Food;Price;];": 1, + "Booking-Inform[Day;];general-reqmore[none;];": 1, + "Train-Inform[Leave;Leave;Id;Id;];Train-Select[none;];": 1, + "Train-Inform[Ticket;People;];Train-OfferBook[none;];": 1, + "Train-Inform[Dest;Arrive;Leave;];Train-Select[none;];": 1, + "Train-Inform[People;];Train-OfferBook[Id;Ticket;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Addr;Name;Type;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Type;Type;Choice;Area;];": 1, + "Attraction-Inform[Type;Area;Choice;Fee;];": 1, + "Train-Inform[Choice;];Train-Request[Leave;Depart;Arrive;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Type;Type;Type;Type;Type;Type;Type;Type;Area;];": 1, + "Attraction-Recommend[Type;Area;Phone;Name;];": 1, + "general-welcome[none;];Restaurant-Inform[Name;];Booking-Book[Ref;Day;Time;People;];": 1, + "Train-OfferBooked[Depart;Day;Arrive;Id;Leave;Ref;Dest;People;];": 1, + "general-greet[none;];Restaurant-Inform[Post;Name;Addr;Area;];": 1, + "Train-Inform[Choice;Choice;Depart;];Train-Request[Day;];": 1, + "Train-Inform[Id;];Train-Request[Leave;Arrive;];": 1, + "Hotel-Recommend[Parking;Name;];Hotel-Inform[Addr;Stars;Parking;Area;Internet;];": 1, + "Booking-Inform[Name;People;Time;Day;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Select[none;];Hotel-Inform[Type;Type;Choice;Choice;Area;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Food;Food;Food;Food;Choice;Price;];": 1, + "Hotel-Recommend[none;];Booking-Inform[none;];Hotel-Inform[Internet;Parking;Area;Name;Stars;];": 1, + "Train-Inform[Depart;Arrive;Day;Dest;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Name;Post;Addr;Stars;Phone;];general-reqmore[none;];": 1, + "Hotel-Inform[Stars;Post;Phone;Name;];general-reqmore[none;];": 1, + "Train-Inform[Dest;Depart;Leave;];Train-Request[Leave;];": 1, + "Train-Inform[Arrive;Day;Leave;Depart;Dest;Id;];Train-Select[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Type;Name;Area;Addr;];": 1, + "general-welcome[none;];Train-Request[Depart;Dest;];": 1, + "Train-OfferBooked[Arrive;Day;Ref;Depart;Ticket;People;Dest;Leave;];": 1, + "Train-Inform[Time;Day;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Addr;Name;Type;];Booking-Inform[none;];Attraction-Inform[Fee;];": 1, + "Restaurant-Inform[Food;Food;Area;Choice;Choice;Price;Price;];": 1, + "Attraction-Select[Fee;Type;];Attraction-Inform[Type;Choice;];": 1, + "Attraction-Recommend[Addr;Name;];Attraction-Inform[Fee;Phone;];": 1, + "Hotel-Inform[Type;Parking;Stars;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Choice;];Train-Request[Depart;Leave;Day;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Type;Area;Phone;];": 1, + "Train-Inform[Leave;Leave;Leave;];Train-Select[Leave;Leave;];": 1, + "Hotel-Inform[Choice;Stars;Price;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Choice;Price;];": 1, + "Restaurant-Recommend[Name;Name;Price;Area;];general-reqmore[none;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Choice;Area;];": 1, + "Attraction-Inform[Name;Name;Name;Name;Name;Type;Area;];": 1, + "Train-Inform[Time;Ticket;Arrive;];general-reqmore[none;];": 1, + "Booking-Inform[Time;Day;];general-greet[none;];": 1, + "Train-Inform[Arrive;Leave;Ticket;Id;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Area;];Restaurant-Inform[Choice;Price;Food;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Food;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Area;Price;Food;];": 1, + "Attraction-Request[Area;Price;];Attraction-Recommend[Type;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Price;Price;Choice;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Parking;Choice;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Parking;Name;Name;Type;Choice;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Addr;Post;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;Area;];Attraction-Inform[none;];": 1, + "Restaurant-Inform[Name;Addr;Area;Price;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Food;Food;Choice;];": 1, + "Attraction-Inform[Fee;Type;Name;Addr;Choice;Choice;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Name;Name;Choice;];": 1, + "Train-Inform[Depart;Day;Arrive;Leave;Id;];Train-OfferBook[none;];": 1, + "Restaurant-Select[Price;Name;Area;];Booking-Inform[none;];": 1, + "Train-Inform[Arrive;Id;Depart;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Addr;Addr;Fee;Phone;];": 1, + "general-greet[none;];general-reqmore[none;];Booking-Book[Time;People;Day;Name;Ref;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Area;Name;];Restaurant-Inform[Choice;];": 1, + "Train-Inform[Leave;];Train-Request[Arrive;Dest;];": 1, + "Train-Inform[Choice;Leave;Leave;Leave;Depart;Dest;];Train-OfferBook[none;];": 1, + "Train-OfferBook[Depart;Leave;];Hotel-Request[Area;];": 1, + "Attraction-Inform[Type;Name;Addr;Addr;Phone;Post;Area;Fee;];": 1, + "Restaurant-Inform[Food;Food;Name;Name;Area;];": 1, + "Taxi-Inform[Dest;Depart;];": 1, + "Train-Inform[Dest;Time;Choice;Depart;];": 1, + "Attraction-Inform[Fee;Type;Name;Area;];": 1, + "Restaurant-Inform[Name;Food;Addr;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Phone;Addr;Addr;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Type;Area;Stars;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;Name;Name;Name;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Post;Addr;Addr;Addr;Phone;];": 1, + "Train-OfferBooked[Arrive;Id;Ticket;Ref;Leave;];": 1, + "Restaurant-Recommend[Area;Name;Name;Food;Food;];": 1, + "Hotel-Recommend[Name;Area;Addr;];Booking-Inform[none;];general-greet[none;];": 1, + "Hotel-Inform[Post;Stars;Name;Price;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Type;Type;Type;Choice;Choice;Choice;];": 1, + "Attraction-Recommend[Fee;Addr;Type;Post;Name;];": 1, + "Hotel-Select[Stars;Stars;Price;Price;];Hotel-Inform[Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Type;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Area;Food;Price;];Booking-Book[Ref;];": 1, + "Hotel-Request[Stars;Area;];Hotel-Inform[Choice;Type;Type;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Type;Type;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Phone;Post;];": 1, + "Attraction-Recommend[Name;Name;Name;];general-reqmore[none;];Attraction-Inform[Type;Area;Choice;Fee;];": 1, + "Attraction-Inform[Phone;Addr;Addr;Addr;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Price;Name;Name;Name;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Type;Type;Type;Type;Type;Type;Choice;];": 1, + "Attraction-Inform[Name;Post;Addr;Fee;];": 1, + "Attraction-Recommend[Name;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Type;Parking;];": 1, + "Attraction-Select[Choice;Type;Fee;Fee;Name;];": 1, + "Train-Inform[Leave;Leave;Depart;];Train-Request[Leave;Arrive;];": 1, + "Train-Inform[Choice;];Train-Request[Day;Leave;Depart;];": 1, + "Train-Inform[Depart;Leave;Day;];": 1, + "Hotel-Request[Internet;Parking;Price;];Hotel-Inform[Choice;];": 1, + "Hotel-Select[Area;Area;];Hotel-Inform[Internet;Choice;Type;Stars;];": 1, + "Hotel-Inform[Price;Name;Name;Choice;Internet;Type;Area;Area;];": 1, + "Restaurant-Recommend[Area;];Restaurant-Inform[Food;Choice;];": 1, + "Train-Inform[Id;Arrive;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Booking-NoBook[Stay;Day;];Booking-Request[Day;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Type;Choice;Choice;Choice;Price;Price;];": 1, + "Hotel-Request[Stars;Parking;Price;Internet;];Hotel-Inform[Area;Choice;Type;];general-greet[none;];": 1, + "Hotel-Request[Parking;];general-greet[none;];": 1, + "Hotel-Recommend[Name;Post;Price;Type;Addr;];": 1, + "general-greet[none;];Train-Request[Day;Leave;];": 1, + "Train-Inform[Leave;Arrive;Day;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Price;Choice;Choice;Type;Area;];": 1, + "Hotel-Inform[Stars;Stars;Parking;Name;Name;Internet;];": 1, + "Restaurant-Inform[Addr;Post;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Addr;Addr;Phone;];": 1, + "Hotel-Select[none;];general-reqmore[none;];Hotel-Inform[Type;Type;Internet;Choice;Stars;Stars;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Name;Internet;Parking;Stars;];": 1, + "Attraction-NoOffer[none;];Attraction-Inform[Choice;Type;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Phone;Addr;Post;Choice;];": 1, + "Train-Inform[Id;Depart;Ticket;Leave;];Train-Request[People;];": 1, + "Train-Inform[Arrive;Arrive;Id;Day;];Train-OfferBook[none;];": 1, + "Restaurant-Request[Food;];Train-OfferBooked[Ref;Id;Leave;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Name;Name;Name;Choice;];": 1, + "Attraction-Recommend[Phone;Post;Name;Fee;Addr;];": 1, + "Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Post;Phone;Area;];": 1, + "Train-Inform[Leave;Leave;Leave;Leave;Choice;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Train-Inform[Ticket;Ref;];general-reqmore[none;];Train-OfferBooked[Id;];": 1, + "Train-Inform[Arrive;Leave;Day;];Train-Request[Day;];": 1, + "Restaurant-Inform[Phone;Food;Name;Addr;Area;Price;Post;Post;];": 1, + "Restaurant-Inform[Phone;Name;Addr;Price;Post;Post;];": 1, + "Restaurant-Recommend[Name;Price;Area;];Restaurant-Inform[Name;Price;];": 1, + "Attraction-Request[Type;];general-greet[none;];Attraction-Inform[Type;Type;Type;Type;Type;Type;];": 1, + "Attraction-Request[Type;];Attraction-NoOffer[Type;Area;];general-reqmore[none;];": 1, + "Attraction-Recommend[Phone;Name;Addr;Addr;Addr;Post;];Attraction-Inform[Name;Fee;Phone;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Choice;];Attraction-Inform[Phone;Name;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Area;Choice;Stars;Stars;];": 1, + "Train-Inform[Leave;Leave;Depart;];Train-OfferBook[none;];": 1, + "Hotel-Request[Price;Stars;];Hotel-Select[Stars;Stars;];": 1, + "Hotel-Inform[Stars;Type;Type;Choice;];": 1, + "Train-Inform[Depart;Dest;Arrive;Id;Leave;];Train-OfferBook[People;];": 1, + "Train-OfferBooked[Ref;Leave;Ticket;Id;];": 1, + "Booking-NoBook[People;];Booking-Request[Day;Time;];": 1, + "Train-Inform[Leave;Leave;Leave;Leave;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[none;];Hotel-Inform[Price;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;Internet;Price;Stars;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Fee;Phone;Addr;Addr;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Food;Choice;Name;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Post;];": 1, + "Hotel-Recommend[Type;Price;Area;Name;];Booking-Inform[none;];": 1, + "Train-Inform[Day;Leave;Depart;Dest;Ticket;];": 1, + "Train-Inform[Dest;Leave;Leave;Leave;Day;Depart;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[Arrive;Day;Ref;Depart;Ticket;Id;Dest;Leave;];": 1, + "Booking-Book[Ref;Name;People;];general-reqmore[none;];Restaurant-Inform[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Price;Stars;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Food;Price;Name;Name;];": 1, + "Booking-Request[Stay;Day;];general-greet[none;];": 1, + "Booking-Inform[Name;Stay;Day;];general-reqmore[none;];general-greet[none;];": 1, + "Train-Inform[Depart;Ticket;Dest;Leave;Leave;Time;];": 1, + "Train-Inform[Arrive;Day;Id;];Train-OfferBook[none;];Train-Request[Leave;];": 1, + "Attraction-Request[Type;];Attraction-Recommend[Addr;Addr;Name;];general-reqmore[none;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Choice;Fee;Fee;];": 1, + "Train-Inform[Leave;Id;];Train-OfferBooked[Ref;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Area;Food;Name;Name;Name;Choice;];": 1, + "Booking-NoBook[Name;];Booking-Request[Time;];": 1, + "Booking-NoBook[Name;Time;];": 1, + "Booking-Book[Stay;Name;Name;Ref;Ref;];": 1, + "Restaurant-Inform[Name;Name;Name;Food;Food;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;Addr;Addr;];": 1, + "Hotel-Recommend[Price;Area;Name;];Booking-Inform[none;];Hotel-Inform[Stars;Parking;Internet;];": 1, + "Train-Inform[Ticket;Id;Time;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Stars;Choice;Area;Name;Type;Type;];general-reqmore[none;];": 1, + "Attraction-NoOffer[Type;Area;];general-reqmore[none;];Attraction-Inform[Choice;Area;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Post;Name;];": 1, + "Restaurant-Select[Area;Area;Area;];Restaurant-Request[Area;];Restaurant-Inform[Choice;Price;Food;];": 1, + "Hotel-Recommend[Parking;Name;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Choice;Internet;Parking;Name;Stars;];": 1, + "Booking-NoBook[Stay;Day;];Hotel-Inform[Name;];Booking-Request[Stay;Day;];": 1, + "Hotel-Inform[Name;];general-reqmore[none;];Booking-Book[Ref;Stay;Day;];": 1, + "Hotel-Recommend[Price;Area;Name;Name;];Booking-NoBook[none;];Hotel-Inform[Name;];": 1, + "Hotel-Recommend[Price;];Booking-NoBook[none;];": 1, + "Hotel-Recommend[Price;];Booking-NoBook[Stay;];": 1, + "Booking-Book[People;Ref;Day;Stay;Name;];": 1, + "Restaurant-Request[Price;Food;];Restaurant-NoOffer[Area;Price;Food;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Addr;Choice;];": 1, + "Hotel-Inform[Name;Internet;Stars;];": 1, + "general-bye[none;];Restaurant-Inform[Phone;];": 1, + "Hotel-Select[none;];Hotel-NoOffer[Type;];Hotel-Inform[Type;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Price;Choice;Type;Area;Stars;];": 1, + "Booking-NoBook[Name;Day;];": 1, + "Booking-NoBook[none;];Hotel-Inform[Choice;Type;];Booking-Request[Stay;Day;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Phone;];": 1, + "Train-Inform[Choice;Leave;Day;];Train-OfferBook[Leave;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;];Train-OfferBooked[Ref;Depart;Id;Dest;Leave;];": 1, + "Booking-NoBook[Name;People;];Booking-Request[Day;Time;];": 1, + "Attraction-Recommend[Type;Addr;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Choice;Area;Area;];": 1, + "Hotel-Recommend[Name;];Hotel-Select[Choice;Internet;Type;Parking;Area;Price;];": 1, + "Hotel-Inform[Addr;Post;Name;];": 1, + "Train-OfferBooked[Ref;People;Leave;Ticket;Arrive;Id;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Phone;Name;];": 1, + "Attraction-Inform[Type;Type;Type;Type;Choice;Choice;];": 1, + "Attraction-Inform[Post;Fee;Addr;Area;];": 1, + "Train-Inform[Dest;Choice;Leave;];Train-Request[Leave;Arrive;];": 1, + "Hotel-Inform[Name;Addr;Addr;Addr;Phone;];general-reqmore[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Type;Type;Choice;Choice;Area;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Stars;Price;];general-greet[none;];": 1, + "Hotel-Inform[Parking;];Booking-Request[Stay;];": 1, + "general-reqmore[none;];Booking-Book[Ref;People;Day;];": 1, + "Attraction-Recommend[Name;Addr;Phone;];": 1, + "Hotel-Recommend[Area;Name;Price;];Booking-Inform[none;];Hotel-Inform[Choice;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Area;Type;Type;];": 1, + "Hotel-Inform[Parking;Choice;Choice;Internet;Price;Price;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Price;Stars;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Hotel-Inform[Price;Name;Internet;Area;];general-reqmore[none;];": 1, + "Hotel-Inform[Post;Addr;];Booking-Book[Ref;];": 1, + "Restaurant-Inform[Phone;Post;Price;Addr;];": 1, + "Train-Inform[Dest;Id;Arrive;Leave;Depart;];": 1, + "Hotel-Request[Price;Area;];Hotel-NoOffer[Type;Area;Price;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Type;Type;Type;Type;Choice;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Food;Area;];": 1, + "Train-Inform[Ticket;Leave;Depart;Arrive;Day;Dest;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Internet;Parking;Name;];Booking-Request[Stay;];": 1, + "Hotel-Inform[Ref;Area;];general-reqmore[none;];Booking-Book[Name;];": 1, + "Train-Inform[Depart;Choice;Day;Dest;];Train-Request[Leave;Arrive;];": 1, + "Train-Inform[Ticket;Arrive;Time;];general-reqmore[none;];": 1, + "Booking-NoBook[none;];Hotel-Select[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Price;Choice;Choice;Area;Type;Type;];": 1, + "Booking-Book[People;Name;Stay;Ref;];": 1, + "Train-Inform[Id;Arrive;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Hotel-Inform[Type;Choice;Area;];": 1, + "Hotel-Inform[Phone;Addr;Type;Stars;Post;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Name;Choice;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Day;Choice;];Train-Request[Depart;];": 1, + "Attraction-Inform[Type;Choice;Choice;Fee;];": 1, + "Restaurant-Recommend[Name;Area;Phone;];": 1, + "Hotel-Inform[Area;Area;Choice;Price;Price;Price;Name;Name;Name;];": 1, + "Hotel-Select[Area;Area;];Hotel-Inform[Choice;Internet;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Name;Area;];": 1, + "Hotel-Inform[Price;Choice;Type;Parking;Stars;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Addr;Area;Stars;Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Area;Type;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Price;Name;Name;];": 1, + "Hotel-Inform[Area;Area;Parking;Name;Name;Type;Internet;];": 1, + "Train-Inform[Arrive;Ticket;Id;];general-reqmore[none;];": 1, + "Hotel-Recommend[Phone;Post;Name;Addr;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Addr;Price;];": 1, + "Attraction-Recommend[Fee;Post;Phone;Addr;Name;];Attraction-Inform[Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;Stars;Stars;Price;];": 1, + "Booking-NoBook[none;];Hotel-Inform[Parking;Stars;Price;];Booking-Book[Ref;Name;];": 1, + "Attraction-Recommend[Type;Area;Name;];general-reqmore[none;];Attraction-Inform[Addr;Post;];": 1, + "Restaurant-Inform[Choice;Phone;Name;Addr;Post;Post;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Id;Ticket;Ref;];": 1, + "Restaurant-Inform[Name;Ref;];": 1, + "Train-Inform[Arrive;Id;Dest;Depart;Choice;Leave;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Attraction-Inform[Addr;Addr;Phone;];": 1, + "Hotel-Request[Price;];Hotel-NoOffer[none;];Hotel-Inform[Area;Price;Type;];": 1, + "Hotel-NoOffer[none;];general-reqmore[none;];Hotel-Inform[Type;Area;];": 1, + "Train-Inform[Id;Depart;];": 1, + "Train-Inform[Arrive;Choice;Leave;Leave;Depart;Dest;Dest;Id;];Train-Select[none;];": 1, + "Hotel-Request[Internet;Parking;Price;];Hotel-Inform[Type;Choice;];": 1, + "Hotel-Recommend[Addr;Stars;Name;Type;];Booking-Inform[none;];": 1, + "Train-Inform[Ticket;Arrive;Time;];": 1, + "Restaurant-Inform[Phone;Addr;];Booking-Book[Ref;Day;Time;People;Name;];": 1, + "Taxi-Inform[Leave;Car;Dest;Depart;];": 1, + "general-welcome[none;];Hotel-Request[Area;];Hotel-Inform[Type;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Addr;Addr;Addr;Name;];": 1, + "Attraction-Inform[Fee;Phone;Addr;Name;Post;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Addr;Phone;Name;Post;];": 1, + "Attraction-Inform[Name;Addr;];Train-Request[Dest;Depart;Leave;];": 1, + "Train-OfferBook[Id;Time;Leave;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Stars;Price;];": 1, + "Train-Inform[Leave;Leave;Leave;Leave;Leave;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Post;Name;Addr;];": 1, + "Hotel-Request[Area;Price;];Hotel-NoOffer[Type;Type;Area;Price;];": 1, + "Booking-Book[Name;People;Ref;Day;];": 1, + "Train-Inform[Day;Dest;Ticket;];Train-Select[none;];": 1, + "Train-Inform[Arrive;Dest;Id;];general-reqmore[none;];": 1, + "Attraction-Request[Area;];Attraction-Select[Type;];Attraction-NoOffer[Area;Type;];general-reqmore[none;];": 1, + "Attraction-Request[Type;];Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;];": 1, + "Attraction-Recommend[Name;Type;Area;];general-reqmore[none;];": 1, + "Hotel-Inform[Type;Parking;Stars;Name;Price;Area;];": 1, + "Restaurant-Select[Food;Price;];Restaurant-Inform[Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Choice;Type;Type;Area;];": 1, + "Attraction-Inform[Choice;Choice;Choice;Choice;Area;Area;Area;];": 1, + "Restaurant-Inform[Food;Food;Food;Food;Name;Name;Name;Name;Name;];": 1, + "Hotel-Inform[Stars;Parking;Price;Name;Type;Internet;];": 1, + "Hotel-Inform[Stars;Parking;Choice;Choice;Name;Name;Type;Internet;];": 1, + "Attraction-Recommend[Name;Area;];Attraction-Inform[Area;Choice;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Food;Area;];Restaurant-Recommend[Name;];Attraction-Inform[Type;Fee;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Area;Area;Food;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Type;Name;Name;];": 1, + "general-reqmore[none;];Booking-Book[Ref;Day;Name;People;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Name;Name;Area;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Type;Parking;Stars;];": 1, + "Train-Inform[Day;];Restaurant-Inform[Phone;];Restaurant-Recommend[Addr;Name;];Train-Request[Dest;];": 1, + "Booking-Request[People;Time;];Restaurant-Inform[Name;Choice;];": 1, + "Train-Inform[Arrive;Day;Dest;Id;];general-reqmore[none;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Area;Area;Area;Type;Choice;Choice;Choice;];": 1, + "Attraction-Inform[Post;];Train-Request[Leave;Day;];": 1, + "Train-Inform[Leave;Id;Choice;];Train-OfferBook[none;];": 1, + "Restaurant-Select[Food;];Restaurant-NoOffer[Food;Area;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Price;Area;Food;Choice;Choice;Choice;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Price;];Booking-Inform[none;];": 1, + "Attraction-NoOffer[Type;];Attraction-Inform[Type;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Addr;Area;Food;Price;];": 1, + "Restaurant-Inform[Choice;Choice;];": 1, + "Taxi-Request[Depart;];Booking-Book[Ref;Time;];": 1, + "Train-Inform[Choice;Choice;Choice;Depart;Depart;Leave;Leave;Leave;];Train-Select[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Parking;Choice;];": 1, + "Hotel-Inform[Name;Name;Choice;Stars;Type;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Name;Internet;Post;Parking;Type;];": 1, + "Hotel-Inform[Parking;Price;Internet;];": 1, + "Train-Inform[Leave;Leave;Depart;Dest;];Train-OfferBook[none;];": 1, + "Restaurant-Recommend[Price;Name;Food;];Restaurant-Inform[Food;Choice;Price;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Stars;Type;Parking;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Select[Price;Type;Type;Stars;Stars;];Hotel-NoOffer[Price;Stars;Type;Parking;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Area;Name;];": 1, + "Booking-Inform[Name;];Booking-Request[People;Time;Day;];Restaurant-Inform[Area;];": 1, + "Hotel-Inform[Price;Internet;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Type;Internet;Parking;Choice;Stars;Price;Price;Area;];": 1, + "Attraction-Inform[Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;Area;Choice;];": 1, + "Attraction-Inform[Addr;Type;Area;Fee;];": 1, + "Attraction-Inform[Fee;Fee;Post;Type;];": 1, + "Restaurant-Request[Area;];Attraction-Recommend[Name;];Attraction-Inform[Fee;Post;Addr;];": 1, + "Hotel-Inform[Price;Choice;Choice;Type;Type;Parking;Area;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Stars;Choice;Type;Type;];": 1, + "Hotel-Inform[Choice;Choice;Internet;Parking;Name;Name;Stars;Stars;];": 1, + "Train-Inform[Dest;Arrive;Choice;];Train-Request[Leave;];": 1, + "Hotel-Request[Internet;Area;Price;];Hotel-NoOffer[Type;];": 1, + "Hotel-Inform[Parking;Choice;Type;];": 1, + "Hotel-Inform[Addr;Name;Post;Stars;Type;Phone;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Price;Choice;Area;];": 1, + "Hotel-Inform[Addr;Type;Name;];general-reqmore[none;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Price;Choice;];": 1, + "Train-Inform[Id;Arrive;Day;Depart;Dest;Leave;Ticket;];Train-OfferBook[none;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Price;Choice;Type;Parking;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Stars;Name;];": 1, + "general-reqmore[none;];Booking-Book[Ref;People;Stay;];": 1, + "Hotel-NoOffer[Choice;Stars;];general-reqmore[none;];Hotel-Inform[Type;Choice;];": 1, + "Restaurant-Request[Food;];general-greet[none;];Restaurant-Inform[Price;Choice;Area;];": 1, + "general-reqmore[none;];Booking-Book[Name;Stay;People;Ref;];": 1, + "Restaurant-Inform[Choice;Choice;Choice;Price;];": 1, + "Attraction-Inform[Area;Post;Type;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Price;Choice;Choice;Choice;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Price;Price;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Stars;Price;];": 1, + "Hotel-Inform[Addr;];Hotel-Select[none;];Booking-Book[Ref;];": 1, + "Attraction-Recommend[Fee;Name;];general-reqmore[none;];Attraction-Inform[Area;Type;Choice;];": 1, + "Hotel-Select[Name;Name;Area;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Type;Choice;Choice;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Area;Price;Name;];": 1, + "Restaurant-Inform[Post;Name;];Attraction-Inform[Name;Fee;];": 1, + "Hotel-Recommend[Price;Parking;Internet;Stars;Name;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Area;Internet;Choice;Parking;Type;Stars;];": 1, + "Restaurant-Select[Area;Name;];Booking-Inform[none;];Restaurant-Inform[Food;Choice;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Price;Choice;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Area;Type;];": 1, + "Train-Request[Day;Dest;Leave;];": 1, + "Train-Inform[Arrive;Id;Depart;Dest;];": 1, + "Train-Inform[Leave;Arrive;];Hotel-Inform[Type;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Addr;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Area;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Type;Choice;];": 1, + "Hotel-Recommend[Area;Name;];Booking-Inform[none;];Hotel-Inform[Stars;Price;];": 1, + "Attraction-Request[Type;];Attraction-Recommend[Type;];Attraction-Inform[Area;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[none;];Restaurant-Inform[Choice;Name;];": 1, + "Hotel-Inform[Name;Internet;Post;Parking;Stars;];general-reqmore[none;];": 1, + "Hotel-NoOffer[none;];Hotel-Select[Price;];Hotel-Inform[Choice;Type;];": 1, + "general-reqmore[none;];Booking-Book[People;Stay;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;Addr;Area;];": 1, + "Attraction-Request[Price;];Attraction-Select[none;];Attraction-Inform[Area;Choice;];": 1, + "Train-Inform[Depart;Dest;Arrive;];Train-OfferBook[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Choice;Price;];": 1, + "Train-Inform[Arrive;Choice;Id;];Train-Select[none;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Choice;Choice;Choice;Fee;Fee;Type;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Name;Fee;];": 1, + "Train-Inform[Leave;Depart;Day;Id;];Train-Select[none;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Booking-NoBook[none;];": 1, + "Train-Inform[Depart;Dest;Leave;Arrive;];Train-OfferBook[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Food;Food;Area;Choice;];": 1, + "Restaurant-Inform[Choice;Food;Name;Name;Name;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Area;Area;Area;Area;Choice;];": 1, + "Hotel-Inform[Name;Post;Addr;Stars;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Choice;Area;];": 1, + "Hotel-Recommend[Area;Name;];general-greet[none;];": 1, + "Hotel-Inform[Area;Name;Type;Phone;];": 1, + "Booking-NoBook[Name;Day;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Name;];": 1, + "Restaurant-Inform[Food;Food;Price;Addr;Addr;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Area;Area;Type;Choice;Choice;Choice;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Name;Post;Fee;];": 1, + "Attraction-Inform[Name;Addr;Post;Fee;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Food;Name;Name;Choice;];": 1, + "Restaurant-Inform[Post;Food;Price;Area;Addr;Name;Phone;];": 1, + "Attraction-Recommend[Name;Fee;];Attraction-Inform[Area;Choice;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Food;Price;Area;Name;Choice;];": 1, + "Attraction-NoOffer[Area;];Attraction-Inform[Choice;Area;Area;Area;];": 1, + "Attraction-Recommend[Name;Area;Addr;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-NoOffer[Type;Price;];general-reqmore[none;];Hotel-Inform[Choice;Price;Type;];": 1, + "Attraction-Recommend[Fee;Type;];": 1, + "Booking-Request[People;Stay;];general-reqmore[none;];general-greet[none;];": 1, + "general-greet[none;];Train-OfferBooked[Id;Leave;Ref;Ticket;People;Day;];": 1, + "Train-Inform[Leave;Arrive;Id;Dest;];Train-Select[none;];": 1, + "Booking-Book[none;];Train-OfferBooked[Ref;Leave;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Area;Area;Area;Choice;];": 1, + "Hotel-Inform[Choice;Type;Area;Name;Name;];": 1, + "Hotel-Inform[Addr;Area;Stars;Parking;Price;Name;Internet;];": 1, + "Train-Inform[Arrive;Id;Ticket;Leave;];": 1, + "Train-Inform[Choice;];general-greet[none;];Train-Request[Arrive;];": 1, + "Train-Inform[Leave;Leave;Ticket;Time;Choice;Choice;Choice;];general-reqmore[none;];": 1, + "Booking-NoBook[Day;Stay;];Booking-Request[Stay;Day;];": 1, + "Train-Inform[Choice;Day;];general-greet[none;];Train-Request[Leave;];": 1, + "Train-Inform[Leave;Arrive;Time;];general-reqmore[none;];": 1, + "Hotel-Recommend[Area;Name;];Hotel-Request[Price;];Hotel-Inform[Choice;];": 1, + "Attraction-Request[Type;Area;];general-greet[none;];": 1, + "Hotel-Inform[Price;Internet;Type;Parking;Post;Area;Name;Stars;Addr;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;Name;Name;Choice;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Choice;Stars;Price;Price;Area;];": 1, + "Restaurant-Inform[Name;Ref;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[Area;];Hotel-Inform[Name;Type;Stars;];": 1, + "Train-Inform[Id;Arrive;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Train-Inform[Id;Depart;Day;Dest;Leave;Arrive;];": 1, + "Train-Inform[Dest;Time;Id;];Attraction-Inform[Type;Area;Fee;Name;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Area;Parking;Choice;Type;];": 1, + "Booking-Inform[Name;];Booking-Book[Ref;];": 1, + "Attraction-Recommend[Area;Post;Name;];Attraction-Inform[Post;Fee;];": 1, + "Hotel-Recommend[Name;Area;Addr;];": 1, + "Hotel-Inform[Choice;Stars;Stars;Name;Area;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Attraction-Inform[Type;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Stars;Price;Area;];": 1, + "Train-Inform[Choice;Depart;Day;];Train-Request[Leave;Dest;];": 1, + "Hotel-Select[Stars;Type;];Hotel-NoOffer[Type;Stars;];Hotel-Inform[Choice;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Price;Choice;Type;];": 1, + "Taxi-Inform[Depart;Car;Dest;Phone;Arrive;];": 1, + "Attraction-Recommend[Fee;Type;Name;Area;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Addr;Post;Stars;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Choice;Type;Type;];": 1, + "Restaurant-Request[Price;Food;];Restaurant-NoOffer[Food;Price;Area;];": 1, + "Attraction-Select[Name;Name;Name;Name;];general-reqmore[none;];Attraction-Inform[Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Food;Food;Food;Choice;];": 1, + "Attraction-Request[Name;];Attraction-Inform[Area;Name;];": 1, + "Train-Inform[Day;Choice;Leave;];Train-OfferBook[none;];Train-Request[Leave;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Name;Internet;];": 1, + "Train-Request[Dest;People;Arrive;Leave;Day;];": 1, + "Train-OfferBook[Day;Dest;Arrive;Ticket;Depart;Leave;];": 1, + "Booking-Book[Name;Time;People;Day;Ref;];": 1, + "Attraction-Inform[Phone;Post;Fee;];Train-Request[Arrive;];": 1, + "Restaurant-Recommend[Name;Addr;Area;];": 1, + "Restaurant-Inform[Addr;];Booking-Book[Time;Ref;People;Name;Day;];": 1, + "Restaurant-Inform[Name;Name;Addr;Addr;Addr;Post;Post;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Choice;Internet;];": 1, + "Train-Inform[Day;Dest;Leave;Arrive;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Price;Parking;Type;Stars;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Dest;Leave;Id;Depart;Ticket;Time;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Choice;Choice;Area;Area;Stars;Stars;];": 1, + "Hotel-Select[Price;];Hotel-NoOffer[Price;];": 1, + "Hotel-Select[Area;Area;];Hotel-Inform[Type;Internet;Parking;Choice;Stars;Price;];": 1, + "Attraction-Recommend[Name;Name;];Attraction-Select[none;];Attraction-Inform[Choice;Type;Area;];": 1, + "Hotel-Inform[Name;Name;Area;Price;];": 1, + "Train-Inform[Ticket;Arrive;Id;Leave;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Train-Inform[Arrive;Id;Dest;Depart;Leave;];Train-Request[People;];": 1, + "Restaurant-Request[Area;Price;];Restaurant-Inform[Choice;Food;];": 1, + "Restaurant-Inform[Name;Phone;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Phone;Addr;Name;Food;];": 1, + "Hotel-Inform[Stars;Stars;Price;Choice;Name;Name;Type;];": 1, + "Attraction-Inform[Phone;Type;Addr;Name;Post;];": 1, + "Train-Inform[Ticket;Id;Arrive;Day;];Train-OfferBook[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Type;Type;Choice;Choice;Price;Price;Area;];": 1, + "Hotel-Recommend[Price;Stars;Name;];": 1, + "Hotel-Inform[Name;Name;Choice;Choice;];": 1, + "Restaurant-Inform[Price;];Booking-Book[Ref;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Type;Choice;Price;Area;];": 1, + "Train-Inform[Choice;Leave;Time;];Train-OfferBook[none;];": 1, + "Train-Inform[Ticket;Id;];Train-Request[People;];": 1, + "Booking-Book[Ref;Name;];general-reqmore[none;];Restaurant-Inform[Area;Food;];": 1, + "Hotel-Inform[Area;Internet;Addr;Addr;Price;Parking;Type;Stars;];": 1, + "general-reqmore[none;];Train-OfferBooked[Arrive;Ref;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Phone;Addr;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Parking;Stars;Name;];": 1, + "Hotel-Inform[Name;Post;Price;Addr;Area;Phone;];": 1, + "Hotel-Recommend[Parking;Internet;Name;];Booking-Inform[none;];Hotel-Inform[Stars;Area;Type;];": 1, + "Hotel-Inform[Addr;Phone;Name;Post;];": 1, + "Hotel-Recommend[Area;Name;Stars;Price;];Hotel-Inform[Area;Choice;Choice;Type;Stars;];": 1, + "Hotel-Inform[Addr;Name;Post;Price;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Ref;Price;Addr;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Choice;Choice;Internet;Type;Parking;Area;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Fee;Name;Type;Type;Choice;];": 1, + "Attraction-Recommend[Fee;Addr;Addr;Addr;Phone;Name;];": 1, + "Train-OfferBook[Ticket;Time;Choice;Leave;];": 1, + "Hotel-Request[Stars;];Hotel-NoOffer[Internet;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Choice;Area;Addr;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Price;Name;Food;Food;];": 1, + "Attraction-Recommend[none;];Booking-Inform[Name;];": 1, + "Restaurant-NoOffer[Food;Name;];Restaurant-Inform[Food;Choice;];": 1, + "Hotel-Recommend[Name;Name;Type;Type;];Booking-Inform[none;];Hotel-Select[none;];": 1, + "Taxi-Inform[Arrive;Dest;Car;];general-reqmore[none;];": 1, + "Taxi-Inform[Phone;];general-greet[none;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Food;Area;Name;Name;];": 1, + "Train-Request[Depart;Arrive;Leave;Day;];": 1, + "Train-Inform[Leave;Leave;Depart;Id;];Train-OfferBook[People;];": 1, + "Attraction-Inform[Fee;Area;Post;];": 1, + "Hotel-Inform[Internet;Parking;];general-reqmore[none;];": 1, + "Restaurant-Select[Name;];Booking-Inform[none;];Restaurant-Inform[none;];": 1, + "Booking-Inform[none;];Booking-Request[People;];Restaurant-Inform[Choice;Area;Name;];": 1, + "Train-Inform[Choice;Depart;Day;];Train-Request[Arrive;Dest;];": 1, + "Train-Select[Id;Leave;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Day;];": 1, + "Restaurant-Recommend[Name;Price;Area;Post;Food;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Internet;Parking;Choice;Name;Name;];": 1, + "Hotel-Inform[Area;Internet;];Booking-Request[Day;];": 1, + "Booking-NoBook[none;];Hotel-Inform[Type;];Booking-Request[Stay;Day;];": 1, + "Hotel-Request[Stars;];Hotel-NoOffer[Type;Area;Internet;Stars;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Phone;];": 1, + "Attraction-Recommend[Name;Name;Fee;Fee;];Attraction-Inform[Fee;Choice;];": 1, + "Attraction-Inform[Phone;Post;Fee;Type;Name;Area;Addr;];": 1, + "Train-Inform[Dest;Arrive;Id;];Train-Select[none;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Price;Area;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Name;Name;Price;Price;Area;];": 1, + "Hotel-Inform[Name;Post;Addr;Addr;Phone;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Choice;Depart;];Train-OfferBook[Arrive;Leave;Id;];": 1, + "Hotel-Inform[Name;Area;Internet;Price;];Booking-Request[Stay;];": 1, + "Booking-Request[Time;Day;];Restaurant-Inform[Name;Area;];": 1, + "Train-Inform[Day;Choice;Dest;];general-greet[none;];Train-Request[Depart;];": 1, + "Hotel-Request[Price;];Hotel-Select[Type;Type;];general-greet[none;];": 1, + "Hotel-NoOffer[Internet;Stars;Type;Price;];Hotel-Select[Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Stars;Stars;Choice;];": 1, + "Hotel-Inform[Name;];general-reqmore[none;];Booking-Book[Day;People;Stay;];": 1, + "Hotel-Request[Area;Price;];Hotel-NoOffer[Type;Price;Area;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Area;Parking;Choice;Choice;Type;Type;Internet;];": 1, + "Hotel-Recommend[Name;Choice;];Booking-Inform[none;];": 1, + "Hotel-Request[Type;Area;];Hotel-Inform[Area;Parking;Price;Choice;Choice;Type;Type;];": 1, + "Hotel-Recommend[Name;Area;Stars;];Hotel-Inform[Type;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Addr;Price;Stars;];": 1, + "general-reqmore[none;];Booking-Book[People;Stay;Day;Name;];": 1, + "Train-OfferBook[Arrive;Choice;Id;Leave;];": 1, + "Hotel-Inform[Ref;];general-reqmore[none;];Booking-Book[Stay;People;Day;Name;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Choice;Food;];": 1, + "Train-Inform[Arrive;Id;Time;Depart;Leave;Day;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Area;Area;Name;Name;];": 1, + "Train-OfferBooked[Leave;People;Ref;Ticket;Arrive;Dest;Day;Id;Depart;];": 1, + "Attraction-Inform[Fee;Choice;Choice;Type;Area;];": 1, + "Train-Inform[Arrive;];Train-Select[Id;];": 1, + "general-greet[none;];general-reqmore[none;];Train-OfferBooked[Ticket;Ref;];": 1, + "Restaurant-Recommend[Price;Name;Area;Food;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Name;Name;];": 1, + "Hotel-Inform[Phone;Choice;Name;Area;Post;];": 1, + "Booking-NoBook[Time;];Booking-Request[Time;Day;];Restaurant-Inform[Name;];": 1, + "Train-Inform[Time;Leave;Leave;Leave;Choice;];Train-Select[none;];": 1, + "Restaurant-Select[Name;Name;];Booking-NoBook[none;];general-reqmore[none;];": 1, + "Attraction-Inform[Name;Fee;Choice;Area;];": 1, + "Train-Inform[Depart;Day;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Recommend[Name;Food;];general-reqmore[none;];Restaurant-Inform[Addr;];": 1, + "Booking-Inform[none;];Hotel-Request[Area;];Hotel-Inform[Choice;Type;Stars;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Internet;Type;Stars;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Name;Name;Type;];": 1, + "Taxi-Inform[Dest;Depart;Phone;Leave;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Choice;Id;];Train-OfferBook[none;];general-greet[none;];": 1, + "general-greet[none;];Train-OfferBooked[Ticket;Ref;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;Type;];Attraction-Inform[Choice;];": 1, + "Attraction-Recommend[Addr;Addr;Name;];Attraction-Inform[Fee;];": 1, + "Train-Inform[Choice;Depart;Dest;Arrive;Id;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Day;Choice;Depart;];Train-Request[Leave;Arrive;];": 1, + "Train-OfferBooked[Ref;Ticket;Arrive;Id;Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Choice;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Area;Fee;Addr;Name;];": 1, + "Booking-NoBook[Stay;];Hotel-Select[Type;Choice;];Booking-Request[Stay;];": 1, + "Train-Inform[Depart;Dest;Leave;];Train-Request[Day;Leave;];": 1, + "Hotel-Inform[Type;Post;Price;];": 1, + "Booking-Book[Ref;Time;Name;];general-reqmore[none;];Restaurant-Inform[Phone;];": 1, + "Hotel-NoOffer[Area;Stars;Type;Price;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Type;];Hotel-Inform[Type;Stars;Parking;Name;Area;Internet;Price;];": 1, + "Train-Inform[Time;];Train-Request[People;];": 1, + "Booking-Inform[Name;];Restaurant-Inform[Food;Choice;];": 1, + "Attraction-Inform[Post;Fee;Name;Addr;];": 1, + "Booking-Inform[Name;];Attraction-Inform[Fee;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Food;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Name;Choice;];": 1, + "Booking-Inform[Name;];Booking-Request[People;Stay;Day;];": 1, + "Hotel-Inform[Price;Price;Choice;Choice;Choice;Type;];": 1, + "Attraction-Inform[Name;];Train-OfferBooked[Ref;Ticket;Id;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Day;Leave;Ticket;Id;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Area;Price;Name;];": 1, + "Taxi-Request[Dest;];Booking-Book[Ref;];": 1, + "Attraction-Recommend[Name;Name;];Attraction-Inform[Type;Area;Choice;];": 1, + "Attraction-Recommend[Name;Area;];general-reqmore[none;];Attraction-Inform[Type;Choice;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Choice;];": 1, + "Restaurant-Inform[Addr;Name;Choice;];": 1, + "Booking-NoBook[Day;];general-reqmore[none;];Restaurant-Inform[Price;];": 1, + "Restaurant-Inform[none;];Booking-Book[Ref;People;Day;Time;Name;];": 1, + "general-greet[none;];Attraction-Inform[Fee;Name;];": 1, + "Train-OfferBook[Dest;];Train-Request[Day;Leave;];": 1, + "Train-Select[none;];Train-OfferBook[Depart;Leave;Day;Arrive;Id;Dest;];": 1, + "Attraction-Inform[Fee;Choice;Choice;];": 1, + "Attraction-Recommend[Phone;Post;Name;Addr;Fee;];general-reqmore[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Arrive;Ticket;Leave;];": 1, + "Hotel-NoOffer[Parking;];Hotel-Inform[Choice;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Parking;Name;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Type;Addr;];": 1, + "Booking-Inform[Name;];Booking-Request[Stay;Day;];": 1, + "Hotel-Inform[Type;Addr;Stars;];": 1, + "Train-Inform[Ticket;];Train-Request[Day;];": 1, + "Train-Inform[Day;Leave;];general-reqmore[none;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Area;Type;Choice;Choice;];": 1, + "Hotel-Inform[Choice;Price;Price;];": 1, + "Train-Inform[Choice;Day;Dest;Leave;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Addr;Addr;Phone;Post;Name;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Dest;Day;];Train-Request[Arrive;];": 1, + "general-greet[none;];Hotel-Select[none;];Hotel-Inform[Area;Choice;Choice;Type;Type;];": 1, + "Attraction-Recommend[Name;Area;];general-reqmore[none;];Attraction-Inform[Fee;];": 1, + "Restaurant-Inform[Phone;Post;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Food;Area;Price;];": 1, + "Train-Inform[Time;Arrive;Id;Dest;];Train-OfferBook[none;];": 1, + "Hotel-Request[Area;Type;];Hotel-Inform[Choice;Price;Parking;];": 1, + "Train-Inform[Arrive;Leave;Depart;Choice;Dest;];Train-OfferBook[none;];": 1, + "Hotel-Request[Type;Stars;Price;Area;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Addr;Stars;Phone;];": 1, + "Train-Inform[Arrive;];Train-Request[Day;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Post;Addr;];": 1, + "Train-Inform[Day;Choice;Dest;];Train-Request[Leave;Depart;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Ref;Leave;Id;Depart;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Price;Choice;Choice;Choice;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Name;Phone;];": 1, + "Attraction-Request[Type;];Restaurant-Inform[Addr;Name;];": 1, + "Attraction-Select[Fee;];Attraction-Inform[Choice;Type;];": 1, + "Attraction-Recommend[Name;];Taxi-Request[Arrive;];general-greet[none;];": 1, + "Restaurant-Request[Price;Area;Food;];Restaurant-Inform[Choice;];": 1, + "general-welcome[none;];Attraction-Inform[Name;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;Type;Choice;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Choice;Addr;Addr;Area;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Addr;Phone;Area;Fee;];": 1, + "Hotel-Request[Internet;Area;Parking;];general-greet[none;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Area;];Hotel-Inform[Choice;Price;];": 1, + "Hotel-Request[Price;Type;];Hotel-NoOffer[Type;];Hotel-Select[Price;Type;];": 1, + "Train-Inform[Leave;Day;Id;];Train-OfferBook[none;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Select[Choice;Choice;];Hotel-Inform[Choice;Choice;Type;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Type;Name;Stars;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Post;Post;];": 1, + "Hotel-Inform[Phone;];general-greet[none;];": 1, + "Hotel-Inform[Name;Type;Choice;];": 1, + "Taxi-Inform[Phone;Leave;Depart;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Area;Phone;Name;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Type;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Phone;Price;Name;Type;];": 1, + "Train-Inform[Choice;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "general-greet[none;];Restaurant-Inform[Food;Price;Area;Name;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Phone;];": 1, + "Hotel-Request[Type;Stars;Price;Area;Parking;Internet;];Hotel-Inform[Stars;];": 1, + "Hotel-Request[Type;Area;];Hotel-Select[Area;Type;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;];Booking-Request[Day;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Internet;Price;];": 1, + "Hotel-Inform[Stars;Name;Name;];": 1, + "Hotel-Inform[Name;Price;Stars;];general-greet[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Choice;Area;Name;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Name;Addr;];": 1, + "Hotel-Recommend[Name;Price;Stars;];Booking-Inform[none;];": 1, + "Train-Inform[Depart;Dest;Day;Arrive;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Leave;Ref;];": 1, + "Train-OfferBooked[Time;Ticket;];": 1, + "Train-NoOffer[none;];Train-Request[Day;Leave;];": 1, + "Train-Inform[Arrive;Arrive;Leave;Leave;Id;Id;];Train-Select[none;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Area;Choice;Type;Stars;];": 1, + "Hotel-Recommend[Addr;Parking;Internet;Name;];": 1, + "Hotel-Recommend[Price;Name;Stars;Parking;];": 1, + "Restaurant-Inform[Choice;Name;Name;Price;];": 1, + "Booking-Inform[Name;Name;];": 1, + "Attraction-Inform[Fee;Choice;Choice;Type;Type;];": 1, + "Train-Request[Depart;Leave;Day;Arrive;Dest;];": 1, + "Hotel-Recommend[Name;Name;Price;Price;];Hotel-Select[none;];": 1, + "Hotel-Recommend[Name;Name;];Hotel-Select[none;];Hotel-Inform[Type;];": 1, + "Train-Inform[Id;Id;Choice;Leave;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Parking;Name;Name;];": 1, + "Train-Inform[Depart;Ticket;Arrive;Id;Leave;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Choice;Internet;Parking;];": 1, + "Restaurant-Inform[Post;Area;Phone;Name;];": 1, + "Attraction-Recommend[Post;Type;Phone;Addr;Name;Area;];": 1, + "Train-Inform[Choice;Day;];Train-Request[Leave;Dest;];": 1, + "Restaurant-Recommend[Area;Price;Name;];general-reqmore[none;];": 1, + "Attraction-Inform[Choice;Area;Type;Type;Name;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;Area;];Attraction-NoOffer[Area;Type;];": 1, + "Hotel-Recommend[Area;Name;Stars;];Hotel-Request[Area;];": 1, + "Hotel-Request[Name;];Train-OfferBooked[Ref;Ticket;];": 1, + "Hotel-Inform[Choice;Choice;Type;Parking;Internet;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Parking;Name;Name;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Internet;Post;Choice;Stars;Parking;Phone;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Leave;Dest;Depart;Arrive;Id;];": 1, + "Restaurant-Inform[Area;Choice;Choice;];": 1, + "Hotel-Inform[Price;Name;Internet;Type;Area;Stars;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Stars;Price;Area;];general-greet[none;];": 1, + "Train-Inform[Arrive;Id;Leave;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Booking-Request[Time;];Restaurant-Inform[Addr;Name;Area;];": 1, + "Booking-Inform[People;Time;Day;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;Stars;Internet;];Booking-Inform[none;];Restaurant-Recommend[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Post;Price;Type;];": 1, + "Restaurant-Select[Area;];Restaurant-Inform[Choice;Choice;Choice;Area;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Name;Area;Phone;Post;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Addr;Area;Type;];": 1, + "Restaurant-Request[Price;Food;];Restaurant-Recommend[Food;Price;Name;];Restaurant-Inform[Choice;];": 1, + "Hotel-Inform[Name;Choice;Type;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Type;Area;Area;];": 1, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Addr;Addr;Post;Phone;];general-greet[none;];": 1, + "Hotel-Recommend[Name;Name;Price;Area;Area;];Booking-Inform[none;];Hotel-Select[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;Type;Stars;Price;Price;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Price;Choice;Choice;Internet;Type;Type;Parking;Area;Stars;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Addr;Name;Food;];": 1, + "Train-Inform[Choice;Day;Depart;];Train-Select[Dest;Dest;];": 1, + "Train-Inform[Dest;Depart;Time;Leave;];Train-Request[Leave;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Food;Food;Price;Choice;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Addr;Addr;Name;Name;Phone;];": 1, + "Attraction-Recommend[Fee;Name;Name;];": 1, + "Restaurant-Request[Area;];Booking-Inform[none;];Restaurant-Inform[Price;Name;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Food;Food;Name;Area;Area;];": 1, + "Attraction-Inform[Area;Name;Name;];": 1, + "Restaurant-Select[Price;Food;Area;Choice;];": 1, + "Hotel-Inform[Name;Name;Stars;];": 1, + "Attraction-Select[Type;Type;Type;Type;];Attraction-Inform[Choice;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Price;Area;];": 1, + "Hotel-Inform[Type;Phone;Post;Addr;Stars;Name;];": 1, + "Train-Inform[Arrive;Arrive;Dest;];Train-OfferBook[none;];": 1, + "Booking-NoBook[Stay;];Hotel-Inform[Name;];Booking-Request[Stay;];": 1, + "Train-Inform[Arrive;Leave;Depart;];": 1, + "Train-NoOffer[Leave;];Train-Select[Leave;];Train-Request[Leave;];": 1, + "Train-Inform[Day;Id;Choice;Leave;Depart;];": 1, + "Hotel-Inform[Internet;Type;];general-reqmore[none;];": 1, + "Train-Inform[Dest;Arrive;Id;Leave;];general-reqmore[none;];": 1, + "Attraction-Inform[Phone;Fee;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Choice;Price;Stars;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Choice;Internet;Area;];": 1, + "Hotel-Inform[Area;Choice;Type;Parking;Price;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Booking-Request[Day;Stay;];": 1, + "Attraction-Inform[Phone;Area;Addr;Name;];": 1, + "Attraction-Request[Area;];Attraction-Select[none;];Attraction-Inform[Area;Area;Choice;Choice;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Post;Price;];": 1, + "Restaurant-Select[Food;Food;Food;Food;];Restaurant-Inform[Choice;Area;];": 1, + "Train-Inform[Arrive;Leave;Choice;];Train-Select[none;];": 1, + "Hotel-Inform[Choice;Name;Name;Type;Stars;];": 1, + "Hotel-Inform[Price;Parking;Name;Name;];general-reqmore[none;];": 1, + "Hotel-Request[Area;Parking;Price;Internet;];": 1, + "Hotel-Recommend[Type;Name;Parking;Area;Internet;];": 1, + "Train-NoOffer[Id;];Train-OfferBooked[Ticket;];": 1, + "Train-Inform[Time;Ref;Leave;Depart;Arrive;Id;Dest;];": 1, + "Attraction-Recommend[Phone;Post;Addr;Fee;Name;];general-reqmore[none;];": 1, + "Restaurant-Request[Food;Area;];general-reqmore[none;];": 1, + "Restaurant-Inform[Choice;Price;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;];": 1, + "Hotel-Recommend[Addr;Stars;Name;];Hotel-Inform[Choice;];": 1, + "Hotel-Recommend[Name;Type;Area;Price;];": 1, + "Taxi-Inform[Dest;Depart;Arrive;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Phone;Name;Food;Price;];": 1, + "Attraction-Recommend[Fee;Name;];Booking-Inform[none;];": 1, + "Restaurant-Request[Food;];Booking-Request[People;];": 1, + "Restaurant-Recommend[Name;Addr;Price;];Booking-Request[Day;Time;];": 1, + "Booking-NoBook[none;];Booking-Request[Time;Day;People;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Leave;Ref;People;Ticket;];": 1, + "Train-OfferBooked[Depart;Ticket;Arrive;Id;Leave;Ref;Dest;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Phone;Parking;Type;];": 1, + "Train-Inform[Day;Arrive;Id;Leave;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Internet;Price;Parking;];": 1, + "Attraction-Inform[Area;Name;Type;Post;];": 1, + "Hotel-Request[Price;Area;Stars;];Hotel-Inform[Choice;];": 1, + "Train-Inform[Choice;Depart;Day;Leave;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Price;Area;Area;Name;Name;];": 1, + "Attraction-Inform[Addr;Addr;Name;Name;];": 1, + "Attraction-Select[Type;];general-reqmore[none;];Attraction-Inform[Name;Type;];": 1, + "Train-Inform[Time;Id;Ticket;Depart;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Phone;];": 1, + "Attraction-NoOffer[Type;];general-reqmore[none;];Attraction-Inform[Choice;Area;];": 1, + "Attraction-Inform[Fee;Addr;Addr;Name;Post;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;];Restaurant-Inform[Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Addr;Addr;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Post;Addr;Phone;];": 1, + "Restaurant-Request[Food;Area;];Attraction-Inform[Name;Area;];": 1, + "Hotel-Recommend[Name;Type;Area;];general-reqmore[none;];": 1, + "Hotel-Recommend[Internet;Name;Stars;Price;Parking;];Booking-Inform[none;];Hotel-Inform[Area;Type;];": 1, + "Hotel-Select[Area;Area;];general-greet[none;];": 1, + "Hotel-Request[Price;];Hotel-Select[Type;];Hotel-NoOffer[Type;Price;];": 1, + "Train-Select[Day;Day;];Train-Request[Dest;People;Day;];": 1, + "general-greet[none;];Train-OfferBooked[Leave;Id;People;Ref;Ticket;];": 1, + "Hotel-Recommend[Internet;Name;Stars;];Booking-Inform[none;];Restaurant-Inform[Phone;Name;Addr;Post;];": 1, + "Hotel-Inform[Addr;Post;Type;];general-greet[none;];": 1, + "Attraction-Inform[Type;Name;Name;];": 1, + "Attraction-Inform[Fee;Name;Name;Type;Choice;Choice;];": 1, + "Hotel-Inform[Name;];Hotel-Select[none;];Booking-Book[Ref;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Area;Area;Food;Choice;Choice;Choice;Choice;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Addr;Post;Phone;];": 1, + "Train-Inform[Leave;Depart;Arrive;Dest;];Train-Select[Id;];Train-OfferBook[none;];": 1, + "Restaurant-Select[Food;Food;];Restaurant-NoOffer[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Name;Food;Area;];": 1, + "Attraction-Inform[Fee;Area;Type;Choice;Choice;];": 1, + "Hotel-Request[Stars;Parking;Internet;];Hotel-Inform[Area;Choice;Price;Type;];": 1, + "Hotel-Inform[Phone;Addr;Stars;];": 1, + "Restaurant-NoOffer[Food;];Restaurant-Inform[Area;Food;Name;Price;];": 1, + "Taxi-Inform[Arrive;Phone;Car;];general-reqmore[none;];": 1, + "Taxi-Request[Depart;Dest;];Booking-Book[Time;];": 1, + "general-greet[none;];Restaurant-Inform[Price;Price;Price;Name;];": 1, + "Attraction-Select[Type;Type;Type;];Attraction-Inform[Choice;Type;];": 1, + "Attraction-Recommend[Fee;Area;Name;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Price;Choice;Food;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Type;Parking;Area;Name;Stars;];": 1, + "Restaurant-Request[Price;];Restaurant-NoOffer[Food;];Restaurant-Inform[Food;Choice;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Area;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Addr;Addr;];": 1, + "Hotel-Request[Area;Price;];Hotel-NoOffer[none;];Hotel-Inform[Area;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Internet;Stars;Parking;];": 1, + "Attraction-Inform[Addr;Type;Type;Name;Name;];": 1, + "Hotel-Inform[Area;Name;Internet;Type;Stars;];": 1, + "Taxi-Inform[Dest;Car;Phone;Arrive;];general-reqmore[none;];": 1, + "Hotel-Inform[Type;Parking;Name;Price;Area;];general-reqmore[none;];": 1, + "Hotel-Inform[Phone;Post;Addr;Stars;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Type;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Type;Fee;Phone;Area;];": 1, + "Train-Inform[Depart;Day;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Stars;Type;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Name;Name;Choice;];": 1, + "Train-Inform[Id;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Stars;Area;Area;];": 1, + "Train-OfferBooked[Depart;Leave;Time;Day;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Food;Area;Area;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Name;Name;Name;Name;Area;Food;Choice;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Stars;Name;Area;Internet;];": 1, + "Hotel-Inform[Name;Price;Stars;];general-reqmore[none;];": 1, + "general-reqmore[none;];Booking-Book[People;Stay;Day;Ref;];": 1, + "Train-Inform[Ticket;Ref;];Train-OfferBooked[Id;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Price;Name;Name;];": 1, + "Hotel-Inform[Area;Area;Area;Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Stars;Name;Area;];": 1, + "Hotel-Inform[Name;Stars;Addr;];": 1, + "Restaurant-Inform[Area;Post;];": 1, + "Hotel-Inform[Area;Area;Area;Area;Choice;Type;Type;Type;Type;Type;];": 1, + "Hotel-Inform[Phone;Area;Price;];": 1, + "Booking-Request[Time;Day;People;];Restaurant-Inform[Post;];": 1, + "Hotel-NoOffer[Price;Stars;Type;];general-reqmore[none;];": 1, + "general-reqmore[none;];Booking-Book[People;Name;Ref;Stay;];": 1, + "Hotel-Inform[Post;Area;Name;Addr;];": 1, + "Train-OfferBooked[Ref;People;Id;Leave;];": 1, + "Train-Inform[Day;Dest;];Train-Request[Depart;];": 1, + "Train-OfferBooked[Id;Leave;Ticket;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Addr;Addr;Name;Type;Choice;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Stars;Name;Internet;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Parking;Price;Name;Type;];": 1, + "Hotel-Inform[Name;Addr;Parking;Price;];": 1, + "Restaurant-Recommend[Name;Food;];Restaurant-Inform[Price;Area;Choice;];": 1, + "Hotel-Inform[Type;Internet;Parking;Choice;Stars;Stars;Name;Name;Area;];": 1, + "Booking-Book[Name;Stay;Ref;];": 1, + "Train-Inform[Leave;Leave;Depart;Day;];Train-Request[Leave;Arrive;];": 1, + "Train-Inform[Id;Leave;Arrive;];": 1, + "Hotel-Inform[Name;];Booking-Request[Stay;Day;People;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Addr;Addr;Addr;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Food;Name;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Type;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Parking;Internet;];": 1, + "Hotel-Inform[Type;Post;Internet;Parking;Stars;Name;Price;Area;];": 1, + "Attraction-Inform[Name;Type;Price;Choice;Addr;];": 1, + "Hotel-Inform[Addr;Addr;Internet;];": 1, + "Restaurant-NoOffer[Name;];": 1, + "Attraction-Inform[Fee;Area;Addr;Type;Choice;];": 1, + "Restaurant-Select[Name;Name;];Restaurant-Inform[none;];": 1, + "Train-Inform[Id;Arrive;Arrive;Dest;Choice;];Train-OfferBook[none;];": 1, + "Train-Inform[Leave;Ticket;Id;Time;];": 1, + "Train-Inform[Choice;Depart;Day;];Train-Request[Arrive;];": 1, + "Booking-Inform[Stay;Name;Day;];": 1, + "Booking-Book[Name;Time;Day;Ref;];": 1, + "Train-Request[Dest;Day;Leave;Depart;];": 1, + "Booking-Inform[none;];Attraction-Inform[Addr;Name;Fee;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Phone;Area;Name;];": 1, + "Hotel-Inform[Price;Stars;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Area;Addr;Addr;Addr;];": 1, + "Restaurant-Inform[Phone;Food;Addr;Area;Price;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Type;Choice;Price;Area;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;Food;Price;Area;];": 1, + "Hotel-Inform[Area;Name;Addr;Addr;Price;Type;Stars;];": 1, + "Train-Inform[Choice;Leave;];Train-OfferBooked[Arrive;Ref;Ticket;People;];": 1, + "Attraction-Inform[Type;Type;Fee;Fee;Choice;];": 1, + "general-reqmore[none;];Train-OfferBooked[Arrive;Id;Leave;Ref;People;];": 1, + "Train-Inform[Leave;Id;Time;];Train-OfferBook[none;];": 1, + "Taxi-Request[Leave;];Restaurant-Inform[Phone;Name;];": 1, + "Attraction-Inform[Area;Addr;Addr;Name;Post;Type;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Recommend[Food;Name;];Restaurant-Inform[Phone;];": 1, + "Train-Inform[Time;Arrive;Id;Leave;];": 1, + "Attraction-Request[Price;];Attraction-Recommend[Type;];Attraction-NoOffer[Area;Type;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Fee;Post;Phone;];": 1, + "Train-Inform[Choice;Depart;];Train-Request[Depart;];": 1, + "Attraction-Request[Area;];Taxi-Request[Dest;];Attraction-Inform[Type;Choice;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Fee;Area;Choice;Choice;Choice;Type;];": 1, + "general-greet[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Food;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Addr;Choice;Phone;];": 1, + "Hotel-Inform[Addr;Area;Name;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-Select[Type;Type;];Hotel-Inform[Choice;Choice;Type;Type;];": 1, + "Restaurant-Inform[Name;Addr;Price;Post;];": 1, + "Train-Inform[Dest;Leave;Leave;];Train-Request[Leave;];": 1, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[Food;Price;Area;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Type;Stars;];general-reqmore[none;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Choice;Area;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Type;Internet;Parking;Choice;Choice;Choice;Stars;Area;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Price;Name;Type;];": 1, + "Hotel-Inform[Type;Stars;Parking;Name;Area;Internet;Price;];general-greet[none;];": 1, + "Attraction-Request[Area;];Hotel-Inform[Name;Post;Addr;];": 1, + "Attraction-Recommend[Name;Addr;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Type;Parking;];": 1, + "Hotel-Request[Parking;];Hotel-NoOffer[Area;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Type;Internet;Parking;Choice;Area;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Food;Name;Name;Name;];": 1, + "Restaurant-Inform[Price;Food;Area;Name;];": 1, + "Hotel-Request[Price;Area;Parking;Internet;];Hotel-Inform[Choice;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Choice;Stars;Area;];": 1, + "Hotel-Inform[Choice;Choice;Choice;Internet;Price;Price;];": 1, + "Booking-Inform[none;];Hotel-Request[Area;];Hotel-Inform[Internet;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;Type;Type;];": 1, + "Booking-Inform[none;];Attraction-Inform[Addr;Area;Name;Fee;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Area;Price;Post;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Area;Type;Choice;Choice;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Phone;Post;Area;Fee;];": 1, + "Restaurant-Inform[Area;Area;Area;Name;Name;Name;Name;Name;Name;Choice;];": 1, + "Attraction-Recommend[Name;Type;];Attraction-Inform[Phone;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Type;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Select[none;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-Recommend[Name;Stars;Parking;Internet;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Food;Area;Choice;Price;];": 1, + "Hotel-Recommend[Name;Type;Stars;Addr;];Booking-Inform[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Stars;Price;];": 1, + "Train-Inform[Arrive;Choice;Ticket;People;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ticket;Day;Id;Ref;People;];": 1, + "Hotel-Request[Stars;Price;];Hotel-Inform[Area;Choice;Type;];": 1, + "Restaurant-Inform[none;];Hotel-Select[none;];Hotel-Inform[Choice;Choice;Type;Type;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Internet;Parking;Choice;];": 1, + "Attraction-Recommend[Name;Addr;];Attraction-Inform[Fee;];": 1, + "Booking-Book[People;Day;Name;Time;Ref;];": 1, + "Hotel-Inform[Area;Addr;Phone;];": 1, + "Hotel-Inform[Addr;Addr;Phone;];general-reqmore[none;];Booking-Book[Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Choice;Area;Area;Type;];": 1, + "Hotel-Inform[Post;Price;Addr;Type;];": 1, + "Hotel-Recommend[Type;Price;Name;Stars;Parking;Internet;];Booking-Inform[none;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Stars;Parking;Type;Internet;];": 1, + "Attraction-Inform[Type;Area;Addr;Addr;];": 1, + "Hotel-Inform[Addr;Area;Phone;Parking;Price;Name;Type;Internet;];general-reqmore[none;];": 1, + "Attraction-Inform[Name;];Booking-Book[none;];": 1, + "Hotel-Inform[Area;Price;Name;Type;Phone;Stars;];general-reqmore[none;];": 1, + "Train-OfferBook[Day;Dest;Arrive;Depart;Leave;];": 1, + "Train-Inform[Dest;Arrive;Leave;Day;Depart;];Train-OfferBook[none;];Train-Request[Leave;];": 1, + "Booking-Request[Day;];Booking-Book[Day;];": 1, + "Hotel-NoOffer[Type;Stars;];Hotel-Inform[Internet;Type;Parking;Name;Stars;];": 1, + "Hotel-Inform[Type;Phone;Addr;Price;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;];": 1, + "Restaurant-Inform[Price;Area;Choice;];": 1, + "Booking-NoBook[none;];Restaurant-Inform[Addr;];": 1, + "Booking-NoBook[none;];Booking-Inform[Day;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Type;Name;Name;Area;Area;];": 1, + "Restaurant-Select[Food;];Restaurant-Request[Food;];Restaurant-Inform[Choice;];": 1, + "Restaurant-Inform[Addr;Name;Area;Food;];": 1, + "Hotel-Inform[Addr;Ref;];general-reqmore[none;];Booking-Book[Name;];": 1, + "Attraction-Inform[Fee;Phone;Area;Name;Post;];": 1, + "Train-Select[Id;Arrive;];": 1, + "Hotel-Request[Area;Type;];Hotel-Inform[Choice;Price;Type;Type;];": 1, + "Hotel-Inform[Stars;Stars;Name;];": 1, + "Train-Inform[Day;Depart;Leave;Leave;];Train-Request[Leave;];": 1, + "Train-OfferBooked[Id;People;Ref;];": 1, + "Restaurant-Inform[Area;Addr;];": 1, + "Hotel-Recommend[Name;Type;Stars;];Booking-Inform[none;];": 1, + "Hotel-Inform[Parking;Name;];general-greet[none;];": 1, + "Hotel-Select[Area;Type;Stars;];Hotel-Inform[Choice;Type;Area;Stars;];": 1, + "Attraction-Inform[Fee;Area;Name;Type;Phone;];": 1, + "general-reqmore[none;];Train-OfferBooked[Time;Id;Ref;];": 1, + "Train-Inform[Ticket;];general-bye[none;];general-welcome[none;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Depart;Day;Leave;Leave;];": 1, + "Train-Inform[Choice;Leave;Depart;Dest;];Train-Select[Leave;];": 1, + "Booking-Inform[none;];Booking-Request[People;];Restaurant-Inform[Addr;Food;Name;Choice;];": 1, + "Attraction-Request[Area;];Hotel-Inform[Type;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Area;Fee;Fee;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Food;];Restaurant-Inform[Choice;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;Choice;];Restaurant-Inform[Choice;Price;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Addr;Name;];Restaurant-Inform[Choice;Food;];": 1, + "Hotel-Inform[Name;Parking;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Parking;Choice;Name;Price;Area;];": 1, + "Train-Inform[Id;Leave;Ticket;Time;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Price;Choice;Internet;Type;Area;Stars;];": 1, + "general-greet[none;];Train-Request[Arrive;Day;Depart;Leave;];": 1, + "Attraction-NoOffer[Area;Type;];Attraction-Inform[Name;Addr;Addr;];": 1, + "Train-Request[Dest;People;Arrive;Depart;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Choice;Name;Name;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Choice;Stars;Price;Price;Area;];": 1, + "Attraction-Recommend[Area;Fee;Name;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Hotel-Recommend[Internet;Parking;Name;Price;];Booking-Inform[none;];": 1, + "Train-Inform[Choice;];Train-Request[Arrive;Day;Depart;Leave;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Type;Parking;];": 1, + "Hotel-NoOffer[Stars;];Hotel-Inform[Choice;Stars;Stars;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];general-reqmore[none;];general-greet[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Food;Food;Choice;Choice;Name;Name;Name;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Choice;Price;Name;Name;Name;Food;Area;];": 1, + "Train-Inform[Choice;Dest;];Train-Request[Arrive;Leave;];": 1, + "Taxi-Request[Leave;];Attraction-Inform[Addr;Addr;Name;Type;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Name;Name;];": 1, + "Attraction-Inform[Name;Type;Phone;];": 1, + "Restaurant-Select[Food;Food;];Restaurant-Inform[Choice;Price;];": 1, + "Restaurant-Recommend[Post;Name;Phone;];": 1, + "Hotel-Inform[Name;Name;Stars;Price;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Type;Type;Stars;Stars;Stars;Stars;];": 1, + "Attraction-Recommend[Area;Name;];general-reqmore[none;];Attraction-Inform[Phone;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Price;Choice;Area;Name;Name;];": 1, + "Hotel-Request[Area;Internet;Parking;];": 1, + "Restaurant-Request[Area;Food;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;];": 1, + "Booking-NoBook[Name;];Restaurant-Select[none;];Booking-Inform[Name;Name;];": 1, + "Restaurant-Inform[Addr;Phone;];Booking-Book[Name;Time;People;Day;];": 1, + "Attraction-Recommend[Fee;Addr;Name;];general-reqmore[none;];Attraction-Inform[Choice;];": 1, + "Train-Inform[none;];Train-Request[Day;Leave;];": 1, + "Train-Inform[Choice;Depart;Day;Dest;Leave;];Train-Request[Arrive;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;];Train-Request[People;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;];Train-OfferBooked[Ticket;Id;];": 1, + "Hotel-Inform[Name;Addr;Type;];Booking-Request[Stay;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Choice;Choice;Choice;Area;Area;];": 1, + "Booking-Inform[Name;People;Day;Time;];": 1, + "Restaurant-Inform[Phone;Phone;Name;Name;Addr;Addr;Post;Post;];": 1, + "Hotel-Inform[Internet;Parking;Name;Price;];": 1, + "Attraction-Inform[Addr;Area;Phone;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Price;Name;Area;];": 1, + "Hotel-Recommend[Area;Type;Name;];Booking-Inform[none;];Hotel-Inform[Internet;Parking;];": 1, + "Train-Inform[Id;Day;Dest;Leave;];": 1, + "Train-Inform[Arrive;Depart;Ticket;];": 1, + "Train-Inform[Depart;Dest;Ticket;Arrive;Id;];": 1, + "Attraction-Inform[Fee;Fee;Name;Name;Name;Name;Name;Name;];": 1, + "Taxi-Inform[Phone;Car;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Addr;Name;Post;Phone;];": 1, + "Train-Inform[Choice;Depart;];Train-Request[Day;Arrive;];": 1, + "Attraction-Request[Name;];Attraction-Inform[Type;Type;Type;Type;];": 1, + "Taxi-Request[Depart;Arrive;Dest;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Stars;];": 1, + "Hotel-Request[Area;];Hotel-Select[Area;];Hotel-Inform[Parking;Area;Name;];": 1, + "Hotel-Recommend[Name;Post;Area;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Area;Addr;Addr;Name;];": 1, + "Train-Inform[Id;Day;Leave;Arrive;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Area;Name;Name;];": 1, + "Attraction-Recommend[Area;Name;];general-reqmore[none;];Attraction-Inform[Fee;Post;];": 1, + "Restaurant-Recommend[Post;Phone;Name;Addr;];general-reqmore[none;];": 1, + "Hotel-Request[Stars;Area;Parking;Price;Internet;];Hotel-Inform[Choice;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;Area;Type;];Booking-NoBook[Day;];Hotel-Request[Area;];": 1, + "Hotel-Recommend[Name;Type;];Booking-Book[Ref;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Phone;Area;Name;Post;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Addr;Addr;Addr;Name;Name;Name;];": 1, + "Train-Inform[Id;Dest;Leave;Depart;];": 1, + "Hotel-Request[Area;Parking;];Hotel-Inform[Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Name;Name;Food;Area;Price;];": 1, + "Attraction-Select[none;];general-reqmore[none;];Attraction-Inform[Name;Name;Name;Name;Name;Choice;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Food;Price;Choice;Area;];": 1, + "Attraction-Request[Name;];general-reqmore[none;];Restaurant-Inform[Ref;];": 1, + "Booking-Request[People;];Restaurant-Inform[Phone;];": 1, + "Train-Inform[Choice;Day;Leave;Leave;];Train-Select[none;];": 1, + "Train-Inform[Arrive;Arrive;Arrive;Id;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Internet;Choice;Parking;Type;];": 1, + "Restaurant-Select[Price;Price;Price;];Restaurant-Inform[Choice;Food;];": 1, + "Restaurant-Select[Name;];Restaurant-Inform[Phone;];": 1, + "Train-Inform[Depart;Day;Dest;];Train-Request[Arrive;Leave;];": 1, + "general-greet[none;];Booking-Inform[none;];Attraction-Inform[Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Addr;Addr;Addr;];": 1, + "Restaurant-Request[Area;Food;];Restaurant-NoOffer[Food;Area;];Train-OfferBooked[Id;Ref;];": 1, + "Restaurant-Inform[Food;Name;Name;Name;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Post;Name;Phone;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Food;Price;Area;Addr;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Choice;Price;];": 1, + "Attraction-Recommend[Open;Name;];": 1, + "general-greet[none;];Restaurant-Recommend[none;];Restaurant-Inform[Addr;];": 1, + "Attraction-Recommend[Area;Name;];Attraction-Inform[Fee;Phone;Addr;Post;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Addr;];": 1, + "Booking-NoBook[Day;];Booking-Request[Time;Day;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Addr;Addr;Area;];": 1, + "Train-Inform[Id;Arrive;Dest;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;Id;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Food;Name;Name;Price;];": 1, + "Attraction-Request[Area;];Restaurant-Inform[Phone;Name;Addr;];": 1, + "Attraction-Inform[Fee;Area;Phone;Post;Name;Type;Addr;];": 1, + "Taxi-Request[Dest;Depart;];general-greet[none;];": 1, + "Hotel-Inform[Phone;];Booking-Request[Stay;Day;People;];": 1, + "Train-Inform[Leave;Day;Depart;];Train-Request[Leave;Day;];": 1, + "Train-Inform[Day;Choice;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Ref;Day;];": 1, + "Restaurant-Inform[Choice;Choice;Area;];": 1, + "Hotel-Recommend[Area;Name;Type;Stars;Price;];Booking-Inform[none;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Name;Name;Choice;];": 1, + "Taxi-Request[Depart;];Attraction-Inform[Addr;Name;Fee;];": 1, + "Hotel-Select[Stars;Stars;];Hotel-Inform[Area;Choice;Type;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Phone;Post;Addr;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Addr;Area;Post;Name;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Type;Fee;];": 1, + "Attraction-Recommend[Name;Addr;Type;Fee;Phone;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Name;Name;];Restaurant-Inform[Area;Choice;];": 1, + "Attraction-Inform[Fee;Type;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Area;Name;Stars;];general-welcome[none;];": 1, + "general-welcome[none;];Hotel-Inform[Addr;Post;Phone;Parking;];general-reqmore[none;];": 1, + "Attraction-NoOffer[Area;];Attraction-Inform[Choice;Area;Area;];": 1, + "Attraction-Inform[Post;Phone;Area;Addr;Name;];": 1, + "Hotel-Recommend[Name;Addr;];Hotel-Request[Area;];": 1, + "Hotel-Inform[Parking;Area;Name;];": 1, + "Attraction-Inform[Phone;Type;Area;Addr;Post;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Area;];": 1, + "Attraction-Recommend[Post;Name;Area;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Day;];Train-Request[Leave;Dest;Day;];": 1, + "Hotel-Inform[Name;Area;Post;Addr;Type;Stars;Price;];": 1, + "Restaurant-Inform[Food;Price;];Booking-Book[Name;Ref;];": 1, + "Train-Inform[Id;Depart;Dest;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Type;];general-greet[none;];": 1, + "Attraction-Recommend[Phone;Addr;Addr;Name;];": 1, + "Train-Inform[Id;Day;];Train-Select[none;];": 1, + "Attraction-Inform[Fee;Area;Choice;Name;Type;];": 1, + "Hotel-Inform[Internet;Area;Name;];": 1, + "Train-Inform[Time;Depart;Ticket;Id;Leave;];Hotel-Request[Area;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Food;Price;Price;Choice;Area;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Type;Type;Type;Type;Type;Choice;];": 1, + "Hotel-Inform[Type;Addr;Stars;Name;Price;Area;];": 1, + "general-greet[none;];Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Food;Area;Addr;Addr;];": 1, + "Train-Inform[Id;Time;Leave;];Train-Request[People;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Stars;Type;];general-reqmore[none;];": 1, + "Hotel-Select[Area;Area;];Hotel-Inform[Choice;Stars;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Choice;Type;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Phone;Fee;];": 1, + "Restaurant-Select[Choice;Name;Name;];": 1, + "Attraction-Recommend[Fee;Type;Addr;];Booking-Inform[none;];": 1, + "Restaurant-Select[none;];Restaurant-NoOffer[Food;Area;];Restaurant-Inform[Food;Food;Food;Food;];": 1, + "Train-Inform[Depart;Leave;];Attraction-Inform[Fee;Name;];": 1, + "Attraction-Inform[Phone;Name;];Train-OfferBooked[Ref;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;Area;];Restaurant-Inform[Choice;Price;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Area;Food;Choice;Choice;Choice;Price;];": 1, + "Attraction-Select[Type;Name;];Attraction-Inform[Choice;Area;];": 1, + "Attraction-Inform[Fee;Phone;Addr;Addr;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Stars;];general-reqmore[none;];": 1, + "Hotel-Request[Internet;Price;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Stars;Choice;Name;Name;Type;];": 1, + "Restaurant-Inform[Area;Area;];": 1, + "Restaurant-Inform[Food;Choice;Choice;Choice;Choice;Choice;Area;Area;Price;Price;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Choice;Name;Name;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Name;Name;Choice;Price;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Internet;Type;Parking;Stars;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Stars;Price;Choice;Name;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Addr;Name;Phone;];": 1, + "Taxi-Inform[Dest;Depart;Car;Leave;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Price;Name;Type;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Name;Addr;Addr;];": 1, + "Booking-Inform[none;];Attraction-Inform[Name;Fee;Area;];": 1, + "Hotel-Inform[Phone;Addr;Addr;Name;Post;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Parking;Price;Name;Internet;];": 1, + "Train-Inform[Time;Dest;];general-reqmore[none;];Attraction-Inform[Area;Name;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Area;Area;Area;Area;];": 1, + "Hotel-Select[Stars;Stars;Name;Name;];Hotel-Inform[Choice;];": 1, + "Train-Inform[Arrive;Choice;Dest;];Train-NoOffer[Arrive;];general-reqmore[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Name;Post;Addr;];": 1, + "Attraction-Request[Type;];Attraction-Select[Area;Choice;Type;];": 1, + "Hotel-Inform[Area;Area;Area;Choice;Choice;Choice;];": 1, + "Hotel-Inform[Stars;Parking;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Internet;Parking;];": 1, + "Attraction-Inform[Type;Area;Post;];": 1, + "Attraction-Inform[Addr;];Train-Request[Dest;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Choice;Type;Type;];": 1, + "Restaurant-Recommend[none;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;Area;];general-reqmore[none;];Attraction-Inform[Post;Phone;];": 1, + "Train-Inform[Leave;Id;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Attraction-Inform[Name;Addr;Addr;Phone;Post;];": 1, + "Attraction-Recommend[Type;Name;];Attraction-Inform[Area;Choice;];": 1, + "Hotel-Select[Area;];Hotel-Inform[Choice;];": 1, + "Attraction-Inform[Fee;Name;Post;Addr;Addr;Phone;];": 1, + "Hotel-Inform[Area;Name;Name;Name;Choice;];": 1, + "Hotel-Inform[Post;Type;];": 1, + "Train-Request[Leave;People;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Choice;Choice;Choice;Type;Stars;Price;Price;];": 1, + "Attraction-Recommend[Name;Price;];Attraction-Inform[Area;Type;Choice;];": 1, + "Attraction-Recommend[Addr;Phone;Name;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Depart;Dest;Day;Leave;];": 1, + "Hotel-Inform[Addr;Stars;Phone;Type;];general-reqmore[none;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Type;Type;Type;Fee;Choice;Choice;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Price;Price;Area;];": 1, + "Hotel-Inform[Phone;Addr;Addr;Post;];Booking-Book[Ref;Name;];": 1, + "Train-Request[Day;People;];": 1, + "Hotel-Inform[Post;Parking;];general-reqmore[none;];": 1, + "Attraction-Select[none;];Attraction-NoOffer[Area;];general-reqmore[none;];Attraction-Inform[Choice;Area;];": 1, + "Hotel-Inform[Price;Parking;];": 1, + "Restaurant-Select[Food;];Restaurant-NoOffer[Food;Area;Area;];": 1, + "Restaurant-Request[Area;Food;];Restaurant-NoOffer[Food;Area;];general-greet[none;];": 1, + "Hotel-Recommend[Phone;Price;Area;Name;Addr;Addr;];Booking-Inform[none;];": 1, + "Hotel-Recommend[Name;];Booking-Book[Ref;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Parking;Name;Name;Internet;];": 1, + "Booking-Inform[none;];Hotel-NoOffer[none;];Hotel-Inform[Type;Internet;Parking;Choice;Stars;Name;Area;];": 1, + "Hotel-Inform[Name;Post;Addr;Type;Price;];": 1, + "Hotel-Inform[Phone;Internet;Stars;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Request[Area;];Hotel-Inform[Choice;Stars;];": 1, + "Hotel-Recommend[Phone;Addr;Name;];Booking-Inform[none;];": 1, + "Attraction-Recommend[Name;Addr;];Attraction-Inform[Area;Choice;Type;];": 1, + "Attraction-Inform[Post;Type;Name;];": 1, + "Train-Inform[Ticket;Id;Arrive;Leave;];general-reqmore[none;];": 1, + "Train-Inform[Id;Arrive;];general-reqmore[none;];Train-OfferBooked[Ref;];": 1, + "Booking-Inform[Day;];Booking-Book[Day;Ref;Stay;];": 1, + "Train-Inform[Arrive;Day;Choice;Choice;Leave;Depart;Dest;];Train-Select[none;];": 1, + "Hotel-Inform[Addr;Price;Area;];": 1, + "Train-Request[People;Leave;Day;Depart;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Area;Name;Price;Type;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Area;Name;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Ref;];general-reqmore[none;];": 1, + "Taxi-Request[Leave;Depart;Arrive;];general-greet[none;];": 1, + "Taxi-Inform[Arrive;Dest;Car;Phone;];general-welcome[none;];": 1, + "Restaurant-Recommend[Name;Price;Area;];Restaurant-Inform[Choice;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Price;Choice;Name;Name;];": 1, + "Taxi-Request[Leave;Depart;Dest;];general-greet[none;];": 1, + "Train-Inform[Id;Depart;Dest;Leave;Ticket;Time;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;];Booking-Inform[none;];Attraction-Inform[Type;Choice;Area;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Food;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Choice;Price;Stars;];": 1, + "Hotel-NoOffer[Name;];Hotel-Select[Name;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Area;Type;Type;Type;];": 1, + "Hotel-Request[Stars;Parking;Internet;];Hotel-Inform[Choice;Type;];": 1, + "Train-Inform[Choice;Depart;Dest;];Hotel-Inform[Post;];Train-Request[Day;Leave;Arrive;];": 1, + "Train-Inform[Arrive;Leave;Leave;Leave;];Train-OfferBook[Leave;];": 1, + "Train-Inform[Id;Leave;Leave;Leave;];Train-Select[none;];": 1, + "Hotel-Request[Stars;Price;];Hotel-Inform[Name;Choice;Price;Stars;];": 1, + "Hotel-Inform[Name;Internet;Type;Parking;];": 1, + "Booking-Book[Time;Ref;Day;People;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Attraction-Request[Type;Area;];general-greet[none;];Attraction-Inform[Choice;];": 1, + "Attraction-Inform[Phone;Area;Name;Type;Post;Addr;Choice;];": 1, + "Hotel-Select[Choice;];Hotel-Inform[Name;Name;Area;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Area;Phone;];": 1, + "Attraction-Recommend[Name;Addr;Addr;Addr;Post;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Depart;Day;Dest;];Train-Request[Arrive;Leave;];": 1, + "Hotel-Request[Area;];Train-OfferBooked[none;];": 1, + "Restaurant-Request[Area;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;Food;Area;];": 1, + "Attraction-Inform[Name;Name;Type;];": 1, + "Train-Inform[Dest;Depart;];Train-Request[Leave;Day;];": 1, + "Restaurant-Inform[Food;Food;Food;Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Post;Addr;Addr;Food;Phone;Name;];": 1, + "Hotel-Request[Area;];Hotel-Select[Type;Type;];Hotel-Inform[Area;Choice;];": 1, + "Hotel-Inform[Type;Internet;Parking;Choice;Area;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Internet;Choice;Price;Parking;Type;];": 1, + "Restaurant-Inform[Addr;];Train-Request[Depart;];": 1, + "Train-Inform[Depart;Id;Leave;];Train-Request[People;];": 1, + "Train-Inform[Depart;];Train-Request[Dest;];": 1, + "Train-Inform[none;];general-reqmore[none;];Train-OfferBooked[Ref;People;Ticket;Id;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Internet;Type;Area;Stars;];": 1, + "Hotel-Inform[Phone;Addr;Addr;Addr;Parking;];": 1, + "Restaurant-Request[Area;];Restaurant-NoOffer[none;];Restaurant-Inform[Area;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Food;Area;Area;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Type;Choice;];": 1, + "Train-Inform[Id;Leave;];Train-OfferBooked[Ref;People;Ticket;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Area;Area;Area;Food;Choice;];": 1, + "Restaurant-Inform[Phone;];Booking-Book[Day;Ref;Time;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Food;Food;Food;Food;Food;Area;];": 1, + "Booking-Book[Name;Time;People;Ref;];": 1, + "Train-Inform[Choice;Choice;Dest;];Train-Request[Leave;Depart;];": 1, + "Train-OfferBooked[Time;People;Ticket;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Type;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Area;Type;Choice;Choice;Choice;Choice;];": 1, + "Attraction-Inform[Name;Name;Name;Fee;Fee;Fee;Fee;];": 1, + "Train-Inform[Time;Leave;Arrive;Id;];": 1, + "Train-Inform[Id;Id;Day;Depart;Leave;Leave;Choice;];": 1, + "Train-Inform[Leave;Leave;Id;Id;];Train-OfferBook[none;];": 1, + "Train-Inform[Leave;Id;];Train-Request[Leave;];": 1, + "Train-Inform[Dest;Time;Depart;];general-reqmore[none;];": 1, + "Train-Inform[Day;Id;Ticket;Leave;];Train-Select[none;];": 1, + "Attraction-Inform[Type;Choice;Name;Name;Name;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Name;Name;Name;Name;Name;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Post;Phone;Name;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Type;Area;Addr;Name;];": 1, + "Train-Inform[Depart;Dest;];Train-Request[Arrive;Leave;];": 1, + "Hotel-Request[Stars;Parking;Price;Internet;];Hotel-Inform[Choice;Type;Type;];": 1, + "Hotel-Recommend[Post;Type;Addr;Name;Parking;Internet;];Booking-Inform[none;];": 1, + "Hotel-Inform[Name;Choice;Stars;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Addr;Area;];": 1, + "Train-Inform[Id;Dest;Arrive;Time;];Train-OfferBook[none;];": 1, + "Restaurant-Recommend[Phone;Post;Addr;Name;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Choice;Type;Type;];": 1, + "Hotel-Inform[Type;Parking;Stars;Name;Area;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Phone;Parking;Choice;Internet;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;];": 1, + "Train-Inform[Leave;Ticket;Time;];": 1, + "Train-Inform[Ticket;Dest;];general-reqmore[none;];": 1, + "Attraction-Inform[Type;Choice;Area;Area;Area;];": 1, + "Restaurant-Request[Food;];Hotel-NoOffer[none;];": 1, + "Attraction-Inform[Addr;Addr;Name;Post;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Price;Type;Stars;];": 1, + "Hotel-Inform[Type;Stars;Price;];": 1, + "Hotel-NoOffer[Type;Area;];Hotel-Inform[Area;Choice;Type;Parking;Stars;Price;];": 1, + "Hotel-NoOffer[Price;];Hotel-Inform[Area;Stars;Price;Price;Parking;Type;Choice;Choice;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Area;Food;Food;Choice;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Type;Post;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Choice;Type;];": 1, + "Train-Inform[Ticket;];Train-Request[Arrive;];": 1, + "Attraction-Recommend[Type;Name;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Name;Phone;];": 1, + "Attraction-Request[Name;Area;];Attraction-Inform[Type;];": 1, + "Hotel-Recommend[Post;Addr;Phone;Name;];Hotel-Inform[Choice;];": 1, + "Hotel-Recommend[Area;Stars;Type;Name;Price;];Hotel-Inform[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Parking;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;Stars;Price;Type;Addr;];Booking-Inform[none;];": 1, + "Attraction-Request[Area;Type;];Attraction-Inform[Area;];": 1, + "Attraction-Inform[Name;Post;Type;Phone;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;Addr;Price;Type;Stars;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Phone;Post;Name;];": 1, + "Train-Inform[Dest;Depart;Arrive;Choice;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Type;Name;Name;Choice;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Price;Price;Name;Name;];": 1, + "Hotel-Request[Area;];Hotel-Select[Area;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Post;Addr;Parking;Phone;];": 1, + "general-greet[none;];Hotel-Select[none;];Hotel-Inform[Price;Price;];": 1, + "Train-Inform[Choice;];Train-Request[Dest;Arrive;Day;Leave;];": 1, + "Booking-Inform[none;];Restaurant-NoOffer[none;];Restaurant-Inform[Price;Choice;];": 1, + "Restaurant-Inform[Post;Area;Name;];": 1, + "Restaurant-Request[Area;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Price;Price;Area;];": 1, + "Train-Inform[Ticket;Choice;];": 1, + "Train-Inform[Arrive;Arrive;Id;Id;Dest;];": 1, + "Restaurant-Inform[Choice;Food;Name;Area;Price;];": 1, + "Train-Inform[Depart;Leave;Arrive;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Stars;Choice;Type;Internet;];": 1, + "Hotel-Inform[Post;Addr;Name;Price;];": 1, + "Train-OfferBooked[Id;Depart;People;Ref;Leave;Ticket;];": 1, + "Booking-Inform[Name;];general-reqmore[none;];Restaurant-Inform[Choice;];": 1, + "Train-Inform[Leave;Ticket;];Train-Select[none;];": 1, + "Train-NoOffer[Arrive;];Train-Request[Arrive;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Parking;Price;Stars;Name;Internet;];": 1, + "Train-Request[Day;Arrive;Depart;];": 1, + "Attraction-Recommend[Fee;Phone;Addr;Name;];general-reqmore[none;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Food;Food;Food;];": 1, + "Restaurant-Recommend[Price;Price;Name;Name;];Restaurant-Inform[Choice;];": 1, + "Attraction-Recommend[Name;Type;Area;];general-greet[none;];": 1, + "Booking-NoBook[none;];Attraction-Inform[Addr;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Choice;Choice;];": 1, + "Attraction-Recommend[Name;Name;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;];Restaurant-Inform[Food;Name;];": 1, + "Hotel-Inform[Area;Stars;Parking;Name;Internet;];": 1, + "Hotel-Inform[Post;Addr;Name;Area;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Day;Leave;Depart;Dest;Id;];general-reqmore[none;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Type;Type;Internet;Parking;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Area;Name;Internet;Addr;Price;Parking;Type;Stars;];": 1, + "Attraction-Request[Area;];Attraction-NoOffer[Area;];Attraction-Inform[Type;Choice;Area;];": 1, + "Attraction-Inform[Type;Choice;Name;Addr;Area;];": 1, + "Hotel-Inform[Area;Name;Type;Choice;];Booking-Request[Day;];": 1, + "Hotel-Inform[Phone;Stars;Parking;Name;Area;Post;Internet;Price;];": 1, + "Train-Inform[Dest;Arrive;Time;Leave;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Attraction-Request[Area;];general-greet[none;];Attraction-Inform[Area;Type;Choice;];": 1, + "Attraction-Recommend[Addr;Fee;Name;Type;];": 1, + "Hotel-Inform[Area;Price;Stars;Parking;Name;Internet;];Attraction-Inform[Area;Type;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Internet;Choice;Parking;];general-greet[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Depart;People;Day;Dest;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Name;Name;Name;Name;Name;Name;];": 1, + "Train-Inform[Id;Arrive;Leave;Time;];Train-OfferBook[none;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[none;];Hotel-Inform[Type;Stars;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Choice;];": 1, + "Attraction-Select[Name;];Attraction-Inform[Choice;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Internet;];": 1, + "Hotel-Inform[Name;Name;Internet;Parking;];": 1, + "Train-OfferBooked[Ref;People;Day;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Fee;Fee;Type;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Internet;Parking;Phone;Price;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Choice;Internet;Parking;Type;Type;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Food;Name;Post;];": 1, + "Attraction-Inform[Addr;Phone;Fee;Name;];": 1, + "Train-Inform[none;];Booking-Inform[Day;Day;];Train-OfferBooked[Day;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Area;Type;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;];general-reqmore[none;];": 1, + "general-greet[none;];Booking-Request[Day;];Restaurant-Inform[Price;Name;Food;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Type;Type;Choice;Choice;];": 1, + "Hotel-Inform[Type;Internet;Parking;Stars;Name;Area;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Price;Addr;Name;Area;Food;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Internet;Type;Parking;];": 1, + "Hotel-Inform[Phone;];Booking-Request[People;Day;Stay;];": 1, + "Hotel-Inform[Area;Name;Addr;Price;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Post;Stars;];": 1, + "Train-Inform[Choice;Choice;Leave;Leave;Depart;];Train-Request[Leave;];": 1, + "Attraction-Select[Area;];": 1, + "Booking-NoBook[none;];Booking-Request[Time;];Restaurant-Inform[Choice;];": 1, + "Hotel-Select[Price;Price;];Hotel-Inform[Choice;Type;Area;Stars;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Addr;Area;];": 1, + "Attraction-Recommend[Area;Name;Addr;Addr;];": 1, + "Train-Inform[Ref;];general-reqmore[none;];general-greet[none;];": 1, + "Train-Inform[Day;Leave;Arrive;];": 1, + "Hotel-NoOffer[Stars;Area;Type;];": 1, + "Attraction-Inform[Name;Name;Addr;Addr;Addr;Addr;Addr;];": 1, + "Train-Inform[Time;];Train-Request[Arrive;];": 1, + "Hotel-Request[Stars;Price;];Hotel-NoOffer[Price;Type;];": 1, + "Attraction-Inform[Fee;Type;Area;Addr;Addr;];": 1, + "Attraction-Inform[Phone;Addr;Name;Type;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Addr;Phone;];": 1, + "Train-Inform[Choice;Leave;Day;];Train-Request[Depart;Dest;];": 1, + "Restaurant-Inform[Addr;Area;Name;];Booking-Book[Ref;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Name;Name;Name;Name;Type;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Name;Food;Choice;Price;];": 1, + "Restaurant-Recommend[Food;Area;Addr;Name;];": 1, + "Attraction-Select[Type;];Attraction-NoOffer[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Post;Addr;Phone;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Name;Name;];": 1, + "Attraction-NoOffer[Area;Type;];Attraction-Inform[Name;Area;Choice;];": 1, + "Booking-Inform[none;];Attraction-Inform[Name;Addr;Area;];": 1, + "Restaurant-Inform[Name;Addr;Area;Food;];": 1, + "Train-Inform[Arrive;Id;Dest;Depart;Leave;];Train-Select[none;];": 1, + "Hotel-Recommend[Name;Post;Price;Addr;];Booking-Inform[none;];": 1, + "general-welcome[none;];Train-Request[Depart;Day;];": 1, + "Train-Inform[Arrive;Id;];Train-Request[Arrive;];": 1, + "Restaurant-Inform[Name;Price;Area;Food;];": 1, + "Booking-Book[People;Day;];": 1, + "Attraction-Recommend[Addr;Addr;Name;];Booking-Inform[none;];": 1, + "Attraction-Inform[Fee;Fee;Area;Name;Name;Type;];": 1, + "Restaurant-Inform[Price;Area;Food;Name;Name;Name;Name;Name;Choice;];": 1, + "Taxi-Inform[Phone;Car;];Taxi-Request[Dest;Depart;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Price;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Area;Price;Choice;];": 1, + "Attraction-Recommend[Name;Name;Addr;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;Food;Food;Food;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Parking;Name;];": 1, + "Attraction-Request[Name;Area;];Attraction-NoOffer[Type;Area;];": 1, + "Attraction-Recommend[Phone;Name;Addr;Addr;];": 1, + "Hotel-Inform[Phone;Area;Name;];": 1, + "Attraction-Recommend[Area;Fee;Choice;Name;Type;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;];Restaurant-Inform[Area;Price;];": 1, + "Attraction-Inform[Fee;Area;Type;Post;Addr;];": 1, + "Train-OfferBooked[Leave;Ref;Ticket;Id;Depart;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Food;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Stars;Area;Area;Type;];": 1, + "Hotel-Inform[Internet;Parking;];Booking-Request[People;];": 1, + "Attraction-Inform[Addr;Name;];Train-OfferBooked[Ref;Id;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Area;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Fee;Choice;Type;];": 1, + "Train-Inform[Id;Arrive;Ticket;Time;Leave;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Food;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;Price;Name;Name;Name;Type;];": 1, + "Hotel-Inform[Name;Addr;];Booking-Request[Stay;Day;People;];": 1, + "Hotel-Inform[Area;Name;Type;];general-reqmore[none;];": 1, + "Train-Inform[Depart;Ticket;];": 1, + "Train-Inform[Day;Arrive;Id;Leave;];Train-Select[none;];": 1, + "Train-Inform[Id;Dest;];": 1, + "Hotel-Inform[Type;Price;Area;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Stars;Area;];": 1, + "Hotel-Inform[Name;Post;Type;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;Depart;];Train-Select[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Choice;Parking;Type;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Type;Name;Name;Name;Name;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Recommend[Name;Area;];": 1, + "Hotel-Recommend[Area;Name;];Hotel-Inform[Internet;Parking;Price;];": 1, + "Restaurant-Inform[Addr;Addr;Post;Phone;];": 1, + "Attraction-Inform[Type;Name;Area;];": 1, + "Train-Inform[Id;Time;Leave;];Train-Select[none;];": 1, + "Hotel-Inform[Area;Area;Choice;Type;Price;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;Type;];general-reqmore[none;];Attraction-Inform[Choice;Type;];": 1, + "general-greet[none;];Attraction-Inform[Addr;Post;];": 1, + "Restaurant-Request[Food;Price;];Restaurant-Recommend[Name;];": 1, + "Restaurant-Recommend[Name;Area;];Booking-Request[Time;Day;];Restaurant-Inform[Price;];": 1, + "Taxi-Inform[Arrive;Phone;Car;Dest;];": 1, + "Restaurant-Request[Food;];general-greet[none;];Restaurant-Inform[Food;Food;Food;Food;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;Type;Type;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Addr;Fee;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Name;Phone;Area;];": 1, + "Train-Inform[Arrive;Ticket;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Food;Area;];": 1, + "Booking-Book[Day;Name;];": 1, + "Train-Inform[Arrive;Choice;Leave;];Train-OfferBook[Ticket;];": 1, + "Train-OfferBooked[Ref;People;Day;Dest;Depart;Arrive;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Type;Name;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Name;Area;Price;];": 1, + "Attraction-Recommend[Area;Area;Name;Name;];Attraction-Select[none;];Attraction-Inform[Name;Name;Fee;Fee;];": 1, + "Hotel-Recommend[Name;];Hotel-Request[Area;Price;];Hotel-Inform[Choice;];": 1, + "Attraction-Select[Type;];Attraction-Inform[Choice;Type;Area;];": 1, + "Attraction-Recommend[Area;Name;Addr;Post;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Name;Name;];": 1, + "Restaurant-NoOffer[Food;];Restaurant-Inform[Food;Area;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Choice;Name;Name;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Addr;Name;];Restaurant-Inform[Choice;Food;Area;Price;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Area;Name;Name;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Area;Choice;Type;Type;];": 1, + "Train-Inform[Time;Depart;Choice;Dest;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Food;Price;Choice;Area;Area;Name;Name;];": 1, + "Restaurant-Request[Price;Food;];Restaurant-Inform[Choice;Price;Food;];": 1, + "Train-Inform[Arrive;Day;Choice;];Train-Select[Arrive;Leave;];": 1, + "Hotel-Inform[Type;Internet;Parking;Stars;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Food;Price;Choice;Area;Name;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Area;Phone;Name;];": 1, + "Restaurant-Select[Area;];Restaurant-Inform[Food;Price;Name;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;Type;Type;];Attraction-Inform[Choice;Area;];": 1, + "Hotel-Inform[Phone;Internet;Parking;Area;Name;Stars;];": 1, + "Train-Inform[Arrive;Leave;Depart;Id;Time;];Train-OfferBook[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Internet;Choice;Stars;Stars;Price;Price;Area;];": 1, + "Hotel-Inform[Name;Name;Choice;Stars;Stars;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Area;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Addr;Name;Food;Area;];": 1, + "Train-Inform[Leave;Depart;Arrive;Dest;];Booking-Inform[none;];": 1, + "Train-Inform[Choice;];Train-OfferBook[Leave;Day;Arrive;Id;];": 1, + "Booking-Inform[Day;];Booking-Request[Time;];Restaurant-Inform[Area;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Name;Food;Area;Price;];": 1, + "Hotel-NoOffer[Area;];general-reqmore[none;];": 1, + "Train-Inform[Ticket;];Hotel-Inform[Addr;];": 1, + "Hotel-Inform[Price;Type;Phone;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-NoOffer[Area;];Hotel-Inform[Area;Area;Choice;Choice;];": 1, + "Restaurant-Select[Choice;Price;];": 1, + "Hotel-Recommend[Area;Name;];Hotel-Request[Area;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Type;Name;Addr;];": 1, + "general-welcome[none;];Train-OfferBooked[Ticket;];": 1, + "Restaurant-Select[Area;Area;];Restaurant-Request[Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Name;Addr;Addr;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Choice;Internet;Parking;Stars;];": 1, + "Hotel-Recommend[Name;Phone;Post;Area;Addr;];Booking-Inform[none;];Booking-Request[Day;];": 1, + "Train-Inform[Ticket;];Train-OfferBook[Id;Arrive;];": 1, + "Hotel-Recommend[Name;Name;Area;Area;];Hotel-Select[none;];": 1, + "Hotel-Recommend[Area;Stars;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Price;Choice;Type;];": 1, + "Hotel-Recommend[Stars;Price;];": 1, + "Hotel-Select[Price;Type;];Hotel-NoOffer[none;];": 1, + "Restaurant-Inform[Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Area;];": 1, + "Taxi-Request[Leave;];Attraction-Inform[Phone;Addr;Post;];": 1, + "Train-Inform[Arrive;Choice;Id;];Train-OfferBook[none;];": 1, + "Train-Request[Leave;];Booking-Book[Ref;Name;];": 1, + "Train-Inform[Arrive;Id;Dest;Depart;Leave;];general-reqmore[none;];Train-OfferBooked[Ref;People;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Food;Name;];": 1, + "Attraction-Request[Area;];Attraction-Select[none;];Attraction-Inform[Name;Name;Choice;];": 1, + "Attraction-Recommend[Phone;Addr;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Stars;Area;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Price;];": 1, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Type;Choice;Fee;Fee;];": 1, + "Taxi-Inform[Dest;];": 1, + "Restaurant-Recommend[Name;];Booking-Book[Ref;Time;];": 1, + "Hotel-Request[Stars;Price;];Hotel-NoOffer[none;];": 1, + "general-greet[none;];Hotel-Inform[Area;];general-reqmore[none;];Booking-Book[Ref;Name;];": 1, + "Train-Inform[Choice;Ticket;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Booking-Request[Day;Stay;];": 1, + "Hotel-Select[none;];Hotel-Inform[Stars;];": 1, + "Taxi-Request[Depart;];Restaurant-Inform[Post;Addr;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Choice;Internet;Type;Parking;];": 1, + "Restaurant-Request[Name;Area;];": 1, + "Restaurant-Recommend[Name;Price;Phone;Food;];": 1, + "Attraction-Inform[Name;Choice;Phone;Addr;];": 1, + "Train-Inform[Dest;Time;Leave;];Train-Request[Leave;];": 1, + "Train-Inform[Leave;Choice;];Train-OfferBook[none;];": 1, + "Restaurant-Recommend[Name;Name;];Restaurant-Inform[Choice;Food;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Addr;Area;];": 1, + "Attraction-Recommend[Choice;Name;];Attraction-Inform[none;];": 1, + "Hotel-Inform[Area;Name;];Booking-Request[Day;];": 1, + "Hotel-Select[Price;Type;Type;];Hotel-NoOffer[Price;Stars;Area;Type;];": 1, + "Hotel-NoOffer[Price;Area;Type;];Hotel-Inform[Type;Choice;Price;Area;];": 1, + "Attraction-Inform[Fee;Phone;Area;Addr;Post;Type;];": 1, + "Train-Inform[Dest;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Request[Price;Food;Area;];general-greet[none;];": 1, + "Restaurant-Select[none;];Restaurant-Recommend[Name;Name;Name;Food;Food;Food;];": 1, + "Restaurant-Recommend[Post;Name;Food;Phone;];general-reqmore[none;];": 1, + "Hotel-Inform[Price;Price;Name;Choice;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Leave;Leave;Depart;Dest;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Name;Name;];": 1, + "Train-Inform[Dest;Arrive;Choice;Day;];Train-OfferBook[none;];": 1, + "Train-Inform[Depart;Dest;Ticket;Arrive;];Train-OfferBook[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Type;Area;Price;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Price;Price;Type;Type;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Food;Choice;Price;Price;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Type;Parking;Stars;];": 1, + "Hotel-Inform[Parking;];general-greet[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Addr;Phone;];": 1, + "Hotel-Recommend[Addr;Name;];Hotel-Inform[Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Type;Internet;];": 1, + "general-greet[none;];Attraction-Inform[Fee;Phone;];": 1, + "Hotel-Request[Stars;Area;];Hotel-Inform[Choice;Price;];": 1, + "Hotel-Inform[Choice;Choice;Choice;Type;Type;Area;];": 1, + "Hotel-Inform[Stars;];Booking-Book[Ref;Stay;Name;];": 1, + "Hotel-Select[Area;];Hotel-Inform[Name;Area;];": 1, + "Booking-NoBook[Name;];Hotel-Request[Area;Price;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;Choice;Choice;Choice;Area;Area;];": 1, + "Booking-Inform[none;];Attraction-Inform[Fee;];": 1, + "Hotel-Recommend[Addr;Price;Price;Name;Name;Area;];Hotel-Inform[Choice;];": 1, + "Attraction-Request[Type;];Attraction-NoOffer[Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Name;Area;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Type;Type;Parking;Choice;Choice;Area;];": 1, + "Hotel-Select[none;];Hotel-NoOffer[Stars;Internet;];Hotel-Inform[Type;Internet;Stars;];": 1, + "Restaurant-Inform[Choice;Price;Price;Name;Name;Area;Food;];": 1, + "Hotel-NoOffer[Type;Area;];Hotel-Inform[Stars;];": 1, + "Attraction-Inform[Type;Fee;Fee;Choice;Choice;Choice;Area;];": 1, + "Train-Inform[Choice;Choice;Arrive;Arrive;];Train-Request[Day;];": 1, + "Attraction-Recommend[Addr;Addr;Addr;Area;Fee;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Fee;Phone;Addr;Addr;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Choice;Type;Parking;Price;Price;];": 1, + "Train-Inform[Leave;];Train-OfferBook[Leave;Choice;];": 1, + "Train-Inform[Choice;Day;Leave;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Choice;Price;];": 1, + "Hotel-Recommend[Type;Name;Area;Internet;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;Type;Type;];Attraction-Inform[Area;Choice;Choice;];": 1, + "Hotel-Inform[Area;Area;Area;Name;Name;Name;Choice;Price;Type;];": 1, + "Hotel-Inform[Internet;Parking;Name;Name;Stars;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Area;Choice;Choice;Price;];": 1, + "Train-Inform[Arrive;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Area;];": 1, + "Train-Inform[Leave;];Train-NoOffer[none;];Train-OfferBook[Leave;];": 1, + "Restaurant-NoOffer[Food;Price;];Restaurant-Inform[Food;Name;];": 1, + "Train-Inform[Arrive;];Booking-Book[Ref;];": 1, + "Train-Inform[Leave;Dest;Time;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Leave;Dest;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;Type;Stars;];": 1, + "Hotel-Inform[Internet;Parking;Name;Price;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Choice;Stars;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Choice;Area;Name;Name;];": 1, + "Booking-Inform[none;];Attraction-Inform[Name;];": 1, + "Attraction-Inform[Post;Phone;Addr;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Phone;Post;Addr;];": 1, + "Hotel-NoOffer[Stars;Area;Price;];Hotel-Inform[Name;Stars;];": 1, + "Hotel-Recommend[Name;Addr;];Hotel-Inform[Area;Price;Stars;Type;Choice;];": 1, + "Train-OfferBook[Arrive;Leave;Id;];Train-Request[People;];": 1, + "Attraction-Inform[Type;Addr;Addr;Addr;Name;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Choice;];": 1, + "Train-Inform[Id;Dest;Arrive;Arrive;Leave;Depart;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Area;Name;Name;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Choice;Name;Name;Area;];": 1, + "Restaurant-Inform[Phone;Name;Post;];": 1, + "Train-Inform[Dest;Choice;Day;Depart;];": 1, + "Hotel-Inform[Phone;Area;Addr;Name;Post;];": 1, + "Train-Inform[Ref;];Train-OfferBooked[Leave;];": 1, + "Hotel-Recommend[Type;Area;Internet;Name;Price;];Booking-Inform[none;];": 1, + "Hotel-Recommend[Internet;Name;Stars;Price;Area;Type;];Booking-Inform[none;];": 1, + "Train-Inform[Arrive;Choice;];Train-Select[Leave;Leave;Leave;];": 1, + "Train-OfferBooked[Day;Time;Dest;Depart;Ticket;Arrive;Id;Leave;];": 1, + "Hotel-Request[Type;Stars;Price;Area;];Hotel-Inform[Type;Choice;];": 1, + "Hotel-Select[Choice;Type;];Hotel-Inform[Name;Area;Area;Choice;Type;Price;];": 1, + "Restaurant-Inform[Phone;Name;];Train-OfferBooked[Ref;Ticket;];": 1, + "Attraction-Recommend[Type;];Attraction-Inform[Type;Type;Type;Type;Type;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Area;Fee;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Type;Area;];": 1, + "Hotel-Inform[Area;Stars;Parking;Price;Name;Type;Internet;];general-reqmore[none;];": 1, + "Train-Inform[Leave;Depart;Depart;Arrive;Id;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Area;Stars;];": 1, + "Hotel-Inform[Stars;Phone;Parking;Name;Internet;];Booking-Request[Day;];": 1, + "Train-Inform[Choice;Dest;];Train-Request[Leave;Depart;Arrive;];": 1, + "Train-Inform[Time;Ticket;Id;];Train-OfferBooked[none;];": 1, + "Train-Inform[Arrive;];Train-NoOffer[Arrive;];": 1, + "Train-Inform[Arrive;Ticket;Id;Time;];": 1, + "Train-Select[Ticket;Arrive;Arrive;];Train-OfferBook[none;];": 1, + "Restaurant-Request[Area;];Restaurant-Recommend[Price;Name;Name;Food;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Post;Name;Phone;];": 1, + "Train-Inform[Ticket;People;];general-reqmore[none;];": 1, + "Attraction-Recommend[Phone;Post;Name;Addr;];general-reqmore[none;];Attraction-Inform[Choice;Fee;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Food;Price;Choice;Choice;Area;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Type;Area;Name;];": 1, + "Train-Inform[Leave;Id;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Train-OfferBook[Dest;Day;Leave;Depart;People;];": 1, + "Hotel-Recommend[Price;Parking;Internet;Stars;Name;];Booking-Inform[none;];": 1, + "Hotel-Recommend[Type;Name;Stars;Area;];general-reqmore[none;];": 1, + "Restaurant-Request[Price;];general-reqmore[none;];Restaurant-Inform[Price;Name;];": 1, + "Train-Inform[Choice;Dest;Arrive;];Train-Request[Depart;];": 1, + "Booking-Request[Time;Day;];Train-OfferBooked[Ref;];": 1, + "Hotel-Inform[Choice;Internet;Type;Stars;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;Name;];": 1, + "Train-Inform[Arrive;Day;Dest;Id;];Train-OfferBook[none;];Train-Request[People;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;Post;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Type;Price;Area;];": 1, + "Train-Inform[Leave;Depart;];general-reqmore[none;];": 1, + "Attraction-Request[Type;];Attraction-Recommend[Type;Type;Type;Type;Type;];": 1, + "Attraction-Select[Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;];": 1, + "Attraction-Recommend[Name;Post;];": 1, + "Train-Inform[Arrive;Depart;Dest;Leave;];": 1, + "Attraction-NoOffer[Area;Choice;];": 1, + "Hotel-Recommend[Stars;Price;Name;];Hotel-NoOffer[Type;Parking;];Booking-Book[Ref;];": 1, + "Hotel-Recommend[Name;Price;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Phone;Price;];general-greet[none;];": 1, + "Hotel-Inform[Name;Parking;Area;];": 1, + "Attraction-Recommend[Type;Name;];general-reqmore[none;];Attraction-Inform[none;];": 1, + "Attraction-Inform[Name;Addr;Post;Area;Fee;];": 1, + "Booking-Inform[Day;Stay;];": 1, + "Hotel-Inform[Addr;Area;Price;Name;Type;];general-reqmore[none;];": 1, + "Attraction-Inform[Type;Area;Choice;Fee;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Name;Post;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Name;Food;];": 1, + "Train-Inform[Ticket;Ref;];general-reqmore[none;];Train-OfferBooked[Leave;People;Day;Depart;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;];general-greet[none;];": 1, + "Restaurant-Inform[Phone;Food;Name;Addr;Area;Price;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Area;Addr;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Name;Name;Name;Name;Area;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Choice;];": 1, + "Attraction-Recommend[Area;Fee;Name;];Attraction-Select[none;];": 1, + "Hotel-Inform[Price;Name;Internet;Parking;Stars;Addr;];": 1, + "Train-Request[Dest;Arrive;Leave;Day;Depart;];": 1, + "Train-Inform[Arrive;Id;Time;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Train-Inform[Day;Arrive;Dest;Ticket;];general-reqmore[none;];": 1, + "Attraction-Inform[Name;Type;Post;Area;];": 1, + "Restaurant-Request[Price;];Booking-NoBook[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Restaurant-Select[Food;];Restaurant-Recommend[Price;Name;Area;];": 1, + "Attraction-Select[Choice;Fee;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Post;Addr;];": 1, + "Attraction-Inform[Addr;Type;Area;Phone;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Name;Name;Name;Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Phone;Name;Post;];": 1, + "Hotel-Recommend[Price;Internet;Area;Name;Stars;];Booking-Inform[none;];": 1, + "general-reqmore[none;];Booking-Book[People;Day;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;Type;];": 1, + "Hotel-Inform[Price;Name;Name;Area;Stars;];": 1, + "Attraction-Select[Area;Area;];Attraction-Inform[Area;];": 1, + "Hotel-Request[Type;Stars;Price;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Stars;Phone;Price;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Choice;Price;Price;];": 1, + "Restaurant-Inform[Post;Area;Food;Name;];": 1, + "Train-Inform[Arrive;Choice;Leave;Day;];Train-OfferBook[none;];": 1, + "Restaurant-Select[Area;];Restaurant-Request[Area;];Restaurant-Inform[Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Choice;Price;];": 1, + "Hotel-Request[Area;Type;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Type;Name;Phone;Fee;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Name;Name;Area;Area;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Stars;Stars;Stars;Choice;];": 1, + "Hotel-Inform[Choice;Type;Price;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Stars;Stars;Parking;Type;Choice;];": 1, + "Hotel-Request[Price;Stars;];Hotel-NoOffer[Price;Stars;];general-reqmore[none;];Hotel-Select[Price;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Choice;Stars;Name;Price;Area;];": 1, + "Hotel-Inform[Name;Name;Internet;];": 1, + "Hotel-Request[Area;Price;];Hotel-NoOffer[none;];Hotel-Inform[Area;Area;Type;Stars;];": 1, + "Hotel-Recommend[Price;Area;Name;];Booking-Inform[none;];Hotel-Inform[Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Phone;Addr;Addr;];": 1, + "Train-Inform[Ticket;Arrive;Id;Dest;];Train-OfferBook[none;];": 1, + "Train-Request[Arrive;People;];": 1, + "Train-Inform[Arrive;Leave;Id;];Train-OfferBooked[Ref;Ticket;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Area;Food;Price;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Price;Price;Price;Stars;Stars;Stars;Name;Name;Name;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Internet;];": 1, + "Restaurant-Recommend[Name;Phone;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Choice;Choice;Area;Type;Fee;Fee;];": 1, + "Train-Inform[Choice;Depart;Leave;];Train-Request[Depart;Day;];": 1, + "Train-OfferBook[Arrive;Dest;Id;Leave;];": 1, + "Hotel-Inform[Ref;];general-reqmore[none;];Booking-Book[Day;Name;];": 1, + "Train-Inform[Dest;Choice;];Train-Request[Depart;Leave;Day;];": 1, + "general-greet[none;];Attraction-Inform[Phone;Area;Type;Post;Addr;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ticket;Id;Leave;Ref;People;];": 1, + "Restaurant-Inform[Addr;Name;];Booking-Book[People;Day;Name;Time;Ref;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Food;Price;Choice;Area;Name;Name;];": 1, + "Restaurant-Inform[Choice;Price;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Choice;Type;Stars;Stars;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Type;Addr;Addr;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Type;Type;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Post;Name;Addr;];": 1, + "Restaurant-Inform[Price;Area;Addr;Phone;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Area;];": 1, + "Restaurant-NoOffer[Area;Price;Food;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Choice;Name;];": 1, + "general-reqmore[none;];Booking-Book[Time;People;Name;Ref;];": 1, + "Restaurant-Inform[Name;Addr;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Post;Price;Phone;];": 1, + "Train-Inform[Dest;];general-greet[none;];Train-Request[Day;];": 1, + "Train-Inform[Time;Leave;Arrive;];general-reqmore[none;];": 1, + "Attraction-Request[Area;Name;];": 1, + "Attraction-NoOffer[Type;];Attraction-Inform[Name;Name;Name;Choice;Type;];": 1, + "Attraction-Inform[Fee;Fee;Name;Name;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Phone;Phone;Name;Name;];": 1, + "Hotel-Inform[Area;Name;Internet;Price;Parking;Type;Phone;Stars;];": 1, + "Restaurant-Inform[Food;Price;Choice;Area;Area;];": 1, + "Train-Inform[Dest;Arrive;Leave;Day;];general-reqmore[none;];": 1, + "Train-NoOffer[Depart;Dest;Leave;Day;];Train-Request[Day;Leave;];": 1, + "Attraction-NoOffer[Area;Type;];general-reqmore[none;];Attraction-Inform[Fee;Area;Name;];": 1, + "Hotel-Select[Price;Price;Price;];Hotel-Inform[Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Choice;Type;Parking;Area;Area;Stars;];": 1, + "Hotel-Inform[Area;Area;Parking;Price;Choice;Type;Internet;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Type;Type;];": 1, + "Attraction-Recommend[Addr;Addr;Addr;Type;Name;Name;];": 1, + "Train-Inform[Choice;Leave;Id;];Train-OfferBook[none;];": 1, + "Booking-Inform[Name;];Booking-Request[People;Day;Time;];": 1, + "Train-OfferBook[Dest;Leave;Id;Arrive;Depart;];Train-Request[People;];": 1, + "Attraction-Recommend[Name;];general-greet[none;];general-reqmore[none;];Attraction-Inform[Choice;];": 1, + "Hotel-Inform[Type;Internet;Parking;Stars;Name;];": 1, + "general-reqmore[none;];Booking-Book[Name;Name;Ref;Ref;];": 1, + "Hotel-NoOffer[Stars;Area;];Hotel-Select[Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Stars;Area;Type;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Choice;];": 1, + "Attraction-Inform[Name;Area;Type;];Booking-Book[Ref;];": 1, + "Hotel-Inform[Post;Area;Stars;Phone;Name;Internet;];": 1, + "Hotel-Inform[Type;Addr;];": 1, + "Attraction-Inform[Name;Choice;Type;];": 1, + "Hotel-Recommend[Price;Stars;Name;];Booking-Inform[none;];Hotel-Inform[Choice;Type;];": 1, + "Attraction-Recommend[Addr;Name;];general-greet[none;];Attraction-Inform[Fee;Choice;];": 1, + "Train-Select[Leave;Arrive;Id;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[Id;Ref;People;Ticket;Day;];": 1, + "Restaurant-NoOffer[Food;Choice;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Area;Choice;];": 1, + "Attraction-Inform[Name;Name;Phone;Phone;Addr;Addr;Addr;];": 1, + "Taxi-Request[Dest;];Attraction-Inform[Choice;Fee;];": 1, + "Taxi-Request[Arrive;Leave;];Attraction-Inform[Phone;];": 1, + "Booking-Inform[none;];Hotel-Request[Price;];Hotel-Inform[Type;Choice;Internet;];": 1, + "Hotel-Inform[Name;Area;];Booking-Book[Time;Day;Name;Ref;];": 1, + "Taxi-Inform[Car;Phone;];Hotel-Inform[Name;Area;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Name;Name;Area;];": 1, + "Restaurant-Inform[Post;Price;];": 1, + "Taxi-Inform[none;];Train-OfferBooked[Day;Dest;Arrive;Id;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Area;Name;Post;];": 1, + "Restaurant-Inform[Addr;];Booking-Book[Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Addr;Addr;Name;];": 1, + "Taxi-Inform[Leave;];Taxi-Request[Leave;];": 1, + "Train-Inform[Day;Arrive;];general-reqmore[none;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Choice;Type;Type;Type;];": 1, + "Attraction-Recommend[Name;Addr;Addr;Fee;];": 1, + "Restaurant-Select[Name;];Restaurant-Inform[Choice;Price;Area;Food;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Type;Area;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Food;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Name;];Booking-Request[People;Day;];": 1, + "Train-Inform[Arrive;Arrive;Choice;Choice;Choice;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Fee;Area;Post;Type;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Addr;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Type;Area;Area;Area;];": 1, + "Hotel-Recommend[Price;Stars;Name;Type;Area;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Food;Phone;Post;];": 1, + "Train-Inform[Dest;Dest;Arrive;Arrive;Id;];": 1, + "Attraction-Inform[Phone;Phone;Phone;Phone;Phone;Name;Name;Name;Name;Name;Fee;Fee;Fee;Fee;Fee;];": 1, + "Train-Inform[Choice;];Train-Request[People;Depart;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Area;Addr;Addr;Name;Post;];": 1, + "Hotel-Inform[Phone;Parking;Name;];": 1, + "Hotel-NoOffer[Stars;Type;];general-reqmore[none;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Price;Area;];": 1, + "Hotel-Recommend[Area;Name;Stars;Price;];": 1, + "Restaurant-Request[Price;];general-greet[none;];Restaurant-Inform[Choice;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Addr;];": 1, + "Hotel-Request[Area;Price;Stars;Internet;];": 1, + "Train-Inform[Choice;Depart;Leave;Arrive;Dest;];Train-Request[Day;];": 1, + "Train-Inform[Arrive;Choice;Leave;Depart;Dest;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Phone;];": 1, + "Attraction-Recommend[Name;Area;];Attraction-Inform[Area;Area;Area;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Area;Fee;Name;];": 1, + "Hotel-Recommend[Price;Type;Name;Stars;];Booking-Inform[none;];Hotel-Inform[Area;Type;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Choice;Price;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Choice;Type;Type;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Addr;Name;Phone;Post;];": 1, + "Train-Inform[Depart;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Booking-Request[People;Time;];general-greet[none;];": 1, + "Attraction-Request[Type;];Booking-Book[Name;Ref;];": 1, + "Hotel-Select[Type;Price;];Hotel-NoOffer[Type;Price;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[Type;];Hotel-Inform[Type;Area;Name;];": 1, + "Attraction-Inform[Addr;Name;Phone;Fee;];": 1, + "Attraction-Recommend[Name;];Attraction-NoOffer[Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Addr;Name;Post;];": 1, + "Train-Inform[Day;Depart;Dest;];Train-Request[Leave;Arrive;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Internet;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Name;Post;Type;Internet;];": 1, + "Train-Inform[Id;Dest;Arrive;Depart;];Train-Select[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Ref;Dest;Day;Depart;];": 1, + "Train-Request[Day;Arrive;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-NoOffer[Type;];": 1, + "Hotel-Request[Price;Type;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Inform[Area;Stars;Parking;Name;Name;Name;Type;Internet;];": 1, + "Attraction-Inform[Type;Area;Fee;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Stars;Price;];": 1, + "Train-Inform[Depart;Choice;];Train-Request[Dest;];": 1, + "Booking-Inform[none;];Attraction-Inform[Fee;Area;Name;];": 1, + "Hotel-Inform[Choice;Internet;Parking;Type;];": 1, + "Hotel-Inform[Choice;Choice;Choice;Type;Area;];Booking-Request[Day;People;];": 1, + "Hotel-Inform[Ref;Type;];Booking-Book[Day;Name;];": 1, + "Attraction-Request[Area;];Attraction-Recommend[Fee;Name;];Attraction-Inform[Type;Choice;];": 1, + "Hotel-Inform[Area;Choice;Type;Price;];general-reqmore[none;];": 1, + "Hotel-Inform[Addr;Addr;Name;Name;Choice;];": 1, + "Train-Inform[Choice;Day;Dest;Leave;Leave;Leave;];Train-Request[Leave;];": 1, + "Train-Inform[Arrive;Leave;Depart;Dest;Id;];Train-Request[Leave;];": 1, + "Train-Select[Leave;Day;];": 1, + "Train-Inform[Ticket;Leave;Depart;Id;Arrive;Dest;];Train-OfferBook[none;];": 1, + "Hotel-Select[Stars;];Hotel-NoOffer[none;];": 1, + "Hotel-Inform[Area;Choice;Choice;Type;Type;];general-reqmore[none;];": 1, + "Attraction-Recommend[Fee;Phone;Type;Name;];": 1, + "Train-Inform[Dest;];Train-Request[Depart;];": 1, + "Train-Inform[Ref;];Train-OfferBooked[People;Id;];": 1, + "Train-Inform[Ref;];general-reqmore[none;];Train-OfferBooked[Id;];": 1, + "Attraction-Inform[Area;Area;Area;Type;Choice;Choice;Choice;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Phone;Addr;Addr;Addr;Area;];": 1, + "Restaurant-Select[Area;Area;Area;];Restaurant-Inform[Food;Choice;];": 1, + "Taxi-Inform[Arrive;Phone;];general-reqmore[none;];": 1, + "Hotel-Inform[Price;Choice;Type;Parking;];": 1, + "Attraction-Inform[Area;Area;Name;Name;Name;Name;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Type;Fee;Phone;Addr;Area;];": 1, + "Attraction-Recommend[Fee;Post;Addr;Name;];Attraction-Inform[Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Stars;Name;Area;];": 1, + "Hotel-Inform[Area;Name;Phone;Stars;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;Price;Price;Choice;Choice;Choice;];": 1, + "Hotel-Inform[Phone;Addr;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Price;Food;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Choice;Addr;];": 1, + "Attraction-Recommend[Name;Addr;];Attraction-Inform[Price;Type;Choice;Area;];": 1, + "Train-Inform[Choice;Time;];": 1, + "Train-Inform[Time;Ticket;Leave;Arrive;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Train-OfferBook[Id;Depart;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Choice;Food;];": 1, + "Hotel-Inform[Choice;Choice;];": 1, + "Train-Inform[Leave;Arrive;Id;];general-reqmore[none;];Train-OfferBooked[Ref;People;];": 1, + "Restaurant-Select[Price;];Restaurant-Inform[Price;];": 1, + "Hotel-Select[Area;];Hotel-Inform[Choice;Type;Stars;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Internet;];": 1, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;Area;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Choice;Choice;Area;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Addr;Area;];": 1, + "Train-Inform[Day;Choice;];Train-OfferBook[Leave;];": 1, + "Attraction-Inform[Name;Post;Addr;Fee;Phone;];": 1, + "Hotel-Select[none;];general-reqmore[none;];Hotel-Inform[Area;Area;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Name;Stars;];": 1, + "Hotel-Inform[Post;Phone;Name;];Booking-Request[Stay;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Addr;Phone;];": 1, + "Train-Inform[Choice;Depart;Dest;Leave;Leave;];Train-Request[Day;];": 1, + "Attraction-Inform[Fee;Phone;Type;Area;Name;Choice;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Price;Price;Choice;Area;Name;Name;];": 1, + "Train-OfferBooked[Ref;Depart;Dest;];": 1, + "Hotel-Request[Price;];Hotel-Select[Type;Price;Price;];": 1, + "Hotel-Select[Stars;Stars;Type;Price;Price;Choice;];": 1, + "Attraction-NoOffer[Type;];general-greet[none;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Addr;Addr;];": 1, + "Train-OfferBooked[Arrive;Ref;];": 1, + "Train-Inform[Ticket;Depart;Arrive;Id;Day;Dest;];Train-OfferBook[none;];": 1, + "Restaurant-Recommend[Name;Food;];Restaurant-Inform[Choice;Price;Area;];": 1, + "Attraction-Recommend[Type;];Attraction-Inform[Type;Type;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Post;Addr;Addr;Addr;];": 1, + "Restaurant-NoOffer[Food;];Restaurant-Inform[Area;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Name;Food;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Name;Name;Name;Type;Choice;Area;];": 1, + "Booking-Inform[Name;];Booking-Request[Time;Day;];": 1, + "Hotel-Inform[Phone;Post;Name;Area;];": 1, + "Train-Inform[Arrive;Arrive;Arrive;Arrive;Arrive;];Train-Request[Day;];": 1, + "Train-OfferBook[Arrive;Dest;Id;];Train-Request[People;];": 1, + "Attraction-Recommend[Fee;Type;Type;];": 1, + "Booking-Request[Day;];Attraction-Inform[Name;Phone;Post;Fee;];": 1, + "Hotel-Request[Stars;Price;];Hotel-Inform[Type;Type;Internet;Choice;Choice;];": 1, + "Hotel-Request[Internet;Type;Stars;];": 1, + "Hotel-Select[Type;Type;];Hotel-Inform[Name;Type;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Area;Stars;Price;Choice;Type;];": 1, + "Restaurant-Inform[Area;Area;Area;Area;Choice;];": 1, + "Restaurant-Inform[Addr;Addr;Area;];Booking-Book[Ref;Name;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Food;Addr;];": 1, + "Hotel-Recommend[Name;Stars;Addr;];": 1, + "Hotel-Inform[Phone;Area;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Depart;Arrive;Arrive;];Train-Select[none;];": 1, + "Restaurant-Request[Price;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Food;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Choice;Phone;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Choice;Area;Area;];": 1, + "Hotel-Inform[Name;Name;Choice;Internet;];": 1, + "Restaurant-Request[Food;];Restaurant-Recommend[Area;Choice;];": 1, + "Booking-Inform[Name;];Booking-Request[People;Time;Day;];Restaurant-Inform[Food;];": 1, + "Train-Inform[Time;Choice;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[Id;Depart;People;Ref;Arrive;Leave;Ticket;Dest;];": 1, + "general-bye[none;];general-welcome[none;];general-reqmore[none;];general-greet[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Area;];": 1, + "Hotel-Inform[Addr;Addr;Type;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[none;];Hotel-Inform[Name;];": 1, + "Restaurant-Inform[Price;Addr;Food;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Stars;Stars;Name;Name;Name;Area;Area;];": 1, + "Attraction-Inform[Type;Addr;Addr;Name;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Area;Area;Choice;Choice;];": 1, + "Train-Inform[Arrive;Arrive;Arrive;Day;Choice;Depart;Dest;];": 1, + "Hotel-Inform[Name;Name;Post;Post;Type;Internet;];": 1, + "Restaurant-Request[Food;];Booking-NoBook[none;];Booking-Request[Time;Day;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Phone;Price;];": 1, + "Booking-Request[Time;Day;People;];Restaurant-Inform[Name;Area;];": 1, + "Train-Request[Dest;Arrive;Depart;];": 1, + "Restaurant-Inform[Phone;Name;Addr;Food;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Area;Food;Choice;];": 1, + "Train-Inform[Id;Depart;Day;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Food;Area;Area;];": 1, + "Hotel-Inform[Price;Name;Choice;Internet;Parking;Stars;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Price;Price;Name;Name;];": 1, + "Attraction-Recommend[Name;Area;];Attraction-Inform[Choice;];": 1, + "Attraction-Recommend[Area;Name;];Attraction-Select[none;];general-reqmore[none;];Attraction-Inform[Choice;];": 1, + "Attraction-Inform[Phone;Addr;Area;Name;];": 1, + "Attraction-Inform[Area;Name;Post;Addr;];": 1, + "Hotel-Inform[Name;Addr;Phone;Price;];": 1, + "Attraction-Select[Name;Name;Name;Name;];Attraction-Inform[Choice;];": 1, + "Restaurant-Inform[Food;Name;Addr;Area;];": 1, + "Restaurant-Inform[Food;Area;Phone;];": 1, + "Hotel-Inform[Internet;Parking;Choice;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Price;Price;Food;];": 1, + "Restaurant-Inform[Name;Name;Area;Price;Price;];": 1, + "Train-Inform[Time;Leave;Depart;Arrive;];": 1, + "Attraction-Request[Area;Type;];Attraction-NoOffer[none;];Attraction-Inform[Area;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Name;Name;Type;Choice;];": 1, + "Booking-Book[Ref;People;Day;];": 1, + "Hotel-Request[Internet;];Hotel-Select[Price;Name;];": 1, + "Booking-Inform[Stay;];Hotel-Select[none;];Hotel-Inform[Internet;Parking;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Name;Area;];": 1, + "Booking-Book[Ref;Day;People;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Area;Area;Type;Choice;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Phone;Phone;Name;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Choice;];": 1, + "Restaurant-Select[none;];Attraction-Select[Name;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Day;Leave;Id;Ticket;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Dest;Arrive;Day;];Train-OfferBook[none;];": 1, + "Hotel-Request[Type;Price;];Hotel-NoOffer[none;];Hotel-Inform[Price;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Stars;];": 1, + "Attraction-Request[Type;];Attraction-Select[none;];Attraction-Inform[Type;Type;Type;];": 1, + "Attraction-Select[none;];Attraction-Inform[Addr;Addr;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Choice;Type;];": 1, + "Hotel-Inform[Type;Internet;Addr;Parking;Stars;Name;Price;Area;];Booking-Request[People;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;Food;Area;];": 1, + "Train-NoOffer[Day;];Train-Request[Day;Leave;];": 1, + "Train-Inform[Dest;Arrive;Choice;Leave;];": 1, + "Hotel-Inform[Post;Internet;Phone;];general-reqmore[none;];": 1, + "Restaurant-Inform[Post;Name;Addr;Phone;];": 1, + "Hotel-Request[Type;Price;Area;Stars;];Hotel-Inform[Choice;];": 1, + "Restaurant-Inform[Name;Name;Name;Name;Area;Area;];": 1, + "Hotel-Request[Stars;Parking;];Hotel-Inform[Area;Choice;Type;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Choice;Post;Name;Food;Area;];": 1, + "Restaurant-Recommend[Name;Food;Area;];general-reqmore[none;];Booking-Book[Time;Ref;Day;];": 1, + "Train-Inform[Arrive;Day;Dest;];Train-Request[Leave;];": 1, + "Train-Inform[Id;Depart;Time;Day;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Internet;Parking;Name;];Booking-Inform[none;];": 1, + "Hotel-Recommend[Area;Area;Area;Area;Name;Name;Name;Name;];": 1, + "Attraction-Recommend[Type;Addr;Name;];general-reqmore[none;];Attraction-Inform[Fee;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Price;Price;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Area;Choice;Price;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Area;Price;Price;Food;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;];Restaurant-Inform[Post;];": 1, + "Hotel-NoOffer[Price;Area;Parking;Type;];": 1, + "Restaurant-Recommend[Name;Area;Phone;];general-reqmore[none;];": 1, + "Train-Inform[Day;Leave;Depart;Dest;Id;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;Day;];Train-Select[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Choice;Choice;Choice;Type;Stars;];": 1, + "Restaurant-Select[Food;Name;];Restaurant-Inform[Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Type;Addr;Addr;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Choice;Internet;Price;Price;Parking;];": 1, + "Hotel-Inform[Price;Choice;Type;Name;Name;];": 1, + "Hotel-Inform[Name;Name;Stars;Stars;];general-reqmore[none;];": 1, + "Train-Inform[Dest;Leave;Day;Depart;];Train-OfferBook[none;];Train-Request[Leave;];": 1, + "Train-OfferBooked[Arrive;Ref;Depart;Ticket;Id;Dest;Leave;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Type;];": 1, + "Attraction-Inform[Fee;Fee;Choice;Area;];": 1, + "Train-Inform[Dest;Depart;Leave;Leave;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[Arrive;Id;Dest;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Area;Area;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;];Booking-Request[Day;People;];": 1, + "Hotel-Inform[Type;Type;Type;Choice;Choice;Choice;];": 1, + "Train-Inform[Id;Arrive;Day;Dest;Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Post;Phone;];": 1, + "Train-Inform[Arrive;Leave;Depart;Dest;];Train-Select[none;];": 1, + "Attraction-NoOffer[Area;Type;];Attraction-Inform[Area;Area;Area;Type;];": 1, + "Attraction-Inform[Addr;Addr;Name;Name;Fee;Fee;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Choice;Post;Fee;Fee;Type;Type;];": 1, + "Hotel-Request[Stars;Area;Parking;Price;Name;Type;Internet;];Hotel-Inform[none;];general-reqmore[none;];": 1, + "Hotel-Select[Price;Price;];Hotel-Inform[Name;Name;Choice;];": 1, + "Attraction-Recommend[Name;];Booking-Inform[none;];Attraction-Inform[Type;Addr;Area;];": 1, + "Train-Inform[Arrive;Arrive;Day;Choice;Choice;Choice;Leave;Leave;];Train-Select[none;];": 1, + "Train-Inform[Dest;Arrive;Choice;Leave;Leave;Depart;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Attraction-Request[Type;];Attraction-NoOffer[Type;Area;];Attraction-Inform[Type;];": 1, + "Train-Inform[Time;Ticket;Leave;Depart;Arrive;Id;Day;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Area;Area;Area;Choice;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Addr;Phone;Name;];": 1, + "Hotel-Inform[Name;Price;Stars;Area;Type;];": 1, + "Hotel-Inform[Name;Parking;Area;Stars;];": 1, + "Attraction-Inform[Choice;Name;Name;Type;];": 1, + "Train-Inform[Id;Dest;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Area;Fee;Phone;Addr;Name;];general-reqmore[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Ref;Arrive;];": 1, + "Train-OfferBook[none;];Hotel-Inform[none;];": 1, + "Hotel-Inform[Choice;Type;Parking;Name;Internet;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Name;Name;Name;Choice;Internet;];general-reqmore[none;];": 1, + "Train-Inform[Ticket;Leave;Ref;];Train-OfferBooked[Id;];": 1, + "Train-Inform[Ticket;Ref;];general-reqmore[none;];Train-OfferBooked[People;Arrive;Id;Leave;];": 1, + "Train-Select[Arrive;Leave;Dest;];general-greet[none;];": 1, + "Train-Inform[Dest;Choice;Leave;Leave;Leave;];Train-Select[none;];": 1, + "Attraction-Select[none;];general-reqmore[none;];Attraction-Inform[Choice;Type;Type;Type;Type;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Addr;Addr;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Type;Fee;Fee;Choice;Choice;Choice;];": 1, + "general-greet[none;];Attraction-Inform[Fee;Area;Type;];": 1, + "Attraction-Inform[Type;Fee;Area;];": 1, + "Attraction-Inform[Name;Fee;Fee;Choice;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Area;Post;];": 1, + "Restaurant-Inform[Post;Phone;Name;Addr;];": 1, + "Hotel-Request[Parking;Price;Internet;];Hotel-Inform[Type;Type;Stars;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Price;Choice;Parking;Type;];": 1, + "Hotel-Inform[Choice;Stars;];general-reqmore[none;];": 1, + "Train-Inform[Leave;Arrive;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Restaurant-Request[Price;Food;];Booking-Book[Ref;Name;];": 1, + "Restaurant-Request[Price;Area;];Restaurant-Inform[Price;Choice;Food;Area;];": 1, + "Booking-Request[Day;People;];Restaurant-Inform[Name;];": 1, + "Train-OfferBook[none;];Hotel-Inform[Addr;Post;];": 1, + "Taxi-Request[Depart;];general-welcome[none;];": 1, + "Train-Inform[Day;Arrive;Choice;Dest;Leave;];general-reqmore[none;];": 1, + "Train-OfferBooked[Ref;People;Dest;Depart;Arrive;Leave;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Addr;Price;];": 1, + "Hotel-NoOffer[Type;Area;Price;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Stars;Stars;Choice;Choice;];": 1, + "Train-Inform[Leave;Leave;Depart;Arrive;Choice;Dest;];Train-OfferBook[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Choice;Price;Name;Name;Name;Name;Name;];": 1, + "Booking-NoBook[Time;Day;];Booking-Request[Day;Time;];general-greet[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Fee;Phone;Addr;Area;];": 1, + "Booking-Book[Day;Time;Name;People;];general-reqmore[none;];Restaurant-Inform[Phone;Addr;];": 1, + "Restaurant-Recommend[Name;];Booking-Book[Time;People;Day;Ref;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;Price;Type;Stars;];": 1, + "Restaurant-Recommend[Food;Area;Name;];general-reqmore[none;];": 1, + "Train-Inform[Day;Leave;Depart;Dest;Id;Ticket;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Stars;Stars;Choice;Name;Name;];general-reqmore[none;];": 1, + "Attraction-Inform[Addr;Area;Post;Type;Name;Phone;Fee;];": 1, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Price;Choice;Internet;Type;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Ticket;Id;];": 1, + "Hotel-Inform[Choice;Area;Addr;Type;];": 1, + "Hotel-Inform[Choice;Price;Parking;];general-reqmore[none;];": 1, + "Booking-Inform[Name;Name;];Hotel-Inform[Choice;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Choice;Choice;Choice;Type;Stars;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Name;Post;Post;Post;Price;Price;];": 1, + "Hotel-Inform[Post;Price;Area;];": 1, + "Hotel-NoOffer[Type;];Hotel-Inform[Type;Choice;];": 1, + "Hotel-Inform[Area;Choice;Choice;Choice;Choice;Type;Internet;Parking;Stars;Price;Price;];": 1, + "Train-Inform[Arrive;Dest;];Train-OfferBook[Id;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Addr;Name;Food;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Price;Food;];general-reqmore[none;];": 1, + "general-reqmore[none;];Booking-Book[Ref;Time;People;Name;];": 1, + "Hotel-Inform[Name;Name;Internet;Parking;Stars;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Choice;Food;Name;Name;];": 1, + "Train-Inform[Arrive;Arrive;Choice;Leave;Depart;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Day;Leave;];": 1, + "Booking-NoBook[Time;];Booking-Request[Time;];Restaurant-Inform[Name;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Fee;Choice;];": 1, + "Train-Inform[Time;Leave;];Train-Request[Day;Leave;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Internet;Type;];": 1, + "Train-Inform[Choice;Dest;Leave;];general-reqmore[none;];": 1, + "Train-OfferBook[Dest;Leave;Day;Depart;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Dest;Leave;];": 1, + "Booking-Book[Ref;Time;Name;];Train-OfferBooked[Ref;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Price;Area;Food;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Area;Choice;Type;];": 1, + "Hotel-Inform[Name;Choice;];general-reqmore[none;];": 1, + "Booking-Request[Time;Stay;];": 1, + "Train-Inform[Depart;Day;Dest;Leave;Arrive;];general-reqmore[none;];": 1, + "Hotel-Request[Price;Internet;];": 1, + "Hotel-Recommend[Parking;Internet;Name;Stars;];Booking-Inform[none;];Hotel-Inform[Price;Type;Choice;];": 1, + "general-bye[none;];Booking-Inform[none;];general-welcome[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Addr;Phone;];": 1, + "Hotel-Request[Stars;];Hotel-NoOffer[Stars;Type;Internet;];general-reqmore[none;];Hotel-Inform[Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Price;Choice;Choice;Area;Area;];": 1, + "Hotel-Inform[Stars;Price;Price;Choice;Type;];general-reqmore[none;];": 1, + "Hotel-Inform[Choice;Area;Area;];": 1, + "Booking-NoBook[none;];Booking-Request[People;Time;Stay;Day;];": 1, + "Train-Inform[Choice;];Train-Request[Leave;Day;Depart;];": 1, + "Train-OfferBooked[Leave;People;Ref;Ticket;Arrive;Id;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Parking;Type;Stars;];": 1, + "Booking-Book[Ref;Day;Stay;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Area;Fee;Name;];": 1, + "Train-Inform[Day;Leave;Depart;Dest;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Fee;Fee;Choice;Choice;Choice;];": 1, + "Attraction-Inform[Choice;Fee;Fee;Area;Type;];": 1, + "Attraction-Recommend[Name;Post;Addr;];": 1, + "Train-Inform[Day;Choice;Dest;];Train-Request[Leave;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Choice;Internet;Type;Parking;Name;Name;];": 1, + "Taxi-Inform[Phone;Car;];general-welcome[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Name;Choice;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Day;Leave;Dest;Depart;Arrive;Id;];": 1, + "Attraction-Inform[Type;Area;Choice;Name;Name;];": 1, + "Attraction-Inform[Phone;Phone;Name;Name;Post;Post;];": 1, + "general-greet[none;];Train-Request[Arrive;Day;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;];Restaurant-Inform[Area;Choice;];": 1, + "Restaurant-Select[Food;Area;Choice;];Booking-Inform[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Price;Price;Choice;Choice;Choice;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Phone;Addr;];": 1, + "Train-Inform[Depart;Leave;];Train-Request[Arrive;Leave;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Internet;Addr;Price;Parking;Stars;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Area;Food;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Name;Name;Area;];": 1, + "Hotel-Inform[Area;Choice;Type;];general-reqmore[none;];": 1, + "Attraction-NoOffer[Type;];general-reqmore[none;];Attraction-Inform[Choice;Fee;Fee;];": 1, + "Attraction-Recommend[Area;Name;Price;];": 1, + "Train-Inform[Time;Id;Ticket;];Train-Select[none;];": 1, + "Hotel-Inform[Price;Price;Price;Parking;Area;Area;Area;Name;Name;Name;Choice;Internet;];": 1, + "Train-Inform[Ticket;Arrive;Id;Day;];": 1, + "Train-Inform[Dest;Choice;Day;];": 1, + "Train-Inform[Choice;Day;];": 1, + "Train-Inform[Ticket;];Train-Select[Arrive;Leave;];": 1, + "Attraction-Request[Price;];general-greet[none;];": 1, + "Attraction-Recommend[Name;Addr;Fee;];Attraction-Inform[Phone;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Area;Choice;Type;Parking;];": 1, + "Hotel-Recommend[Price;Name;];Hotel-Inform[Price;Price;Choice;Choice;Choice;];": 1, + "Hotel-Recommend[Internet;Area;Name;Type;Stars;Price;Parking;];Booking-Inform[none;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Choice;Area;Price;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Type;Type;Stars;];": 1, + "Booking-NoBook[none;];Hotel-Select[Name;];": 1, + "general-bye[none;];Hotel-Inform[Name;];": 1, + "Attraction-Inform[Type;Type;Type;Type;Fee;Choice;];": 1, + "Hotel-NoOffer[Internet;];Hotel-Select[Area;];": 1, + "Hotel-Request[Price;Stars;];Hotel-Inform[Choice;Parking;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Stars;Stars;Choice;Name;Name;];": 1, + "Hotel-Inform[Area;Name;Addr;Type;];": 1, + "Hotel-Request[Type;Price;];Hotel-NoOffer[Type;Price;];": 1, + "Hotel-Recommend[Parking;Internet;Stars;Name;Type;Area;];": 1, + "Booking-Book[Time;People;Name;Day;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Stars;Parking;Type;Internet;];": 1, + "Hotel-NoOffer[Type;];Hotel-Select[Stars;Parking;];": 1, + "Hotel-Inform[Phone;Name;Post;];general-reqmore[none;];": 1, + "Attraction-Inform[Area;Area;Area;Name;Name;Name;Name;];": 1, + "Train-Inform[Day;Choice;Id;Dest;Depart;Leave;Leave;];Train-OfferBook[People;];": 1, + "Hotel-Select[Price;Price;];Hotel-Inform[Choice;Area;];": 1, + "Taxi-Inform[Phone;Dest;Leave;Depart;];": 1, + "Train-Inform[Choice;Choice;Day;Dest;Dest;];Train-Request[Dest;];": 1, + "Train-Inform[Choice;Leave;Dest;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;Name;Name;Name;Price;Choice;];": 1, + "Restaurant-Inform[Food;Addr;Name;Post;Post;];": 1, + "Taxi-Request[Arrive;Leave;];Restaurant-Inform[Name;];": 1, + "Hotel-Inform[Choice;Choice;Price;Price;Type;Type;Type;];": 1, + "Train-Inform[Arrive;Choice;Dest;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Parking;Area;];Booking-Request[Stay;];": 1, + "Restaurant-Select[Name;Name;Name;Name;Name;];Restaurant-Inform[Choice;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Recommend[Name;Name;];": 1, + "Train-Inform[Leave;];Train-OfferBook[People;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Name;Name;Name;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Arrive;Leave;Ticket;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Area;Name;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Parking;Name;Stars;];": 1, + "general-reqmore[none;];Booking-Book[Ref;People;Name;Stay;Day;];": 1, + "Train-Inform[Choice;Day;];Train-Request[Depart;Leave;];": 1, + "Restaurant-Inform[Name;Addr;Phone;];": 1, + "Train-Inform[Id;Arrive;];Train-NoOffer[Arrive;];Train-Select[none;];": 1, + "Train-OfferBook[Choice;Depart;Leave;];": 1, + "Train-Inform[Time;Ticket;Leave;Leave;Arrive;Choice;];Train-Select[none;];": 1, + "Restaurant-Request[Food;];general-reqmore[none;];Restaurant-Inform[Choice;Price;Food;];": 1, + "Hotel-Recommend[Name;Type;Stars;];Booking-Inform[none;];Hotel-Inform[Choice;];general-reqmore[none;];": 1, + "Attraction-Recommend[Addr;Name;];Attraction-Inform[Type;Choice;Area;];": 1, + "Train-Inform[Depart;Ticket;Time;Leave;];": 1, + "Attraction-Inform[Name;Name;Name;Fee;Fee;Addr;Addr;Addr;];": 1, + "Hotel-Inform[Name;Name;Internet;];Booking-Book[Day;];": 1, + "Attraction-Recommend[Name;Area;];Attraction-Inform[Phone;Fee;];": 1, + "Restaurant-Select[Price;];": 1, + "Restaurant-Select[Name;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;Price;];Hotel-Inform[Price;Price;Choice;Type;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;Ref;Day;];": 1, + "Train-Inform[Day;Leave;Depart;Id;];": 1, + "Hotel-Recommend[Internet;Area;Name;Stars;Price;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Area;Choice;];": 1, + "Hotel-Recommend[Stars;Price;Name;];": 1, + "Restaurant-Inform[Choice;Phone;Name;];": 1, + "Attraction-Inform[Post;Name;Area;Addr;];": 1, + "Train-Inform[Dest;Choice;];Train-Request[Leave;Depart;Day;];": 1, + "Train-Inform[Choice;Depart;Day;];Train-Request[Leave;Arrive;];": 1, + "Train-OfferBooked[Depart;Arrive;Id;Leave;Dest;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Food;Price;Price;];": 1, + "Hotel-Inform[Price;Post;Area;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Addr;Food;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;People;Day;Id;];": 1, + "Attraction-Select[none;];general-reqmore[none;];Attraction-Inform[Name;Name;Choice;Area;Area;];": 1, + "Attraction-Inform[Addr;Addr;Addr;Addr;Name;Name;Post;Post;];": 1, + "Hotel-Recommend[Name;Stars;];general-welcome[none;];Hotel-Inform[Price;Choice;Type;Area;];": 1, + "Taxi-Request[Dest;];Restaurant-Inform[Phone;];": 1, + "Hotel-Inform[Internet;Price;Parking;Type;Stars;];general-reqmore[none;];": 1, + "Attraction-Recommend[Fee;Addr;Type;Name;];": 1, + "Hotel-Request[Internet;Parking;Stars;];": 1, + "Restaurant-Request[Area;Food;];Restaurant-Inform[Price;Choice;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Name;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Internet;Addr;Parking;Stars;Name;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Choice;Area;];": 1, + "Attraction-Inform[Name;Fee;Type;];": 1, + "Hotel-Inform[Type;Name;Price;Area;];general-reqmore[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Type;Price;Price;Choice;Choice;Choice;];": 1, + "Attraction-Select[Price;Price;Type;];": 1, + "Attraction-Inform[Price;Name;Addr;Post;];": 1, + "general-reqmore[none;];Train-OfferBooked[Day;Id;Ref;People;];": 1, + "Hotel-Select[Area;];Hotel-NoOffer[Stars;Type;Area;];Hotel-Inform[Area;Choice;Type;Stars;];": 1, + "Hotel-Request[Internet;Parking;];Hotel-Inform[Price;Price;Choice;Type;];": 1, + "Attraction-Request[Area;];Attraction-NoOffer[Area;];general-greet[none;];": 1, + "Attraction-Recommend[Name;Name;];general-greet[none;];": 1, + "Train-OfferBook[Day;Arrive;Id;];": 1, + "Train-Inform[Dest;Id;Depart;];Train-Request[Depart;];": 1, + "Train-Inform[Time;Ticket;Leave;Depart;Id;Arrive;Day;Dest;];Train-OfferBook[none;];": 1, + "Attraction-NoOffer[Type;];Attraction-Inform[Type;Type;];": 1, + "Train-Inform[Choice;Day;];Train-Request[Dest;Leave;Arrive;];": 1, + "Train-Inform[Depart;Dest;Arrive;Leave;];Train-Select[none;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[none;];Restaurant-Inform[Price;Food;Area;];": 1, + "Restaurant-Inform[Food;Name;Name;];": 1, + "Restaurant-Inform[Price;Name;Food;Post;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Phone;Post;Post;];": 1, + "Hotel-NoOffer[Area;Type;];Hotel-Inform[Choice;Area;Area;Area;Area;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Area;Choice;];": 1, + "Train-OfferBook[Day;Leave;Id;];Train-Request[People;];": 1, + "Restaurant-Inform[Addr;Food;Area;Post;Price;Phone;Name;];": 1, + "Train-Inform[Id;Arrive;Depart;Dest;Leave;Ticket;];Train-OfferBook[none;];": 1, + "Train-Inform[Time;];Train-Request[Day;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Name;Name;Name;Area;];": 1, + "Train-Inform[Dest;Arrive;Leave;Id;];Train-OfferBook[none;];": 1, + "Train-Select[Arrive;Arrive;Leave;Leave;Day;];": 1, + "Hotel-Request[Area;Price;];Train-OfferBooked[Ref;Ticket;];": 1, + "Hotel-Inform[Phone;Parking;Name;Internet;];general-reqmore[none;];": 1, + "Attraction-Inform[Type;Fee;Phone;Addr;];": 1, + "Restaurant-Inform[Choice;Choice;Choice;Choice;Food;Area;Area;Price;];": 1, + "Restaurant-Select[Food;Price;];": 1, + "Restaurant-Inform[Addr;Addr;Post;];": 1, + "Train-Inform[Leave;];Train-OfferBook[Arrive;Id;];": 1, + "Restaurant-Inform[Name;Food;Phone;Post;Post;];": 1, + "Hotel-Inform[Type;Phone;Post;Addr;Stars;Name;Price;Area;];": 1, + "Taxi-Request[Depart;];Attraction-Inform[Fee;];": 1, + "Attraction-Inform[Addr;Addr;Area;Fee;];": 1, + "Attraction-Inform[Fee;Area;Name;Post;Addr;Phone;];": 1, + "Hotel-Select[Name;Name;Name;];Hotel-Inform[Stars;Price;Choice;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Addr;Stars;Price;];": 1, + "Train-OfferBooked[Ref;Depart;Ticket;Arrive;Id;Leave;];": 1, + "Hotel-Recommend[Internet;Area;Name;Type;Stars;Price;];Hotel-Inform[Choice;];": 1, + "Train-Inform[Leave;];Train-Request[Depart;Dest;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[none;];Restaurant-Inform[Price;Choice;Area;];": 1, + "Booking-Book[Ref;People;];general-reqmore[none;];Restaurant-Inform[Name;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Choice;Name;Name;Price;];": 1, + "Attraction-Select[Type;Type;Type;Type;Type;];Attraction-Inform[Choice;Area;];": 1, + "Restaurant-Inform[Choice;Price;Name;Name;Name;];": 1, + "Restaurant-Inform[Food;Name;Name;Name;];": 1, + "Train-Inform[Depart;Arrive;Id;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Stars;Price;];": 1, + "Hotel-Select[Area;Area;];Hotel-Inform[Choice;Stars;Type;];": 1, + "Hotel-Recommend[Price;Name;Stars;];Hotel-Inform[Choice;Type;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Food;Price;Choice;Area;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Type;Choice;];": 1, + "Taxi-Request[Arrive;Leave;];Attraction-Inform[Area;];": 1, + "Train-Inform[Choice;Leave;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Area;Name;];Booking-Inform[none;];Hotel-Inform[Choice;Parking;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Type;Area;Price;];": 1, + "Attraction-Inform[Name;Addr;Addr;Addr;Phone;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Type;Name;Name;Stars;];": 1, + "Hotel-Inform[Name;Type;Area;Stars;];general-reqmore[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Area;Fee;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Name;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Stars;];": 1, + "Restaurant-Recommend[Area;Name;];Restaurant-Inform[Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Food;Phone;];": 1, + "Attraction-Recommend[Area;Name;];Attraction-Inform[Choice;];": 1, + "Train-Inform[Choice;Choice;Depart;];Train-Request[Leave;Dest;];": 1, + "Train-Inform[Arrive;Choice;Id;Dest;Depart;Leave;];": 1, + "Hotel-NoOffer[Type;];Hotel-Select[Type;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Recommend[Name;Price;Type;Stars;];": 1, + "Restaurant-Inform[Food;Price;Addr;Name;Post;];": 1, + "Taxi-Request[Arrive;Leave;Dest;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Choice;Choice;Choice;Choice;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Addr;Name;Phone;];": 1, + "Booking-Inform[none;];Booking-Book[Name;Time;Ref;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Price;Stars;Parking;Type;Choice;Internet;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Price;Food;Area;];": 1, + "Booking-Book[Day;Time;Name;People;];general-reqmore[none;];Restaurant-Inform[Ref;];": 1, + "Restaurant-Recommend[Addr;Name;];Restaurant-Inform[Food;Area;Choice;Price;];": 1, + "Train-Inform[Depart;Ticket;Arrive;Leave;Id;];Train-OfferBook[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Price;Price;Type;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Price;Internet;Post;Parking;];": 1, + "Train-OfferBooked[Arrive;Ref;People;Id;Choice;Dest;Leave;];": 1, + "Restaurant-Recommend[Name;Food;];general-reqmore[none;];Restaurant-Inform[Area;];": 1, + "Attraction-Recommend[Name;Name;Fee;Choice;];Attraction-Inform[Choice;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Choice;Fee;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Post;Phone;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Name;Area;Price;];": 1, + "Hotel-Inform[Stars;Stars;Type;Choice;];": 1, + "Train-Inform[Day;Choice;Dest;];Train-Request[Depart;];": 1, + "Train-Inform[Dest;Leave;Depart;];Train-Select[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Type;Type;Price;Price;];": 1, + "Hotel-Recommend[none;];Hotel-Inform[Addr;Name;];": 1, + "Hotel-Inform[Type;Parking;Stars;Name;];": 1, + "Restaurant-Inform[Name;Area;Price;Addr;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Type;Parking;Area;];": 1, + "Hotel-Recommend[Name;Stars;Type;];Booking-Inform[none;];": 1, + "Train-Inform[Leave;Depart;Choice;Day;];Train-Request[Dest;];": 1, + "Train-Inform[Arrive;Day;Depart;Leave;Ticket;Time;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Phone;];": 1, + "Attraction-Inform[Addr;Fee;Area;Name;Type;];": 1, + "Hotel-Inform[Price;Parking;Area;Name;];": 1, + "Hotel-NoOffer[Price;Stars;Type;Parking;];general-reqmore[none;];Hotel-Inform[Stars;Name;Type;];": 1, + "Hotel-Inform[Type;Choice;Stars;Name;Name;Price;Area;];general-reqmore[none;];": 1, + "Booking-NoBook[Stay;];Booking-Request[Time;Stay;];": 1, + "Train-Inform[Leave;Ticket;Id;Dest;];Train-OfferBook[none;];": 1, + "Train-Inform[Day;Choice;Depart;Dest;];Train-Select[Arrive;Leave;Day;];Train-Request[Leave;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Choice;Choice;Type;Type;Price;];": 1, + "Attraction-Inform[Type;Phone;Fee;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Choice;Parking;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Price;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;Name;Name;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;Parking;];": 1, + "Attraction-Request[Type;];Restaurant-Inform[Name;Addr;Post;];": 1, + "Attraction-Recommend[Fee;Name;];general-reqmore[none;];Attraction-Inform[Type;Type;Choice;Fee;Name;];": 1, + "Attraction-Select[Choice;Type;];": 1, + "Attraction-Recommend[Area;Name;];Booking-Inform[none;];Attraction-Inform[Addr;];": 1, + "Booking-Request[Day;];Restaurant-Inform[Food;Name;];": 1, + "Booking-NoBook[none;];Booking-Request[Time;];Restaurant-Inform[Area;Food;Name;];": 1, + "Booking-Inform[none;];Booking-Request[Time;];Restaurant-Inform[Name;];": 1, + "Hotel-Recommend[Type;];": 1, + "Hotel-Inform[Name;Area;];Booking-Request[People;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;Type;Type;Type;];Attraction-Inform[Area;Choice;];": 1, + "Attraction-Recommend[Fee;Post;Name;Type;];": 1, + "Hotel-Request[Price;Area;Internet;Stars;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Choice;];general-reqmore[none;];": 1, + "Hotel-Inform[Choice;Internet;Parking;Stars;];": 1, + "Hotel-Recommend[Name;Price;];Hotel-Inform[Addr;Post;];": 1, + "Restaurant-Select[Area;Area;Area;];Restaurant-Request[Area;];Restaurant-Inform[Choice;];": 1, + "Train-OfferBook[Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;Stars;];": 1, + "Train-Inform[none;];Train-Request[Day;];": 1, + "general-reqmore[none;];Train-OfferBooked[Arrive;Ref;Id;Leave;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Type;Type;Type;];": 1, + "Train-Inform[Leave;Id;Day;];": 1, + "Train-Inform[Ticket;Arrive;Arrive;Choice;];Train-Select[Choice;];": 1, + "Booking-NoBook[none;];general-reqmore[none;];Restaurant-Inform[Food;Area;Choice;Price;Name;];": 1, + "Hotel-Inform[Area;Stars;Stars;Price;Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Post;Internet;Addr;Parking;Name;];": 1, + "Restaurant-Request[Area;];general-reqmore[none;];Restaurant-Inform[Price;Choice;Food;];": 1, + "Restaurant-Recommend[Food;Name;Area;Price;];": 1, + "Attraction-Inform[Type;Type;Name;];": 1, + "Attraction-Inform[Fee;Area;Addr;Name;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Choice;Area;];": 1, + "Train-Inform[Depart;Dest;Day;Leave;];Train-OfferBook[none;];Train-Request[Leave;];": 1, + "Train-Inform[Day;Arrive;Dest;Leave;Id;Depart;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Post;Stars;Name;Internet;];": 1, + "Booking-Inform[none;];general-welcome[none;];general-reqmore[none;];": 1, + "Hotel-Inform[Choice;Choice;Type;Type;];general-reqmore[none;];": 1, + "Hotel-Recommend[Type;Price;Name;Stars;Parking;Area;Internet;];": 1, + "Train-Request[Day;Leave;Depart;Arrive;];": 1, + "Train-Inform[Id;Arrive;Leave;Choice;];Train-OfferBook[none;];": 1, + "Attraction-Select[Choice;Type;Area;Area;Area;];": 1, + "Attraction-Recommend[Addr;Addr;Phone;Area;Name;];general-reqmore[none;];": 1, + "Restaurant-Select[Area;Food;Food;Food;Food;Food;Food;];": 1, + "Restaurant-Inform[Choice;Food;Name;Name;Name;Name;Price;Price;];": 1, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Phone;];": 1, + "Hotel-Recommend[Price;Stars;Name;Area;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Food;Price;];": 1, + "Hotel-Select[Price;];Hotel-Inform[Choice;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Price;Choice;Type;];": 1, + "Restaurant-Select[Price;Price;Name;Name;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Fee;Area;Type;Phone;];": 1, + "Train-Inform[Choice;Arrive;Arrive;];Train-Request[Leave;];": 1, + "Restaurant-Inform[Addr;Name;Food;Post;];": 1, + "Hotel-Inform[Type;Choice;Name;Area;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Area;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Parking;Choice;Name;Name;Internet;];": 1, + "Hotel-Request[Stars;Parking;Price;Type;];": 1, + "Hotel-Request[Type;Price;Area;Internet;Parking;];": 1, + "Hotel-Inform[Internet;Parking;Choice;Area;];": 1, + "Hotel-Recommend[Price;Post;Name;];general-reqmore[none;];": 1, + "Train-Inform[Id;Depart;Dest;Leave;];": 1, + "Attraction-Select[none;];Attraction-Inform[Addr;Addr;Choice;];": 1, + "Train-Inform[Time;Ticket;Leave;];general-reqmore[none;];": 1, + "Hotel-Request[Area;Price;];Hotel-Select[none;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;Price;Addr;Addr;];general-reqmore[none;];": 1, + "Hotel-Inform[Parking;Phone;Name;];": 1, + "Attraction-Inform[Name;Phone;Fee;Fee;];": 1, + "Train-Inform[Choice;Depart;];Train-Request[Day;Leave;Arrive;];": 1, + "Restaurant-Inform[Phone;Name;Addr;Area;Price;];": 1, + "Train-Select[Depart;Dest;];": 1, + "Train-Inform[Id;Arrive;Leave;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;Type;Area;Choice;];": 1, + "Attraction-Inform[Choice;Area;Name;];": 1, + "Train-Inform[Time;Leave;Leave;Id;];": 1, + "Attraction-Select[Fee;Fee;];Attraction-Inform[Type;Choice;];": 1, + "Attraction-Recommend[Addr;Post;Fee;Phone;Name;];": 1, + "Restaurant-Inform[Phone;Name;Food;Addr;];": 1, + "Hotel-NoOffer[Area;Stars;Type;Price;];": 1, + "Hotel-Recommend[Stars;Type;];Hotel-NoOffer[none;];": 1, + "Hotel-NoOffer[Area;Parking;];": 1, + "Train-OfferBooked[Id;Ticket;People;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;];": 1, + "Hotel-Request[Stars;Price;];Hotel-NoOffer[Type;];general-reqmore[none;];Hotel-Inform[none;];": 1, + "Hotel-Request[Type;];Hotel-NoOffer[none;];general-reqmore[none;];": 1, + "Restaurant-Inform[Food;Price;Area;Name;];Booking-Book[none;];": 1, + "general-greet[none;];Restaurant-Inform[Addr;Addr;Name;];": 1, + "Attraction-Recommend[Fee;Addr;Name;];general-greet[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Type;Stars;];Booking-Request[Stay;People;];": 1, + "Hotel-Inform[Name;Area;Internet;Parking;Stars;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Stars;Parking;Internet;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Type;Choice;Stars;Area;];": 1, + "Restaurant-Inform[Food;Price;Area;Addr;];": 1, + "Hotel-Inform[Parking;Price;Choice;Name;Name;Type;Internet;];": 1, + "Hotel-Inform[Area;Addr;Phone;];Booking-Book[Name;Ref;];": 1, + "Train-Inform[Dest;Leave;Choice;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Train-Select[People;People;];": 1, + "Hotel-Inform[Area;Price;Name;Type;Internet;];": 1, + "Hotel-Inform[Area;Type;];general-reqmore[none;];": 1, + "Train-OfferBooked[Arrive;Ref;Ticket;Dest;Leave;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;Area;Area;Area;Choice;Choice;Choice;Choice;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Name;Name;Choice;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Name;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;];Restaurant-Inform[Area;Food;Choice;];": 1, + "Train-Inform[Leave;Choice;Id;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Price;Name;Area;Stars;];": 1, + "Train-OfferBooked[People;Ref;Leave;Day;Id;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Choice;Choice;Area;Area;];": 1, + "Restaurant-Inform[Area;Name;Name;Choice;];": 1, + "Restaurant-Inform[Post;Name;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Type;Type;Type;];": 1, + "general-reqmore[none;];Booking-Book[Day;Stay;People;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Post;Phone;];": 1, + "Hotel-Inform[Area;Name;Internet;Type;Stars;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Type;Stars;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Food;Choice;];": 1, + "general-greet[none;];Restaurant-Inform[Choice;Area;Area;];": 1, + "Attraction-Inform[Name;Fee;Post;Addr;Phone;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Name;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Area;Choice;Name;];": 1, + "Hotel-Select[Type;Type;];Hotel-Inform[Choice;Parking;];": 1, + "Restaurant-Inform[Area;Phone;Name;];": 1, + "Train-Inform[Arrive;Choice;Leave;Leave;Ticket;];": 1, + "Train-OfferBook[Ref;];": 1, + "Booking-NoBook[Stay;People;];Booking-Request[Day;Stay;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Area;Choice;Price;Type;];": 1, + "Hotel-NoOffer[Area;Price;];Hotel-Inform[Choice;Area;];": 1, + "Hotel-Inform[Parking;Choice;Type;Type;];": 1, + "Restaurant-Inform[Choice;Choice;Choice;Choice;Area;Area;Area;Area;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Post;Phone;Addr;];": 1, + "Train-Inform[Leave;Leave;Arrive;Day;Day;];Train-Request[Day;];": 1, + "Train-Inform[Id;Arrive;Dest;Ticket;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Choice;Type;Stars;];": 1, + "Hotel-Inform[Internet;Post;Phone;];general-reqmore[none;];": 1, + "Hotel-Recommend[Type;Price;Name;Stars;];Booking-Inform[none;];Hotel-Inform[Addr;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Parking;Area;Addr;];": 1, + "Attraction-Recommend[Post;Phone;Addr;Addr;Addr;Name;];Attraction-Inform[none;];": 1, + "Hotel-Inform[Type;Phone;Post;];general-reqmore[none;];": 1, + "Restaurant-Select[Price;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Choice;];": 1, + "Train-Inform[Day;Dest;Depart;Id;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Type;Name;];general-reqmore[none;];Attraction-Inform[Post;Addr;];": 1, + "Train-OfferBook[Leave;Ticket;Id;Arrive;];": 1, + "Attraction-Recommend[Area;Fee;Addr;Name;];Attraction-Inform[Type;Fee;Choice;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Food;Area;Name;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Type;Fee;Fee;Choice;Choice;Choice;Area;];": 1, + "Attraction-Inform[Name;Phone;];Train-Request[Leave;Arrive;Day;];": 1, + "Train-Inform[Choice;];Train-OfferBook[Arrive;Arrive;Leave;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Food;Food;Choice;];": 1, + "Hotel-Inform[Post;Addr;Addr;Area;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Type;Type;Type;Type;Type;Type;Type;];": 1, + "Train-Inform[Leave;Depart;Arrive;Id;Day;Dest;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Attraction-Select[Type;Type;Type;Type;Type;Type;];Attraction-Inform[Area;Choice;];": 1, + "Attraction-Recommend[Phone;Name;Addr;Addr;Addr;Post;];": 1, + "Train-OfferBook[Day;];general-greet[none;];": 1, + "general-greet[none;];general-reqmore[none;];Train-OfferBooked[People;Ref;Leave;Ticket;Day;Depart;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Price;Price;Food;Area;];": 1, + "Restaurant-Request[Area;];Restaurant-Recommend[Area;Price;Name;];": 1, + "general-reqmore[none;];Booking-Book[Time;Ref;People;];": 1, + "Hotel-Request[Price;Parking;Internet;];Hotel-Inform[Type;Choice;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Addr;Post;Type;];Booking-Request[Day;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Area;Addr;Name;];": 1, + "Attraction-Recommend[Type;Choice;Name;Name;Area;];general-reqmore[none;];": 1, + "Train-Inform[Leave;Depart;Ticket;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Post;Post;Phone;Phone;Name;Name;];general-reqmore[none;];": 1, + "Attraction-Inform[Fee;Type;Area;Name;Choice;];": 1, + "Booking-Request[Day;Time;People;];Restaurant-Inform[Addr;];": 1, + "Booking-Inform[People;];Booking-Request[Day;];": 1, + "general-reqmore[none;];Booking-Book[People;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Stars;Name;Internet;];": 1, + "Attraction-NoOffer[Area;];Attraction-Inform[Choice;Area;];": 1, + "Attraction-Inform[Addr;Addr;Area;Type;Name;];": 1, + "Train-Inform[Dest;Day;Depart;];Train-Request[Leave;];": 1, + "Hotel-Inform[Choice;Area;Area;Name;Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Stars;Parking;Price;Choice;];": 1, + "Attraction-Recommend[Addr;Addr;Addr;Name;];general-reqmore[none;];Attraction-Inform[Fee;Type;Choice;];": 1, + "Booking-Request[Day;Stay;People;];general-greet[none;];": 1, + "Train-Inform[Choice;Dest;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Request[Stars;];Hotel-NoOffer[Parking;Type;Stars;];": 1, + "Hotel-Inform[Addr;Addr;Addr;Name;];": 1, + "Booking-NoBook[none;];Booking-Request[Stay;];general-reqmore[none;];Hotel-Inform[Name;];": 1, + "Train-Inform[Ticket;Leave;];Booking-Inform[none;];": 1, + "Hotel-Recommend[Name;Name;Price;];Hotel-Inform[Choice;];general-reqmore[none;];": 1, + "Train-Inform[Time;Leave;Leave;Leave;Leave;Leave;Ticket;];": 1, + "Train-OfferBook[Id;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Area;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;Stars;];": 1, + "Hotel-Select[Price;Price;];Hotel-Inform[Price;Price;Type;Area;];": 1, + "Hotel-Inform[Name;];Booking-Book[Ref;Stay;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Addr;];": 1, + "Booking-Inform[none;];Attraction-Inform[Name;Name;Name;Name;Name;Type;Choice;Area;];": 1, + "Train-NoOffer[Day;];Train-Request[Day;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;People;Ref;Arrive;Dest;Depart;];": 1, + "Hotel-Inform[Addr;Parking;Internet;];": 1, + "Hotel-Request[Area;Parking;Type;Price;Internet;];Hotel-Inform[Choice;Stars;];": 1, + "Hotel-Request[Internet;];Hotel-Inform[Choice;Choice;Internet;];": 1, + "Hotel-Recommend[Name;Area;Area;];Booking-Inform[none;];": 1, + "Hotel-Inform[Internet;Post;Area;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Food;Area;Area;];": 1, + "Restaurant-Select[Price;Food;Name;];Restaurant-Inform[none;];": 1, + "Restaurant-Recommend[Name;Price;Food;];Restaurant-Inform[none;];": 1, + "Restaurant-NoOffer[Food;];general-reqmore[none;];Booking-Book[Ref;Name;];": 1, + "Train-Inform[Dest;];Train-Request[Depart;Dest;];": 1, + "Train-Inform[Ticket;Arrive;Arrive;Choice;];Train-Select[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Depart;Ref;Leave;Ticket;];": 1, + "Restaurant-Inform[Choice;Price;Name;Food;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Internet;Area;Stars;];": 1, + "Train-NoOffer[none;];Train-Request[Dest;Depart;Leave;];": 1, + "Hotel-Inform[Name;Type;Stars;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Area;Price;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Type;Type;Type;Type;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Price;Name;];Attraction-Inform[Name;Addr;];": 1, + "Hotel-Inform[Name;];Booking-Request[Stay;People;Day;];": 1, + "Hotel-Inform[Area;Parking;Price;Stars;Name;Type;Internet;];": 1, + "Hotel-Recommend[Internet;Stars;Parking;Name;Price;];": 1, + "Hotel-Recommend[Price;Name;];Hotel-Inform[Price;Name;];": 1, + "Hotel-Inform[Stars;Stars;Phone;Phone;Name;Name;];": 1, + "Train-OfferBooked[People;Ref;Id;];": 1, + "Hotel-Request[Price;];Hotel-NoOffer[Price;Type;];": 1, + "Hotel-Inform[Name;Area;Internet;Type;Stars;Price;];": 1, + "Train-Inform[Arrive;Arrive;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Name;Fee;];Booking-Inform[none;];general-reqmore[none;];Attraction-Inform[Choice;Area;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Choice;Area;];": 1, + "Hotel-Request[Price;Area;];Hotel-Select[Type;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Internet;Addr;Parking;Name;];": 1, + "Hotel-Recommend[Name;Name;];Hotel-Select[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Name;Stars;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Addr;Name;Food;];": 1, + "Restaurant-Inform[Post;];Train-Request[Depart;Leave;];": 1, + "Train-Inform[Day;Depart;Dest;Ticket;];general-reqmore[none;];": 1, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Fee;Choice;Choice;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Price;Choice;Choice;Choice;Choice;Area;Area;Area;];": 1, + "Attraction-Recommend[Addr;Addr;Addr;Area;Name;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Fee;Type;Choice;];": 1, + "Attraction-Recommend[Name;Area;Addr;Addr;];": 1, + "Train-Inform[Dest;Leave;Leave;Leave;];Train-Request[Leave;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Price;Choice;Type;];": 1, + "Hotel-Inform[Type;Parking;Choice;Price;];": 1, + "Hotel-Recommend[Phone;Addr;Post;Name;];": 1, + "Restaurant-Inform[Addr;Addr;Name;Phone;];Train-OfferBooked[Ref;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Addr;Addr;];": 1, + "Train-Inform[Dest;Id;Leave;];": 1, + "Train-Inform[Depart;Depart;];Train-Request[Dest;];": 1, + "Train-Inform[Time;Choice;Leave;Leave;Leave;Leave;Leave;Day;];": 1, + "Booking-Request[People;Day;];Restaurant-Inform[Choice;];": 1, + "Restaurant-Select[Food;Food;];Restaurant-NoOffer[Food;Area;];": 1, + "Train-Inform[Leave;];Train-OfferBook[none;];Train-Request[People;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Day;Dest;Id;People;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Fee;Fee;Area;Type;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Area;Type;];": 1, + "Train-Inform[Arrive;Arrive;Id;Choice;Choice;];": 1, + "general-greet[none;];Attraction-Inform[Type;];": 1, + "Attraction-Inform[Type;Choice;Name;Name;];": 1, + "Hotel-Request[Type;Price;Area;Internet;Stars;Parking;];": 1, + "Train-OfferBooked[Ticket;Arrive;Id;Leave;Ref;];": 1, + "Train-OfferBooked[Ref;Leave;Ticket;Arrive;Dest;Id;Depart;];": 1, + "Train-Inform[Ticket;Id;Dest;Arrive;Depart;];Train-Select[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Type;Addr;Addr;Addr;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Food;Area;Name;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;Price;Choice;Area;];": 1, + "Booking-NoBook[Day;];Booking-Request[Time;];": 1, + "Booking-Inform[none;];Booking-Book[Ref;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Choice;Type;];": 1, + "Hotel-Inform[Addr;];Booking-Request[Day;People;];": 1, + "Booking-NoBook[Name;];Hotel-Select[Type;];general-reqmore[none;];": 1, + "Hotel-Select[Price;Price;];Hotel-NoOffer[none;];Hotel-Inform[Area;Price;];": 1, + "Hotel-Request[Area;];Hotel-Select[Price;Price;];": 1, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Type;Parking;Choice;Stars;Price;];": 1, + "Attraction-Inform[Area;Name;Name;Name;Name;Name;Type;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Post;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Internet;Parking;];": 1, + "Hotel-Request[Price;Area;];Hotel-NoOffer[none;];Hotel-Inform[Area;Stars;Price;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Type;Stars;Name;Price;];": 1, + "Attraction-Recommend[Area;Fee;Phone;Name;];": 1, + "Hotel-Recommend[Name;Price;Internet;Area;Stars;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Addr;Addr;Name;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Price;Phone;];": 1, + "Attraction-Recommend[Area;Name;];general-reqmore[none;];Attraction-Inform[Choice;];": 1, + "Restaurant-Request[Food;Price;];Booking-NoBook[none;];": 1, + "Booking-NoBook[Time;Time;Day;];Booking-Request[Time;];": 1, + "Hotel-Inform[Area;Name;Addr;Price;Type;];": 1, + "Attraction-Select[none;];Attraction-Inform[Choice;Choice;Choice;Area;Area;Area;];": 1, + "Taxi-Inform[Dest;Arrive;Phone;Car;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;Addr;Fee;];Attraction-Inform[Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Type;Phone;];": 1, + "Hotel-Recommend[Type;Price;Name;Parking;Internet;];Hotel-Inform[none;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Depart;Leave;Leave;];Train-Select[none;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Fee;Addr;];": 1, + "Hotel-NoOffer[none;];Hotel-Select[Parking;Price;Type;];Hotel-Inform[Type;Parking;];": 1, + "Restaurant-Recommend[Post;Price;Name;];general-reqmore[none;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Attraction-Inform[Area;Choice;Name;Name;Name;Name;Type;];": 1, + "Restaurant-Request[Name;];general-reqmore[none;];": 1, + "Hotel-Recommend[Type;];Booking-Inform[none;];": 1, + "Train-Inform[Choice;Dest;];Train-Request[Dest;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Choice;Area;];": 1, + "Hotel-Request[Type;Area;];Hotel-Inform[Type;Type;Internet;Choice;Choice;];": 1, + "Hotel-Select[Type;Type;Price;Price;Price;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Name;Type;];": 1, + "Attraction-Inform[Type;Addr;Addr;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Fee;Phone;];": 1, + "Train-Inform[Id;Id;Leave;Leave;];Train-Select[none;];": 1, + "Train-Inform[Id;Depart;Leave;Leave;];general-reqmore[none;];": 1, + "Restaurant-Inform[Choice;Choice;Choice;Food;Area;Area;];": 1, + "Restaurant-Inform[Post;Post;Name;Addr;Food;Price;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;Price;Price;Price;];": 1, + "Train-Inform[Choice;];Train-Request[People;Leave;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Post;Name;];": 1, + "Train-Inform[Leave;Leave;Id;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Area;Internet;Addr;Parking;Stars;Phone;Price;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Area;];Restaurant-Inform[Price;];": 1, + "Train-Inform[Choice;Depart;Arrive;];Train-Request[Dest;];": 1, + "Train-Inform[Arrive;Leave;Dest;];Train-Request[People;];": 1, + "Hotel-Inform[Addr;Name;Type;];general-reqmore[none;];": 1, + "Attraction-Recommend[Price;Area;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Area;Area;Area;Choice;Choice;Choice;Choice;];": 1, + "Train-Inform[Choice;Day;Arrive;];Train-Request[Depart;];": 1, + "Train-Inform[Arrive;Arrive;Arrive;Day;Choice;Dest;];Train-OfferBook[none;];": 1, + "Attraction-Select[Type;Type;];Attraction-NoOffer[Type;Area;];Attraction-Inform[Type;Choice;];": 1, + "Train-Inform[Day;Arrive;Depart;Dest;Leave;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Price;Price;Choice;];": 1, + "Train-Inform[Leave;];Train-Request[Leave;Depart;Arrive;];": 1, + "Restaurant-Inform[Name;Name;Name;Addr;Addr;Addr;];": 1, + "general-reqmore[none;];Booking-Book[Time;People;Day;Ref;Name;];": 1, + "general-welcome[none;];general-reqmore[none;];Restaurant-Inform[Addr;Phone;];": 1, + "Train-Inform[Depart;Dest;Leave;Leave;];Train-Request[Leave;Day;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Type;Internet;Parking;Choice;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Area;Area;Type;Choice;];": 1, + "Hotel-Recommend[Name;Area;];Hotel-Inform[Stars;Parking;Internet;Price;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[none;];": 1, + "Hotel-Recommend[Name;Stars;Price;Type;];general-reqmore[none;];": 1, + "Train-Inform[Ticket;Time;Arrive;Leave;Id;];": 1, + "Restaurant-Request[Food;Price;];Restaurant-NoOffer[Price;Food;];": 1, + "general-reqmore[none;];Booking-Book[Name;Time;Day;Ref;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Food;];": 1, + "Attraction-NoOffer[none;];Attraction-Inform[Choice;Area;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Area;Stars;Type;Choice;Internet;];": 1, + "Hotel-Recommend[Addr;Post;Name;];Booking-Inform[none;];": 1, + "Hotel-Inform[Name;Price;Phone;Type;];general-reqmore[none;];": 1, + "Train-OfferBook[People;Id;Ticket;];Train-Request[People;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Stars;Addr;Name;Type;];": 1, + "Train-Inform[Leave;Time;Choice;];Train-Request[Leave;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;Type;Type;Type;];Attraction-Inform[Area;Type;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Price;Post;];": 1, + "Train-Inform[Id;Arrive;Leave;];Train-OfferBooked[People;Ref;Ticket;];": 1, + "Train-OfferBooked[People;Ticket;Id;];": 1, + "Booking-Request[People;Time;Day;];Restaurant-Inform[Phone;Name;];": 1, + "Train-Inform[Day;Depart;Leave;];": 1, + "Train-Inform[Arrive;Depart;Leave;Time;];": 1, + "Train-OfferBook[Id;Ticket;];Train-Request[People;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Name;Phone;];": 1, + "Train-OfferBook[Arrive;Id;Day;];": 1, + "Train-Inform[Depart;Choice;Day;Dest;];Train-Request[Leave;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Price;Choice;Name;];": 1, + "Train-Request[Dest;Leave;Day;];Booking-Book[Ref;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Type;];": 1, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Choice;Area;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Price;Area;Area;];": 1, + "Hotel-Recommend[Name;Price;Internet;Parking;];": 1, + "Train-Inform[Choice;];Train-Request[Depart;Arrive;Leave;Dest;];": 1, + "Train-Inform[Arrive;Ticket;Time;Leave;];": 1, + "Train-Inform[Arrive;Dest;];Train-OfferBook[none;];general-greet[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Phone;Post;Addr;];": 1, + "Hotel-Recommend[Price;Name;Parking;Area;Internet;];": 1, + "Train-Inform[Id;Arrive;Day;Depart;Dest;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Train-Inform[Choice;Depart;];Train-Request[Day;Dest;];": 1, + "Hotel-Request[Area;Parking;];Hotel-Inform[Choice;Stars;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Name;Area;Food;Price;];": 1, + "Booking-NoBook[Time;Name;];Booking-Request[Time;];": 1, + "Booking-NoBook[none;];Booking-Request[People;Time;Day;];": 1, + "Train-Inform[Arrive;Choice;Leave;Leave;Depart;Depart;];": 1, + "Train-Inform[Id;Leave;];Restaurant-Request[Area;];Restaurant-Inform[Food;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;Post;Phone;];": 1, + "Train-Inform[Dest;Choice;Leave;Leave;Day;Depart;];": 1, + "Hotel-Recommend[Area;];Hotel-Request[Area;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Choice;Price;];": 1, + "Hotel-Inform[Stars;Stars;Stars;Name;Name;Name;];": 1, + "Hotel-Inform[Post;Internet;Addr;Area;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Choice;Choice;Choice;Area;Area;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Type;Area;Choice;];": 1, + "Attraction-Select[Type;Type;];Attraction-Inform[Choice;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;Name;Name;Choice;Internet;Type;];": 1, + "Restaurant-Recommend[Price;Name;];Restaurant-Inform[Food;Area;Choice;];": 1, + "Restaurant-Inform[Choice;Price;Area;Food;];": 1, + "Hotel-Inform[Area;Price;Stars;Name;];": 1, + "Hotel-Request[Price;Stars;];Hotel-NoOffer[Type;Stars;Price;];": 1, + "Hotel-Inform[Parking;Choice;Price;Stars;Type;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Addr;Phone;];": 1, + "Train-OfferBook[Dest;Day;Depart;Id;];Train-Request[People;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Choice;Choice;Type;Type;];general-reqmore[none;];": 1, + "Train-Inform[Leave;Leave;Depart;Choice;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Train-Inform[Choice;Id;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Select[Area;Type;Type;];": 1, + "Attraction-Inform[Type;Name;Addr;Post;];": 1, + "general-greet[none;];Attraction-Inform[Price;Phone;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Price;Type;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Choice;Area;Name;];": 1, + "Train-Inform[Arrive;Dest;Depart;Leave;];Train-Select[none;];": 1, + "Hotel-Inform[Price;Choice;];Booking-Inform[none;];Hotel-NoOffer[Type;Price;];general-reqmore[none;];Hotel-Select[none;];": 1, + "Hotel-Inform[Post;Addr;];general-reqmore[none;];Booking-Book[Ref;Name;];": 1, + "Train-Inform[Leave;Leave;Choice;];general-reqmore[none;];": 1, + "Restaurant-Request[Name;];Restaurant-Inform[Choice;Area;];": 1, + "Train-Inform[none;];Train-OfferBook[Depart;Leave;Arrive;Dest;];": 1, + "Train-Inform[Id;Arrive;Day;Depart;Dest;Leave;Leave;];": 1, + "Booking-Book[Ref;Time;People;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;Internet;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;Name;Name;Name;Internet;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Area;Choice;Choice;Choice;Price;Price;];": 1, + "Train-Inform[Arrive;Leave;Leave;Choice;];Train-Select[none;];general-greet[none;];": 1, + "Train-Inform[Arrive;Leave;Ticket;Id;Time;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Price;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Choice;Stars;Stars;];": 1, + "Hotel-Inform[Phone;Addr;Parking;];": 1, + "Train-Request[Depart;Arrive;Day;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Price;Internet;Type;Parking;Stars;];": 1, + "Attraction-Request[Price;];general-reqmore[none;];Attraction-Inform[Name;Fee;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Name;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;];Booking-Request[People;Day;Stay;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Name;Name;Name;Name;Type;Choice;];": 1, + "Hotel-Recommend[Price;Name;Addr;];Hotel-Inform[Parking;Choice;Choice;Type;Type;];": 1, + "Hotel-Inform[Addr;Name;];Booking-Request[Stay;Day;];": 1, + "Attraction-Inform[Name;Post;Fee;Phone;];": 1, + "Hotel-Recommend[Name;Name;Price;Price;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Area;Choice;];": 1, + "Restaurant-NoOffer[Food;];general-reqmore[none;];Restaurant-Inform[Area;Food;];": 1, + "Train-Inform[Depart;Day;Dest;Arrive;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Dest;Ticket;Arrive;Leave;];": 1, + "Booking-Inform[Time;People;];Restaurant-Inform[Name;];": 1, + "Train-Inform[Choice;Leave;];Train-Request[Depart;Dest;Day;];": 1, + "Train-Inform[Day;Choice;Leave;];": 1, + "Attraction-Inform[Area;Fee;Addr;];": 1, + "Attraction-Inform[Area;Fee;Name;Type;];": 1, + "Hotel-Inform[Name;Area;Internet;Stars;];": 1, + "Hotel-Inform[Phone;Parking;Addr;Addr;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Food;Food;Name;Name;];general-reqmore[none;];": 1, + "Train-Inform[Leave;Dest;Id;];Train-Select[none;];": 1, + "Hotel-Inform[Internet;Parking;Stars;Name;Price;Area;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Name;Area;];": 1, + "Hotel-Inform[Name;Post;];Booking-Request[People;Stay;Day;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Area;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Area;Name;Price;];": 1, + "Attraction-Select[Fee;];Attraction-Inform[Area;Type;Choice;];": 1, + "Hotel-Inform[Phone;Addr;Addr;Addr;Name;];general-reqmore[none;];general-greet[none;];": 1, + "Hotel-NoOffer[Name;];": 1, + "Restaurant-Inform[Name;Food;Addr;Addr;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Type;Parking;Area;Name;Stars;];": 1, + "Train-Inform[Choice;Day;Dest;];Train-Request[Arrive;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Phone;Area;];": 1, + "Restaurant-NoOffer[Food;Price;Area;];Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Choice;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Area;Food;Choice;];": 1, + "Hotel-Inform[Area;Name;Internet;Addr;Price;Parking;Type;Phone;Stars;];": 1, + "Hotel-Request[Price;Area;];Hotel-NoOffer[Price;Area;];": 1, + "Hotel-Inform[Choice;Type;Price;];": 1, + "Hotel-Inform[Parking;Type;Choice;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Price;Stars;];": 1, + "Hotel-Inform[Price;Name;Type;];": 1, + "Booking-NoBook[none;];Booking-Request[People;Day;];": 1, + "Hotel-Inform[Area;Name;Addr;Addr;];general-greet[none;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Price;Internet;Area;Stars;];": 1, + "Train-Inform[Id;Leave;Ticket;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Addr;Addr;Post;];Booking-Request[Day;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Name;Price;Type;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Choice;Type;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Phone;Post;Addr;Addr;Area;];": 1, + "Restaurant-Inform[Name;];Booking-Book[People;Time;Ref;];": 1, + "Train-NoOffer[Dest;Depart;];Train-Request[Dest;];": 1, + "Train-Select[Leave;Leave;Choice;];": 1, + "Taxi-Inform[Phone;Arrive;Depart;Car;];": 1, + "Restaurant-Inform[Area;Area;Choice;Choice;Price;Price;];": 1, + "Restaurant-Select[Name;];Restaurant-Recommend[Phone;Name;Addr;];": 1, + "Hotel-Inform[Stars;Parking;Choice;Name;Name;Type;];": 1, + "Hotel-Recommend[Price;Name;Stars;];Booking-Inform[none;];Hotel-Inform[Addr;Addr;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Area;Area;Area;Area;Price;];": 1, + "Booking-Book[Ref;Name;];general-reqmore[none;];Restaurant-Inform[Price;Area;];": 1, + "Attraction-Inform[Area;Post;Phone;];": 1, + "Attraction-Inform[Post;Fee;Addr;Addr;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Food;Area;Addr;Post;Name;];": 1, + "Attraction-Recommend[Name;];Restaurant-Inform[Phone;];Booking-Book[none;];": 1, + "Attraction-Request[Name;];Attraction-Recommend[Type;];Attraction-Inform[Choice;];": 1, + "Hotel-NoOffer[Type;Area;Stars;];Hotel-Inform[Choice;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Phone;Area;];": 1, + "Hotel-Request[Price;Internet;Stars;Parking;];": 1, + "Hotel-Inform[Choice;Choice;Choice;Price;Price;Price;];general-reqmore[none;];": 1, + "Hotel-Inform[Post;Type;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Addr;Addr;];general-reqmore[none;];": 1, + "Train-Inform[Day;Id;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Inform[Name;Name;Area;];": 1, + "Attraction-Select[Name;Name;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Fee;Choice;Choice;];": 1, + "Train-Inform[Choice;Dest;Depart;];Train-Request[Arrive;Day;Leave;];": 1, + "Train-Inform[Choice;Depart;Dest;Leave;];Train-Request[Leave;];": 1, + "Hotel-Inform[Type;Addr;Name;Area;];": 1, + "Attraction-Inform[Name;Post;Phone;Addr;Addr;Addr;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Price;];": 1, + "Taxi-Inform[Car;Phone;Depart;Leave;];": 1, + "Attraction-Recommend[Area;Name;Addr;Addr;Addr;Post;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Name;Area;];": 1, + "Attraction-Recommend[Type;Name;Area;];general-reqmore[none;];": 1, + "Attraction-Recommend[Phone;Post;Name;Addr;Addr;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Choice;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;];Booking-Book[Ref;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Stars;Name;Name;];": 1, + "Train-NoOffer[Dest;Depart;];": 1, + "Train-NoOffer[Choice;];": 1, + "Train-Inform[Arrive;Arrive;Id;Choice;Dest;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Internet;Parking;Area;Name;Stars;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Addr;Addr;Addr;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;];Train-OfferBooked[Ref;Ticket;];": 1, + "Attraction-Recommend[Name;Area;Phone;Post;Fee;Addr;];": 1, + "Attraction-NoOffer[Type;];Attraction-Inform[Choice;Type;Fee;];": 1, + "Train-Inform[Day;Arrive;Leave;];Booking-Inform[none;];": 1, + "Restaurant-Recommend[Name;Addr;];general-reqmore[none;];Restaurant-Inform[none;];": 1, + "Restaurant-Inform[Phone;];Train-Request[Arrive;];": 1, + "Booking-Request[Day;Time;People;];Restaurant-Inform[Phone;];": 1, + "Train-Inform[Arrive;Dest;Id;Depart;];": 1, + "Hotel-Recommend[Stars;Name;Price;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Inform[Price;Choice;Type;Stars;Stars;];": 1, + "Train-Inform[Dest;Arrive;Leave;Id;];": 1, + "Train-OfferBooked[Id;Ref;People;Dest;Ticket;];": 1, + "Attraction-Recommend[Fee;Type;Addr;Name;];general-reqmore[none;];Attraction-Inform[Area;Choice;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Price;Name;Name;Choice;Stars;];": 1, + "Booking-Inform[Name;];Hotel-Select[none;];Hotel-Inform[Stars;Price;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Name;Type;];": 1, + "Hotel-Select[none;];Booking-Book[Day;People;Name;Ref;Stay;];": 1, + "Hotel-Request[Area;Type;];Hotel-NoOffer[Type;Area;];": 1, + "general-greet[none;];Train-Request[Day;Leave;Depart;];": 1, + "Train-Inform[Day;Id;Choice;Depart;Dest;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Select[Name;Name;Name;];Restaurant-Inform[Choice;Price;Food;Area;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Food;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Food;Food;];": 1, + "Restaurant-Select[Food;];Booking-NoBook[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Name;Addr;Price;Stars;];": 1, + "general-welcome[none;];Booking-Request[People;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Name;Type;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Post;Fee;Phone;Addr;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Stars;Choice;Type;];": 1, + "Restaurant-Inform[Price;Food;];": 1, + "Hotel-Inform[Price;Parking;Area;Stars;Stars;Type;Choice;Choice;Internet;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Name;Name;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Addr;Addr;Addr;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[none;];": 1, + "Hotel-Recommend[Name;Area;Type;];Booking-Inform[none;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Name;Food;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Price;Parking;];": 1, + "Train-Inform[Choice;];Train-Request[Dest;Leave;Arrive;];": 1, + "Restaurant-Inform[Price;Price;Price;Area;Area;Area;Name;Name;Name;];": 1, + "Hotel-Inform[Name;Internet;Parking;];Booking-Request[Day;];": 1, + "Attraction-Recommend[Name;Type;];general-reqmore[none;];Attraction-Inform[Post;Addr;];": 1, + "Booking-Inform[none;];Booking-Request[Stay;Day;];general-greet[none;];": 1, + "Hotel-Inform[Phone;Type;Addr;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Area;Area;];": 1, + "Train-Inform[Choice;Leave;Id;];Train-Select[none;];": 1, + "Train-OfferBooked[Ref;People;Dest;Depart;Arrive;Id;Leave;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Type;Choice;Area;];": 1, + "Train-OfferBooked[People;Leave;];": 1, + "Hotel-Inform[Addr;Price;Type;];general-reqmore[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;People;Ref;];": 1, + "Attraction-Recommend[Area;Choice;Type;];Attraction-Inform[none;];": 1, + "Attraction-Recommend[Area;Name;];general-reqmore[none;];Attraction-Inform[Fee;];": 1, + "Hotel-Request[Price;];Booking-Request[People;];": 1, + "Hotel-Recommend[Price;Name;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Name;Ref;];Booking-Book[Day;Stay;];": 1, + "Train-Inform[Arrive;Time;];Train-Request[Leave;Arrive;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;Id;Depart;Day;Choice;Ref;];": 1, + "Hotel-Inform[Addr;Phone;Price;Name;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Internet;Area;Name;];": 1, + "Hotel-Request[Area;];Train-OfferBooked[Ref;];": 1, + "Booking-NoBook[Stay;];Booking-Inform[People;Stay;Day;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Name;Addr;];": 1, + "Restaurant-Select[Area;Area;];Restaurant-Request[Area;];Restaurant-Inform[Choice;];": 1, + "Hotel-Recommend[Choice;Type;Price;Name;Area;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Stars;Parking;Price;Name;Internet;];Booking-Book[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Food;Area;Phone;Name;];": 1, + "Booking-Inform[none;];Booking-Request[People;];Restaurant-Inform[Food;Area;Price;Name;];": 1, + "Hotel-Inform[Choice;Choice;Stars;];general-reqmore[none;];": 1, + "Hotel-Request[Area;Price;];Hotel-Select[Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Area;Post;Name;Phone;Fee;];": 1, + "Hotel-Recommend[Price;Stars;Name;];Booking-Inform[none;];Hotel-Inform[Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Addr;Name;Food;Area;];": 1, + "Hotel-Inform[Choice;Choice;Choice;Type;Area;Area;Area;];": 1, + "Hotel-Select[Name;Area;];": 1, + "Booking-NoBook[none;];Hotel-Select[Name;];general-reqmore[none;];": 1, + "Hotel-Inform[Ref;];Booking-Book[Day;Stay;Name;People;];": 1, + "Attraction-Inform[Price;Type;Area;];": 1, + "Restaurant-Request[Price;];Restaurant-NoOffer[Food;];Restaurant-Inform[Area;Food;Choice;];": 1, + "Train-Inform[Id;Depart;Day;Leave;Ticket;Arrive;Dest;Time;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Area;Post;Type;Name;Phone;];": 1, + "Attraction-Recommend[Type;Name;];general-greet[none;];Attraction-Inform[Post;Addr;Addr;Addr;];": 1, + "Hotel-Inform[Area;Price;Type;Phone;Stars;];": 1, + "Hotel-Recommend[Internet;Price;Name;];": 1, + "Hotel-Select[Name;];Hotel-NoOffer[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Area;Name;Name;Choice;Choice;Choice;];": 1, + "Train-Inform[Ticket;Time;];Train-Request[People;];": 1, + "Attraction-Recommend[Area;Name;];Attraction-Inform[Phone;Addr;Addr;];": 1, + "Train-Inform[Time;Leave;Depart;Dest;Ticket;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Leave;Depart;];Train-OfferBooked[Ref;Ticket;];": 1, + "Attraction-Inform[Fee;Fee;Type;Name;Choice;Choice;];": 1, + "Train-Inform[Choice;Day;Depart;];Train-Request[Dest;Leave;Arrive;];": 1, + "Attraction-Recommend[Addr;Addr;Name;];Attraction-Inform[Type;Choice;Area;];": 1, + "Booking-NoBook[Stay;];Hotel-Inform[Parking;];Booking-Request[Stay;];": 1, + "Restaurant-Select[Area;Food;];Restaurant-NoOffer[Food;Area;];": 1, + "Attraction-Select[Name;];Attraction-Inform[Type;Fee;Area;Choice;Choice;];": 1, + "Attraction-Inform[Addr;Area;Post;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Fee;Area;Name;];": 1, + "Attraction-Inform[Name;Type;Phone;Addr;];": 1, + "Hotel-Inform[Parking;Name;Internet;Price;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Choice;Area;];": 1, + "Restaurant-Inform[Choice;Name;Name;Food;Food;];": 1, + "Booking-Inform[Time;];Restaurant-Inform[Post;Addr;];": 1, + "Train-Inform[Day;];Train-Request[Day;Leave;];": 1, + "Hotel-Recommend[Name;];Hotel-NoOffer[Type;Area;Price;];Hotel-Inform[Price;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Fee;Name;Addr;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Area;Price;];Attraction-Inform[Type;Name;];": 1, + "Restaurant-Select[Name;Name;];Restaurant-Inform[Food;Choice;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Price;Name;Area;];": 1, + "Restaurant-Recommend[Food;Name;];": 1, + "Taxi-Inform[Car;Depart;Dest;Leave;];general-reqmore[none;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Fee;Area;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ticket;Id;Leave;Ref;];": 1, + "Hotel-Inform[Area;Stars;Parking;Price;Name;];": 1, + "Train-Inform[Id;Arrive;Depart;Dest;Leave;Ticket;Time;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Name;Internet;Price;Parking;Phone;Stars;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Area;Type;Type;Type;Type;Type;Type;Type;Type;Type;Choice;];": 1, + "Train-Inform[Leave;Time;];Train-Request[People;];": 1, + "Hotel-Inform[Area;Name;Name;Choice;Price;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Parking;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Choice;Name;Name;Area;];": 1, + "Booking-NoBook[none;];Hotel-Inform[Phone;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Phone;];": 1, + "Hotel-Inform[Price;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Addr;Addr;Name;Name;Post;Post;Area;Area;];": 1, + "Hotel-Request[Parking;Stars;];": 1, + "Train-Inform[Choice;Leave;Leave;];Train-OfferBook[Choice;];": 1, + "Restaurant-Select[Choice;];Restaurant-Inform[Price;Area;Food;Name;Name;Choice;];": 1, + "Hotel-Inform[Phone;Internet;Parking;Name;];": 1, + "Train-Inform[Day;Choice;];Train-Request[Dest;Leave;];": 1, + "Hotel-Inform[Type;Stars;Price;Area;];": 1, + "Hotel-Inform[Stars;Choice;Type;Internet;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Choice;Parking;Area;Area;Area;];": 1, + "Hotel-Inform[Name;Area;Phone;];": 1, + "Attraction-Inform[Type;Addr;Addr;Phone;];": 1, + "Hotel-Inform[Area;Price;Price;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Area;Phone;Name;];": 1, + "Train-Inform[Depart;Ticket;Dest;Leave;Time;];": 1, + "Restaurant-NoOffer[Food;Area;Area;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Recommend[Price;Price;Name;Name;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Choice;Area;Name;Name;Name;];": 1, + "Hotel-Recommend[Price;Name;Stars;];Booking-Inform[none;];Hotel-Inform[Addr;Post;];": 1, + "Attraction-Recommend[Fee;Name;Addr;];Attraction-Inform[Choice;Area;];": 1, + "Booking-NoBook[none;];Hotel-Inform[Price;Type;];Booking-Request[Day;];": 1, + "Hotel-Recommend[Name;Stars;Price;];Hotel-Request[Type;];": 1, + "Train-Inform[Id;Time;Leave;Leave;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[Day;Depart;Dest;Leave;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Area;Area;Choice;Choice;];": 1, + "general-reqmore[none;];Booking-Book[Time;Day;People;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Fee;Area;Type;Choice;Choice;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Fee;Phone;Name;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Name;];": 1, + "Restaurant-Recommend[Phone;Name;Food;Price;Area;];general-reqmore[none;];": 1, + "Restaurant-Request[Name;];general-greet[none;];Restaurant-Inform[Name;];": 1, + "Train-Inform[Id;Arrive;Dest;Leave;];general-reqmore[none;];": 1, + "Restaurant-Request[Name;];Restaurant-Inform[Name;Area;Price;];": 1, + "Hotel-Inform[Choice;Choice;Choice;Type;Stars;Stars;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Choice;Choice;Fee;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;Choice;Choice;Area;Area;];": 1, + "Attraction-Recommend[Area;Name;Addr;Addr;Post;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Stars;Internet;];Hotel-Select[Stars;];": 1, + "Hotel-NoOffer[Type;Stars;Parking;];": 1, + "Hotel-Request[Area;Stars;];Hotel-NoOffer[Stars;Area;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Area;Type;Stars;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Stars;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Name;Parking;];": 1, + "Booking-Inform[Name;Time;People;Day;Ref;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ref;Ticket;Leave;];": 1, + "Hotel-Inform[Area;Name;Internet;Price;Parking;Type;];general-reqmore[none;];": 1, + "Restaurant-Select[Name;];Restaurant-Inform[Food;Price;Choice;Choice;Choice;Choice;Area;Area;];": 1, + "Attraction-Select[Area;];Attraction-NoOffer[Area;Type;];": 1, + "Train-Inform[Arrive;Leave;];Train-Request[Leave;];": 1, + "Hotel-Inform[Phone;Stars;Addr;Name;Post;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Type;Choice;Stars;Price;Price;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Area;Internet;Parking;];": 1, + "Train-Inform[Arrive;Choice;Leave;Depart;Dest;];": 1, + "Attraction-Request[Name;Area;Type;];": 1, + "Train-Inform[Leave;Leave;Depart;Dest;Time;];Train-Select[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Type;Choice;Stars;Price;];": 1, + "Train-OfferBooked[Ref;Dest;Depart;Ticket;Arrive;Id;Leave;];": 1, + "Attraction-Recommend[Addr;Fee;Name;];Attraction-Inform[Choice;Fee;];": 1, + "Restaurant-Recommend[Area;Name;Name;];": 1, + "Attraction-Inform[Type;Area;Phone;Addr;Addr;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Price;Area;Addr;Phone;Post;];": 1, + "Attraction-Inform[Addr;Addr;Fee;Fee;Name;Name;];": 1, + "Train-Inform[Choice;Leave;Leave;Depart;Dest;];Train-OfferBook[none;];": 1, + "Hotel-NoOffer[Type;Area;Price;];Hotel-Inform[Price;Choice;];": 1, + "Restaurant-Inform[Addr;Price;Name;];": 1, + "Hotel-Select[Price;Price;];Hotel-Inform[Type;];": 1, + "Hotel-Inform[Post;Post;Phone;Phone;Price;Choice;Name;Name;];general-reqmore[none;];": 1, + "Restaurant-Select[Choice;Price;];Restaurant-NoOffer[Area;Price;Food;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Area;Name;];": 1, + "Attraction-Inform[Area;Addr;Addr;Type;Fee;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Internet;Type;Parking;Stars;Price;];": 1, + "Taxi-Inform[Dest;Phone;Arrive;Depart;Car;];": 1, + "Hotel-Request[Price;];Booking-Request[Stay;Day;];": 1, + "Hotel-Select[Name;];Hotel-NoOffer[Type;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Food;Food;Area;];": 1, + "Hotel-Inform[Addr;Type;];Booking-Request[Day;];": 1, + "Train-Inform[Choice;Leave;];Train-Request[Depart;];": 1, + "Train-Inform[Leave;Depart;];Train-Request[Leave;Depart;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Choice;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Area;Food;Price;];": 1, + "Hotel-Inform[Addr;Area;Name;Phone;];": 1, + "Hotel-Inform[Price;Internet;Parking;Stars;];": 1, + "Restaurant-Request[Price;];Restaurant-NoOffer[Food;];": 1, + "Restaurant-Inform[Choice;Area;Food;];": 1, + "Booking-NoBook[Time;];Booking-Request[Time;];Restaurant-Inform[Choice;];": 1, + "Taxi-Inform[Depart;Car;Phone;];general-reqmore[none;];Booking-Book[Name;Ref;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-Recommend[Type;Price;Name;Parking;Area;Internet;];Booking-Inform[none;];": 1, + "Train-Inform[Day;Leave;Depart;Dest;];Train-Request[Arrive;];": 1, + "Restaurant-Select[Price;Price;Price;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Booking-Inform[none;];Booking-Request[People;Day;Time;];Restaurant-Inform[Name;];": 1, + "Restaurant-Inform[Area;Food;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Choice;Type;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Post;Addr;Addr;Addr;];": 1, + "Train-Inform[Dest;Arrive;Arrive;Choice;Leave;Depart;];Train-OfferBook[none;];": 1, + "Attraction-Select[Choice;Fee;];Attraction-Inform[Area;Choice;];": 1, + "Train-Inform[Ref;];Hotel-Request[Price;];Hotel-Inform[Area;Choice;];Train-OfferBooked[People;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Stars;Parking;Name;Internet;];": 1, + "Train-Inform[Arrive;Id;Time;Dest;Depart;Ticket;Leave;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Type;Choice;Area;Fee;Fee;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Addr;Fee;];": 1, + "Restaurant-Request[Price;];general-welcome[none;];Restaurant-Inform[Choice;];": 1, + "general-welcome[none;];general-reqmore[none;];Restaurant-Inform[Post;];": 1, + "Restaurant-Request[Food;Area;];Restaurant-NoOffer[none;];Restaurant-Inform[Food;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Area;Price;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Addr;Addr;Type;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Food;Post;];": 1, + "Attraction-Recommend[Addr;Post;Name;Type;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Internet;Price;Parking;Stars;];": 1, + "general-welcome[none;];Hotel-Inform[Phone;Name;Addr;];general-reqmore[none;];": 1, + "Attraction-Recommend[Addr;Name;];Booking-Inform[none;];Attraction-Inform[Fee;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Food;Food;Food;Food;Area;];": 1, + "Train-Inform[Arrive;Leave;Id;Time;];Train-OfferBook[none;];": 1, + "Train-Inform[Arrive;Choice;Leave;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Addr;Type;];": 1, + "Train-Inform[Choice;Depart;Day;Arrive;Leave;];": 1, + "Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Price;];": 1, + "Hotel-Request[Area;];Booking-Book[Ref;];": 1, + "Attraction-Request[Name;];Attraction-NoOffer[Type;];general-reqmore[none;];Attraction-Inform[Fee;Name;Addr;];": 1, + "Restaurant-Inform[Addr;Name;];general-reqmore[none;];Attraction-Inform[Post;Name;];": 1, + "Hotel-Recommend[Name;Addr;];Hotel-Inform[Choice;Type;];": 1, + "Train-Inform[Choice;Choice;];Train-Request[Depart;Arrive;Leave;Dest;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Type;Phone;];": 1, + "Hotel-NoOffer[Area;Price;];Hotel-Inform[Price;Price;Choice;Choice;Type;Type;];": 1, + "Restaurant-Request[Area;];Restaurant-NoOffer[Food;];Restaurant-Inform[Choice;Food;];": 1, + "Restaurant-Request[Area;];general-reqmore[none;];Restaurant-Inform[none;];": 1, + "Train-NoOffer[Leave;];Train-Select[Arrive;Arrive;];": 1, + "Train-OfferBook[Id;Leave;Depart;People;];": 1, + "Hotel-Recommend[Price;Name;];Hotel-Inform[Addr;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Name;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Post;Area;Phone;Name;];": 1, + "Restaurant-Select[Price;Choice;];Booking-Inform[none;];Restaurant-NoOffer[Food;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Name;Type;];": 1, + "Hotel-Inform[Area;Name;Internet;Addr;Parking;Type;Phone;Stars;];": 1, + "Train-Inform[Choice;Arrive;Id;];Train-OfferBook[none;];": 1, + "Train-Inform[Arrive;Dest;Id;Leave;];": 1, + "Hotel-NoOffer[Area;];Hotel-Inform[Choice;Internet;Area;];": 1, + "Hotel-Inform[Addr;Post;Phone;Parking;Name;Internet;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Type;Fee;Area;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Phone;Addr;Name;Area;];": 1, + "Restaurant-Recommend[Name;Addr;Phone;Post;];": 1, + "Hotel-Recommend[Name;Price;Area;Type;];Booking-Inform[none;];": 1, + "Hotel-Inform[Addr;Phone;];general-greet[none;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;Stars;Stars;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Name;Type;Post;Addr;Addr;];": 1, + "Attraction-Inform[Type;Type;Type;Type;Type;Type;];": 1, + "Hotel-Request[Area;Price;];Hotel-NoOffer[Type;Stars;Area;Price;];": 1, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[none;];": 1, + "Train-Inform[Depart;Dest;Time;];general-reqmore[none;];": 1, + "Hotel-Inform[Addr;Name;Internet;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;Addr;];Booking-Inform[People;Stay;Day;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Area;Choice;];": 1, + "Taxi-Request[Depart;Dest;];Attraction-Inform[Post;];": 1, + "Hotel-Request[Name;Type;];": 1, + "Hotel-Recommend[Addr;Name;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Area;];Booking-Request[People;Stay;];": 1, + "Hotel-Inform[Internet;Phone;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Addr;Addr;Price;Name;];": 1, + "Hotel-Recommend[Type;Name;Parking;];Hotel-Inform[Choice;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Addr;Area;Food;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Choice;Choice;Choice;Area;Area;];": 1, + "Hotel-Inform[Internet;Parking;Name;Name;Price;Price;];": 1, + "Hotel-Request[Area;Type;];Hotel-NoOffer[Stars;Type;Area;];": 1, + "Booking-Inform[none;];Hotel-NoOffer[none;];Hotel-Inform[Type;];": 1, + "Restaurant-Inform[Addr;Food;Area;Price;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Choice;Choice;Price;Area;Food;Food;];": 1, + "general-greet[none;];Booking-Book[People;Name;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Type;Area;];Hotel-Select[Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Price;Stars;];": 1, + "Train-Inform[Arrive;Leave;Day;];general-reqmore[none;];": 1, + "Train-OfferBooked[Leave;Ref;Ticket;Depart;People;Arrive;Dest;Day;];": 1, + "Booking-Inform[none;];Booking-Request[People;];Restaurant-Inform[Area;Food;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Addr;Stars;];": 1, + "Attraction-Request[Price;];Attraction-Recommend[Type;];": 1, + "Hotel-Inform[Name;Post;Phone;];": 1, + "Booking-Inform[none;];Booking-Request[Stay;Day;];": 1, + "Train-Inform[Dest;Time;Leave;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Addr;Addr;Name;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Area;];": 1, + "Restaurant-Inform[Post;Phone;];Train-Request[Depart;];": 1, + "Train-Inform[Id;Dest;Arrive;Leave;Day;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Area;Choice;Choice;];": 1, + "Hotel-Inform[Parking;Phone;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Internet;Price;Type;Stars;];general-reqmore[none;];": 1, + "Booking-Book[none;];Train-OfferBooked[People;Ref;Ticket;];": 1, + "Taxi-Request[Leave;];general-welcome[none;];": 1, + "Taxi-Request[Dest;];general-welcome[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Post;Addr;Phone;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;];Attraction-Inform[Name;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Phone;Name;Name;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Choice;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Name;Post;Post;Addr;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Phone;Addr;Addr;Name;Post;];": 1, + "general-reqmore[none;];Attraction-Inform[Open;Fee;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Type;Stars;];": 1, + "Hotel-Inform[Type;Addr;];general-reqmore[none;];": 1, + "Attraction-Inform[Choice;Type;Type;Type;];": 1, + "Restaurant-Select[Area;Area;];Restaurant-Inform[Choice;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Fee;Name;Area;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Choice;Choice;Type;Type;];": 1, + "Hotel-Recommend[Price;Post;Name;];": 1, + "Restaurant-Inform[Addr;];Booking-Book[Time;Day;People;Name;Ref;];": 1, + "Booking-Inform[none;];Attraction-Inform[Name;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Phone;Post;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Parking;Stars;Phone;Price;];": 1, + "Restaurant-Inform[Name;Name;Name;Food;Food;Choice;];": 1, + "Attraction-Inform[Area;Phone;Addr;Fee;Name;];": 1, + "Train-Inform[Time;Choice;];": 1, + "Train-Inform[Arrive;Leave;Depart;Ticket;Id;Dest;Time;];Train-Request[People;];": 1, + "Train-OfferBooked[Arrive;Id;Ref;Depart;Ticket;Dest;Leave;];": 1, + "Restaurant-Inform[Addr;Food;Area;Price;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Name;Name;Type;Choice;];": 1, + "Train-Inform[Day;Arrive;Ticket;Leave;Leave;];": 1, + "Attraction-Request[Area;Type;];Attraction-Inform[Choice;Type;];": 1, + "Train-Inform[Day;Id;Arrive;Depart;Dest;];Train-OfferBook[none;];general-greet[none;];": 1, + "Restaurant-Recommend[Addr;Name;Food;];general-reqmore[none;];Restaurant-Inform[Food;Choice;];": 1, + "Hotel-Recommend[Internet;Area;Name;Stars;Price;Parking;];": 1, + "Taxi-Inform[Dest;Phone;Arrive;Car;];general-greet[none;];": 1, + "Train-Inform[Dest;Arrive;Id;Leave;];Train-Select[none;];": 1, + "Train-Inform[Ref;Ticket;];Train-OfferBooked[Id;People;];": 1, + "Hotel-Request[Stars;];Hotel-Select[Stars;Stars;];": 1, + "Hotel-Inform[Name;Addr;Area;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Price;Parking;Type;Phone;Stars;];general-greet[none;];": 1, + "Train-Inform[Ref;Arrive;Ticket;People;];general-reqmore[none;];": 1, + "Restaurant-Select[Price;Price;Food;];Restaurant-NoOffer[none;];": 1, + "Train-Inform[Day;Id;Arrive;Leave;Time;];Train-OfferBook[none;];": 1, + "Hotel-Request[Area;Price;Type;];Hotel-Inform[Choice;Parking;Type;Stars;];": 1, + "Hotel-Inform[Price;Price;Name;Name;Name;Choice;Stars;];": 1, + "Booking-Inform[Name;People;Stay;Day;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;];general-reqmore[none;];Booking-Book[Name;Ref;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Addr;Addr;Name;];": 1, + "Hotel-Inform[Choice;];general-greet[none;];": 1, + "Hotel-Inform[Phone;Addr;Post;];general-reqmore[none;];": 1, + "Hotel-Recommend[Internet;Area;Name;Stars;Price;Parking;];Booking-Inform[none;];": 1, + "Hotel-Request[Stars;Area;Price;];Hotel-Inform[Internet;Choice;];": 1, + "Train-Inform[Arrive;Id;Time;Leave;];Train-OfferBook[none;];": 1, + "Taxi-Inform[Phone;];general-reqmore[none;];Restaurant-Inform[Ref;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Addr;Food;Price;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Fee;Fee;Choice;Choice;Choice;];": 1, + "Attraction-Recommend[Phone;Post;Addr;Name;];Attraction-Inform[Area;Choice;];": 1, + "Restaurant-Recommend[Price;];Restaurant-Inform[Choice;Food;];": 1, + "Restaurant-Select[Food;Food;];Restaurant-Request[Food;];Restaurant-NoOffer[Food;];": 1, + "Attraction-Request[Area;];general-welcome[none;];Attraction-Inform[Area;Area;Type;];": 1, + "Train-Inform[Id;Leave;Time;];Train-OfferBook[none;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Booking-Request[Day;People;];Restaurant-Inform[Name;Name;];": 1, + "Hotel-Inform[none;];Restaurant-Inform[Name;Name;Area;Food;Food;Choice;];": 1, + "Hotel-Inform[Type;Internet;Parking;Name;Price;Area;];": 1, + "Train-Inform[Dest;Time;Depart;];": 1, + "Attraction-Inform[Name;Fee;Type;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Addr;Addr;Post;];": 1, + "Train-Request[Arrive;Dest;Depart;];": 1, + "Booking-NoBook[none;];Booking-Inform[none;];Restaurant-Inform[Food;Name;Area;Price;];": 1, + "Attraction-Request[Name;];Restaurant-Request[Area;];Attraction-Inform[Post;Choice;Phone;Name;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Price;Area;Food;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Addr;Post;];": 1, + "general-greet[none;];Attraction-Inform[Name;Type;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Price;];Restaurant-Inform[Choice;Price;Price;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Post;Phone;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Addr;Phone;];": 1, + "Train-Inform[Arrive;Day;Depart;Dest;Id;];": 1, + "Restaurant-Inform[Addr;Food;Price;Name;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Fee;Name;Type;Addr;];": 1, + "general-greet[none;];Restaurant-Inform[Post;Addr;Phone;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Price;Choice;];": 1, + "Train-Inform[Choice;Dest;Day;];Train-Request[Depart;Arrive;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Name;Name;Choice;];": 1, + "Hotel-Recommend[Area;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Type;Choice;Name;Name;];": 1, + "Hotel-Inform[Phone;Stars;Name;];": 1, + "Train-Inform[Id;Arrive;Ticket;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Name;Post;Addr;];": 1, + "Hotel-NoOffer[Type;Stars;Area;];Hotel-Select[Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Name;Type;];": 1, + "Restaurant-Inform[Name;Name;Food;Area;Price;];": 1, + "Hotel-Inform[Post;Post;Addr;];general-reqmore[none;];": 1, + "Attraction-Request[Name;];Attraction-Inform[Name;Name;Choice;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Ref;People;Ticket;];": 1, + "Hotel-Recommend[Name;Type;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Attraction-Request[Type;];Hotel-Inform[Type;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[none;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Area;];Hotel-Inform[Area;Area;Area;Choice;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[none;];": 1, + "Train-Inform[Leave;Id;Day;];Train-Select[none;];": 1, + "Train-Inform[Leave;];general-greet[none;];": 1, + "Restaurant-Inform[Addr;Food;Post;Phone;Name;];": 1, + "Taxi-Inform[Phone;Dest;Car;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Area;Price;Choice;Type;Type;];": 1, + "Hotel-Inform[Area;Parking;Internet;];": 1, + "Train-NoOffer[Day;Dest;Depart;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Food;Phone;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;Name;];": 1, + "Hotel-Inform[Addr;Addr;Addr;Name;Name;Name;];general-reqmore[none;];": 1, + "Restaurant-Request[Area;];Booking-Inform[none;];": 1, + "Hotel-NoOffer[Stars;Area;Price;];general-reqmore[none;];": 1, + "Hotel-Inform[Stars;Name;Price;];general-reqmore[none;];": 1, + "Attraction-Recommend[Name;Fee;];general-reqmore[none;];Attraction-Inform[Area;Choice;Type;];": 1, + "Train-Inform[Time;Ticket;];Restaurant-Request[Food;];Restaurant-Inform[Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Name;Name;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Addr;Name;Post;Phone;];": 1, + "Train-Inform[Arrive;Choice;Leave;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Area;Price;Stars;Parking;Internet;];": 1, + "Train-Inform[Leave;Id;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Price;Name;Name;Food;];": 1, + "Hotel-Inform[Area;Type;Type;Stars;Price;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Type;Internet;];": 1, + "general-greet[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Area;];": 1, + "Attraction-Recommend[Addr;Name;];Taxi-Request[Leave;];": 1, + "Train-Inform[Leave;Leave;Time;];": 1, + "Train-Inform[Arrive;Id;Ticket;Time;Leave;];": 1, + "Train-Inform[Id;Day;Leave;Arrive;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Post;];general-reqmore[none;];": 1, + "Hotel-Request[Price;];Hotel-NoOffer[none;];Hotel-Inform[Price;Type;];": 1, + "Hotel-Recommend[Internet;Name;Price;Area;Type;];": 1, + "Booking-Book[Name;Ref;Day;];": 1, + "Restaurant-Inform[Area;Food;Choice;];": 1, + "Restaurant-Recommend[Name;Addr;Phone;Post;Post;];": 1, + "Restaurant-Inform[Name;Price;Post;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Type;Type;Choice;Choice;];": 1, + "Restaurant-Inform[Choice;Price;Price;Name;Name;];": 1, + "general-greet[none;];Train-Request[Leave;Arrive;Day;];": 1, + "Attraction-Request[Area;];Restaurant-Recommend[Addr;Post;Name;Area;];": 1, + "Restaurant-Recommend[Name;Addr;Post;];": 1, + "Attraction-Request[Name;];Attraction-NoOffer[Name;];": 1, + "Taxi-Inform[Car;Phone;Depart;Dest;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Food;Area;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Addr;];": 1, + "Restaurant-Select[Food;Food;];Restaurant-Inform[Food;Choice;];": 1, + "Restaurant-Recommend[none;];Restaurant-Inform[Addr;Post;Name;Phone;];": 1, + "Hotel-Inform[Phone;Ref;Addr;];Booking-Book[Name;];": 1, + "Train-Inform[Ref;Leave;];general-reqmore[none;];Train-OfferBooked[Ticket;];": 1, + "Train-Inform[Id;Depart;Dest;Leave;];general-reqmore[none;];": 1, + "Attraction-Inform[Addr;Addr;Name;Phone;];": 1, + "Attraction-Inform[Name;Name;Fee;Choice;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Name;Name;Area;Price;Price;];": 1, + "Attraction-Inform[Phone;Area;Addr;Post;];": 1, + "Train-Inform[Choice;];Train-Select[Arrive;Leave;];": 1, + "Train-Inform[Time;];Hotel-Inform[Type;Stars;Price;Area;];": 1, + "Booking-Inform[Name;];Train-OfferBooked[none;];": 1, + "Hotel-Inform[Area;Price;Stars;Parking;Name;Type;Internet;];": 1, + "Hotel-Inform[Internet;Price;Parking;Type;Phone;Stars;];general-greet[none;];": 1, + "Restaurant-Recommend[Name;Area;];general-greet[none;];": 1, + "Train-Inform[Choice;Leave;Leave;Id;Id;];general-reqmore[none;];": 1, + "Hotel-Request[Stars;Area;Parking;Type;Internet;];Hotel-Inform[Choice;];": 1, + "Booking-Book[Time;Name;Ref;];": 1, + "Attraction-Recommend[Phone;Addr;Addr;Addr;Name;];": 1, + "Train-OfferBooked[Depart;Ticket;Arrive;Id;Leave;Dest;];": 1, + "Attraction-Recommend[Addr;Addr;Addr;Name;Type;];": 1, + "Attraction-Select[Area;Area;];": 1, + "Hotel-Inform[Addr;Addr;Addr;Post;];": 1, + "Attraction-Select[Name;Name;];Attraction-Inform[Choice;];": 1, + "Attraction-Inform[Post;Addr;Fee;];Train-Request[Day;Leave;];": 1, + "Restaurant-Inform[Food;Food;Price;Choice;Area;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Phone;Name;Addr;Area;Post;];": 1, + "Restaurant-NoOffer[Food;Area;];Restaurant-Inform[Food;Area;Area;];": 1, + "Restaurant-Inform[Phone;Name;Food;Area;];": 1, + "general-welcome[none;];Restaurant-Inform[Name;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Addr;Addr;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Food;Price;Price;Choice;Choice;Choice;Area;];": 1, + "Restaurant-Inform[Choice;Choice;Food;Food;Area;];": 1, + "Hotel-Inform[Price;Name;Name;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Phone;Internet;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Area;Addr;Addr;];": 1, + "Hotel-Inform[Type;Type;Choice;Price;];general-reqmore[none;];": 1, + "Hotel-Inform[Phone;Area;Addr;Name;];general-reqmore[none;];": 1, + "Attraction-Inform[Choice;Fee;Name;Name;];": 1, + "Restaurant-Request[Name;];Booking-NoBook[Name;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Area;Area;Area;];": 1, + "Attraction-Inform[Name;Post;Type;Fee;Addr;];": 1, + "Hotel-Select[Area;Area;];Hotel-Inform[Stars;Name;Name;];": 1, + "Restaurant-Inform[Price;Name;Phone;];": 1, + "Hotel-Select[Name;Area;];Hotel-Inform[Internet;Price;Parking;Type;Stars;];": 1, + "Hotel-Inform[Name;Area;Internet;Type;Parking;Price;];": 1, + "Hotel-Inform[Price;Stars;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Phone;];": 1, + "Attraction-Recommend[Area;Name;Post;];general-reqmore[none;];": 1, + "Restaurant-Request[Price;Area;];Restaurant-Inform[Area;Food;Choice;];": 1, + "Taxi-Inform[Car;Phone;Depart;Leave;];general-reqmore[none;];": 1, + "Hotel-Inform[Addr;Post;Stars;];": 1, + "Train-Inform[Dest;Arrive;Arrive;Arrive;Arrive;Arrive;Arrive;Choice;];Train-Select[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Type;Choice;Choice;Choice;Stars;Price;Area;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Area;Choice;Type;Parking;Stars;Price;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Type;Type;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Addr;Phone;Post;];": 1, + "Train-Inform[Arrive;Id;Dest;Leave;];": 1, + "Train-OfferBook[Depart;Dest;Id;Leave;Arrive;];Train-Request[People;];": 1, + "Taxi-Inform[Phone;Arrive;Car;Dest;Depart;];general-reqmore[none;];": 1, + "Train-Inform[Id;Leave;Leave;Depart;];Train-Select[none;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Area;Price;Name;];": 1, + "Hotel-Recommend[Price;Parking;Internet;Name;];Booking-Inform[none;];Hotel-Inform[Choice;];": 1, + "Hotel-Select[none;];Hotel-NoOffer[Stars;Type;Area;];Hotel-Inform[Choice;Stars;Type;];": 1, + "Hotel-NoOffer[Type;];Hotel-Select[Stars;Stars;Type;];Hotel-Inform[Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Type;Stars;];": 1, + "Booking-Book[People;Name;Stay;Day;Ref;];": 1, + "Hotel-Recommend[Type;Price;Name;Area;];Booking-Inform[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Price;Choice;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Choice;Food;Area;];": 1, + "Restaurant-Inform[Post;Phone;Name;Addr;Area;Food;];": 1, + "Hotel-Inform[Area;Name;Internet;Addr;Addr;Phone;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Addr;Type;Phone;];": 1, + "Hotel-Inform[Internet;Type;Parking;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Type;Stars;Area;];Hotel-Inform[Area;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Price;Stars;Area;Type;];": 1, + "general-reqmore[none;];Restaurant-Inform[Choice;Choice;Food;Area;];": 1, + "Train-Inform[Day;Arrive;Choice;Time;Leave;];": 1, + "Train-Inform[Time;];Train-Select[none;];": 1, + "Attraction-Recommend[Type;Name;Name;];Attraction-Inform[Type;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Food;];Restaurant-Inform[Area;];": 1, + "Attraction-NoOffer[Area;Type;];Attraction-Inform[Area;Area;Choice;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Choice;Price;Name;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Addr;];": 1, + "general-greet[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;Choice;];": 1, + "Hotel-Inform[Parking;Choice;Choice;Type;Internet;];Booking-Request[Stay;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Post;Phone;Price;];general-greet[none;];": 1, + "Attraction-Recommend[Area;Choice;Type;];": 1, + "Taxi-Request[Depart;];Booking-Book[Name;Time;People;Ref;];": 1, + "Train-Inform[Day;Choice;Leave;Leave;Leave;Leave;];Train-Request[Leave;];": 1, + "Restaurant-Inform[Addr;Food;Phone;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Fee;Name;Area;Addr;Choice;Choice;];": 1, + "Hotel-Select[Name;Price;Stars;];Hotel-Inform[Type;Choice;Area;];": 1, + "Restaurant-Select[Name;Name;Choice;];": 1, + "Hotel-Request[Stars;Parking;Internet;];": 1, + "Booking-Inform[none;];Hotel-Select[Area;Area;Name;Name;];": 1, + "Attraction-Recommend[Price;Name;Type;];": 1, + "Booking-Book[Ref;];general-reqmore[none;];Restaurant-Inform[Area;Price;Name;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Area;];": 1, + "Booking-Book[People;Day;Time;Ref;];general-reqmore[none;];Restaurant-Inform[Name;Food;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Price;Name;Name;Name;Choice;];": 1, + "Hotel-Inform[Phone;Stars;Name;Post;];general-reqmore[none;];": 1, + "Restaurant-Inform[Phone;Name;Area;Food;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Area;Phone;Name;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Type;Internet;Choice;Area;];": 1, + "Hotel-Request[Area;Type;];Hotel-Inform[Choice;Type;Type;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Stars;Parking;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Food;Choice;Area;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Name;Type;];Booking-Request[People;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Price;Choice;Internet;Type;Stars;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Name;Internet;Parking;Stars;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Price;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Parking;Area;Name;Stars;Addr;];": 1, + "Train-Inform[Choice;Leave;Depart;Dest;Ticket;];Train-Request[Leave;];": 1, + "Train-OfferBooked[Id;Leave;Ref;Ticket;People;Day;];": 1, + "general-reqmore[none;];Attraction-Inform[Phone;Fee;Addr;];": 1, + "Restaurant-Select[Area;];": 1, + "Hotel-Inform[Name;Name;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Stars;Phone;Price;];": 1, + "Booking-NoBook[none;];Hotel-Inform[Internet;];Booking-Request[Day;Stay;];": 1, + "Hotel-Request[Price;];Hotel-Select[Type;Type;];": 1, + "Hotel-Request[Stars;];Hotel-NoOffer[Type;];Hotel-Select[Type;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Inform[Choice;Price;];Restaurant-Inform[none;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Price;Internet;Parking;Area;];": 1, + "Booking-NoBook[Name;];Booking-Book[Name;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Type;Choice;];": 1, + "Hotel-Inform[Phone;Name;Type;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[none;];Attraction-Inform[Addr;Name;];": 1, + "Restaurant-Inform[Choice;Choice;Food;Food;];": 1, + "Restaurant-Inform[Food;];Booking-Book[Name;];": 1, + "Hotel-Inform[Choice;Price;Price;Type;Stars;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Stars;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Area;Price;Stars;Type;];": 1, + "Attraction-Inform[Post;Addr;Addr;Name;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Price;Price;Price;Choice;Choice;Choice;];": 1, + "Restaurant-Select[Price;Price;Price;];Restaurant-Inform[Food;Choice;];": 1, + "Hotel-Inform[Name;Area;Choice;Internet;Stars;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Type;Choice;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Parking;Name;Internet;Price;Stars;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Price;Price;Type;Type;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Area;Area;Stars;Price;Name;Name;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;Type;];Attraction-Inform[Area;Choice;];": 1, + "Restaurant-Inform[Food;Food;Area;Choice;Price;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Restaurant-Inform[Area;Food;Name;Price;];": 1, + "Hotel-Inform[Addr;Area;Internet;Name;Phone;Stars;];": 1, + "Hotel-Inform[Phone;Internet;Parking;Area;Name;];": 1, + "Booking-Inform[Ref;Name;];": 1, + "Train-Inform[Depart;Arrive;Id;Dest;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Leave;Time;];general-reqmore[none;];": 1, + "Booking-Book[Ref;];general-reqmore[none;];Restaurant-Inform[Name;Area;];": 1, + "Train-Inform[Day;Leave;Depart;Dest;Id;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Hotel-Select[none;];Hotel-Inform[Area;Choice;Price;Price;Price;Type;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Addr;];": 1, + "Hotel-Inform[Addr;Addr;Internet;];general-reqmore[none;];": 1, + "general-reqmore[none;];Train-OfferBooked[People;Ref;Leave;Ticket;Arrive;Dest;Day;Id;Depart;];": 1, + "Restaurant-Inform[Food;Addr;];": 1, + "Train-Inform[Ref;Ticket;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Choice;Name;Name;Area;];": 1, + "Attraction-Inform[Post;Phone;Addr;Addr;Name;];": 1, + "Attraction-Inform[Phone;Addr;Addr;Addr;Area;Name;Type;];": 1, + "Hotel-Select[Price;Price;Price;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Area;Area;Stars;Price;Price;Name;Name;Type;Internet;];": 1, + "Train-Inform[Leave;Arrive;Arrive;Id;Choice;Dest;];": 1, + "Restaurant-Select[Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;Food;];Restaurant-Inform[Choice;];": 1, + "Booking-NoBook[Name;];general-reqmore[none;];Restaurant-Inform[Choice;Food;];": 1, + "Booking-Inform[Name;];Restaurant-Inform[Food;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Addr;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Area;Area;Choice;];": 1, + "Attraction-Inform[Area;Name;Addr;Addr;Addr;];": 1, + "Booking-Inform[none;];Hotel-Select[Addr;Addr;Name;Name;];": 1, + "Restaurant-Select[Price;];Restaurant-Request[Area;];Restaurant-NoOffer[Food;];": 1, + "Attraction-Inform[Fee;Area;Name;Post;Addr;Addr;Phone;];": 1, + "Hotel-Inform[Area;Stars;Parking;Price;Type;Internet;];": 1, + "Booking-Inform[Name;];Booking-Request[People;Time;Stay;Day;];": 1, + "Train-Inform[Day;Leave;Id;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Stars;Parking;Name;Type;Internet;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Fee;Addr;];": 1, + "Hotel-Inform[Addr;Stars;Price;Type;];": 1, + "Hotel-Recommend[Name;Addr;];Booking-Inform[none;];Hotel-Inform[Choice;];": 1, + "Booking-Inform[none;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "general-reqmore[none;];Booking-Book[Day;Name;Ref;];": 1, + "Attraction-Inform[Phone;Name;Post;Addr;];": 1, + "Restaurant-Select[Food;];Restaurant-Inform[Choice;];": 1, + "Hotel-Inform[Addr;Post;Phone;];Booking-Book[Name;];": 1, + "Train-Inform[Arrive;Dest;Id;Ticket;];Train-OfferBook[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Type;Area;Addr;Name;Post;];": 1, + "Attraction-Inform[Fee;Name;Name;Addr;Addr;];": 1, + "Attraction-Inform[Phone;Phone;];": 1, + "Restaurant-Request[Price;Area;];Restaurant-Inform[Choice;];Attraction-Inform[Type;Name;];": 1, + "Restaurant-Recommend[Addr;Addr;Name;];Restaurant-Inform[Choice;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Choice;Area;Area;Area;];": 1, + "Attraction-Inform[Addr;Addr;Phone;Name;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Addr;Name;];": 1, + "Booking-Inform[Stay;Day;];general-reqmore[none;];": 1, + "Hotel-Request[Area;Price;];Hotel-NoOffer[Type;Type;Choice;Price;Area;];": 1, + "Hotel-Recommend[Price;Name;Stars;Area;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Area;Parking;Price;Choice;Type;Internet;];": 1, + "Hotel-Inform[Price;Internet;Parking;Area;Name;Stars;];": 1, + "Hotel-Inform[Type;Type;Type;];": 1, + "Train-Inform[Arrive;Leave;Id;Dest;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Name;Type;Choice;Area;];": 1, + "Hotel-Request[Type;Price;];Hotel-Inform[Type;Type;Choice;Area;];": 1, + "Hotel-Inform[Type;Type;Stars;Stars;Price;Price;];Hotel-NoOffer[Area;];general-reqmore[none;];Hotel-Select[none;];": 1, + "Hotel-Inform[Phone;Addr;];Booking-Book[People;Name;Ref;Stay;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Name;];": 1, + "Attraction-Inform[Name;];Train-OfferBooked[Ref;];": 1, + "Train-NoOffer[Leave;];Train-Select[Leave;Day;];": 1, + "Attraction-Inform[Fee;Name;];general-reqmore[none;];Train-OfferBooked[none;];": 1, + "Hotel-Recommend[Price;Stars;Name;Area;];Hotel-Inform[Choice;];": 1, + "Attraction-Inform[Fee;Fee;Name;Name;Name;Name;];": 1, + "Hotel-Recommend[Type;Parking;Price;Internet;Name;Stars;];Hotel-Request[Type;];": 1, + "Hotel-Select[Stars;Price;];Hotel-Inform[Choice;Type;Stars;Price;];": 1, + "Hotel-Recommend[Name;Type;Area;Parking;Price;Internet;];Booking-Inform[none;];": 1, + "Hotel-Inform[Area;Name;Internet;Stars;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Type;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Phone;Price;Name;];": 1, + "Attraction-Select[none;];Attraction-Inform[Fee;Fee;Name;Name;];": 1, + "Booking-Book[People;Stay;Name;Day;];": 1, + "Attraction-Inform[Type;Type;Type;Type;Type;Type;Type;Type;Type;Type;Choice;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Area;Type;Choice;];": 1, + "Taxi-Inform[Phone;Depart;Dest;Leave;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Name;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "Train-Inform[Ticket;Id;Arrive;];Train-OfferBook[none;];general-greet[none;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Choice;Type;Stars;];": 1, + "Hotel-Inform[Name;];Booking-Request[Day;Stay;];": 1, + "Hotel-Inform[Post;Addr;Price;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Food;Choice;Name;Name;];": 1, + "Train-Inform[Leave;Leave;];general-greet[none;];": 1, + "general-greet[none;];general-reqmore[none;];Train-OfferBooked[Ticket;];": 1, + "Train-Inform[Ref;];Attraction-Recommend[Name;];Attraction-Inform[Area;Choice;];": 1, + "Booking-Inform[Name;];Booking-Request[Stay;Day;];Train-OfferBooked[Ref;];": 1, + "Restaurant-Inform[Name;Food;Food;Food;];": 1, + "Booking-Inform[Ref;Name;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;Name;Post;Post;Addr;Addr;];": 1, + "Booking-Book[Day;Time;Ref;Name;];": 1, + "Taxi-Inform[Depart;Car;Phone;];": 1, + "Restaurant-Recommend[none;];Restaurant-Inform[Food;Price;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Area;Addr;Name;];": 1, + "Attraction-Recommend[Name;Fee;Addr;Addr;Addr;];Attraction-Inform[Choice;];": 1, + "Booking-Request[Day;Time;];Restaurant-Inform[Name;Area;];": 1, + "Attraction-Inform[Addr;Post;Name;Phone;];": 1, + "Booking-NoBook[Day;Ref;Name;People;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Recommend[Area;Area;Name;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Choice;Type;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Post;Area;];": 1, + "Hotel-Inform[Name;Post;Addr;];general-reqmore[none;];Attraction-Inform[Addr;Name;Post;];": 1, + "Restaurant-Inform[Name;Name;Name;Food;Price;];": 1, + "Train-Inform[Choice;Choice;Dest;];Train-Request[Arrive;Leave;];": 1, + "Attraction-Request[Type;Area;];Attraction-NoOffer[none;];general-reqmore[none;];": 1, + "Attraction-Recommend[Area;Fee;Name;];Booking-Inform[none;];Attraction-Inform[Phone;];": 1, + "general-greet[none;];general-reqmore[none;];Booking-Book[Day;Time;Name;People;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Phone;Addr;Addr;];": 1, + "Hotel-Inform[Name;Area;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Type;];": 1, + "Restaurant-Recommend[Addr;Name;];Restaurant-Inform[Phone;];": 1, + "Restaurant-Inform[Food;Price;Name;Choice;];": 1, + "Attraction-NoOffer[Type;Area;];Attraction-Inform[Type;Fee;Choice;Name;];": 1, + "Attraction-Inform[Post;];Train-Request[Leave;];": 1, + "Train-Inform[Leave;Arrive;Id;Choice;Choice;Dest;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;Choice;Type;Type;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Type;Type;Choice;Choice;];": 1, + "Train-Inform[Choice;Choice;];Train-Request[Dest;Day;];": 1, + "Train-Inform[Ticket;Id;Dest;Arrive;Leave;Depart;];general-reqmore[none;];": 1, + "Hotel-Inform[Stars;Name;Internet;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Phone;Addr;Addr;];": 1, + "Train-Inform[Choice;Arrive;Leave;];Train-Request[Leave;];": 1, + "Train-Inform[Choice;Depart;];Train-Request[Arrive;Leave;Dest;Day;];": 1, + "Train-Inform[Leave;];Train-OfferBooked[Ref;People;Id;];": 1, + "Hotel-Inform[Area;Name;Name;];general-reqmore[none;];": 1, + "Hotel-Inform[Phone;Addr;Post;Price;];general-reqmore[none;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Addr;Phone;Post;Fee;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Name;];": 1, + "Hotel-Request[Type;Area;];Hotel-Inform[Type;Type;Choice;Choice;Stars;];": 1, + "Restaurant-Inform[Food;Post;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Area;Price;Choice;Choice;Choice;Type;Type;];": 1, + "Hotel-Inform[Phone;Name;Type;];general-reqmore[none;];": 1, + "Attraction-Request[Type;];Attraction-NoOffer[none;];Attraction-Inform[Type;Area;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Parking;Name;Name;Choice;Internet;Price;Type;];": 1, + "Restaurant-Recommend[none;];Restaurant-Inform[Name;Food;];": 1, + "Hotel-Inform[Area;Addr;Addr;Type;Phone;Stars;];": 1, + "Restaurant-Inform[Choice;Choice;Choice;Area;Area;Food;];": 1, + "Hotel-Inform[Type;Addr;Name;Area;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Addr;];": 1, + "Train-Inform[Arrive;Leave;Depart;Ticket;Id;Dest;Time;];Train-OfferBook[none;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Name;];": 1, + "Train-Inform[Day;Choice;Depart;];general-greet[none;];Train-OfferBook[none;];Train-Request[People;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Phone;Fee;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Type;Stars;];": 1, + "Attraction-Inform[Choice;Area;Name;Name;Name;Name;];": 1, + "Restaurant-Inform[Name;Post;Area;];": 1, + "Restaurant-Inform[Food;Price;Area;Name;Post;Phone;];": 1, + "Attraction-Request[Price;Type;];": 1, + "Restaurant-Request[Food;];Train-OfferBooked[Ref;Ticket;Id;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Area;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Parking;Name;Type;Internet;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Price;Choice;Internet;];": 1, + "Booking-Request[People;Time;Day;];Restaurant-Inform[Food;Price;Area;];": 1, + "Taxi-Inform[Dest;Car;Depart;Leave;Phone;];general-reqmore[none;];": 1, + "Booking-NoBook[People;Time;];Booking-Request[Time;];": 1, + "Hotel-Recommend[Choice;Type;Name;Name;];Booking-Inform[none;];general-greet[none;];": 1, + "Hotel-Inform[Area;Phone;Price;Name;Type;];general-reqmore[none;];": 1, + "Restaurant-Request[Price;Area;];general-greet[none;];": 1, + "general-greet[none;];Booking-Book[People;Day;Time;Name;];": 1, + "Attraction-Inform[Addr;Post;Area;];": 1, + "Hotel-NoOffer[Type;];Hotel-Inform[Price;Type;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Choice;Name;Name;Price;Area;];": 1, + "Restaurant-Select[Price;];Restaurant-Request[Price;];Restaurant-NoOffer[none;];": 1, + "Hotel-Recommend[Name;Phone;];": 1, + "Restaurant-Inform[Choice;Area;Food;Food;Food;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Addr;Addr;Area;];": 1, + "Train-Inform[Arrive;Day;];Train-OfferBook[none;];": 1, + "Train-OfferBook[Leave;Ticket;Id;Depart;];Train-Request[People;];": 1, + "Hotel-NoOffer[Type;];Hotel-Select[Price;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Price;Stars;Type;];": 1, + "general-reqmore[none;];Booking-Book[Day;People;Name;Ref;];": 1, + "Booking-Inform[Name;];Booking-Request[People;Day;];": 1, + "Hotel-Inform[Name;Name;Choice;Type;];general-reqmore[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Area;Type;Choice;Choice;Choice;];": 1, + "Attraction-Recommend[Addr;Addr;Addr;Area;Post;Name;];general-greet[none;];": 1, + "Hotel-Recommend[Name;Price;Internet;Parking;Area;Stars;];Booking-Inform[none;];": 1, + "Train-Select[Id;Leave;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Name;Name;Name;Area;Food;];": 1, + "Train-OfferBook[Depart;Dest;];": 1, + "Hotel-Request[Type;Area;];Hotel-Inform[Type;Type;Choice;Choice;Price;Price;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Addr;Addr;];": 1, + "Restaurant-Inform[Food;Name;Name;Area;Price;];": 1, + "Attraction-Inform[Area;Type;Post;Addr;Addr;];": 1, + "Restaurant-Request[Area;];Attraction-Inform[Phone;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;Area;Food;Choice;Price;];": 1, + "Hotel-Inform[Phone;Post;Internet;Addr;Parking;Name;Price;Area;];": 1, + "Hotel-Inform[Area;Addr;Name;Internet;];": 1, + "Train-OfferBook[Leave;Arrive;];": 1, + "Train-Inform[Depart;Day;Dest;Leave;Arrive;];Train-OfferBook[none;];": 1, + "Train-Inform[Depart;Day;Dest;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Arrive;Leave;Dest;];Train-Select[Id;];": 1, + "Train-Inform[Depart;];Train-OfferBooked[Ref;];": 1, + "Train-Inform[Ref;Id;];": 1, + "Attraction-Request[Type;Area;];Attraction-Inform[Choice;Area;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Type;Choice;Fee;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Food;Area;Area;Choice;];": 1, + "general-greet[none;];Train-Request[Leave;Depart;];": 1, + "general-reqmore[none;];Train-OfferBooked[Depart;Arrive;Id;Leave;Ref;Dest;People;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Price;Price;Area;Food;Choice;Choice;Choice;];": 1, + "Train-Inform[Leave;];Train-OfferBook[Leave;];": 1, + "Hotel-Inform[Phone;Addr;Addr;Price;];": 1, + "Booking-Request[People;];Restaurant-Inform[Food;Name;];": 1, + "Attraction-Recommend[Post;Name;Fee;Phone;Addr;];Attraction-Inform[Choice;Area;Type;];": 1, + "Hotel-Inform[Addr;Stars;Parking;Type;Internet;];": 1, + "Restaurant-Inform[Price;Choice;Choice;Area;Area;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Area;Choice;Type;Stars;Stars;Price;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Parking;Choice;Internet;];": 1, + "Hotel-Inform[Choice;Choice;Choice;Internet;Type;Parking;Name;];": 1, + "Hotel-NoOffer[Type;];Hotel-Select[Price;Type;];": 1, + "Hotel-Select[Choice;Price;Price;];": 1, + "general-reqmore[none;];Restaurant-Inform[Food;Phone;Post;Price;];": 1, + "Attraction-Recommend[Addr;Name;Area;];general-greet[none;];Attraction-Inform[Phone;];": 1, + "Attraction-Recommend[Type;Name;];Attraction-Inform[Type;Type;Type;Type;Choice;];": 1, + "Hotel-Recommend[Type;Price;Area;Name;Stars;];": 1, + "Booking-Request[People;Time;];Restaurant-Inform[Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Addr;Parking;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;Price;Area;Food;];Restaurant-Inform[Area;];": 1, + "general-bye[none;];Restaurant-Inform[Addr;Phone;];": 1, + "general-reqmore[none;];Attraction-Inform[Post;Fee;Addr;Addr;Addr;];": 1, + "Hotel-Request[Area;Type;Stars;Price;];Hotel-NoOffer[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Price;Stars;Parking;];": 1, + "Booking-Inform[none;];Hotel-Request[Area;];Hotel-Inform[Choice;];": 1, + "Train-Inform[Dest;Id;Leave;];Train-Request[Day;Leave;];": 1, + "Train-Inform[Ticket;People;Id;Dest;Arrive;Leave;Ref;Depart;];general-reqmore[none;];": 1, + "Train-Inform[Choice;];Train-OfferBook[Leave;Id;Arrive;];": 1, + "Hotel-Inform[Choice;Choice;Type;Area;];Booking-Request[Day;People;];": 1, + "Restaurant-Inform[Name;Name;Food;];": 1, + "Attraction-Inform[Name;Name;Area;Area;];": 1, + "Hotel-Request[Area;Parking;Price;Internet;];Hotel-Inform[Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Price;Name;Name;Choice;Post;Post;Addr;Addr;];": 1, + "Hotel-Recommend[Area;];Hotel-NoOffer[Area;];": 1, + "Booking-Inform[none;];Booking-Request[Time;People;];general-greet[none;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Name;];Restaurant-Inform[Addr;Addr;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Area;Food;Choice;];": 1, + "general-greet[none;];Booking-Inform[none;];Restaurant-Inform[Phone;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Choice;Price;Food;];": 1, + "Attraction-Select[Name;Name;];Attraction-Inform[Type;Choice;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Post;Addr;];": 1, + "Hotel-Request[Price;Stars;];Hotel-Inform[Choice;Internet;Area;];": 1, + "Hotel-Recommend[Name;Name;Choice;Stars;];Hotel-Inform[Choice;];": 1, + "Train-Inform[Choice;Choice;Leave;Ticket;];Train-Request[Arrive;];": 1, + "Attraction-Inform[Fee;Post;Post;Name;Name;Addr;Addr;Addr;];": 1, + "Train-OfferBooked[Depart;Ticket;Dest;Ref;];": 1, + "Train-Inform[Leave;Id;];Train-NoOffer[Day;];Train-OfferBook[none;];": 1, + "Train-OfferBook[People;];general-reqmore[none;];": 1, + "Hotel-Recommend[Phone;Stars;Name;];": 1, + "Restaurant-NoOffer[Food;];Restaurant-Inform[Food;Name;];": 1, + "Restaurant-NoOffer[Food;Area;];Restaurant-Inform[Choice;Choice;Choice;Food;Area;Area;Price;];": 1, + "Restaurant-Inform[Post;Phone;Name;Addr;Addr;Food;Price;];": 1, + "Train-Select[Day;];Train-Request[Leave;Depart;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Type;Type;Choice;];": 1, + "Attraction-Inform[Phone;Post;Name;Addr;Addr;];": 1, + "Hotel-Request[Stars;Area;Parking;Name;Type;Internet;];": 1, + "Attraction-Recommend[Name;Name;];Attraction-Select[Area;Area;];": 1, + "Restaurant-Inform[Food;Area;Choice;Price;Name;Name;Name;];": 1, + "Booking-Request[People;];Restaurant-Inform[Post;Addr;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Phone;Addr;Area;];": 1, + "Hotel-NoOffer[Price;];Hotel-Inform[Price;Type;Name;];": 1, + "Hotel-Inform[Area;Area;Stars;Price;Name;Name;Type;];": 1, + "Train-Inform[Day;Choice;];Train-Request[Depart;Dest;];": 1, + "Booking-Inform[none;];Train-Request[Leave;];": 1, + "Hotel-Select[Name;];general-reqmore[none;];": 1, + "Train-Inform[Dest;Choice;];Train-Request[Day;];": 1, + "Train-NoOffer[Day;Arrive;];": 1, + "general-reqmore[none;];Train-OfferBooked[Leave;People;Ref;Arrive;Dest;Day;Depart;];": 1, + "Booking-Request[Day;];Restaurant-Inform[Choice;];": 1, + "Train-Inform[Leave;Arrive;Dest;];Train-Select[none;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;Choice;Type;Area;];": 1, + "Hotel-NoOffer[Type;];general-reqmore[none;];Hotel-Inform[Stars;Name;Type;];": 1, + "Train-Inform[Day;Depart;Choice;];Train-Request[Arrive;Dest;];": 1, + "Train-Inform[Time;Ticket;];Train-OfferBook[none;];general-greet[none;];": 1, + "general-greet[none;];Train-OfferBooked[Id;People;Ref;Ticket;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Internet;Name;];": 1, + "Train-Inform[Leave;Leave;Choice;];Train-OfferBook[none;];Train-Request[People;Leave;];": 1, + "Train-Inform[Id;Leave;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Attraction-Inform[Name;Post;Area;Addr;Type;Fee;Phone;];": 1, + "Hotel-Inform[Post;];Booking-Request[Stay;Day;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Choice;Parking;Type;Stars;];": 1, + "Hotel-Inform[Addr;];Booking-Request[Day;];": 1, + "Train-Inform[Choice;Choice;Leave;];Train-Request[Dest;Day;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Recommend[Name;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Area;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Name;Name;Food;Food;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Internet;Choice;Choice;];": 1, + "Restaurant-Inform[Area;Name;];Booking-Book[Ref;];": 1, + "Train-OfferBook[none;];Booking-Inform[none;];Hotel-Inform[Type;Addr;Name;Price;Area;];": 1, + "Train-OfferBook[none;];Booking-Book[Ref;Name;];": 1, + "Train-Inform[Choice;Choice;];Train-Request[Leave;Dest;Day;];": 1, + "Restaurant-Recommend[Name;];general-reqmore[none;];Restaurant-Inform[Food;Area;Choice;Price;];": 1, + "general-greet[none;];Booking-Book[Ref;Day;Time;People;Name;];": 1, + "Restaurant-Inform[Name;Name;Area;Food;Choice;Price;];": 1, + "Restaurant-Recommend[Name;];Booking-Request[Day;Time;People;];": 1, + "Attraction-Inform[Area;Addr;Name;Type;Choice;];": 1, + "Attraction-Inform[Name;Post;Type;Addr;Area;];": 1, + "Train-Select[Day;Day;];Train-Request[Depart;];": 1, + "Attraction-Inform[Fee;Name;Addr;Addr;Addr;Phone;];": 1, + "Hotel-Inform[Name;Internet;Choice;Addr;Price;Parking;Type;];": 1, + "Hotel-Recommend[Stars;Name;Price;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Choice;Area;Area;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Addr;Addr;Area;Choice;Choice;Choice;Name;];": 1, + "Attraction-Inform[Addr;Addr;Area;Name;Choice;];": 1, + "Attraction-Inform[Area;Addr;Addr;Addr;Name;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Name;Area;];": 1, + "Restaurant-Select[Price;Price;];Restaurant-Inform[Choice;Area;Food;];": 1, + "Restaurant-Inform[Choice;Choice;Choice;Area;Price;Price;];": 1, + "Restaurant-Recommend[Phone;Name;Addr;Price;];general-reqmore[none;];": 1, + "Hotel-Select[Area;];Hotel-Inform[Choice;Stars;];": 1, + "Restaurant-Select[Name;Name;];Booking-Inform[none;];Restaurant-Inform[Choice;Choice;Food;Area;Price;];": 1, + "Hotel-Inform[Stars;Parking;Price;Name;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Internet;Type;];": 1, + "Hotel-Recommend[Name;Stars;Parking;Area;Internet;];Booking-Inform[none;];": 1, + "Restaurant-NoOffer[Price;Food;Area;Area;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Parking;Internet;Price;Stars;Area;];": 1, + "Taxi-Inform[Dest;Depart;Phone;Car;Leave;];general-greet[none;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Name;Name;Name;Name;Name;Type;Choice;];": 1, + "Hotel-Inform[Phone;Name;Addr;];Booking-Request[Day;People;Stay;];": 1, + "Taxi-Request[Depart;];Restaurant-Inform[Post;Addr;];": 1, + "Hotel-Recommend[Name;Post;Stars;Addr;];general-reqmore[none;];": 1, + "Hotel-Inform[Price;Type;Addr;];": 1, + "Restaurant-Inform[Choice;Name;Name;Name;Food;];": 1, + "Train-Inform[Choice;Depart;];Train-Request[Leave;Dest;];": 1, + "general-greet[none;];Booking-Book[Ref;Name;];": 1, + "Train-OfferBook[Arrive;Id;Ticket;];": 1, + "Train-Inform[Id;Arrive;Day;Depart;Dest;Leave;Time;];": 1, + "Booking-NoBook[Name;];Booking-Request[Stay;Day;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Name;Addr;Area;Fee;];": 1, + "Hotel-Inform[Area;Price;Stars;Name;Type;];Train-OfferBooked[Ref;];": 1, + "Booking-Book[Day;Name;Ref;Stay;];": 1, + "Attraction-Recommend[Name;Type;];Attraction-Inform[Choice;Area;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Choice;Area;Price;];Attraction-Inform[Name;Phone;];": 1, + "Train-Inform[Ticket;Id;Dest;Leave;Day;Depart;];Train-OfferBook[none;];": 1, + "Attraction-Recommend[Type;Name;Addr;Phone;];general-reqmore[none;];": 1, + "Hotel-Inform[Name;Post;Addr;Price;];": 1, + "Train-OfferBook[Id;];general-welcome[none;];": 1, + "Hotel-Request[Area;Type;Stars;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Name;Choice;Type;Area;Stars;];": 1, + "Train-Inform[Choice;Arrive;];Train-OfferBook[Arrive;Id;Leave;];": 1, + "Train-Inform[Arrive;Ticket;Time;Leave;];Train-OfferBook[none;];": 1, + "Train-OfferBooked[People;Ref;Leave;Ticket;Arrive;Dest;Id;Depart;];": 1, + "Train-Inform[Arrive;Arrive;Choice;Choice;Leave;Leave;Leave;Id;Id;];": 1, + "general-greet[none;];Attraction-Inform[Name;Name;Phone;Phone;];": 1, + "Booking-Inform[Name;];Hotel-Inform[Stars;];": 1, + "Restaurant-Inform[Phone;Food;Name;Addr;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Name;Price;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Ref;People;Arrive;];": 1, + "Train-Inform[Ticket;Id;Leave;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Attraction-Recommend[Type;Choice;];": 1, + "Attraction-Inform[Area;Type;Choice;Name;Name;];Train-OfferBooked[Ref;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Food;Area;Price;];": 1, + "Restaurant-Inform[Addr;Addr;Area;Food;Name;Price;];": 1, + "Hotel-Request[Area;];Hotel-NoOffer[Type;Area;Price;];Hotel-Select[Type;];": 1, + "Restaurant-Request[Food;];Restaurant-NoOffer[Food;Area;];Restaurant-Inform[Area;Choice;];": 1, + "Restaurant-Recommend[Area;Addr;Addr;Price;Name;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Area;Area;Choice;];": 1, + "Train-Inform[Ticket;Id;Dest;Arrive;Leave;Day;Depart;];": 1, + "Hotel-Recommend[Name;Area;Price;];Booking-Inform[none;];Hotel-Inform[Stars;Internet;];": 1, + "Restaurant-Inform[Choice;Price;Name;Name;Name;Name;Name;Food;Area;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Type;Area;Addr;];": 1, + "Hotel-Recommend[Internet;Parking;Name;];Hotel-Inform[Area;Choice;Type;];": 1, + "Train-Inform[Arrive;Depart;Dest;Id;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Area;Food;Choice;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Area;Name;];Restaurant-Inform[Area;];": 1, + "Hotel-Inform[Addr;Name;Stars;Area;Phone;];general-reqmore[none;];": 1, + "Hotel-Recommend[Type;Name;];general-reqmore[none;];": 1, + "Hotel-NoOffer[none;];general-reqmore[none;];Hotel-Inform[Name;Parking;Stars;];": 1, + "Hotel-Inform[Addr;Addr;Area;Phone;];": 1, + "Hotel-Recommend[Name;Name;Name;];Booking-Inform[none;];": 1, + "Booking-Inform[People;Name;Time;Day;];": 1, + "Attraction-Select[Name;Area;Addr;];": 1, + "Hotel-Recommend[Name;Addr;];Booking-Inform[none;];Attraction-Inform[Phone;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Name;Name;Name;];": 1, + "Booking-Inform[none;];Booking-Request[People;];Restaurant-Inform[Name;Food;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Name;Choice;Internet;Parking;];": 1, + "Restaurant-Request[Food;Name;];": 1, + "Train-Inform[Leave;Depart;Id;Day;];Train-OfferBook[none;];": 1, + "Restaurant-Recommend[Food;Area;Price;Price;Name;];": 1, + "Booking-Inform[none;];Hotel-NoOffer[Stars;Type;];Hotel-Inform[Type;Stars;Stars;];": 1, + "Hotel-Inform[Price;Choice;Type;Parking;Name;Name;Name;Stars;];": 1, + "Restaurant-Request[Name;];Booking-NoBook[Name;Time;Time;];Restaurant-Recommend[Food;Price;Name;];": 1, + "Booking-Book[People;Ref;Day;Name;Time;];general-reqmore[none;];Restaurant-Inform[Addr;];": 1, + "Attraction-Request[Type;];Attraction-Inform[Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Name;Name;Name;Addr;Addr;Addr;];": 1, + "Train-Inform[Arrive;Id;Dest;Depart;Leave;];Train-OfferBook[none;];Train-Request[Leave;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Internet;Choice;Type;Type;];": 1, + "Hotel-Request[Area;];Hotel-Select[Area;Area;Area;];": 1, + "Booking-NoBook[Stay;];Hotel-Inform[Stars;Name;Internet;Price;];Booking-Request[Stay;];": 1, + "Train-Inform[Ticket;Day;Dest;Id;Arrive;Time;Leave;Depart;];": 1, + "Train-Inform[Id;Leave;];Train-Select[Arrive;Leave;Id;];": 1, + "Attraction-Recommend[Name;Addr;];general-reqmore[none;];Attraction-Inform[Choice;];": 1, + "Attraction-Inform[Post;Phone;Fee;Addr;];": 1, + "Train-Inform[Day;Id;Dest;Depart;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Name;Type;Type;];": 1, + "Booking-Request[Time;People;];Restaurant-Inform[Addr;Price;];": 1, + "Booking-NoBook[none;];general-reqmore[none;];Restaurant-Inform[Name;Price;];": 1, + "Hotel-Select[none;];general-reqmore[none;];Hotel-Inform[Choice;Choice;Type;Type;];": 1, + "Hotel-Recommend[Name;Stars;];Hotel-Request[Area;];": 1, + "Booking-NoBook[none;];Hotel-Inform[Name;];": 1, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Type;Choice;Area;];": 1, + "Hotel-Request[Stars;Area;Parking;Price;Type;Internet;];Hotel-Inform[Choice;];": 1, + "Hotel-Inform[Parking;Internet;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Food;Choice;Choice;Price;Price;];": 1, + "Restaurant-Select[Price;Choice;];Restaurant-Inform[Price;Name;];": 1, + "Attraction-Recommend[Addr;Addr;Addr;Name;Area;];general-reqmore[none;];general-greet[none;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Fee;Phone;];": 1, + "Hotel-Inform[Area;Stars;Name;Type;];": 1, + "Train-Request[Depart;Leave;Arrive;Day;];": 1, + "Hotel-Select[Price;Price;];Hotel-Inform[Parking;Choice;];": 1, + "Train-Inform[Arrive;Depart;Choice;];Train-Request[Leave;];": 1, + "Train-Inform[Arrive;Ref;];Train-OfferBooked[Depart;Leave;];": 1, + "Hotel-Request[Stars;Area;Parking;Internet;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Name;Name;Area;Area;];": 1, + "Restaurant-Inform[Name;Food;Phone;Post;Post;Area;];": 1, + "Train-Inform[Depart;Ticket;Dest;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Name;Name;Choice;Choice;Choice;];": 1, + "Booking-Inform[Name;];Booking-Request[Time;];": 1, + "Hotel-Inform[Name;Type;Area;Stars;Addr;Addr;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Name;Food;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Area;Choice;Price;];": 1, + "Hotel-Recommend[none;];Hotel-Request[Stars;Price;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-Inform[Price;Internet;Type;Parking;Area;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Internet;Parking;Stars;Addr;];": 1, + "Train-Inform[Choice;Depart;Day;Dest;Leave;];Train-Request[Leave;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Area;Food;Name;Name;Price;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Name;Stars;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Food;Food;Food;Food;Food;Food;Food;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Choice;Choice;Price;];": 1, + "Restaurant-Inform[Food;Area;Price;];Booking-Book[Name;Ref;];": 1, + "Taxi-Request[Depart;Dest;];Booking-Inform[none;];Restaurant-NoOffer[none;];": 1, + "Restaurant-Recommend[Food;Area;Post;Name;];general-reqmore[none;];": 1, + "Restaurant-Inform[Post;Area;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Fee;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Addr;Post;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Area;Food;Choice;Choice;];Attraction-Inform[Type;Fee;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Post;Addr;Phone;Name;];": 1, + "Restaurant-Recommend[Food;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Leave;];Train-OfferBook[Id;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Food;Food;Food;Food;Price;Choice;];": 1, + "Restaurant-Request[Area;];Booking-Request[Time;];": 1, + "Train-Inform[Depart;Dest;Ticket;Arrive;Id;Leave;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Restaurant-Select[Area;];Restaurant-Inform[Name;Area;];": 1, + "Hotel-Inform[Area;Stars;Price;Name;];general-reqmore[none;];": 1, + "Taxi-Inform[Depart;Leave;];general-reqmore[none;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Addr;Post;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Area;Choice;Choice;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Choice;Fee;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Addr;Type;Phone;];general-greet[none;];": 1, + "general-greet[none;];general-reqmore[none;];Booking-Book[Ref;Stay;People;];": 1, + "Hotel-Inform[Stars;Choice;Choice;Type;Type;];general-reqmore[none;];": 1, + "Attraction-Inform[Addr;Addr;Name;Phone;Fee;];": 1, + "Hotel-Recommend[Name;];Booking-Inform[none;];Hotel-Inform[Parking;];": 1, + "Hotel-Inform[Price;Price;Price;Choice;Choice;Choice;Choice;Type;Area;Area;];": 1, + "Hotel-Inform[Area;Phone;Price;Type;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Internet;Choice;];": 1, + "Hotel-Inform[Name;Addr;Price;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Name;Stars;];": 1, + "Hotel-Inform[Area;Choice;Price;Price;Type;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Price;Choice;Internet;Parking;Name;Name;];": 1, + "Attraction-Inform[Post;Addr;Addr;Phone;];": 1, + "Train-Inform[Choice;Dest;Day;];Train-Request[Arrive;Depart;];": 1, + "Train-Inform[Arrive;Leave;Depart;Ticket;Dest;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Train-Inform[Arrive;Dest;];Train-Request[People;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Choice;Choice;Choice;Choice;Area;Area;Area;];": 1, + "Attraction-Recommend[Name;Phone;];general-reqmore[none;];": 1, + "Train-Inform[Id;];Booking-Book[Ref;];Train-OfferBooked[none;];": 1, + "Attraction-Inform[Type;Post;Fee;Phone;Name;Addr;Area;];": 1, + "Train-Inform[People;];Train-Request[Arrive;Leave;];": 1, + "Train-Inform[Choice;Leave;Depart;Dest;];Train-Select[Leave;Day;];": 1, + "Hotel-Recommend[Internet;Addr;Name;Type;Stars;Price;Parking;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Area;Name;];Restaurant-Inform[Price;Price;Choice;Name;Name;Name;Name;Food;];": 1, + "Hotel-Request[Area;Price;];Hotel-NoOffer[Price;Stars;Area;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Choice;];general-reqmore[none;];": 1, + "Hotel-Recommend[Name;Stars;Price;Type;];Booking-Inform[none;];": 1, + "Restaurant-Request[Area;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;];": 1, + "general-greet[none;];Attraction-Inform[Fee;Area;Type;Addr;];": 1, + "Hotel-Request[Internet;];Hotel-NoOffer[Area;Name;];Hotel-Inform[Area;Type;Choice;];": 1, + "Hotel-Recommend[Addr;Stars;Name;Type;];Hotel-Inform[Phone;Post;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Name;Area;Food;Food;];": 1, + "Train-Inform[Day;Id;Arrive;Dest;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Choice;Type;Area;Stars;];": 1, + "Train-OfferBooked[People;Ticket;Ref;];": 1, + "Attraction-Recommend[Name;Name;];Attraction-Inform[Choice;Area;];": 1, + "Hotel-Inform[Area;Name;Internet;Parking;Stars;];": 1, + "Attraction-Recommend[Post;Addr;Addr;Name;];Attraction-Inform[Type;Fee;Fee;Choice;];": 1, + "Restaurant-Request[Food;];Attraction-Inform[Name;Addr;Phone;Post;Fee;Fee;];": 1, + "Hotel-Recommend[Price;Parking;Internet;Stars;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Choice;Choice;Type;];": 1, + "Hotel-Inform[Name;Parking;];Booking-Request[Day;];": 1, + "Hotel-Select[none;];Hotel-Inform[Name;Name;Parking;Area;];": 1, + "Hotel-Inform[Name;Internet;Price;Parking;Type;Stars;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Food;Area;Name;];Restaurant-Inform[Addr;];": 1, + "Hotel-Inform[Name;Choice;Type;Type;];": 1, + "Train-Inform[Arrive;Id;];Train-OfferBooked[Ticket;Ref;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Fee;Choice;Type;Addr;];": 1, + "Train-Inform[Arrive;Choice;Leave;Id;];Train-Select[none;];Train-OfferBook[none;];": 1, + "Attraction-Select[Fee;];Attraction-Inform[Choice;Choice;Area;Fee;];": 1, + "Train-Request[Dest;];Booking-Book[Ref;Name;];": 1, + "Train-Inform[Day;Arrive;Id;Leave;Leave;];Train-Select[none;];": 1, + "Hotel-Recommend[Internet;Name;Parking;Stars;Price;Area;Type;];Booking-Inform[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Area;Area;Choice;Name;];": 1, + "Restaurant-Request[Food;];Booking-NoBook[none;];": 1, + "Taxi-Inform[Phone;Arrive;Dest;Depart;Car;];general-reqmore[none;];": 1, + "Hotel-Inform[Area;Choice;Choice;Parking;Type;Type;];": 1, + "Train-Inform[Leave;Arrive;Id;];Train-Select[none;];": 1, + "Train-Inform[Arrive;Dest;];Train-Request[Day;Depart;];": 1, + "Restaurant-Inform[Price;Post;Name;];": 1, + "Hotel-Recommend[Name;Addr;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-Request[Area;Price;];Hotel-Inform[Price;Choice;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Phone;Name;];": 1, + "Taxi-Request[Dest;];general-reqmore[none;];": 1, + "general-bye[none;];Booking-Book[Ref;];": 1, + "Train-Inform[Id;Leave;Day;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Train-OfferBooked[Arrive;Ref;Ticket;Leave;];": 1, + "Hotel-NoOffer[Internet;Price;Stars;Type;];": 1, + "Hotel-Select[Choice;Area;Area;];": 1, + "Hotel-Inform[Name;];Booking-Book[Day;Stay;People;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Price;Choice;];Booking-Book[Ref;];": 1, + "Booking-Book[Day;People;Ref;Time;];": 1, + "Booking-Inform[none;];Hotel-Inform[Parking;Choice;Type;Internet;];": 1, + "Hotel-Inform[Name;Price;];general-reqmore[none;];Booking-Book[Ref;];": 1, + "Train-Inform[Leave;Ticket;Id;];Train-OfferBook[none;];": 1, + "Restaurant-Inform[Name;Addr;Food;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Choice;Name;Name;Price;Area;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Choice;Area;];": 1, + "Attraction-Inform[Post;Addr;Addr;Addr;Type;Area;Choice;Name;];": 1, + "general-reqmore[none;];Attraction-Inform[Type;Type;Type;Type;Choice;];": 1, + "general-greet[none;];Attraction-Inform[Fee;Phone;Addr;];": 1, + "Hotel-Recommend[Internet;Area;Name;];Booking-Inform[none;];": 1, + "Hotel-Recommend[Internet;Name;Area;Type;Price;];Booking-Inform[none;];general-reqmore[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Type;Type;];": 1, + "Hotel-Recommend[Name;Stars;Area;Type;];Booking-Inform[none;];": 1, + "Hotel-Select[Price;];Hotel-Inform[Price;];": 1, + "Train-Inform[Depart;Leave;];Train-Request[Arrive;];": 1, + "Train-OfferBooked[Ref;People;Dest;Depart;Ticket;Arrive;Id;Leave;];": 1, + "general-reqmore[none;];Attraction-Inform[Addr;Addr;Type;Fee;];": 1, + "Hotel-Recommend[Parking;Price;Internet;Area;Name;Stars;];Booking-Request[Day;];": 1, + "Booking-NoBook[Stay;People;];Booking-Request[Stay;Day;];": 1, + "Taxi-Inform[none;];Booking-Book[Ref;Name;];": 1, + "Taxi-Inform[Dest;Arrive;];": 1, + "Attraction-Recommend[Addr;Name;];Attraction-Inform[Type;Choice;Fee;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Choice;Type;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Addr;Addr;Stars;Price;Name;Area;];": 1, + "Taxi-Inform[Car;Phone;Depart;];general-welcome[none;];general-reqmore[none;];": 1, + "Restaurant-Recommend[Name;];Restaurant-Inform[Price;Phone;];": 1, + "Train-NoOffer[Choice;];Train-Select[Arrive;Id;];": 1, + "Hotel-Select[none;];Hotel-Inform[Price;Name;Name;Name;Choice;Choice;Area;Area;Area;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Area;];": 1, + "general-reqmore[none;];Attraction-Inform[Fee;Area;Phone;Name;];": 1, + "Hotel-NoOffer[Area;Stars;Type;];Hotel-Inform[Choice;Area;];": 1, + "Hotel-Inform[Area;Area;];": 1, + "Hotel-Inform[Price;Area;Parking;Stars;Name;Internet;];": 1, + "general-reqmore[none;];Booking-Book[Stay;];": 1, + "Attraction-Recommend[Name;Post;Fee;Addr;Phone;];": 1, + "Attraction-Recommend[Area;Fee;Post;Addr;Name;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;Type;];": 1, + "Attraction-Recommend[Phone;Post;Name;Fee;];general-reqmore[none;];": 1, + "Hotel-Inform[Price;Type;];general-reqmore[none;];": 1, + "Attraction-Inform[Name;Phone;Addr;Addr;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Phone;Name;Addr;Price;];": 1, + "Restaurant-Request[Food;];Restaurant-Inform[Price;Area;Choice;];": 1, + "Train-Select[Leave;Arrive;Dest;];": 1, + "Train-Inform[Time;];Train-OfferBook[none;];Booking-Inform[Name;];": 1, + "Train-Inform[Choice;];general-greet[none;];Train-Request[Depart;Dest;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Stars;Parking;Type;Choice;Internet;];": 1, + "Train-Inform[Ref;];Restaurant-Inform[Name;Name;Food;Choice;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Food;Choice;];": 1, + "Restaurant-Inform[Choice;Choice;Food;];": 1, + "Restaurant-Inform[Addr;Name;];Booking-Book[Ref;];": 1, + "Restaurant-Select[none;];Restaurant-Request[Area;];Restaurant-Inform[Choice;Choice;Choice;Area;Area;];": 1, + "Train-Inform[Depart;Dest;Leave;Arrive;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Post;Addr;Name;];": 1, + "Train-Inform[Day;Day;Depart;];Train-Request[Day;];": 1, + "Train-Inform[Arrive;Leave;Depart;Ticket;Id;Dest;];Train-OfferBook[none;];": 1, + "general-bye[none;];Train-OfferBooked[People;Depart;Id;Ref;Leave;Dest;];": 1, + "general-reqmore[none;];Restaurant-Inform[Price;Choice;Choice;Area;];": 1, + "Booking-Inform[none;];Restaurant-NoOffer[Food;Price;Area;];Restaurant-Inform[Price;];": 1, + "Hotel-Inform[Area;Addr;Type;];": 1, + "Attraction-Recommend[Addr;Name;];general-greet[none;];Attraction-Inform[Fee;Area;];": 1, + "Train-Inform[Dest;Arrive;Leave;Depart;];": 1, + "Hotel-Request[Stars;];Hotel-Inform[Price;Choice;Type;Parking;];": 1, + "Train-Inform[Arrive;Day;Dest;Id;];": 1, + "Attraction-Select[none;];Attraction-Inform[Area;Area;Choice;Choice;];": 1, + "Booking-Inform[none;];Hotel-Inform[Type;Internet;Stars;Name;Price;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Name;Parking;Area;];": 1, + "Train-Inform[Arrive;Id;];Train-OfferBook[People;];": 1, + "Booking-Request[Time;];Restaurant-Inform[Name;Area;];": 1, + "Restaurant-Inform[Addr;Name;Post;Phone;];": 1, + "Train-Inform[Depart;Dest;Dest;Day;Arrive;Leave;Leave;];": 1, + "Attraction-Inform[Area;Type;Addr;Phone;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Stars;Price;Price;];": 1, + "Train-Request[Depart;Arrive;Dest;];": 1, + "Train-Inform[Ticket;Choice;Leave;];Train-OfferBook[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Area;Food;Choice;Choice;Choice;Price;Price;];": 1, + "Restaurant-Recommend[Price;Name;];general-greet[none;];": 1, + "Hotel-Inform[Area;Internet;Price;Parking;Type;];": 1, + "Attraction-Recommend[Type;Type;Type;Type;Name;];Attraction-Inform[Area;Choice;];": 1, + "Attraction-Recommend[Name;Fee;Type;];": 1, + "Taxi-Inform[Car;Depart;];": 1, + "Attraction-Recommend[Area;Fee;Name;];Attraction-Inform[Choice;];": 1, + "Hotel-Request[Parking;];Hotel-Inform[Type;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Area;];": 1, + "Restaurant-Inform[Price;Addr;Name;Phone;Area;];": 1, + "Train-Inform[Arrive;Arrive;Leave;Leave;Depart;];Train-Select[none;];": 1, + "Hotel-Inform[Price;Area;];": 1, + "Hotel-Inform[Name;Type;Stars;Phone;];": 1, + "Restaurant-Recommend[Price;Name;];Restaurant-Inform[Choice;];": 1, + "Train-Inform[Depart;];Train-OfferBook[Id;Arrive;Leave;];": 1, + "Train-Inform[none;];Train-Select[Leave;Leave;Leave;];Train-OfferBook[Choice;];": 1, + "Hotel-Inform[Stars;Parking;Price;Internet;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Choice;Area;Name;];": 1, + "general-greet[none;];general-reqmore[none;];Attraction-Inform[Phone;Addr;];": 1, + "Hotel-Inform[Price;Name;Type;Stars;];general-reqmore[none;];": 1, + "Train-Inform[Choice;];Train-Request[Arrive;Day;Leave;];": 1, + "Restaurant-Inform[Price;Addr;Name;Area;Food;Phone;Post;];": 1, + "Hotel-Recommend[Name;Internet;Parking;Addr;Addr;];": 1, + "Train-OfferBooked[Depart;People;Ref;Ticket;Dest;];": 1, + "Booking-NoBook[none;];Booking-Request[Time;];Restaurant-Inform[Food;];": 1, + "Train-Inform[Id;Arrive;Time;];general-reqmore[none;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Type;Internet;Parking;Choice;];": 1, + "Taxi-Inform[Car;Phone;Arrive;];": 1, + "Booking-Book[Name;Ref;];general-reqmore[none;];Restaurant-Inform[Food;];": 1, + "Train-Inform[Depart;Arrive;Choice;Leave;];": 1, + "Train-OfferBooked[Arrive;Ref;Leave;];": 1, + "Attraction-Inform[Type;Type;Type;Fee;Choice;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Stars;Type;];": 1, + "Train-Inform[Choice;];Train-Request[Depart;Arrive;];": 1, + "Attraction-Inform[Fee;Phone;Area;Addr;Name;];": 1, + "Hotel-NoOffer[none;];general-reqmore[none;];Hotel-Inform[Type;];": 1, + "Hotel-NoOffer[none;];Hotel-Inform[Type;];": 1, + "Booking-Inform[none;];Hotel-Select[Name;];Hotel-Inform[Choice;];": 1, + "Train-Inform[Time;Leave;Id;];Train-Select[none;];": 1, + "Train-Inform[Ticket;Id;Dest;Arrive;];Train-OfferBook[none;];": 1, + "Hotel-Request[Type;];Hotel-NoOffer[Stars;Type;];": 1, + "Booking-Inform[none;];Hotel-Inform[Price;Choice;Type;Area;Stars;];": 1, + "Hotel-Inform[Price;Type;Stars;];general-reqmore[none;];": 1, + "Train-Inform[Arrive;Id;];Train-Select[Arrive;];general-greet[none;];Train-Request[Arrive;];": 1, + "Train-OfferBooked[Time;Arrive;Dest;];": 1, + "Train-Inform[Ticket;Dest;Depart;Id;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Internet;Choice;Price;];": 1, + "Hotel-Inform[Choice;Choice;Type;Type;Name;Name;Name;];general-reqmore[none;];": 1, + "Train-OfferBooked[People;Ref;Leave;Ticket;Id;];": 1, + "Hotel-Inform[Addr;Name;Area;Post;];": 1, + "Train-Inform[Dest;Arrive;Leave;Day;];Train-OfferBook[none;];": 1, + "Train-Inform[Depart;Dest;Arrive;Leave;Id;];": 1, + "general-reqmore[none;];Train-OfferBooked[Time;Ticket;Ref;];": 1, + "Restaurant-Inform[Name;];Booking-Book[Time;People;Ref;Day;];": 1, + "Train-Inform[Depart;];Train-Request[Arrive;Leave;Day;];": 1, + "Train-Inform[Day;Leave;Dest;];Train-OfferBook[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Type;Choice;Stars;];": 1, + "Hotel-Recommend[Addr;Post;Name;];Hotel-Inform[Choice;Type;Parking;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Area;];": 1, + "Train-Inform[Ticket;Time;];Train-Request[Leave;];": 1, + "Restaurant-NoOffer[none;];Restaurant-Inform[Food;Food;Choice;Area;];": 1, + "Hotel-Inform[Choice;Type;Area;Stars;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Name;Post;Parking;Phone;];": 1, + "Attraction-Request[Price;];Attraction-Inform[Type;Fee;Area;Choice;];": 1, + "Train-Inform[Id;Depart;Dest;Leave;Arrive;];Train-Request[Leave;];": 1, + "Attraction-Select[Name;Phone;];Attraction-Inform[Fee;];": 1, + "Attraction-Inform[Fee;Choice;Type;];": 1, + "Attraction-Inform[Phone;Post;Name;Addr;Addr;Addr;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Choice;Choice;Type;Stars;Stars;];": 1, + "Booking-Inform[none;];Hotel-Inform[Stars;Price;Name;Type;];": 1, + "Attraction-Select[Fee;Fee;];general-reqmore[none;];Attraction-Inform[Area;];": 1, + "Train-OfferBooked[Id;Ref;Arrive;Leave;Ticket;];": 1, + "Train-Inform[Time;Leave;Depart;Arrive;Id;Dest;];": 1, + "Booking-Inform[none;];Restaurant-NoOffer[Area;];Restaurant-Recommend[Price;Name;Food;Area;];": 1, + "Booking-Inform[Day;];Restaurant-Inform[Name;Addr;Addr;];": 1, + "Booking-Inform[none;];Hotel-Inform[Addr;Post;Area;];": 1, + "Restaurant-Request[Price;];Restaurant-Inform[Choice;Price;Price;Food;];": 1, + "Restaurant-Inform[Post;Phone;Price;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Stars;Parking;Choice;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Name;Addr;];": 1, + "Hotel-Inform[Name;Price;Type;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Type;Price;Stars;];Hotel-Inform[Price;Choice;];": 1, + "general-bye[none;];Booking-Book[none;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Price;Name;Food;Area;];": 1, + "Hotel-Request[Stars;Area;Parking;Price;Type;Internet;];Hotel-Inform[Area;Choice;];": 1, + "Hotel-Select[none;];Hotel-Inform[Choice;Name;Name;Stars;Stars;];": 1, + "Train-OfferBooked[Id;Leave;];": 1, + "Hotel-Request[Price;Area;];Hotel-Inform[Type;Type;Choice;];": 1, + "general-greet[none;];general-reqmore[none;];Booking-Book[Ref;Stay;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Phone;Addr;Post;Name;];": 1, + "Hotel-Recommend[Phone;Price;Stars;Name;];": 1, + "Attraction-Inform[Fee;Area;Area;Choice;Choice;];": 1, + "Attraction-Recommend[Choice;Fee;Name;Name;];Attraction-Inform[Choice;Area;];": 1, + "Train-Inform[Leave;Depart;Arrive;Id;];Train-Select[none;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Area;Area;Choice;];": 1, + "Hotel-Recommend[Internet;Name;Parking;Stars;];Booking-Inform[none;];": 1, + "Attraction-Inform[Fee;Addr;Addr;Addr;];": 1, + "Train-Inform[Id;Depart;Ticket;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Choice;Area;Type;Fee;Fee;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Type;Type;Type;Type;Type;Choice;];": 1, + "Attraction-Inform[Name;Post;Type;Phone;];": 1, + "Train-Inform[Ticket;Leave;Arrive;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Price;Food;Area;];": 1, + "Train-Inform[Choice;Dest;];Train-Request[Day;Leave;Arrive;Depart;];": 1, + "Restaurant-Select[Price;Area;Choice;Food;Name;];": 1, + "Attraction-Select[Type;Type;];Attraction-Inform[Area;Choice;];": 1, + "Hotel-Select[none;];Hotel-NoOffer[Stars;Type;];Hotel-Inform[Choice;Type;Stars;Name;Name;Name;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Price;Name;Name;Type;];": 1, + "Hotel-Inform[Name;];Booking-Book[Ref;Day;];": 1, + "Attraction-Recommend[Fee;Name;];Attraction-Inform[Name;Name;Name;Name;Name;];": 1, + "Hotel-Inform[Name;Name;Area;Choice;Internet;Parking;Stars;];": 1, + "Hotel-Request[Price;];Hotel-Inform[Area;Internet;Choice;];": 1, + "Hotel-Inform[Post;Stars;Price;Name;Type;];": 1, + "Train-Inform[Arrive;Leave;Dest;Id;];general-reqmore[none;];Train-Request[Dest;];": 1, + "Train-Inform[Ticket;Time;Arrive;];general-reqmore[none;];": 1, + "Restaurant-Select[none;];Restaurant-Recommend[Price;Name;Name;Choice;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Type;Type;Area;Area;Choice;Choice;];": 1, + "general-reqmore[none;];Train-OfferBooked[Arrive;Id;Leave;Ref;Depart;People;Dest;];": 1, + "Attraction-Request[Area;];Attraction-Inform[Fee;Fee;];": 1, + "Train-Request[Dest;Arrive;Day;Leave;];": 1, + "Train-Inform[Leave;Leave;Depart;Arrive;Id;Day;Dest;];Train-OfferBook[none;];Train-Request[People;];": 1, + "Restaurant-Request[Price;];general-reqmore[none;];Restaurant-Inform[Choice;Food;Area;];": 1, + "Attraction-Inform[Name;Addr;Area;];Booking-Book[Ref;Name;];": 1, + "Train-Inform[Dest;Id;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Attraction-Inform[Name;Area;Addr;];": 1, + "Train-Inform[Choice;Leave;Depart;];Train-Request[Leave;Arrive;];": 1, + "Train-Inform[Dest;Leave;Id;];Train-OfferBook[none;];": 1, + "Hotel-Inform[Area;Name;Addr;Type;Phone;];": 1, + "Restaurant-Select[none;];Restaurant-Inform[Choice;Food;Area;Area;Price;];": 1, + "Restaurant-Select[Price;Price;];Restaurant-Inform[Area;Food;Choice;];": 1, + "Booking-Inform[People;Time;Name;Day;];": 1, + "Restaurant-Recommend[Food;Price;Name;Area;];": 1, + "Train-Request[Day;];Booking-Book[Time;Ref;];": 1, + "Train-Inform[Arrive;Id;Depart;Dest;Leave;];Train-OfferBooked[People;Ticket;Ref;];": 1, + "Booking-NoBook[none;];Booking-Inform[none;];Hotel-Inform[Choice;Type;Type;];": 1, + "Hotel-Inform[Type;Price;Price;];": 1, + "Train-Inform[Arrive;];general-welcome[none;];Train-Request[Day;];": 1, + "Train-Inform[Arrive;Day;];Train-Select[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Phone;];": 1, + "Attraction-Recommend[Area;Name;];Booking-Inform[none;];Attraction-Inform[Addr;Fee;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Price;Phone;Name;];": 1, + "Hotel-Select[Name;];Hotel-Inform[Choice;];": 1, + "Train-Inform[Ref;Ticket;];general-reqmore[none;];Train-OfferBooked[none;];": 1, + "general-greet[none;];Attraction-Inform[Name;Phone;];": 1, + "Hotel-Inform[Name;Name;Choice;Addr;Addr;Type;];": 1, + "Train-OfferBooked[Ref;Time;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Phone;Phone;Choice;Name;Name;Area;Price;];": 1, + "Restaurant-Request[Area;];Restaurant-Inform[Choice;Price;Food;Area;];": 1, + "Restaurant-NoOffer[Area;];Restaurant-Recommend[Name;];Restaurant-Inform[Choice;Area;];": 1, + "Hotel-Inform[Addr;];Booking-Book[Ref;Stay;Day;People;Name;];": 1, + "Train-Inform[Depart;Day;Dest;];Train-Request[Depart;];": 1, + "Train-Inform[Ticket;Dest;Depart;];": 1, + "Restaurant-Inform[Choice;Food;];Booking-Book[Ref;];": 1, + "Hotel-Select[Type;Price;];Hotel-Inform[Choice;];": 1, + "Train-Inform[Choice;Time;];Train-OfferBook[none;];": 1, + "Hotel-Request[Price;];Hotel-NoOffer[Price;];Hotel-Inform[Price;Choice;Type;];": 1, + "Hotel-Inform[Choice;Name;Price;Area;];": 1, + "Train-OfferBooked[Leave;];": 1, + "Train-Request[Day;Leave;Dest;Depart;];": 1, + "Hotel-Inform[Type;Internet;Choice;Choice;Name;Name;Name;Price;Area;];": 1, + "Hotel-Inform[Name;Name;Parking;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Price;Choice;Type;Type;];": 1, + "Hotel-Request[Type;];Hotel-Inform[Type;Area;];": 1, + "Train-Inform[Leave;Depart;Dest;Id;];Train-Select[none;];": 1, + "Train-Inform[Dest;Depart;Id;Arrive;Leave;];Train-OfferBook[none;];": 1, + "Hotel-Request[Parking;Internet;];Hotel-Select[Type;Type;];Hotel-Inform[Choice;Area;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;Type;Stars;Price;];": 1, + "Restaurant-Select[none;];general-reqmore[none;];Restaurant-Inform[Choice;Choice;Area;Area;];": 1, + "Hotel-Inform[none;];Restaurant-Inform[Name;];": 1, + "Restaurant-Inform[Phone;Food;];": 1, + "Train-Inform[Arrive;Choice;Leave;Dest;];Train-OfferBook[none;];": 1, + "Attraction-Request[Area;Type;];Attraction-Inform[Type;Type;Choice;];": 1, + "Attraction-Recommend[Name;];general-reqmore[none;];Attraction-Inform[Type;Area;Choice;];": 1, + "Attraction-Request[Type;];Attraction-Select[Type;];Attraction-Inform[Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Name;Post;Type;];": 1, + "Hotel-Inform[Choice;Name;Type;];Booking-Book[Ref;];": 1, + "Train-Inform[Dest;Depart;Ticket;Time;Leave;Leave;];Train-OfferBook[none;];": 1, + "Train-Inform[Id;Depart;Leave;];general-reqmore[none;];": 1, + "Hotel-NoOffer[Type;];Hotel-Inform[Choice;Stars;];": 1, + "Hotel-Inform[Area;Area;Area;Choice;Internet;Parking;];": 1, + "Train-Inform[Arrive;Id;Ticket;Time;Leave;];Train-Request[People;];": 1, + "Restaurant-Inform[Name;Addr;Addr;Area;];": 1, + "general-reqmore[none;];Restaurant-Inform[Addr;Area;Phone;];": 1, + "Booking-Inform[none;];Attraction-Inform[Phone;Addr;Addr;];": 1, + "Restaurant-Recommend[Name;Price;];Restaurant-Inform[Choice;Food;];": 1, + "Hotel-Inform[Stars;Area;];Booking-Request[Day;];": 1, + "general-reqmore[none;];Booking-Book[Name;People;Ref;Stay;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Food;Area;Name;];general-reqmore[none;];": 1, + "Restaurant-Select[Price;Price;];general-greet[none;];Restaurant-Inform[Food;Choice;Area;];": 1, + "Restaurant-Select[Name;Name;Name;];Booking-Inform[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;];Booking-Request[Stay;People;];": 1, + "Restaurant-Inform[Name;Name;Name;Name;Area;Food;Choice;];": 1, + "general-reqmore[none;];Restaurant-Inform[Post;Post;Phone;Name;Addr;];": 1, + "Hotel-Request[Type;Stars;Price;Area;Parking;Internet;];": 1, + "Hotel-NoOffer[Area;];Hotel-Inform[Price;Area;Stars;Name;];": 1, + "general-greet[none;];general-reqmore[none;];Restaurant-Inform[Choice;Food;Price;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Area;Type;Choice;];": 1, + "general-reqmore[none;];Attraction-Inform[Area;Name;Type;Addr;Phone;];": 1, + "Restaurant-Inform[Name;Post;Price;];": 1, + "Restaurant-Select[none;];Booking-Inform[none;];Restaurant-Inform[Food;Name;Area;Price;];": 1, + "Hotel-Request[Stars;Area;Price;Type;];Hotel-Inform[Internet;Choice;Parking;];": 1, + "Hotel-Request[Area;Internet;Stars;Parking;];Hotel-Inform[Choice;Type;];": 1, + "Hotel-Recommend[Name;Phone;Stars;];": 1, + "Attraction-Request[Type;Area;];Attraction-Inform[Type;Choice;];": 1, + "Hotel-Inform[Internet;Choice;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Post;Stars;Parking;Name;];": 1, + "Attraction-Select[none;];Attraction-Inform[Type;Phone;Name;];": 1, + "Booking-Inform[none;];Restaurant-Recommend[Price;Addr;Name;Food;];": 1, + "Train-Inform[Choice;];Train-Request[Leave;Day;Arrive;];": 1, + "Booking-Book[Name;Stay;Day;Ref;];": 1, + "Train-Inform[Arrive;Dest;Id;Depart;Leave;];Train-OfferBook[none;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Food;Choice;Name;Name;];": 1, + "Hotel-Inform[Area;Price;Parking;Name;Internet;];": 1, + "Restaurant-Request[Price;];general-reqmore[none;];Restaurant-Inform[Food;Choice;Area;];": 1, + "Hotel-Recommend[Name;Internet;Area;Stars;];Booking-Inform[none;];": 1, + "Train-OfferBook[none;];Booking-Book[Ref;Day;Time;Name;People;];": 1, + "Restaurant-Inform[Name;Area;Choice;];general-reqmore[none;];Attraction-Inform[Type;];": 1, + "Train-Inform[Ticket;Time;Id;];general-reqmore[none;];": 1, + "Booking-Inform[none;];Hotel-Inform[Area;Choice;Stars;Price;];": 1, + "Attraction-Select[none;];Attraction-NoOffer[Area;];Attraction-Inform[Post;Name;Addr;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Area;];": 1, + "Hotel-Inform[Name;Area;Choice;Price;];": 1, + "Attraction-Inform[Type;Addr;Phone;Area;];": 1, + "Train-Inform[Depart;Dest;Day;Arrive;Id;Leave;];Train-Request[People;];": 1, + "Attraction-Select[Area;Area;Area;];general-greet[none;];Attraction-Inform[Choice;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Phone;Addr;Area;Price;Post;];": 1, + "Attraction-Select[none;];Attraction-Inform[Name;Name;Type;Choice;];": 1, + "Train-Inform[Day;Choice;Depart;Depart;Dest;Leave;Leave;];Train-OfferBook[none;];": 1, + "Booking-Inform[none;];Restaurant-Inform[Name;Food;Addr;Area;Price;];": 1, + "general-reqmore[none;];Train-OfferBooked[Ticket;People;];": 1, + "Attraction-Inform[Phone;Addr;Addr;Addr;Area;Name;Type;Post;];": 1, + "Train-Inform[Choice;Choice;Dest;Day;Arrive;Leave;];Train-Request[Day;];": 1, + "Train-Inform[Ticket;Id;];general-greet[none;];": 1, + "Hotel-Inform[Choice;Choice;Price;Type;Type;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Area;Type;];": 1, + "Hotel-Inform[Area;Name;Internet;Addr;Addr;Price;Type;];": 1, + "Hotel-Inform[Name;Type;Addr;Addr;];": 1, + "Attraction-Inform[Type;Addr;Addr;Area;Fee;];": 1, + "Train-Select[Id;Id;];general-welcome[none;];": 1, + "Hotel-Request[Area;];Hotel-Inform[Choice;Choice;Choice;Area;Area;Area;];": 1, + "Attraction-Inform[Type;Addr;Addr;Addr;Name;Choice;];": 1, + "Restaurant-Inform[Choice;Name;Name;Name;Name;Name;Name;];": 1, + "Train-Inform[Depart;Day;Dest;Leave;];Train-Request[Day;];": 1, + "Attraction-Recommend[Type;Name;];Attraction-Inform[Choice;];": 1, + "Hotel-Inform[Area;Choice;Type;Type;];": 1, + "Hotel-NoOffer[Type;Area;Price;Stars;];": 1, + "Hotel-Recommend[Name;];Hotel-Inform[Area;Stars;Parking;Price;Choice;];": 1, + "Booking-Inform[none;];Hotel-Select[none;];Hotel-Inform[Choice;Type;Addr;Addr;];": 1, + "Hotel-Request[Area;];Hotel-Select[none;];Hotel-Inform[Name;Internet;Parking;Stars;];": 1, + "Attraction-Inform[Name;Type;Fee;Addr;];": 1, + "Train-OfferBook[Ref;People;];Train-OfferBooked[none;];": 1, + "Train-Inform[Choice;Arrive;Arrive;Id;Id;];Train-Select[none;];Train-Request[People;];": 1, + "Attraction-Recommend[Name;];Attraction-Inform[Fee;Fee;Area;Choice;Type;];": 1, + "general-reqmore[none;];Booking-Book[Time;People;Name;];": 1, + "general-greet[none;];Train-Request[Day;Leave;Dest;Depart;];": 1, + "Hotel-Inform[Post;Name;Addr;Phone;];": 1, + "Train-Inform[Leave;];Booking-Inform[none;];Restaurant-Recommend[Addr;Name;];": 1, + "Hotel-NoOffer[Type;Internet;Stars;];Hotel-Select[Stars;];": 1, + "Hotel-Select[none;];Hotel-Inform[Stars;Price;Price;Choice;];": 1, + "Hotel-Recommend[Area;Addr;Name;];": 1, + "Hotel-Recommend[Area;Name;];Booking-Inform[none;];general-greet[none;];": 1, + "Hotel-Inform[Choice;Area;];": 1, + "Train-Inform[Choice;];Train-Select[Arrive;Arrive;Leave;Leave;];": 1, + "Train-OfferBook[People;];Train-Request[Leave;];": 1, + "Attraction-Select[Type;];Attraction-Inform[Choice;];": 1, + "general-reqmore[none;];Train-OfferBooked[Id;Ticket;];": 1, + "Hotel-Request[Parking;Price;Internet;];Hotel-Inform[Area;Choice;Type;];": 1, + "Hotel-NoOffer[Type;Price;Parking;];": 1, + "Attraction-Recommend[Addr;Name;];general-reqmore[none;];Attraction-Inform[Fee;];": 1 +} \ No newline at end of file diff --git a/data/multiwoz/db/attraction_db.json b/data/multiwoz/db/attraction_db.json new file mode 100644 index 0000000..4f5fbc7 --- /dev/null +++ b/data/multiwoz/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/data/multiwoz/db/db_values.json b/data/multiwoz/db/db_values.json new file mode 100644 index 0000000..99a9cdf --- /dev/null +++ b/data/multiwoz/db/db_values.json @@ -0,0 +1,4171 @@ +{ + "train": { + "arriveby": [ + "05:51", + "07:51", + "09:51", + "11:51", + "13:51", + "15:51", + "17:51", + "19:51", + "21:51", + "23:51", + "06:08", + "08:08", + "10:08", + "12:08", + "14:08", + "16:08", + "18:08", + "20:08", + "22:08", + "24:08", + "07:27", + "09:27", + "11:27", + "13:27", + "15:27", + "17:27", + "19:27", + "21:27", + "23:27", + "01:27", + "07:07", + "09:07", + "11:07", + "13:07", + "15:07", + "17:07", + "19:07", + "21:07", + "23:07", + "01:07", + "05:58", + "06:58", + "07:58", + "08:58", + "09:58", + "10:58", + "11:58", + "12:58", + "13:58", + "14:58", + "15:58", + "16:58", + "17:58", + "18:58", + "19:58", + "20:58", + "21:58", + "22:58", + "23:58", + "06:55", + "07:55", + "08:55", + "09:55", + "10:55", + "11:55", + "12:55", + "13:55", + "14:55", + "15:55", + "16:55", + "17:55", + "18:55", + "19:55", + "20:55", + "21:55", + "22:55", + "23:55", + "24:55", + "06:35", + "07:35", + "08:35", + "09:35", + "10:35", + "11:35", + "12:35", + "13:35", + "14:35", + "15:35", + "16:35", + "17:35", + "18:35", + "19:35", + "20:35", + "21:35", + "22:35", + "23:35", + "24:35", + "05:56", + "06:24", + "06:56", + "07:24", + "07:56", + "08:24", + "08:56", + "09:24", + "09:56", + "10:24", + "10:56", + "11:24", + "11:56", + "12:24", + "12:56", + "13:24", + "13:56", + "14:24", + "14:56", + "15:24", + "15:56", + "16:24", + "16:56", + "17:24", + "17:56", + "18:24", + "18:56", + "19:24", + "19:56", + "20:24", + "20:56", + "21:24", + "21:56", + "22:24", + "22:56", + "23:24", + "23:56", + "24:24", + "06:09", + "06:38", + "07:09", + "07:38", + "08:09", + "08:38", + "09:09", + "09:38", + "10:09", + "10:38", + "11:09", + "11:38", + "12:09", + "12:38", + "13:09", + "13:38", + "14:09", + "14:38", + "15:09", + "15:38", + "16:09", + "16:38", + "17:09", + "17:38", + "18:09", + "18:38", + "19:09", + "19:38", + "20:09", + "20:38", + "21:09", + "21:38", + "22:09", + "22:38", + "23:09", + "23:38", + "24:09", + "24:38", + "06:07", + "08:07", + "10:07", + "12:07", + "14:07", + "16:07", + "18:07", + "20:07", + "22:07", + "24:07", + "05:52", + "07:52", + "09:52", + "11:52", + "13:52", + "15:52", + "17:52", + "19:52", + "21:52", + "23:52", + "07:08", + "09:08", + "11:08", + "13:08", + "15:08", + "17:08", + "19:08", + "21:08", + "23:08", + "06:52", + "08:52", + "10:52", + "12:52", + "14:52", + "16:52", + "18:52", + "20:52", + "22:52", + "07:06", + "08:06", + "09:06", + "10:06", + "11:06", + "12:06", + "13:06", + "14:06", + "15:06", + "16:06", + "17:06", + "18:06", + "19:06", + "20:06", + "21:06", + "22:06", + "23:06", + "24:06", + "01:06", + "06:54", + "07:54", + "08:54", + "09:54", + "10:54", + "11:54", + "12:54", + "13:54", + "14:54", + "15:54", + "16:54", + "17:54", + "18:54", + "19:54", + "20:54", + "21:54", + "22:54", + "23:54", + "24:54", + "07:44", + "08:44", + "09:44", + "10:44", + "11:44", + "12:44", + "13:44", + "14:44", + "15:44", + "16:44", + "17:44", + "18:44", + "19:44", + "20:44", + "21:44", + "22:44", + "23:44", + "24:44", + "01:44", + "08:23", + "09:23", + "10:23", + "11:23", + "12:23", + "13:23", + "14:23", + "15:23", + "16:23", + "17:23", + "18:23", + "19:23", + "20:23", + "21:23", + "22:23", + "23:23", + "24:23", + "01:23", + "02:23", + "06:01", + "07:01", + "08:01", + "09:01", + "10:01", + "11:01", + "12:01", + "13:01", + "14:01", + "15:01", + "16:01", + "17:01", + "18:01", + "19:01", + "20:01", + "21:01", + "22:01", + "23:01", + "24:01", + "06:32", + "07:32", + "08:32", + "09:32", + "10:32", + "11:32", + "12:32", + "13:32", + "14:32", + "15:32", + "16:32", + "17:32", + "18:32", + "19:32", + "20:32", + "21:32", + "22:32", + "23:32", + "24:32", + "06:10", + "08:10", + "10:10", + "12:10", + "14:10", + "16:10", + "18:10", + "20:10", + "22:10", + "24:10", + "06:43", + "08:43", + "10:43", + "12:43", + "14:43", + "16:43", + "18:43", + "20:43", + "22:43", + "24:43" + ], + "day": [ + "monday", + "tuesday", + "wednesday", + "thursday", + "friday", + "saturday", + "sunday" + ], + "departure": [ + "cambridge", + "london kings cross", + "london liverpool street", + "kings lynn", + "norwich", + "peterborough", + "ely", + "stansted airport", + "leicester", + "birmingham new street", + "bishops stortford", + "broxbourne", + "stevenage" + ], + "destination": [ + "london kings cross", + "cambridge", + "london liverpool street", + "kings lynn", + "norwich", + "peterborough", + "ely", + "stansted airport", + "leicester", + "birmingham new street", + "bishops stortford", + "broxbourne", + "stevenage" + ], + "duration": [ + "51 minutes", + "88 minutes", + "47 minutes", + "79 minutes", + "50 minutes", + "17 minutes", + "28 minutes", + "105 minutes", + "163 minutes", + "38 minutes", + "60 minutes", + "49 minutes" + ], + "leaveat": [ + "05:00", + "07:00", + "09:00", + "11:00", + "13:00", + "15:00", + "17:00", + "19:00", + "21:00", + "23:00", + "05:17", + "07:17", + "09:17", + "11:17", + "13:17", + "15:17", + "17:17", + "19:17", + "21:17", + "23:17", + "05:59", + "07:59", + "09:59", + "11:59", + "13:59", + "15:59", + "17:59", + "19:59", + "21:59", + "23:59", + "05:39", + "07:39", + "09:39", + "11:39", + "13:39", + "15:39", + "17:39", + "19:39", + "21:39", + "23:39", + "05:11", + "06:11", + "07:11", + "08:11", + "09:11", + "10:11", + "11:11", + "12:11", + "13:11", + "14:11", + "15:11", + "16:11", + "17:11", + "18:11", + "19:11", + "20:11", + "21:11", + "22:11", + "23:11", + "05:36", + "06:36", + "07:36", + "08:36", + "09:36", + "10:36", + "11:36", + "12:36", + "13:36", + "14:36", + "15:36", + "16:36", + "17:36", + "18:36", + "19:36", + "20:36", + "21:36", + "22:36", + "23:36", + "05:16", + "06:16", + "07:16", + "08:16", + "09:16", + "10:16", + "11:16", + "12:16", + "13:16", + "14:16", + "15:16", + "16:16", + "17:16", + "18:16", + "19:16", + "20:16", + "21:16", + "22:16", + "23:16", + "05:06", + "05:34", + "06:06", + "06:34", + "07:06", + "07:34", + "08:06", + "08:34", + "09:06", + "09:34", + "10:06", + "10:34", + "11:06", + "11:34", + "12:06", + "12:34", + "13:06", + "13:34", + "14:06", + "14:34", + "15:06", + "15:34", + "16:06", + "16:34", + "17:06", + "17:34", + "18:06", + "18:34", + "19:06", + "19:34", + "20:06", + "20:34", + "21:06", + "21:34", + "22:06", + "22:34", + "23:06", + "23:34", + "05:19", + "05:48", + "06:19", + "06:48", + "07:19", + "07:48", + "08:19", + "08:48", + "09:19", + "09:48", + "10:19", + "10:48", + "11:19", + "11:48", + "12:19", + "12:48", + "13:19", + "13:48", + "14:19", + "14:48", + "15:19", + "15:48", + "16:19", + "16:48", + "17:19", + "17:48", + "18:19", + "18:48", + "19:19", + "19:48", + "20:19", + "20:48", + "21:19", + "21:48", + "22:19", + "22:48", + "23:19", + "23:48", + "05:50", + "07:50", + "09:50", + "11:50", + "13:50", + "15:50", + "17:50", + "19:50", + "21:50", + "23:50", + "05:35", + "07:35", + "09:35", + "11:35", + "13:35", + "15:35", + "17:35", + "19:35", + "21:35", + "23:35", + "05:40", + "06:40", + "07:40", + "08:40", + "09:40", + "10:40", + "11:40", + "12:40", + "13:40", + "14:40", + "15:40", + "16:40", + "17:40", + "18:40", + "19:40", + "20:40", + "21:40", + "22:40", + "23:40", + "05:24", + "06:24", + "07:24", + "08:24", + "09:24", + "10:24", + "11:24", + "12:24", + "13:24", + "14:24", + "15:24", + "16:24", + "17:24", + "18:24", + "19:24", + "20:24", + "21:24", + "22:24", + "23:24", + "05:21", + "06:21", + "07:21", + "08:21", + "09:21", + "10:21", + "11:21", + "12:21", + "13:21", + "14:21", + "15:21", + "16:21", + "17:21", + "18:21", + "19:21", + "20:21", + "21:21", + "22:21", + "23:21", + "05:09", + "06:09", + "07:09", + "08:09", + "09:09", + "10:09", + "11:09", + "12:09", + "13:09", + "14:09", + "15:09", + "16:09", + "17:09", + "18:09", + "19:09", + "20:09", + "21:09", + "22:09", + "23:09", + "05:01", + "06:01", + "07:01", + "08:01", + "09:01", + "10:01", + "11:01", + "12:01", + "13:01", + "14:01", + "15:01", + "16:01", + "17:01", + "18:01", + "19:01", + "20:01", + "21:01", + "22:01", + "23:01", + "05:29", + "07:29", + "09:29", + "11:29", + "13:29", + "15:29", + "17:29", + "19:29", + "21:29", + "23:29", + "05:32", + "06:32", + "07:32", + "08:32", + "09:32", + "10:32", + "11:32", + "12:32", + "13:32", + "14:32", + "15:32", + "16:32", + "17:32", + "18:32", + "19:32", + "20:32", + "21:32", + "22:32", + "23:32", + "05:54", + "07:54", + "09:54", + "11:54", + "13:54", + "15:54", + "17:54", + "19:54", + "21:54", + "23:54" + ], + "trainid": [ + "tr7075", + "tr2289", + "tr7409", + "tr1111", + "tr6110", + "tr6028", + "tr7786", + "tr4957", + "tr2634", + "tr1428", + "tr9536", + "tr3343", + "tr3371", + "tr6925", + "tr0315", + "tr2643", + "tr0945", + "tr4125", + "tr5941", + "tr6595", + "tr3702", + "tr1058", + "tr6583", + "tr9781", + "tr3624", + "tr9557", + "tr3843", + "tr8676", + "tr4218", + "tr7942", + "tr8272", + "tr8335", + "tr8636", + "tr3433", + "tr0792", + "tr5266", + "tr1791", + "tr0720", + "tr9478", + "tr5767", + "tr8026", + "tr2000", + "tr1502", + "tr3685", + "tr2420", + "tr6628", + "tr1006", + "tr3055", + "tr9876", + "tr0899", + "tr9941", + "tr2138", + "tr5170", + "tr4003", + "tr6203", + "tr8134", + "tr0427", + "tr0925", + "tr4898", + "tr7423", + "tr3207", + "tr6198", + "tr8799", + "tr7447", + "tr9386", + "tr3353", + "tr9039", + "tr5143", + "tr5594", + "tr0378", + "tr9276", + "tr3899", + "tr5720", + "tr3194", + "tr9114", + "tr7556", + "tr8288", + "tr5325", + "tr2851", + "tr7909", + "tr8105", + "tr4987", + "tr7850", + "tr3456", + "tr0269", + "tr1434", + "tr4429", + "tr6300", + "tr2471", + "tr5725", + "tr4543", + "tr3810", + "tr2417", + "tr0922", + "tr0397", + "tr6045", + "tr9332", + "tr7326", + "tr7010", + "tr2775", + "tr4016", + "tr8410", + "tr4216", + "tr2512", + "tr5502", + "tr1149", + "tr2106", + "tr6883", + "tr2564", + "tr5219", + "tr3228", + "tr5686", + "tr7195", + "tr4748", + "tr8842", + "tr0835", + "tr9139", + "tr1581", + "tr4210", + "tr2687", + "tr8885", + "tr4824", + "tr7309", + "tr5729", + "tr4101", + "tr7804", + "tr7223", + "tr5503", + "tr8830", + "tr3350", + "tr8131", + "tr3478", + "tr7147", + "tr1688", + "tr7931", + "tr2952", + "tr1681", + "tr4467", + "tr3724", + "tr3929", + "tr1992", + "tr3085", + "tr7276", + "tr1764", + "tr3602", + "tr7092", + "tr0117", + "tr4915", + "tr5431", + "tr7299", + "tr4259", + "tr4494", + "tr8394", + "tr9404", + "tr4276", + "tr9561", + "tr3515", + "tr5722", + "tr0740", + "tr1047", + "tr2835", + "tr5874", + "tr4604", + "tr5285", + "tr2815", + "tr4757", + "tr6037", + "tr3626", + "tr4158", + "tr4127", + "tr1049", + "tr2715", + "tr5504", + "tr3672", + "tr3237", + "tr6332", + "tr3315", + "tr3695", + "tr5155", + "tr5154", + "tr3892", + "tr7057", + "tr1750", + "tr4187", + "tr9956", + "tr5212", + "tr3138", + "tr2895", + "tr0737", + "tr1887", + "tr3312", + "tr4466", + "tr4859", + "tr8824", + "tr2166", + "tr1667", + "tr8231", + "tr1163", + "tr8104", + "tr0995", + "tr9025", + "tr2141", + "tr0189", + "tr7713", + "tr9732", + "tr3256", + "tr7187", + "tr5240", + "tr3673", + "tr7256", + "tr7040", + "tr6226", + "tr9202", + "tr3183", + "tr0867", + "tr5906", + "tr3938", + "tr6939", + "tr0088", + "tr5691", + "tr1395", + "tr5245", + "tr2855", + "tr6833", + "tr9616", + "tr4781", + "tr7020", + "tr8813", + "tr7519", + "tr4161", + "tr2826", + "tr7978", + "tr2232", + "tr2823", + "tr4119", + "tr0075", + "tr3839", + "tr4204", + "tr0998", + "tr1268", + "tr3257", + "tr8944", + "tr7360", + "tr0459", + "tr2485", + "tr8805", + "tr8522", + "tr5936", + "tr0637", + "tr7943", + "tr5015", + "tr9802", + "tr9886", + "tr9566", + "tr8373", + "tr6769", + "tr7397", + "tr2503", + "tr0357", + "tr4330", + "tr4078", + "tr5863", + "tr8530", + "tr3940", + "tr2361", + "tr2620", + "tr4678", + "tr2357", + "tr9835", + "tr6578", + "tr6946", + "tr8260", + "tr3197", + "tr4890", + "tr8580", + "tr7964", + "tr7528", + "tr2926", + "tr3596", + "tr1854", + "tr3566", + "tr7430", + "tr0793", + "tr5756", + "tr9468", + "tr2324", + "tr4649", + "tr7803", + "tr8868", + "tr5070", + "tr6146", + "tr0675", + "tr0122", + "tr3824", + "tr0687", + "tr0607", + "tr3883", + "tr7548", + "tr2354", + "tr3953", + "tr6585", + "tr5336", + "tr8808", + "tr4368", + "tr7417", + "tr9452", + "tr0525", + "tr9926", + "tr8387", + "tr1731", + "tr3137", + "tr5159", + "tr1574", + "tr5541", + "tr3921", + "tr2831", + "tr2599", + "tr6159", + "tr4972", + "tr3805", + "tr8793", + "tr9565", + "tr8890", + "tr8627", + "tr0002", + "tr3234", + "tr1797", + "tr8445", + "tr2182", + "tr0345", + "tr7239", + "tr9999", + "tr7319", + "tr0268", + "tr1855", + "tr7618", + "tr9515", + "tr7654", + "tr8563", + "tr0064", + "tr1752", + "tr8222", + "tr7938", + "tr0481", + "tr5026", + "tr9209", + "tr3495", + "tr0454", + "tr3112", + "tr0431", + "tr7677", + "tr2764", + "tr3947", + "tr9077", + "tr2601", + "tr2621", + "tr8494", + "tr5751", + "tr3057", + "tr1911", + "tr9226", + "tr6762", + "tr2457", + "tr3765", + "tr8453", + "tr0394", + "tr2311", + "tr0992", + "tr7324", + "tr2973", + "tr4689", + "tr7888", + "tr9680", + "tr1817", + "tr5645", + "tr7673", + "tr5339", + "tr6982", + "tr8364", + "tr2840", + "tr7579", + "tr7604", + "tr0837", + "tr6633", + "tr1749", + "tr9330", + "tr3212", + "tr6368", + "tr8042", + "tr6088", + "tr7535", + "tr8704", + "tr5507", + "tr8241", + "tr2650", + "tr9024", + "tr5578", + "tr8665", + "tr2045", + "tr9582", + "tr1600", + "tr2647", + "tr9473", + "tr0573", + "tr4943", + "tr1069", + "tr8950", + "tr4758", + "tr0942", + "tr4095", + "tr0684", + "tr5091", + "tr4329", + "tr2257", + "tr1863", + "tr7002", + "tr0415", + "tr3808", + "tr1978", + "tr1465", + "tr8571", + "tr2215", + "tr7450", + "tr9854", + "tr6161", + "tr3721", + "tr8782", + "tr2616", + "tr1704", + "tr8331", + "tr8699", + "tr4840", + "tr8932", + "tr8177", + "tr5793", + "tr5664", + "tr3450", + "tr4809", + "tr9783", + "tr9704", + "tr8888", + "tr5908", + "tr0373", + "tr5831", + "tr4638", + "tr8044", + "tr3225", + "tr5554", + "tr8143", + "tr2452", + "tr5153", + "tr3677", + "tr0780", + "tr5556", + "tr9057", + "tr7062", + "tr8385", + "tr7648", + "tr2788", + "tr6283", + "tr6807", + "tr8705", + "tr3447", + "tr6298", + "tr8852", + "tr5879", + "tr4836", + "tr2162", + "tr9634", + "tr0209", + "tr4308", + "tr2986", + "tr3912", + "tr5790", + "tr0181", + "tr9102", + "tr4257", + "tr3858", + "tr1612", + "tr1958", + "tr3147", + "tr6454", + "tr0674", + "tr6844", + "tr5331", + "tr0864", + "tr2640", + "tr7328", + "tr4440", + "tr1082", + "tr8307", + "tr0672", + "tr5028", + "tr0305", + "tr5842", + "tr6366", + "tr2095", + "tr3297", + "tr2514", + "tr7578", + "tr0310", + "tr7178", + "tr9346", + "tr1031", + "tr4235", + "tr1499", + "tr9408", + "tr4109", + "tr1120", + "tr9356", + "tr9320", + "tr6003", + "tr0413", + "tr5198", + "tr8092", + "tr1526", + "tr5928", + "tr7763", + "tr1152", + "tr9175", + "tr3316", + "tr2965", + "tr7634", + "tr5146", + "tr6697", + "tr7217", + "tr1039", + "tr6364", + "tr4208", + "tr2205", + "tr9531", + "tr5773", + "tr3753", + "tr8495", + "tr1060", + "tr8237", + "tr3325", + "tr1206", + "tr9460", + "tr8504", + "tr6675", + "tr6688", + "tr9246", + "tr2662", + "tr0940", + "tr9493", + "tr1999", + "tr4305", + "tr8498", + "tr0627", + "tr9942", + "tr8542", + "tr5949", + "tr6538", + "tr1659", + "tr6426", + "tr6524", + "tr1029", + "tr3022", + "tr0821", + "tr2181", + "tr9594", + "tr2588", + "tr9735", + "tr1144", + "tr9179", + "tr9081", + "tr3445", + "tr9635", + "tr2625", + "tr5574", + "tr7499", + "tr0031", + "tr1871", + "tr6838", + "tr1309", + "tr7776", + "tr7855", + "tr9827", + "tr2614", + "tr5371", + "tr8477", + "tr2266", + "tr4540", + "tr6765", + "tr1584", + "tr7779", + "tr6129", + "tr1530", + "tr1437", + "tr5190", + "tr8604", + "tr2865", + "tr4110", + "tr5120", + "tr5892", + "tr8945", + "tr9937", + "tr4321", + "tr9119", + "tr2534", + "tr0127", + "tr4419", + "tr7284", + "tr8056", + "tr3468", + "tr2557", + "tr3034", + "tr8314", + "tr7747", + "tr7047", + "tr3833", + "tr4093", + "tr3718", + "tr4886", + "tr0625", + "tr7581", + "tr7179", + "tr6866", + "tr0953", + "tr1062", + "tr8411", + "tr9588", + "tr7240", + "tr7451", + "tr8933", + "tr6828", + "tr3823", + "tr6880", + "tr4018", + "tr7043", + "tr4383", + "tr6511", + "tr1292", + "tr4057", + "tr3370", + "tr8218", + "tr5291", + "tr8108", + "tr4969", + "tr9533", + "tr7438", + "tr2506", + "tr8185", + "tr1036", + "tr0334", + "tr1840", + "tr1975", + "tr9083", + "tr4082", + "tr6759", + "tr7767", + "tr2792", + "tr9546", + "tr9020", + "tr1347", + "tr1476", + "tr9911", + "tr8094", + "tr1762", + "tr9567", + "tr3087", + "tr2176", + "tr3310", + "tr0192", + "tr7514", + "tr8009", + "tr6293", + "tr1329", + "tr8920", + "tr4787", + "tr3932", + "tr6305", + "tr0339", + "tr9492", + "tr4134", + "tr0667", + "tr0839", + "tr9157", + "tr2098", + "tr6699", + "tr4180", + "tr4896", + "tr2175", + "tr5488", + "tr1633", + "tr7935", + "tr3358", + "tr7593", + "tr4203", + "tr0435", + "tr9933", + "tr9921", + "tr1180", + "tr9639", + "tr3356", + "tr4475", + "tr2877", + "tr1892", + "tr0033", + "tr4800", + "tr2379", + "tr3342", + "tr8658", + "tr7126", + "tr9487", + "tr0990", + "tr5721", + "tr0256", + "tr4387", + "tr3948", + "tr9905", + "tr2398", + "tr6655", + "tr3078", + "tr6590", + "tr3378", + "tr9099", + "tr8040", + "tr1099", + "tr7233", + "tr2493", + "tr4050", + "tr6681", + "tr2966", + "tr9900", + "tr3339", + "tr3293", + "tr2365", + "tr4045", + "tr8662", + "tr8151", + "tr1952", + "tr4828", + "tr9266", + "tr8365", + "tr4990", + "tr5761", + "tr9589", + "tr3694", + "tr9817", + "tr3534", + "tr2602", + "tr2970", + "tr6560", + "tr6689", + "tr5693", + "tr5689", + "tr5478", + "tr2334", + "tr8724", + "tr8899", + "tr1156", + "tr9724", + "tr3962", + "tr8600", + "tr5589", + "tr0615", + "tr3267", + "tr6105", + "tr4244", + "tr6629", + "tr5163", + "tr4202", + "tr3634", + "tr0996", + "tr2925", + "tr6419", + "tr5225", + "tr5920", + "tr5234", + "tr8733", + "tr1321", + "tr2974", + "tr4702", + "tr2705", + "tr5899", + "tr4186", + "tr2239", + "tr4106", + "tr3284", + "tr1985", + "tr0646", + "tr6076", + "tr9003", + "tr9682", + "tr9662", + "tr1257", + "tr3331", + "tr3628", + "tr7076", + "tr7386", + "tr9495", + "tr7924", + "tr6230", + "tr3154", + "tr3066", + "tr2586", + "tr4765", + "tr9314", + "tr5383", + "tr9310", + "tr8620", + "tr5774", + "tr6188", + "tr1686", + "tr7573", + "tr1245", + "tr7310", + "tr0664", + "tr6071", + "tr6940", + "tr4769", + "tr4136", + "tr1391", + "tr9610", + "tr9197", + "tr0503", + "tr0162", + "tr5009", + "tr8947", + "tr1494", + "tr9733", + "tr1430", + "tr6834", + "tr5552", + "tr5995", + "tr4344", + "tr0613", + "tr6310", + "tr0852", + "tr8806", + "tr7727", + "tr0771", + "tr6405", + "tr1636", + "tr5902", + "tr8574", + "tr9395", + "tr8025", + "tr6831", + "tr3646", + "tr1384", + "tr3548", + "tr5110", + "tr5605", + "tr7663", + "tr1634", + "tr2641", + "tr6712", + "tr3473", + "tr3347", + "tr3704", + "tr3069", + "tr5818", + "tr3730", + "tr6487", + "tr7413", + "tr1009", + "tr8836", + "tr0467", + "tr9805", + "tr4104", + "tr9768", + "tr1097", + "tr3221", + "tr1108", + "tr1879", + "tr3102", + "tr3587", + "tr6302", + "tr5411", + "tr7706", + "tr4080", + "tr2421", + "tr0515", + "tr8760", + "tr4875", + "tr8199", + "tr0797", + "tr5604", + "tr5117", + "tr4188", + "tr3068", + "tr2375", + "tr5599", + "tr9183", + "tr7098", + "tr4745", + "tr9932", + "tr8769", + "tr8985", + "tr9685", + "tr4863", + "tr1820", + "tr1154", + "tr7317", + "tr6523", + "tr8188", + "tr8954", + "tr8124", + "tr9792", + "tr0502", + "tr8531", + "tr4274", + "tr4814", + "tr6542", + "tr6357", + "tr6000", + "tr2814", + "tr3775", + "tr2636", + "tr2017", + "tr7676", + "tr2178", + "tr5926", + "tr0439", + "tr6227", + "tr2497", + "tr6068", + "tr8917", + "tr9859", + "tr7476", + "tr8166", + "tr2711", + "tr2016", + "tr5659", + "tr6009", + "tr3071", + "tr9522", + "tr5098", + "tr7005", + "tr5241", + "tr2101", + "tr5650", + "tr0545", + "tr5901", + "tr5638", + "tr5051", + "tr8327", + "tr6104", + "tr8132", + "tr0112", + "tr4706", + "tr6062", + "tr9731", + "tr5124", + "tr1147", + "tr5294", + "tr2637", + "tr6574", + "tr9851", + "tr6536", + "tr8549", + "tr5765", + "tr6527", + "tr9362", + "tr7872", + "tr2077", + "tr4389", + "tr8002", + "tr9001", + "tr9803", + "tr3688", + "tr1615", + "tr5711", + "tr3934", + "tr6164", + "tr9212", + "tr2834", + "tr1145", + "tr2922", + "tr3322", + "tr3360", + "tr4455", + "tr5194", + "tr2459", + "tr7918", + "tr2569", + "tr5039", + "tr5731", + "tr2466", + "tr0489", + "tr4928", + "tr9766", + "tr3734", + "tr8183", + "tr2657", + "tr6199", + "tr8293", + "tr2913", + "tr7661", + "tr3074", + "tr0160", + "tr8821", + "tr3211", + "tr7930", + "tr9437", + "tr1492", + "tr0743", + "tr9376", + "tr8517", + "tr9327", + "tr0283", + "tr3577", + "tr3434", + "tr4558", + "tr1086", + "tr6063", + "tr5473", + "tr7771", + "tr0274", + "tr8255", + "tr7734", + "tr8239", + "tr9076", + "tr6958", + "tr9790", + "tr1784", + "tr1016", + "tr1217", + "tr6855", + "tr6080", + "tr3021", + "tr1349", + "tr1895", + "tr8977", + "tr6741", + "tr8316", + "tr9265", + "tr2118", + "tr1460", + "tr6684", + "tr0168", + "tr5370", + "tr0919", + "tr9659", + "tr7895", + "tr1192", + "tr4642", + "tr9063", + "tr8443", + "tr8633", + "tr7537", + "tr7305", + "tr3027", + "tr7848", + "tr7359", + "tr3727", + "tr7917", + "tr1512", + "tr7940", + "tr0583", + "tr3285", + "tr8533", + "tr1553", + "tr4173", + "tr7846", + "tr7946", + "tr7374", + "tr5042", + "tr2437", + "tr2116", + "tr6923", + "tr6453", + "tr7046", + "tr7123", + "tr5758", + "tr4597", + "tr9620", + "tr5547", + "tr1674", + "tr6457", + "tr5060", + "tr6232", + "tr7307", + "tr4679", + "tr2701", + "tr9964", + "tr5933", + "tr5267", + "tr0017", + "tr0044", + "tr2433", + "tr4288", + "tr2673", + "tr1951", + "tr3009", + "tr0068", + "tr8054", + "tr3489", + "tr5862", + "tr3319", + "tr2995", + "tr4470", + "tr6289", + "tr8935", + "tr6608", + "tr5777", + "tr8266", + "tr0073", + "tr3279", + "tr9757", + "tr4535", + "tr0106", + "tr1412", + "tr0962", + "tr9545", + "tr7157", + "tr5003", + "tr9074", + "tr4892", + "tr1536", + "tr6193", + "tr0385", + "tr3188", + "tr6373", + "tr9969", + "tr3989", + "tr7766", + "tr6607", + "tr8472", + "tr1210", + "tr4804", + "tr5979", + "tr6626", + "tr1357", + "tr2394", + "tr9593", + "tr7094", + "tr9641", + "tr9303", + "tr5734", + "tr1719", + "tr8659", + "tr6418", + "tr4669", + "tr6034", + "tr8431", + "tr3798", + "tr0768", + "tr0143", + "tr1482", + "tr0904", + "tr8509", + "tr4526", + "tr4121", + "tr3440", + "tr8714", + "tr9812", + "tr6692", + "tr3867", + "tr8645", + "tr9107", + "tr3692", + "tr1617", + "tr3553", + "tr1202", + "tr9540", + "tr1158", + "tr1662", + "tr1799", + "tr3144", + "tr8286", + "tr0035", + "tr2279", + "tr6496", + "tr0916", + "tr1393", + "tr4296", + "tr2105", + "tr6932", + "tr5443", + "tr6691", + "tr7877", + "tr4250", + "tr6359", + "tr2521", + "tr7522", + "tr4997", + "tr2777", + "tr2274", + "tr3010", + "tr3113", + "tr4182", + "tr1477", + "tr5474", + "tr4011", + "tr9217", + "tr0530", + "tr4017", + "tr1928", + "tr3884", + "tr9086", + "tr8638", + "tr7594", + "tr0222", + "tr2306", + "tr6886", + "tr9422", + "tr3390", + "tr6763", + "tr1616", + "tr2131", + "tr7793", + "tr7151", + "tr5538", + "tr1131", + "tr7278", + "tr5373", + "tr3834", + "tr5049", + "tr0012", + "tr0690", + "tr9369", + "tr1200", + "tr4005", + "tr0240", + "tr1256", + "tr7143", + "tr5914", + "tr4698", + "tr5100", + "tr7215", + "tr0974", + "tr8898", + "tr7165", + "tr3782", + "tr9809", + "tr0485", + "tr7721", + "tr5662", + "tr6183", + "tr0774", + "tr1071", + "tr1759", + "tr1344", + "tr9345", + "tr5836", + "tr2674", + "tr9407", + "tr7864", + "tr2225", + "tr1044", + "tr6892", + "tr1802", + "tr2897", + "tr3698", + "tr7483", + "tr6662", + "tr3922", + "tr1809", + "tr2135", + "tr0694", + "tr4944", + "tr9417", + "tr6499", + "tr6668", + "tr4920", + "tr2013", + "tr7313", + "tr8399", + "tr8089", + "tr5167", + "tr7177", + "tr4294", + "tr6975", + "tr4882", + "tr6737", + "tr1534", + "tr9530", + "tr3246", + "tr7458", + "tr3420", + "tr4447", + "tr7733", + "tr5511", + "tr9022", + "tr3842", + "tr1955", + "tr5626", + "tr1646", + "tr4346", + "tr6745", + "tr1549", + "tr6698", + "tr8424", + "tr4553", + "tr1923", + "tr5216", + "tr0013", + "tr7355", + "tr7979", + "tr5217", + "tr1709", + "tr0367", + "tr8792", + "tr0767", + "tr5484", + "tr5844", + "tr6053", + "tr9842", + "tr2894", + "tr8860", + "tr5344", + "tr0718", + "tr0721", + "tr6391", + "tr1469", + "tr7349", + "tr7738", + "tr5925", + "tr3854", + "tr2475", + "tr3177", + "tr1159", + "tr5412", + "tr5713", + "tr5389", + "tr3544", + "tr0537", + "tr3151", + "tr7994", + "tr0755", + "tr2987", + "tr4849", + "tr6898", + "tr6645", + "tr6679", + "tr4724", + "tr8685", + "tr6971", + "tr3412", + "tr9420", + "tr1431", + "tr1537", + "tr3014", + "tr5116", + "tr5348", + "tr9741", + "tr2704", + "tr2006", + "tr2211", + "tr8610", + "tr0328", + "tr5050", + "tr8230", + "tr4068", + "tr7745", + "tr2029", + "tr0813", + "tr4992", + "tr3240", + "tr0055", + "tr0612", + "tr5253", + "tr8519", + "tr8510", + "tr3976", + "tr0212", + "tr0236", + "tr2759", + "tr3492", + "tr0292", + "tr6433", + "tr2551", + "tr0554", + "tr3052", + "tr8176", + "tr7824", + "tr4056", + "tr4480", + "tr9382", + "tr1037", + "tr4212", + "tr6517", + "tr5703", + "tr9823", + "tr4579", + "tr4883", + "tr4205", + "tr2578", + "tr4964", + "tr7460", + "tr4602", + "tr5030", + "tr8207", + "tr1552", + "tr3769", + "tr6936", + "tr7095", + "tr1088", + "tr3571", + "tr7696", + "tr6539", + "tr4015", + "tr2977", + "tr0611", + "tr1656", + "tr5500", + "tr8261", + "tr7293", + "tr7621", + "tr3299", + "tr4233", + "tr0471", + "tr7743", + "tr8238", + "tr3359", + "tr6043", + "tr1610", + "tr7700", + "tr5718", + "tr4034", + "tr1085", + "tr2762", + "tr6727", + "tr0644", + "tr7996", + "tr6012", + "tr0678", + "tr2912", + "tr8893", + "tr2694", + "tr6056", + "tr4364", + "tr2297", + "tr6956", + "tr7966", + "tr1301", + "tr2547", + "tr6242", + "tr2930", + "tr0521", + "tr6456", + "tr9427", + "tr9438", + "tr5579", + "tr5476", + "tr9030", + "tr8383", + "tr6934", + "tr9751", + "tr7213", + "tr4520", + "tr7827", + "tr2048", + "tr5998", + "tr6616", + "tr0188", + "tr1090", + "tr1316", + "tr0460", + "tr8337", + "tr1110", + "tr9595", + "tr4067", + "tr3864", + "tr8582", + "tr7400", + "tr8598", + "tr0335", + "tr5580", + "tr2755", + "tr4508", + "tr3373", + "tr8476", + "tr2708", + "tr0638", + "tr2001", + "tr3762", + "tr2041", + "tr3128", + "tr2605", + "tr8669", + "tr9339", + "tr5529", + "tr7436", + "tr1262", + "tr8500", + "tr8208", + "tr2110", + "tr4844", + "tr5985", + "tr1668", + "tr8247", + "tr1727", + "tr8363", + "tr1703", + "tr7554", + "tr3886", + "tr9640", + "tr1188", + "tr3710", + "tr3304", + "tr7103", + "tr5754", + "tr4605", + "tr3903", + "tr2781", + "tr5365", + "tr4096", + "tr8162", + "tr2808", + "tr3873", + "tr4232", + "tr7956", + "tr9213", + "tr9892", + "tr7036", + "tr0514", + "tr5077", + "tr8846", + "tr3398", + "tr4117", + "tr6312", + "tr0135", + "tr9737", + "tr8372", + "tr2021", + "tr1965", + "tr5301", + "tr8948", + "tr9115", + "tr7599", + "tr5910", + "tr1272", + "tr0196", + "tr7667", + "tr3828", + "tr1691", + "tr6386", + "tr3720", + "tr5499", + "tr2488", + "tr1342", + "tr7061", + "tr1419", + "tr6557", + "tr5230", + "tr0426", + "tr3265", + "tr3503", + "tr1472", + "tr2744", + "tr6437", + "tr9084", + "tr2635", + "tr7920", + "tr9775", + "tr3637", + "tr2473", + "tr3076", + "tr7012", + "tr5654", + "tr5433", + "tr2286", + "tr4629", + "tr8923", + "tr3598", + "tr3659", + "tr8167", + "tr6416", + "tr1756", + "tr5694", + "tr7990", + "tr1387", + "tr2819", + "tr2958", + "tr9390", + "tr2848", + "tr5921", + "tr0491", + "tr5097", + "tr5841", + "tr4269", + "tr4194", + "tr8301", + "tr7441", + "tr8488", + "tr4230", + "tr1493", + "tr7078", + "tr5953", + "tr4858", + "tr5207", + "tr0446", + "tr2146", + "tr3254", + "tr9894", + "tr6479", + "tr1008", + "tr3336", + "tr9445", + "tr5358", + "tr6980", + "tr4227", + "tr7744", + "tr7484", + "tr5736", + "tr7170", + "tr3949", + "tr4207", + "tr0060", + "tr8631", + "tr1745", + "tr4546", + "tr2192", + "tr6715", + "tr3908", + "tr6799", + "tr6723", + "tr5465", + "tr6067", + "tr2696", + "tr6941", + "tr5816", + "tr9424", + "tr1891", + "tr2919", + "tr7007", + "tr2950", + "tr2863", + "tr9811", + "tr6985", + "tr3462", + "tr7107", + "tr7692", + "tr5584", + "tr1997", + "tr0469", + "tr6272", + "tr4506", + "tr0776", + "tr1654", + "tr0677", + "tr9110", + "tr3093", + "tr2561", + "tr9366", + "tr8350", + "tr2854", + "tr8374", + "tr0451", + "tr7398", + "tr2474", + "tr8304", + "tr6411", + "tr7011", + "tr3770", + "tr2483", + "tr5903", + "tr6720", + "tr0025", + "tr1755", + "tr1790", + "tr0822", + "tr1160", + "tr3780", + "tr9839", + "tr0358", + "tr3564", + "tr7399", + "tr3255", + "tr0440", + "tr3470", + "tr6761", + "tr6219", + "tr4826", + "tr2293", + "tr7944", + "tr7505", + "tr5648", + "tr8080", + "tr4792", + "tr0623", + "tr0552", + "tr0094", + "tr2508", + "tr4727", + "tr1233", + "tr3918", + "tr3466", + "tr4061", + "tr7457", + "tr9193", + "tr1925", + "tr5677", + "tr1562", + "tr1165", + "tr2129", + "tr5089", + "tr1832", + "tr7600", + "tr4708", + "tr5392", + "tr7610", + "tr2982", + "tr6706", + "tr2025", + "tr9187", + "tr2153", + "tr5173", + "tr3699", + "tr7678", + "tr3756", + "tr9992", + "tr1247", + "tr9444", + "tr9517", + "tr9831", + "tr5806", + "tr0488", + "tr7188", + "tr3173", + "tr8829", + "tr7753", + "tr6121", + "tr0032", + "tr1193", + "tr5054", + "tr4541", + "tr0330", + "tr2985", + "tr2078", + "tr4588", + "tr6223", + "tr6383", + "tr2900", + "tr7658", + "tr5590", + "tr5297", + "tr6954", + "tr4734", + "tr0363", + "tr0897", + "tr6224", + "tr4354", + "tr4032", + "tr3713", + "tr4912", + "tr5273", + "tr8632", + "tr0596", + "tr4761", + "tr7186", + "tr1903", + "tr3645", + "tr1775", + "tr7703", + "tr1672", + "tr3404", + "tr9776", + "tr2887", + "tr8292", + "tr6038", + "tr2052", + "tr5062", + "tr9125", + "tr5387", + "tr6974", + "tr3747", + "tr9387", + "tr8001", + "tr6125", + "tr7583", + "tr4217", + "tr6180", + "tr2058", + "tr9225", + "tr8882", + "tr9758", + "tr1575", + "tr5424", + "tr7693", + "tr8828", + "tr8149", + "tr3928", + "tr3190", + "tr4256", + "tr4390", + "tr4170", + "tr3877", + "tr4625", + "tr6247", + "tr4351", + "tr7878", + "tr9629", + "tr4365", + "tr1356", + "tr5071", + "tr9488", + "tr2735", + "tr1386", + "tr2969", + "tr8070", + "tr6678", + "tr6210", + "tr7248", + "tr0662", + "tr0137", + "tr8596", + "tr2515", + "tr2292", + "tr9577", + "tr4509", + "tr0466", + "tr7843", + "tr1079", + "tr1744", + "tr8285", + "tr0104", + "tr7472", + "tr8716", + "tr5342", + "tr9195", + "tr4300", + "tr7269", + "tr1162", + "tr4026", + "tr1028", + "tr6162", + "tr7481", + "tr6251", + "tr5435", + "tr7900", + "tr7728", + "tr2753", + "tr3283", + "tr2850", + "tr2392", + "tr7001", + "tr6495", + "tr6447", + "tr2164", + "tr0077", + "tr4567", + "tr8233", + "tr1051", + "tr6168", + "tr6870", + "tr4752", + "tr6413", + "tr9018", + "tr0304", + "tr6319", + "tr5600", + "tr8825", + "tr0115", + "tr4488", + "tr6868", + "tr6850", + "tr1773", + "tr3836", + "tr3338", + "tr8924", + "tr5558", + "tr1038", + "tr1766", + "tr9236", + "tr8220", + "tr8873", + "tr7013", + "tr5961", + "tr2031", + "tr0368", + "tr6464", + "tr2102", + "tr6576", + "tr7379", + "tr9360", + "tr8126", + "tr0021", + "tr1765", + "tr1606", + "tr6238", + "tr7976", + "tr0392", + "tr1649", + "tr9678", + "tr8310", + "tr5408", + "tr4141", + "tr3732", + "tr6564", + "tr3166", + "tr2716", + "tr8928", + "tr2519", + "tr8952", + "tr4750", + "tr7420", + "tr7769", + "tr2847", + "tr8202", + "tr4975", + "tr4418", + "tr0713", + "tr8707", + "tr2576", + "tr7683", + "tr5669", + "tr4137", + "tr3735", + "tr3245", + "tr5867", + "tr2984", + "tr1388", + "tr0728", + "tr5413", + "tr6725", + "tr7291", + "tr9985", + "tr2968", + "tr1931", + "tr5401", + "tr0686", + "tr0831", + "tr6908", + "tr4905", + "tr2776", + "tr2631", + "tr6792", + "tr5971", + "tr5750", + "tr1012", + "tr9352", + "tr3888", + "tr7853", + "tr5747", + "tr3387", + "tr0572", + "tr1328", + "tr5385", + "tr5349", + "tr3130", + "tr1404", + "tr9813", + "tr2993", + "tr8406", + "tr6309", + "tr4100", + "tr0254", + "tr0749", + "tr0932", + "tr2761", + "tr4373", + "tr4931", + "tr9708", + "tr0734", + "tr7873", + "tr8466", + "tr5630", + "tr4631", + "tr3802", + "tr5859", + "tr7274", + "tr6255", + "tr7055", + "tr0014", + "tr5299", + "tr7329", + "tr5635", + "tr3543", + "tr1670", + "tr3615", + "tr4885", + "tr5567", + "tr7883", + "tr4977", + "tr2998", + "tr8845", + "tr6122", + "tr6568", + "tr3094", + "tr3736", + "tr7478", + "tr2188", + "tr2613", + "tr3498", + "tr7509", + "tr2089", + "tr2148", + "tr7967", + "tr7285", + "tr3474", + "tr5106", + "tr3567", + "tr4887", + "tr2301", + "tr8082", + "tr0497", + "tr4431", + "tr8121", + "tr9756", + "tr6477", + "tr7406", + "tr8903", + "tr6351", + "tr6052", + "tr0234", + "tr3415", + "tr4463", + "tr8259", + "tr4382", + "tr7802", + "tr0680", + "tr8390", + "tr1843", + "tr1283", + "tr3891", + "tr1327", + "tr3792", + "tr9293", + "tr2465", + "tr0247", + "tr3174", + "tr4122", + "tr8730", + "tr9637", + "tr9462", + "tr9714", + "tr7468", + "tr9644", + "tr6739", + "tr8347", + "tr2236", + "tr6856", + "tr8297", + "tr5797", + "tr0665", + "tr2026", + "tr2170", + "tr1873", + "tr5562", + "tr4283", + "tr2957", + "tr7169", + "tr7928", + "tr4861", + "tr8811", + "tr2530", + "tr8244", + "tr5181", + "tr7494", + "tr2478", + "tr7155", + "tr4041", + "tr2771", + "tr8017", + "tr4000", + "tr4404", + "tr1458", + "tr7666", + "tr8224", + "tr3844", + "tr3661", + "tr0449", + "tr3262", + "tr9984", + "tr2617", + "tr4260", + "tr2929", + "tr0927", + "tr7759", + "tr6673", + "tr7961", + "tr1339", + "tr3847", + "tr6809", + "tr5853", + "tr8078", + "tr8585", + "tr2730", + "tr1567", + "tr5965", + "tr4664", + "tr3547", + "tr7518", + "tr3062", + "tr3396", + "tr9383", + "tr5643", + "tr0121", + "tr0969", + "tr4673", + "tr0123", + "tr6572", + "tr8095", + "tr9904", + "tr0007", + "tr2402", + "tr3600", + "tr6742", + "tr6072", + "tr1389", + "tr9113", + "tr4448", + "tr0532", + "tr0757", + "tr4606", + "tr1827", + "tr9722", + "tr8925", + "tr9693", + "tr8192", + "tr3058", + "tr0635", + "tr1392", + "tr1772", + "tr9286", + "tr3308", + "tr3809", + "tr2545", + "tr4094", + "tr9178", + "tr0516", + "tr4226", + "tr9939", + "tr9282", + "tr9148", + "tr1728", + "tr6270", + "tr1242", + "tr0798", + "tr6864", + "tr0141", + "tr8190", + "tr0277", + "tr6336", + "tr3000", + "tr2061", + "tr2083", + "tr4076", + "tr0465", + "tr0201", + "tr9891", + "tr4549", + "tr5628", + "tr6163", + "tr4162", + "tr4594", + "tr5108", + "tr4115", + "tr1382", + "tr9219", + "tr0723", + "tr4803", + "tr1478", + "tr0275", + "tr4651", + "tr5298", + "tr0053", + "tr7879", + "tr6914", + "tr0796", + "tr9760", + "tr5517", + "tr1213", + "tr1319", + "tr5656", + "tr9605", + "tr4747", + "tr4660", + "tr6516", + "tr4655", + "tr2291", + "tr9611", + "tr0158", + "tr6024", + "tr7656", + "tr6851", + "tr2130", + "tr2368", + "tr5802", + "tr3247", + "tr1835", + "tr9317", + "tr3118", + "tr2820", + "tr8820", + "tr8300", + "tr0228", + "tr1234", + "tr4659", + "tr0550", + "tr5745", + "tr6167", + "tr5164", + "tr6016", + "tr1148", + "tr5293", + "tr5256", + "tr2876", + "tr9669", + "tr1228", + "tr8008", + "tr2885", + "tr0146", + "tr2125", + "tr6806", + "tr3006", + "tr0071", + "tr9033", + "tr9890", + "tr7253", + "tr7222", + "tr2615", + "tr8765", + "tr6549", + "tr7808", + "tr2133", + "tr1240", + "tr0826", + "tr7372", + "tr4266", + "tr1118", + "tr5094", + "tr9351", + "tr2436", + "tr0943", + "tr8966", + "tr9312", + "tr4174", + "tr8674", + "tr2812", + "tr6755", + "tr7807", + "tr0823", + "tr9887", + "tr9098", + "tr4334", + "tr5237", + "tr8252", + "tr5688", + "tr9683", + "tr7796", + "tr5975", + "tr5034", + "tr8736", + "tr4249", + "tr4533", + "tr1053", + "tr2941", + "tr9580", + "tr0914", + "tr2939", + "tr4414", + "tr9291", + "tr4481", + "tr9788", + "tr8991", + "tr6192", + "tr7208", + "tr3697", + "tr0133", + "tr8702", + "tr5095", + "tr1246", + "tr0559", + "tr9199", + "tr5550", + "tr0354", + "tr3108", + "tr5587", + "tr1942", + "tr3326", + "tr2479", + "tr1726", + "tr8643", + "tr2938", + "tr9048", + "tr4537", + "tr2088", + "tr0722", + "tr6989", + "tr9688", + "tr8361", + "tr7598", + "tr8653", + "tr6788", + "tr7341", + "tr4557", + "tr2104", + "tr0788", + "tr0605", + "tr5119", + "tr6324", + "tr1819", + "tr7834", + "tr3171", + "tr5972", + "tr6374", + "tr9909", + "tr0164", + "tr3289", + "tr1729", + "tr5199", + "tr0393", + "tr5496", + "tr8194", + "tr5687", + "tr1590", + "tr9908", + "tr2946", + "tr0579", + "tr1828", + "tr9237", + "tr5657", + "tr3250", + "tr0661", + "tr3017", + "tr7477", + "tr5570", + "tr6885", + "tr0934", + "tr3005", + "tr2145", + "tr5678", + "tr4848", + "tr3158", + "tr7015", + "tr2144", + "tr4031", + "tr1291", + "tr4322", + "tr5056", + "tr5539", + "tr5078", + "tr8204", + "tr1480", + "tr3971", + "tr1971", + "tr9384", + "tr0003", + "tr7768", + "tr0279", + "tr1270", + "tr4941", + "tr0811", + "tr6948", + "tr4967", + "tr4221", + "tr5395", + "tr1701", + "tr8778", + "tr4149", + "tr6871", + "tr3111", + "tr0184", + "tr6774", + "tr1426", + "tr0862", + "tr8655", + "tr4813", + "tr4658", + "tr9331", + "tr7885", + "tr4670", + "tr8913", + "tr4676", + "tr9717", + "tr3607", + "tr1640", + "tr8290", + "tr6930", + "tr1898", + "tr9082", + "tr6530", + "tr6906", + "tr1433", + "tr0076", + "tr5343", + "tr9883", + "tr7822", + "tr3300", + "tr5695", + "tr8974", + "tr2874", + "tr7245", + "tr0609", + "tr9016", + "tr6387", + "tr4376", + "tr7024", + "tr8777", + "tr7176", + "tr2380", + "tr5497", + "tr6334", + "tr3043", + "tr7852", + "tr8135", + "tr0217", + "tr8118", + "tr8420", + "tr8575", + "tr3259", + "tr9925", + "tr7542", + "tr8377", + "tr6998", + "tr8501", + "tr5390", + "tr3889", + "tr6488", + "tr8464", + "tr0523", + "tr4550", + "tr7729", + "tr8726", + "tr9765", + "tr2494", + "tr8265", + "tr9062", + "tr9013", + "tr5825", + "tr2656", + "tr1699", + "tr4498", + "tr9263", + "tr5737", + "tr9623", + "tr0517", + "tr1830", + "tr1800", + "tr3463", + "tr3606", + "tr9448", + "tr8723", + "tr4626", + "tr6473", + "tr7411", + "tr9675", + "tr1947", + "tr3330", + "tr1661", + "tr2833", + "tr1596", + "tr8573", + "tr9547", + "tr6795", + "tr8041", + "tr8306", + "tr2860", + "tr0601", + "tr7785", + "tr3264", + "tr3609", + "tr4391", + "tr5314", + "tr2442", + "tr2015", + "tr5782", + "tr1542", + "tr5870", + "tr8225", + "tr7551", + "tr1577", + "tr2623", + "tr7261", + "tr5679" + ] + }, + "police": { + "name": [ + "parkside police station" + ], + "address": [ + "parkside, cambridge" + ] + }, + "taxi": { + "colors": [ + "grey", + "yellow", + "red", + "blue", + "black", + "white" + ], + "types": [ + "volkswagen", + "tesla", + "audi", + "lexus", + "honda", + "ford", + "skoda", + "volvo", + "toyota", + "bmw" + ], + "arriveby": [ + "00:00" + ], + "leaveat": [ + "00:00" + ] + }, + "restaurant": { + "address": [ + "regent street city centre", + "finders corner newmarket road", + "106 regent street city centre", + "82 cherry hinton road cherry hinton", + "g4 cambridge leisure park clifton way cherry hinton", + "64 cherry hinton road cherry hinton", + "152 - 154 hills road", + "529 newmarket road fen ditton", + "market hill city centre", + "451 newmarket road fen ditton", + "free school lane city centre", + "de vere university arms regent street city centre", + "12 bridge street city centre", + "11 peas hill city centre", + "83 regent street", + "2 sturton street city centre", + "68 histon road chesterton", + "doubletree by hilton cambridge granta place mill lane", + "74 mill road city centre", + "2g cambridge leisure park cherry hinton road cherry hinton", + "21 - 24 northampton road", + "88 mill road city centre", + "59 hills road city centre", + "35 saint andrews street city centre", + "40270 king street city centre", + "mill road city centre", + "71 castle street city centre", + "st. michael's church trinity street city centre", + "37 newnham road newnham", + "15 - 19 trumpington street", + "41518 castle street city centre", + "crowne plaza hotel 20 downing street", + "17 magdalene street city centre", + "14 -16 bridge street", + "20 milton road chesterton", + "22 chesterton road chesterton", + "12 st. johns street city centre", + "36 saint andrews street", + "12 norfolk street city centre", + "cambridge leisure park clifton way", + "6 lensfield road", + "4 kings parade city centre", + "cambridge leisure park clifton way cherry hinton", + "51 trumpington street city centre", + "108 regent street city centre", + "196 mill road city centre", + "40210 millers yard city centre", + "15 magdalene street city centre", + "40428 king street city centre", + "7 milton road chesterton", + "183 east road city centre", + "21 - 24 northampton street", + "cambridge retail park newmarket road fen ditton", + "12 lensfield road city centre", + "86 regent street city centre", + "33 bridge street", + "corn exchange street", + "100 mill road city centre", + "2 rose crescent city centre", + "47-53 regent street", + "newmarket road fen ditton", + "33-34 saint andrews street", + "victoria avenue chesterton", + "milton road chesterton", + "4 - 6 rose crescent", + "72 regent street city centre", + "191 histon road chesterton", + "205 victoria road chesterton", + "hills road city centre", + "thompsons lane fen ditton", + "39 burleigh street city centre", + "the little rose 37 trumpington street", + "3 - 5 millers yard mill lane", + "jesus lane fen ditton", + "35 newnham road newnham", + "cambridge city football club milton road chesterton", + "169 high street chesterton chesterton", + "10 homerton street city centre", + "hotel felix whitehouse lane huntingdon road", + "31 newnham road newnham", + "cambridge lodge hotel 139 huntingdon road city centre", + "grafton hotel 619 newmarket road fen ditton", + "66 chesterton road chesterton", + "quayside off bridge street", + "54 king street city centre", + "30 bridge street city centre", + "8 norfolk street city centre", + "napier street city centre", + "34 - 35 green street", + "5 jordans yard bridge street city centre", + "huntingdon road city centre", + "106 mill road city centre", + "290 mill road city centre", + "7 barnwell road fen ditton", + "21 burleigh street city centre", + "king street city centre", + "12 market hill city centre", + "1 kings parade", + "52 mill road city centre", + "43 high street cherry hinton cherry hinton", + "84 regent street city centre", + "midsummer common", + "bridge street city centre", + "32 bridge street city centre", + "17 hills road city centre", + "24 green street city centre" + ], + "area": [ + "centre", + "east", + "south", + "west", + "north" + ], + "food": [ + "italian", + "international", + "indian", + "chinese", + "modern european", + "european", + "british", + "gastropub", + "mexican", + "lebanese", + "vietnamese", + "spanish", + "french", + "japanese", + "portuguese", + "korean", + "turkish", + "asian oriental", + "african", + "mediterranean", + "seafood", + "thai", + "north american" + ], + "introduction": [ + "pizza hut is a large chain with restaurants nationwide offering convenience pizzas pasta and salads to eat in or take away", + "", + "curry garden serves traditional indian and bangladeshi cuisine cooked with fresh produce delivered every day", + "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", + "yu garden serves authentic chinese cuisine", + "curry prince is a neighbourhood indian restaurant serving authentic cuisine", + "charlie chan serves a variety of popular chinese dishes at their restaurant", + "eraina serves a variety of drinks and european dishes with influences from france spain italy and greece catering for vegetarians is also provided", + "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", + "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", + "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", + "jinling noodle bar serves a wide range of chinese and shanghai dishes reflecting many different flavours and ingredients", + "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.", + "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", + "tandoori palace serve a variety of indian and bangladeshi dishes and can cater for private parties of up to 110 guests upon request", + "kohinoor serves a variety of indian and vegetarian dishes at their restaurant a takeaway and delivery service is also available", + "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", + "rice house serve a variety of popular chinese dishes at their restaurant", + "the varsity restaurant serves a variety of international and vegetarian dishes and can cater for private parties of up to 40 guests upon request", + "darrys cookhouse and wine shop is an award winning drinking and dining restaurant and bar in the centre of cambridge", + "the golden curry serves a variety of authentic indian dishes at their fully licensed restaurant", + "cocum specialises in south indian cuisine using spices meat and vegetables from the kerala region there is also a take away option", + "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", + "the rice boat serves an authentic kind of indian cuisine that originates from the villages of kerala where the spice trade originated", + "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", + "thanh binh serve a variety of vietnamese dishes as well as selling an assortment of tea and coffees", + "la tasca is a spanish tapas restaurant and bar offering over 30 tapas dishes", + "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", + "ugly duckling serves a variety of chinese dishes to eat in or take away they also offer 10 percent discount on takeaway orders", + "lan hong house serves great value home cooked authentic chinese food with over two five dishes available from the buffet", + "it's nandos", + "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", + "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", + "little seoul offer a variety of korean cuisine for lunch and dinner", + "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", + "dojo noodle bar serves a variety of japanese chinese vietnamese korean and malaysian dishes to eat in or take away sister restaurant to touzai", + "la margherita serve a variety of italian and vegetarian dishes at their restaurant", + "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", + "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", + "j restaurant offers a wide variety of sushi noodles and dim sum to eat in or takeaway a home delivery service is also available", + "bedouin serves algerian cuisine", + "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", + "pipasha restaurant serves a variety of indian dishes to eat in or take away a delivery service is also available", + "a unique treat for all lovers of chinese cuisine. from the spice islands to the food streets of beijing and the finest ocean catch.", + "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", + "the golden wok serves a variety of traditional chinese meals including sweet and sour dishes as well as rice and noodles", + "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", + "shanghai family restaurant comprises a french cafe on the lower level and a chinese restaurant upstairs", + "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", + "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", + "sala thong serves a variety of thai dishes at their restaurant catering for private parties of up to 40 guests is available upon request", + "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.", + "saigon city serve vietnamese chinese and thai cuisine to eat in or take away", + "peking resturant cook from fresh ingredients. they specialise in sichuan and hunan dishes", + "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.", + "critically acclaimed food in luxurious and stylish surroundings, overlooking the hotels lush gardens.", + "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", + "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.", + "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", + "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", + "clowns cafe serve a variety of drinks as well as italian dishes such as pasta ciabatta and salads", + "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", + "tang chinese is a buffet restaurant and bar serving a variety of dishes for lunch and dinner there is also a takeaway menu available", + "slug lettuce is a premium high street bar that serves a wide range of restaurant quality food to suit all occasions and appetites.", + "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", + "curry queen is the most popular indian restaurant in cambridge serving good indian cuisine including all the usual dishes", + "rajmahal serves traditional indian cuisine accomapnied by a broad wine list with beers and spirits also available", + "efes restaurant serve a variety of turkish dishes including kebabs in truly authentic surroundings.", + "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", + "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", + "kymmoy is a noodle bar serving a wide variety of chinese thai cuisine for lunch and dinner", + "shiraz serves traditional mediterranean cuisine accompanied by an extensive wine list with beers and spirits also available", + "cote is a modern french bistro offering some of the classic and simple favourites of french cuisine", + "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", + "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", + "bangkok city serve a variety of authentic dishes to eat in or take away" + ], + "name": [ + "pizza hut city centre", + "the missing sock", + "curry garden", + "the good luck chinese food takeaway", + "pizza hut cherry hinton", + "taj tandoori", + "restaurant alimentum", + "yu garden", + "stazione restaurant and coffee bar", + "curry prince", + "charlie chan", + "eraina", + "pizza express", + "restaurant one seven", + "ask restaurant", + "jinling noodle bar", + "de luca cucina and bar", + "backstreet bistro", + "tandoori palace", + "riverside brasserie", + "kohinoor", + "chiquito restaurant bar", + "prezzo", + "rice house", + "ali baba", + "the varsity restaurant", + "darrys cookhouse and wine shop", + "the golden curry", + "cocum", + "michaelhouse cafe", + "rice boat", + "hotel du vin and bistro", + "maharajah tandoori restaurant", + "bloomsbury restaurant", + "thanh binh", + "la tasca", + "da vinci pizzeria", + "restaurant two two", + "ugly duckling", + "wagamama", + "lan hong house", + "nandos", + "the oak bistro", + "the copper kettle", + "the lucky star", + "fitzbillies restaurant", + "little seoul", + "meze bar", + "dojo noodle bar", + "la margherita", + "yippee noodle bar", + "the nirala", + "cotto", + "saint johns chop house", + "pizza hut fen ditton", + "golden house", + "j restaurant", + "galleria", + "the cow pizza kitchen and bar", + "bedouin", + "the gardenia", + "zizzi cambridge", + "pipasha restaurant", + "nandos city centre", + "royal spice", + "hakka", + "la raza", + "the gandhi", + "golden wok", + "meghna", + "saffron brasserie", + "la mimosa", + "shanghai family restaurant", + "loch fyne", + "mahal of cambridge", + "pizza express fen ditton", + "sala thong", + "city stop restaurant", + "saigon city", + "peking restaurant", + "frankie and bennys", + "graffiti", + "india house", + "cambridge lodge restaurant", + "grafton hotel restaurant", + "the hotpot", + "the river bar steakhouse and grill", + "clowns cafe", + "anatolia", + "panahar", + "tang chinese", + "the slug and lettuce", + "curry king", + "travellers rest", + "curry queen", + "royal standard", + "rajmahal", + "hk fusion", + "efes restaurant", + "gourmet burger kitchen", + "don pasquale pizzeria", + "the cambridge chop house", + "kymmoy", + "sitar tandoori", + "shiraz restaurant", + "midsummer house restaurant", + "cote", + "caffe uno", + "sesame restaurant and bar", + "bangkok city" + ], + "postcode": [ + "cb21ab", + "cb259aq", + "cb21dp", + "cb17ag", + "cb17dy", + "cb17aa", + "cb28pb", + "cb58pa", + "cb23nj", + "cb58jj", + "cb21db", + "cb23rh", + "cb21uf", + "cb23pp", + "cb21aw", + "cb12qa", + "cb43le", + "cb21rt", + "cb12as", + "cb30ad", + "cb12bd", + "cb21nt", + "cb23ar", + "cb11ln", + "cb12az", + "cb30ah", + "cb21su", + "cb39ey", + "cb21qa", + "cb23dt", + "cb30af", + "cb41jy", + "cb43ax", + "cb21tw", + "cb12lf", + "cb21eg", + "cb21sj", + "cb21rg", + "cb13nf", + "cb21rq", + "cb11lh", + "cb41uy", + "cb11bg", + "cb58wr", + "cb21uw", + "cb23qf", + "cb23ll", + "cb41eh", + "cb43hl", + "cb43lf", + "cb21la", + "cb58aq", + "cb11dg", + "cb21qy", + "cb58ba", + "cb41nl", + "cb28nx", + "cb30lx", + "cb30dq", + "cb41ep", + "cb21uj", + "cb11hr", + "cb23ju", + "cb21ug", + "cb30df", + "cb13nl", + "cb58rg", + "cb19hx", + "cb41ha", + "cb21nw", + "cb23jx" + ], + "pricerange": [ + "cheap", + "expensive", + "moderate" + ], + "type": [ + "restaurant" + ], + "signature": [ + "african babooti", + "slowroast sirloin of beef red onion celeriac and garlic", + "roasted barbary duck breast served with sweet potato wedges and mange tout with a red wine sauce", + "", + "coconut and red chilli monkfish", + "chargrilled rib eye steak with truffle butter mixed salad and fries", + "barnsley chop braised potatoes roast celeriac red cabbage and port sauce", + "poached fillets of monkfish in lemongrass with sweet red chilli cream sauce and tiger prawns with leeks and mushrooms served with rice", + "wasabi spiked hamburger", + "piccante rustica pizza, a spicy sausage salami mascarpone and roquito chilli", + "seafood paella", + "chicken tikka masala", + "panfried fillet of brill tempura of langoustine crushed garden peas shellfish basil nage", + "lobster mac and cheese", + "lamb barnsley chop potato and garlic bake greens and gravy", + "seared scallops with truffle apple and celeriac" + ] + }, + "hotel": { + "address": [ + "124 tenison road", + "154 chesterton road", + "56 saint barnabas road", + "517a coldham lane", + "63 milton road", + "82 arbury road", + "52 gilbert road", + "74 chesterton road", + "710 newmarket road", + "62 gilbert road", + "5 mowbray road", + "151 hills road", + "138 perne road", + "328a histon road", + "sleeperz hotel, station road", + "41 warkworth street", + "15-17 norman way, coldhams business park", + "144 thornton road", + "gonville place", + "156 chesterton road", + "96 barton road", + "78-80 milton road", + "kingfisher way, hinchinbrook business park, huntingdon", + "172 chesterton road", + "732-734 newmarket road", + "365 milton road", + "53 roseford road", + "back lane, cambourne", + "53-57 lensfield road", + "regent street", + "warkworth terrace", + "152 chesterton road" + ], + "area": [ + "east", + "north", + "centre", + "south", + "west" + ], + "internet": [ + "yes", + "no" + ], + "parking": [ + "no", + "yes" + ], + "name": [ + "a and b guest house", + "acorn guest house", + "alexander bed and breakfast", + "allenbell", + "alpha-milton guest house", + "arbury lodge guesthouse", + "archway house", + "ashley hotel", + "autumn house", + "avalon", + "aylesbray lodge guest house", + "bridge guest house", + "carolina bed and breakfast", + "city centre north b and b", + "cityroomz", + "el shaddai", + "express by holiday inn cambridge", + "finches bed and breakfast", + "gonville hotel", + "hamilton lodge", + "hobsons house", + "home from home", + "huntingdon marriott hotel", + "kirkwood house", + "leverton house", + "limehouse", + "lovell lodge", + "rosa's bed and breakfast", + "the cambridge belfry", + "the lensfield hotel", + "university arms hotel", + "warkworth house", + "worth house" + ], + "postcode": [ + "cb12dp", + "cb41da", + "cb12de", + "cb13js", + "cb41xa", + "cb42je", + "cb43pe", + "cb41er", + "cb58rs", + "cb43pd", + "cb17sr", + "cb28rj", + "cb13nx", + "cb43ht", + "cb12tz", + "cb11eg", + "cb13lh", + "cb30nd", + "cb11ly", + "cb39lh", + "cb41la", + "pe296fl", + "cb41sr", + "cb22ha", + "cb236bw", + "cb21en", + "cb21ad", + "cb11ee" + ], + "pricerange": [ + "moderate", + "cheap", + "expensive" + ], + "stars": [ + "4", + "3", + "2", + "0" + ], + "takesbookings": [ + "yes" + ], + "type": [ + "guesthouse", + "hotel" + ], + "n": [ + "yes" + ] + }, + "attraction": { + "address": [ + "pool way, whitehill road, off newmarket road", + "park street", + "jesus lane", + "heidelberg gardens, lion yard", + "98 king street", + "14 king's parade", + "cafe jello gallery, 13 magdalene street", + "the plough, green end, fen ditton,", + "2-3 castle street", + "6 saint edward's passage", + "5 greens road", + "49 newnham road", + "6 trinity street", + "the old pumping station, cheddars lane", + "bateman street", + "unit su43, grande arcade, saint andrews street", + "cherry hinton road", + "cherry hinton hall, cherry hinton road", + "saint andrew's street", + "storey's way", + "cambridge leisure park, clifton way", + "trinity lane", + "herschel road", + "1 station road", + "king's parade", + "regent street", + "8 mercers row, mercers row industrial estate", + "fulbourn", + "trinity street", + "market square", + "market street", + "wollaston road", + "between victoria road and the river", + "1 wheeler street", + "castle street", + "jedburgh court, kings hedges", + "little saint mary's lane", + "23 high street, fen ditton", + "magdalene street", + "milton country park, milton", + "anglia ruskin enterprise, east road", + "university of cambridge, downing street", + "sidgwick avenue", + "unit g6, cambridge leisure park, clifton road", + "gonville place", + "trumpington street", + "girton college, huntingdon road", + "10 king s parade", + "silver street", + "39 fitzroy street", + "cambridge passenger cruisers, jubilee house", + "anglia ruskin university, east road", + "the belfast yard, coldham's road", + "saint john's street", + "lensfield road", + "granta place, mill lane", + "fen causeway, newnham road,", + "sidney street", + "1-6 corn exchange street", + "wheeler street", + "251a chesterton road", + "colville road, cherry hinton", + "8 market passage", + "clifton way", + "2 norfolk street", + "22 sidney street", + "the grafton centre, east road", + "wandlebury ring, gog magog hills, babraham", + "unit 8, viking way, bar hill", + "free school lane", + "gwydir street, no. 5 dale's brewery" + ], + "area": [ + "east", + "centre", + "south", + "west", + "north" + ], + "entrance fee": [ + "free", + "5 pounds", + "3.50 pounds", + "4 pounds", + "2.50 pounds", + "2 pounds", + "1 pound" + ], + "name": [ + "abbey pool and astroturf pitch", + "adc theatre", + "all saints church", + "ballare", + "broughton house gallery", + "byard art", + "cafe jello gallery", + "camboats", + "cambridge and county folk museum", + "cambridge arts theatre", + "cambridge artworks", + "cambridge book and print gallery", + "cambridge contemporary art", + "cambridge museum of technology", + "cambridge university botanic gardens", + "castle galleries", + "cherry hinton hall and grounds", + "cherry hinton water play", + "christ's college", + "churchill college", + "cineworld cinema", + "clare college", + "clare hall", + "club salsa", + "corpus christi", + "downing college", + "emmanuel college", + "funky fun house", + "gallery at twelve a high street", + "gonville and caius college", + "great saint mary's church", + "holy trinity church", + "hughes hall", + "jesus college", + "jesus green outdoor pool", + "kambar", + "kettle's yard", + "king's college", + "kings hedges learner pool", + "little saint mary's church", + "lynne strover gallery", + "magdalene college", + "milton country park", + "mumford theatre", + "museum of archaelogy and anthropology", + "museum of classical archaeology", + "nusha", + "old schools", + "parkside pools", + "pembroke college", + "people's portraits exhibition at girton college", + "primavera", + "queens' college", + "regency gallery", + "riverboat georgina", + "ruskin gallery", + "saint barnabas press gallery", + "saint catharine's college", + "saint john's college", + "scott polar museum", + "scudamores punting co", + "sheep's green and lammas land park fen causeway", + "sidney sussex college", + "soul tree nightclub", + "tenpin", + "the cambridge corn exchange", + "the cambridge punter", + "the cherry hinton village centre", + "the fez club", + "the fitzwilliam museum", + "the junction", + "the man on the moon", + "the place", + "trinity college", + "vue cinema", + "wandlebury country park", + "whale of a time", + "whipple museum of the history of science", + "williams art and antiques" + ], + "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.", + "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", + "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", + "it opens from 10:30 a.m. to 5:30 p.m. thursday to saturday", + "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.", + "it opens from 10:00 a.m. to 5:00 p.m. from tuesday to saturday", + "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", + "it opens on sunday from 2:00 p.m. to 5:00 p.m.", + "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", + "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.", + "it opens from may to september", + "it opens normally daily from 9 a.m. to 5 p.m. except easter term", + "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", + "it opens daily from 9 a.m. to 5 p.m. except during easter term", + "it opens normally daily from 9 a.m. to 5 p.m.", + "it opens from 10:00 p.m. to 4:00 a.m. depending on whether there is an event on or not", + "it opens from 11:30 a.m. to 5:00 p.m. tuesday to sunday", + "it opens from 10:00 a.m. to 5:00 p.m. thursday to saturday", + "always", + "it opens from 10:30 a.m. to 4:30 p.m. tuesday to saturday", + "it opens from 10:00 a.m. to 5:00 p.m. monday to friday", + "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.", + "it opens normally daily from 08:00 a.m. to 5:45 p.m.", + "any time except may and june", + "it opens from 2:00 p.m. to 4:00 p.m. daily from february to july", + "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", + "monday to sunday 10 a.m. to 4:30 p.m.", + "it opens from 10:00 a.m. to 4:00 p.m. from tuesday to saturday", + "it is open from may to sept", + "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", + "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", + "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", + "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.", + "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", + "it opens from 09:30 a.m. to 6:00 p.m. daily", + "it opens from 12:30 p.m. to 4:30 p.m. from monday to friday", + "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" + ], + "postcode": [ + "cb58nt", + "cb58as", + "cb58bs", + "cb23na", + "cb11ln", + "cb21sj", + "cb30af", + "cb58sx", + "cb30aq", + "cb23pj", + "cb13ef", + "cb39ey", + "cb21su", + "cb58ld", + "cb21jf", + "cb23bj", + "cb18dw", + "cb23bu", + "cb30ds", + "cb17dy", + "cb21tl", + "cb39al", + "cb12jb", + "cb21rh", + "cb21dq", + "cb23ap", + "cb58hy", + "cb15dh", + "cb21ta", + "cb23pq", + "cb23nz", + "cb12ew", + "cb58bl", + "cb43px", + "cb23qb", + "cb21st", + "cb42xh", + "cb21qy", + "cb30ag", + "cb46az", + "cb11pt", + "cb23dz", + "cb39da", + "cb21tt", + "cb11ly", + "cb21rf", + "cb3ojg", + "cb39et", + "cb11er", + "cb43ax", + "cb13ew", + "cb21rl", + "cb21tp", + "cb21er", + "cb21rs", + "cb22ad", + "cb23hu", + "cb23qf", + "cb23qe", + "cb41as", + "cb19ej", + "cb23hx", + "cb21rb", + "cb17gx", + "cb12lf", + "cb23hg", + "cb21tq", + "cb11ps", + "cb223ae", + "cb238el", + "cb23rh", + "cb12lj" + ], + "pricerange": [ + "?", + "free", + "moderate", + "expensive", + "cheap" + ], + "type": [ + "swimmingpool", + "theatre", + "architecture", + "nightclub", + "museum", + "boat", + "park", + "entertainment", + "college", + "cinema", + "mutliple sports", + "concerthall" + ] + }, + "hospital": { + "department": [ + "neurosciences critical care unit", + "trauma high dependency unit", + "neurology neurosurgery", + "oncology neurosurgery", + "children's oncology and haematology", + "children's surgical and medicine", + "acute medicine for the elderly", + "general medicine and nephrology", + "medicine for the elderly", + "hepatobillary and gastrointestinal surgery regional referral centre", + "trauma and orthopaedics", + "teenage cancer trust unit", + "haematology and haematological oncology", + "intermediate dependancy area", + "hepatology", + "haematology", + "neurology", + "surgery", + "oncology", + "infectious diseases", + "haematology day unit", + "clinical decisions unit", + "acute medical assessment unit", + "medical short stay unit", + "inpatient occupational therapy", + "paediatric day unit", + "paediatric clinic", + "transplant high dependency unit", + "diabetes and endocrinology", + "infusion services", + "transplant unit", + "theatre admissions unit", + "cardiology", + "major trauma unit", + "cardiology and coronary care unit", + "colorectal surgery", + "plastic and vascular surgery plastics", + "gastroenterology", + "oral and maxillofacial surgery and ent", + "urology", + "respiratory medicine", + "lewin stroke and rehabilitation unit", + "neurosciences", + "psychiatry", + "emergency department", + "cambridge eye unit", + "clinical investigation ward", + "clinical research facility", + "coronary care unit", + "intermediate dependency area", + "medical decisions unit", + "paediatric intensive care unit", + "john farman intensive care unit", + "delivery unit", + "postnatal", + "neonatal unit", + "antenatal", + "transitional care", + "gynaecology" + ] + } +} \ No newline at end of file diff --git a/data/multiwoz/db/extract_db_value.py b/data/multiwoz/db/extract_db_value.py new file mode 100644 index 0000000..7264897 --- /dev/null +++ b/data/multiwoz/db/extract_db_value.py @@ -0,0 +1,40 @@ +import os +import json + +db_dir = "." +files = [os.path.join(db_dir, item) for item in os.listdir(db_dir) if 'db.json' in item] + +def extract_domain_name(file): + return file[2:].split('_db.json')[0] + +db_dic = {} +for file in files: + domain = extract_domain_name(file) + data = json.load(open(file)) + domain_dic = {} + print('domain: {}'.format(domain)) + if domain == 'taxi': + assert type(data) is dict + for key, value_list in data.items(): + assert type(value_list) is list + key = key.split('_')[1].lower() + if key in ['phone']: + continue + value_list = [item.lower() for item in value_list] + domain_dic[key] = list(set(value_list)) + else: + assert type(data) is list + for item in data: + assert type(item) is dict + for key, value in item.items(): + if key in ['id', 'location', 'price', "phone"]: + continue + key = key.lower() + value = value.lower() + if key not in domain_dic: + domain_dic[key] = [] + if value not in domain_dic[key]: + domain_dic[key].append(value) + db_dic[domain] = domain_dic + +json.dump(db_dic, open('./db_values.json', 'w+'), indent=4) diff --git a/data/multiwoz/db/hospital_db.json b/data/multiwoz/db/hospital_db.json new file mode 100644 index 0000000..82fe62e --- /dev/null +++ b/data/multiwoz/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/data/multiwoz/db/hotel_db.json b/data/multiwoz/db/hotel_db.json new file mode 100644 index 0000000..09729f1 --- /dev/null +++ b/data/multiwoz/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/data/multiwoz/db/police_db.json b/data/multiwoz/db/police_db.json new file mode 100644 index 0000000..dbe208f --- /dev/null +++ b/data/multiwoz/db/police_db.json @@ -0,0 +1,8 @@ +[ + { + "name": "Parkside Police Station", + "address": "Parkside, Cambridge", + "id": 0, + "phone": "01223358966" + } +] diff --git a/data/multiwoz/db/restaurant_db.json b/data/multiwoz/db/restaurant_db.json new file mode 100644 index 0000000..58ed562 --- /dev/null +++ b/data/multiwoz/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/data/multiwoz/db/taxi_db.json b/data/multiwoz/db/taxi_db.json new file mode 100644 index 0000000..03c6ade --- /dev/null +++ b/data/multiwoz/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/data/multiwoz/db/train_db.json b/data/multiwoz/db/train_db.json new file mode 100644 index 0000000..050d9f1 --- /dev/null +++ b/data/multiwoz/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/data/multiwoz/dia_acts.txt b/data/multiwoz/dia_acts.txt new file mode 100644 index 0000000..c817a69 --- /dev/null +++ b/data/multiwoz/dia_acts.txt @@ -0,0 +1,36 @@ +Attraction-Inform +Attraction-Request +Hospital-Inform +Hospital-Request +Hotel-Inform +Hotel-Request +Police-Inform +Police-Request +Restaurant-Inform +Restaurant-Request +Taxi-Inform +Taxi-Request +Train-Inform +Train-Request +general-bye +general-greet +general-thank +Attraction-NoOffer +Attraction-Recommend +Attraction-Select +Booking-Book +Booking-Inform +Booking-NoBook +Booking-Request +Hotel-NoOffer +Hotel-Recommend +Hotel-Select +Restaurant-NoOffer +Restaurant-Recommend +Restaurant-Select +Train-NoOffer +Train-OfferBook +Train-OfferBooked +Train-Select +general-reqmore +general-welcome \ No newline at end of file diff --git a/data/multiwoz/dialog_act_slot.txt b/data/multiwoz/dialog_act_slot.txt new file mode 100644 index 0000000..17ea07f --- /dev/null +++ b/data/multiwoz/dialog_act_slot.txt @@ -0,0 +1,359 @@ +User Dialog Act: +Attraction-Inform + 2084 Area + 1447 Name + 2477 Type + 269 none +Attraction-Request + 1236 Addr + 379 Area + 1109 Fee + 1314 Phone + 1401 Post + 258 Type +Hospital-Inform + 95 Department + 231 none +Hospital-Request + 101 Addr + 123 Phone + 150 Post +Hotel-Inform + 2241 Area + 2513 Day + 1808 Internet + 1996 Name + 1894 Parking + 2373 People + 2375 Price + 2335 Stars + 3161 Stay + 2731 Type + 642 none +Hotel-Request + 518 Addr + 190 Area + 235 Internet + 228 Parking + 478 Phone + 511 Post + 243 Price + 453 Ref + 61 Stars + 141 Type +Police-Inform + 161 none +Police-Request + 101 Addr + 53 Phone + 95 Post +Restaurant-Inform + 3225 Area + 2582 Day + 4661 Food + 1790 Name + 2489 People + 3434 Price + 3007 Time + 855 none +Restaurant-Request + 1178 Addr + 153 Area + 138 Food + 1156 Phone + 832 Post + 186 Price + 515 Ref +Taxi-Inform + 638 Arrive + 887 Depart + 831 Dest + 940 Leave + 889 none +Taxi-Request + 378 Car + 50 Phone +Train-Inform + 2150 Arrive + 3963 Day + 3846 Depart + 4041 Dest + 1907 Leave + 2115 People + 558 none +Train-Request + 296 Arrive + 762 Time + 293 Leave + 944 Price + 607 Ref + 465 Id +general-bye + 2714 none +general-greet + 45 none +general-thank + 9026 none + +System Dialog Act: +Attraction-Inform + 2664 Addr + 2365 Area + 2241 Choice + 1922 Fee + 3072 Name + 13 Open + 1741 Phone + 1579 Post + 48 Price + 2589 Type + 28 none +Attraction-NoOffer + 1 Addr + 324 Area + 1 Choice + 1 Fee + 5 Name + 325 Type + 109 none +Attraction-Recommend + 530 Addr + 338 Area + 13 Choice + 396 Fee + 1461 Name + 3 Open + 153 Phone + 165 Post + 9 Price + 217 Type + 6 none +Attraction-Request + 797 Area + 110 Name + 86 Price + 823 Type +Attraction-Select + 1 Addr + 66 Area + 7 Choice + 47 Fee + 57 Name + 1 Phone + 4 Price + 286 Type + 243 none +Booking-Book + 898 Day + 1263 Name + 788 People + 4910 Ref + 480 Stay + 593 Time + 107 none +Booking-Inform + 89 Day + 277 Name + 71 People + 18 Ref + 31 Stay + 31 Time + 5315 none +Booking-NoBook + 82 Day + 72 Name + 28 People + 14 Ref + 41 Stay + 78 Time + 1086 none +Booking-Request + 1633 Day + 993 People + 889 Stay + 916 Time +Hotel-Inform + 1158 Addr + 2398 Area + 3855 Choice + 1446 Internet + 3677 Name + 1373 Parking + 704 Phone + 648 Post + 2282 Price + 50 Ref + 1784 Stars + 2943 Type + 44 none +Hotel-NoOffer + 225 Area + 4 Choice + 29 Internet + 10 Name + 33 Parking + 199 Price + 203 Stars + 474 Type + 322 none +Hotel-Recommend + 138 Addr + 397 Area + 13 Choice + 183 Internet + 1506 Name + 170 Parking + 36 Phone + 39 Post + 319 Price + 290 Stars + 190 Type + 15 none +Hotel-Request + 1946 Area + 191 Internet + 84 Name + 251 Parking + 1243 Price + 375 Stars + 252 Type +Hotel-Select + 3 Addr + 166 Area + 37 Choice + 12 Internet + 115 Name + 13 Parking + 1 Phone + 194 Price + 77 Stars + 388 Type + 513 none +Restaurant-Inform + 1908 Addr + 2864 Area + 3294 Choice + 3313 Food + 4372 Name + 1412 Phone + 1028 Post + 2424 Price + 67 Ref + 44 none +Restaurant-NoOffer + 366 Area + 5 Choice + 644 Food + 5 Name + 183 Price + 745 none +Restaurant-Recommend + 251 Addr + 346 Area + 18 Choice + 373 Food + 1505 Name + 69 Phone + 62 Post + 289 Price + 13 none +Restaurant-Request + 1018 Area + 1717 Food + 56 Name + 834 Price +Restaurant-Select + 5 Addr + 158 Area + 23 Choice + 439 Food + 165 Name + 190 Price + 481 none +Taxi-Inform + 115 Arrive + 1879 Car + 240 Depart + 196 Dest + 190 Leave + 1860 Phone + 51 none +Taxi-Request + 415 Arrive + 691 Depart + 546 Dest + 721 Leave +Train-Inform + 2954 Arrive + 2058 Choice + 952 Day + 1395 Depart + 1635 Dest + 3102 Id + 3809 Leave + 14 People + 107 Ref + 1177 Ticket + 941 Time + 28 none +Train-NoOffer + 9 Arrive + 3 Choice + 20 Day + 21 Depart + 19 Dest + 3 Id + 33 Leave + 43 none +Train-OfferBook + 118 Arrive + 10 Choice + 31 Day + 40 Depart + 53 Dest + 180 Id + 158 Leave + 35 People + 4 Ref + 22 Ticket + 8 Time + 2725 none +Train-OfferBooked + 146 Arrive + 4 Choice + 94 Day + 120 Depart + 114 Dest + 474 Id + 249 Leave + 421 People + 2124 Ref + 1368 Ticket + 15 Time + 40 none +Train-Request + 971 Arrive + 1570 Day + 1572 Depart + 1421 Dest + 1901 Leave + 591 People +Train-Select + 40 Arrive + 6 Choice + 24 Day + 19 Depart + 17 Dest + 30 Id + 91 Leave + 4 People + 1 Ticket + 279 none +general-bye + 9105 none +general-greet + 2021 none +general-reqmore + 13769 none +general-welcome + 4785 none \ No newline at end of file diff --git a/data/multiwoz/goal/goal_model.pkl b/data/multiwoz/goal/goal_model.pkl new file mode 100644 index 0000000..ded27de Binary files /dev/null and b/data/multiwoz/goal/goal_model.pkl differ diff --git a/data/multiwoz/slot_set.txt b/data/multiwoz/slot_set.txt new file mode 100644 index 0000000..dcc5040 --- /dev/null +++ b/data/multiwoz/slot_set.txt @@ -0,0 +1,28 @@ +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 \ No newline at end of file diff --git a/data/multiwoz/split_dataset.py b/data/multiwoz/split_dataset.py new file mode 100644 index 0000000..ca0483f --- /dev/null +++ b/data/multiwoz/split_dataset.py @@ -0,0 +1,37 @@ +import os +import json +import zipfile + +archive = zipfile.ZipFile('annotation/annotated_user_da_with_span_full.json.zip', 'r') +dataset = json.load(archive.open('annotated_user_da_with_span_full.json')) +train_list = set(line.strip() for line in open('trainListFile').readlines()) +val_list = set(line.strip() for line in open('valListFile').readlines()) +test_list = set(line.strip() for line in open('testListFile').readlines()) + +train_dials = {} +val_dials = {} +test_dials = {} + +for dial_name in dataset: + if dial_name in train_list: + train_dials[dial_name] = dataset[dial_name] + elif dial_name in val_list: + val_dials[dial_name] = dataset[dial_name] + elif dial_name in test_list: + test_dials[dial_name] = dataset[dial_name] + + +json.dump(train_dials, open('train.json', 'w'), indent=2) +with zipfile.ZipFile('train.json.zip', 'w', zipfile.ZIP_DEFLATED) as zf: + zf.write('train.json') +json.dump(val_dials, open('val.json', 'w'), indent=2) +with zipfile.ZipFile('val.json.zip', 'w', zipfile.ZIP_DEFLATED) as zf: + zf.write('val.json') +json.dump(test_dials, open('test.json', 'w'), indent=2) +with zipfile.ZipFile('test.json.zip', 'w', zipfile.ZIP_DEFLATED) as zf: + zf.write('test.json') + +os.remove('train.json') +os.remove('val.json') +os.remove('test.json') + diff --git a/data/multiwoz/test.json.zip b/data/multiwoz/test.json.zip new file mode 100644 index 0000000..3927199 Binary files /dev/null and b/data/multiwoz/test.json.zip differ diff --git a/data/multiwoz/testListFile b/data/multiwoz/testListFile new file mode 100644 index 0000000..39469ca --- /dev/null +++ b/data/multiwoz/testListFile @@ -0,0 +1,1000 @@ +MUL0484 +PMUL4462 +PMUL0320 +MUL2155 +PMUL0815 +PMUL3263 +PMUL3672 +SNG0423 +SNG0296 +PMUL0079 +PMUL1484 +SNG0840 +PMUL0089 +PMUL2859 +PMUL2009 +SNG0528 +SNG01367 +PMUL3858 +SNG1076 +PMUL2166 +PMUL2436 +MUL0225 +PMUL1966 +PMUL4239 +SNG01290 +SNG0888 +SNG1150 +MUL2646 +PMUL4247 +SNG0589 +MUL2089 +SNG01434 +MUL0237 +PMUL4125 +MUL1588 +MUL0432 +SNG0253 +PMUL4998 +PMUL1323 +SNG0580 +PMUL2719 +PMUL3224 +PMUL4440 +PMUL4840 +SNG0081 +SNG02172 +PMUL0550 +PMUL3558 +PMUL2275 +PMUL3600 +SNG0323 +MUL0323 +MUL1137 +MUL2525 +MUL0409 +SNG01359 +PMUL1259 +SNG0568 +PMUL1374 +SNG02315 +PMUL3437 +MUL0454 +MUL1926 +PMUL1180 +MUL0744 +SNG1004 +PMUL1412 +PMUL0998 +PMUL4660 +SNG0006 +PMUL1755 +PMUL0399 +PMUL3921 +MUL1848 +SNG0085 +SNG02205 +PMUL4880 +SNG01153 +MUL0537 +MUL1555 +PMUL0844 +PMUL4025 +SNG0691 +PMUL1002 +PMUL4949 +MUL1248 +MUL1008 +PMUL1455 +SNG0416 +MUL0978 +MUL0524 +PMUL2953 +SNG0832 +PMUL4643 +PMUL4716 +MUL0071 +SNG0317 +PMUL1477 +PMUL1424 +PMUL4693 +MUL2499 +MUL1575 +PMUL1173 +PMUL1385 +PMUL1463 +PMUL3309 +PMUL0578 +PMUL2477 +SNG0390 +MUL2120 +MUL0671 +PMUL1320 +MUL2410 +MUL0197 +MUL1811 +MUL2269 +MUL2053 +MUL2146 +PMUL2503 +MUL0842 +MUL1695 +PMUL2210 +MUL0869 +MUL2138 +MUL0264 +SNG01884 +SNG01432 +MUL0391 +MUL1285 +MUL2368 +SNG0451 +PMUL2636 +PMUL3027 +PMUL0509 +PMUL3044 +PMUL1920 +PMUL3141 +MUL2042 +MUL1050 +MUL1598 +PMUL2634 +PMUL1867 +MUL0677 +PMUL4134 +PMUL1266 +SNG02153 +PMUL2272 +MUL1489 +PMUL0129 +PMUL1978 +SNG0571 +SNG01608 +MUL0496 +PMUL1763 +MUL1202 +MUL0397 +PMUL1210 +PMUL0573 +SNG01353 +PMUL1931 +SNG0927 +PMUL1344 +PMUL1788 +PMUL1329 +SNG01503 +PMUL2917 +SNG01634 +PMUL0566 +PMUL3599 +MUL2206 +SNG0940 +PMUL2330 +MUL2106 +PMUL3424 +SNG0733 +MUL2365 +MUL1569 +PMUL1593 +PMUL4186 +PMUL0006 +MUL2442 +SNG01692 +MUL2130 +MUL2193 +MUL1661 +SNG0617 +PMUL1623 +PMUL2006 +PMUL4368 +PMUL1801 +SNG0098 +PMUL3279 +MUL2321 +MUL2305 +PMUL2882 +MUL0798 +MUL1627 +MUL0073 +PMUL4231 +PMUL4616 +MUL1697 +PMUL4842 +PMUL0090 +PMUL1812 +PMUL0713 +SNG0456 +MUL2569 +PMUL2563 +MUL1514 +SNG0722 +MUL2423 +MUL1491 +PMUL2746 +MUL2218 +SNG0613 +MUL1060 +MUL1527 +SNG0455 +MUL2270 +MUL1552 +PMUL0919 +MUL1376 +MUL2294 +MUL1649 +PMUL0367 +PMUL3647 +PMUL1462 +PMUL1316 +PMUL0410 +PMUL0864 +PMUL1772 +MUL0937 +PMUL0832 +PMUL4317 +MUL0814 +MUL0148 +MUL0260 +MUL2664 +SNG1042 +PMUL4964 +PMUL2194 +PMUL4048 +MUL1110 +MUL0785 +SNG0008 +PMUL1182 +MUL2116 +PMUL4567 +PMUL0204 +MUL0354 +MUL0018 +SNG0095 +MUL1045 +MUL1883 +MUL1958 +SNG0792 +MUL1515 +MUL1633 +MUL1935 +PMUL3933 +PMUL2491 +MUL0474 +PMUL3778 +SNG01403 +SNG0715 +PMUL4155 +PMUL4026 +MUL1028 +MUL0364 +PMUL3734 +MUL0089 +SNG01936 +PMUL3992 +MUL1899 +PMUL3012 +MUL2195 +MUL2072 +MUL1642 +SNG01542 +PMUL0692 +MUL2275 +PMUL0109 +PMUL2119 +MUL0370 +PMUL4077 +MUL0466 +MUL0212 +PMUL2627 +PMUL2215 +MUL2320 +MUL1675 +MUL0457 +SNG0519 +PMUL3304 +MUL0233 +PMUL1253 +MUL0810 +SNG0274 +PMUL2670 +SNG02096 +PMUL4255 +MUL2439 +MUL1612 +SNG01775 +MUL2281 +PMUL3310 +MUL0088 +SNG0308 +PMUL0548 +PMUL3803 +PMUL3759 +SNG01270 +PMUL4610 +PMUL4946 +MUL0690 +PMUL3336 +MUL2427 +PMUL1613 +PMUL1067 +SNG0354 +SNG0692 +MUL0844 +MUL1620 +MUL1351 +MUL1803 +SNG01937 +SNG0735 +MUL0035 +PMUL4059 +SNG0073 +MUL1806 +MUL1254 +MUL0789 +MUL1554 +PMUL1533 +PMUL4229 +SNG01262 +SNG0466 +PMUL4294 +MUL2119 +MUL0624 +PMUL3625 +MUL0498 +SNG0482 +PMUL4603 +PMUL1113 +PMUL2195 +PMUL1949 +PMUL3264 +MUL1289 +SNG02006 +MUL0208 +MUL0340 +MUL0072 +SNG0539 +SNG01835 +MUL2012 +MUL1015 +PMUL3737 +PMUL4325 +MUL2466 +MUL0371 +MUL0469 +PMUL0795 +MUL0003 +SNG0799 +MUL0881 +SNG01710 +PMUL3940 +MUL0510 +MUL0621 +PMUL0012 +SNG0659 +MUL0230 +SNG0767 +MUL0528 +PMUL1118 +MUL2284 +MUL0388 +SNG0016 +SNG1041 +SNG0305 +PMUL2513 +PMUL3834 +MUL0841 +MUL0912 +MUL0450 +PMUL1470 +PMUL4622 +MUL2001 +PMUL1183 +PMUL0685 +SNG1105 +PMUL4542 +MUL1189 +PMUL2146 +SNG0256 +PMUL1526 +PMUL2403 +MUL0555 +MUL0772 +PMUL1172 +PMUL4366 +SNG01534 +MUL0803 +PMUL0267 +SNG1075 +PMUL4001 +PMUL1869 +SNG0055 +PMUL2945 +MUL1064 +MUL0628 +MUL0116 +PMUL1537 +PMUL1046 +MUL0992 +MUL1422 +MUL0346 +PMUL1087 +SNG0933 +PMUL4644 +PMUL3913 +PMUL3919 +MUL1392 +PMUL1844 +MUL1596 +MUL1478 +PMUL2279 +SNG0644 +PMUL4648 +PMUL4122 +SNG0391 +MUL1836 +MUL0822 +MUL1211 +PMUL3145 +PMUL4626 +PMUL2437 +SNG0721 +PMUL1283 +PMUL3723 +PMUL2457 +MUL2491 +MUL0738 +MUL1076 +MUL2609 +SNG0964 +MUL0638 +SNG01492 +PMUL4259 +PMUL3066 +PMUL1809 +MUL2376 +MUL1753 +PMUL0265 +MUL1024 +SNG01733 +MUL1274 +PMUL4905 +MUL1159 +MUL0080 +PMUL4140 +SNG0078 +MUL0843 +MUL2567 +PMUL2703 +SNG01767 +PMUL1373 +PMUL3815 +PMUL0875 +PMUL4672 +PMUL2778 +PMUL3495 +MUL2139 +PMUL3156 +SNG0004 +PMUL1521 +MUL1638 +PMUL0982 +MUL2386 +PMUL2123 +MUL1350 +SNG0293 +PMUL1105 +SNG02018 +MUL1212 +SNG01332 +PMUL1148 +SNG0483 +PMUL3890 +PMUL4356 +PMUL3162 +SNG01679 +MUL2542 +PMUL3494 +MUL2151 +PMUL3239 +PMUL3742 +PMUL1895 +PMUL4362 +SNG0781 +SNG01538 +PMUL1486 +PMUL2174 +PMUL0095 +MUL0316 +PMUL2708 +SNG0897 +PMUL3247 +PMUL3523 +MUL2359 +PMUL3520 +MUL2060 +MUL2358 +PMUL0069 +PMUL2869 +SNG0661 +MUL1838 +MUL0831 +MUL2405 +PMUL0117 +PMUL0182 +MUL1493 +MUL0890 +SNG01165 +SNG0690 +PMUL3423 +PMUL4258 +MUL0369 +MUL0838 +SNG1066 +PMUL1435 +SNG1078 +PMUL3957 +MUL1240 +MUL0947 +MUL1606 +MUL0594 +PMUL1854 +SNG0830 +PMUL3301 +PMUL2286 +SNG0898 +MUL0682 +MUL0990 +PMUL4731 +SNG01323 +SNG0515 +SNG1086 +SNG01898 +PMUL4034 +PMUL4504 +SNG0678 +PMUL2983 +SNG0954 +MUL2051 +PMUL0615 +MUL0383 +MUL1455 +PMUL4054 +SNG0892 +PMUL3171 +PMUL4713 +SNG01272 +MUL0011 +SNG01530 +MUL1870 +PMUL3946 +MUL1828 +SNG01686 +PMUL1811 +MUL2665 +SNG0689 +PMUL0994 +MUL1624 +PMUL3328 +PMUL1987 +MUL1091 +MUL0570 +PMUL3731 +PMUL1944 +PMUL0558 +PMUL1332 +MUL1766 +MUL1066 +PMUL3668 +MUL2086 +MUL0760 +PMUL3785 +SNG0874 +PMUL1330 +PMUL2980 +PMUL0599 +MUL0379 +SNG01386 +PMUL2452 +PMUL0745 +SNG01943 +MUL0761 +PMUL2558 +MUL0222 +PMUL1247 +PMUL4515 +PMUL3376 +PMUL1241 +PMUL1136 +PMUL0899 +MUL1258 +SNG0994 +PMUL3918 +PMUL2483 +MUL0286 +PMUL3439 +PMUL3107 +SNG01673 +MUL1860 +PMUL2704 +PMUL1983 +SNG0586 +MUL1410 +SNG0867 +MUL1746 +MUL2290 +PMUL1853 +MUL2162 +PMUL4131 +SNG0412 +MUL1692 +SNG02240 +SNG0742 +PMUL1347 +SNG01873 +SNG0991 +PMUL3897 +MUL1855 +MUL2657 +PMUL4011 +MUL1342 +MUL1986 +MUL2137 +SNG02198 +MUL1739 +MUL0309 +PMUL1600 +MUL2630 +SNG0007 +SNG0908 +PMUL0630 +MUL2074 +SNG0610 +PMUL4343 +PMUL2205 +MUL1712 +PMUL1804 +MUL0014 +MUL0341 +MUL1657 +PMUL4641 +MUL1077 +PMUL4106 +MUL0473 +PMUL1981 +PMUL3283 +PMUL3085 +MUL1192 +PMUL2000 +SNG0855 +SNG1048 +MUL0099 +PMUL4306 +MUL0941 +MUL2317 +PMUL4318 +SNG01983 +PMUL2497 +MUL1787 +SNG0518 +PMUL3976 +MUL1466 +MUL0845 +PMUL4524 +PMUL0782 +SNG1126 +MUL0492 +PMUL4432 +SNG0338 +PMUL2848 +MUL1560 +MUL0739 +MUL1763 +PMUL4078 +PMUL1657 +PMUL1109 +SNG01755 +MUL0332 +MUL0113 +MUL1800 +PMUL4819 +PMUL1779 +MUL2432 +SNG02207 +MUL2658 +MUL2099 +PMUL0674 +MUL1983 +MUL1071 +PMUL3160 +PMUL4044 +SNG0280 +MUL1664 +PMUL3868 +SNG0429 +PMUL3886 +PMUL2756 +SNG0701 +SNG0755 +MUL2225 +SNG01907 +MUL1833 +PMUL3662 +PMUL0938 +MUL0669 +SNG1090 +MUL0533 +MUL1799 +PMUL4636 +PMUL2755 +SNG01919 +PMUL4326 +PMUL1273 +PMUL1311 +PMUL4780 +SNG01924 +PMUL3127 +PMUL3514 +SNG0572 +MUL2063 +PMUL3907 +MUL1417 +PMUL0441 +SNG01683 +MUL2122 +PMUL1998 +SNG0468 +MUL0787 +SNG1026 +MUL2347 +PMUL3685 +PMUL3275 +PMUL0522 +PMUL1834 +PMUL1232 +PMUL1980 +MUL2378 +PMUL2380 +MUL0654 +SNG0649 +PMUL4800 +PMUL3126 +PMUL2209 +SNG0322 +MUL1650 +MUL1088 +MUL0939 +SNG0772 +SNG0446 +PMUL3748 +SNG0611 +MUL2204 +SNG01155 +PMUL4756 +PMUL3576 +SNG0005 +MUL1759 +PMUL4958 +SNG0547 +PMUL4333 +SNG0805 +MUL2148 +PMUL0205 +MUL0575 +PMUL1256 +SNG0477 +MUL1901 +PMUL3557 +PMUL3506 +PMUL2898 +PMUL4941 +PMUL3875 +MUL0373 +PMUL3465 +PMUL0457 +MUL0828 +MUL0034 +MUL2415 +SNG01752 +PMUL3348 +MUL1268 +PMUL1284 +SNG01797 +MUL2457 +PMUL3014 +MUL1818 +MUL1055 +MUL1505 +MUL0374 +MUL2177 +PMUL1982 +PMUL1420 +PMUL4383 +PMUL0076 +MUL0389 +SNG01380 +MUL0353 +PMUL4388 +PMUL1739 +PMUL1200 +PMUL1276 +PMUL0506 +PMUL3364 +PMUL3425 +PMUL2311 +MUL0821 +PMUL3549 +SNG1036 +SNG01850 +SNG0529 +PMUL3663 +PMUL3415 +PMUL2729 +PMUL4911 +MUL2686 +MUL1228 +SNG0983 +PMUL1775 +SNG0099 +PMUL4050 +SNG0348 +MUL0172 +SNG02202 +SNG01551 +SNG0941 +MUL0021 +SNG1012 +PMUL3521 +MUL0901 +PMUL1762 +MUL2482 +MUL0228 +MUL0818 +SNG0779 +MUL0515 +PMUL3707 +SNG0590 +PMUL3596 +SNG0797 +PMUL4357 +PMUL4605 +PMUL4303 +SNG0069 +PMUL0518 +MUL2197 +PMUL2239 +MUL2675 +PMUL1883 +PMUL2578 +MUL1059 +PMUL1137 +SNG0284 +SNG0500 +MUL2637 +PMUL4234 +SNG0600 +MUL2009 +PMUL0873 +MUL0239 +SNG0962 +PMUL2351 +MUL1365 +MUL2316 +PMUL1036 +MUL1117 +SNG02319 +PMUL4884 +PMUL4316 +SNG0714 +PMUL0048 +PMUL3649 +SNG0979 +MUL1139 +MUL2077 +PMUL4894 +PMUL0286 +SNG0782 +SNG0448 +SNG0531 +MUL0896 +SNG0345 +SNG0061 +SNG01940 +MUL1276 +SNG0822 +PMUL4547 +SNG0768 +MUL1278 +MUL0540 +PMUL4569 +MUL0004 +MUL0694 +SNG0775 +PMUL3158 +SNG1016 +SNG01784 +MUL2523 +SNG0289 +MUL0536 +PMUL2080 +PMUL3935 +PMUL1370 +SNG0459 +MUL0144 +MUL2301 +PMUL0262 +PMUL4176 +MUL1273 +SNG1147 +PMUL1952 +MUL1475 +MUL0613 +SNG0866 +SNG01366 +PMUL3403 +PMUL3293 +PMUL2433 +PMUL2933 +SNG0360 +MUL0352 +PMUL4220 +SNG0616 +PMUL3708 +MUL1690 +PMUL0768 +PMUL2489 +PMUL4224 +PMUL2124 +MUL1508 +PMUL1106 +SNG0636 +MUL1756 +PMUL3688 +PMUL1147 +PMUL1091 +PMUL3217 +PMUL0276 +MUL1678 +SNG0263 +SNG01391 +PMUL4246 +SNG01819 +PMUL3931 +SNG0803 +SNG02342 +MUL0849 +PMUL3282 +PMUL4564 +PMUL0732 +SNG1091 +PMUL1359 +MUL1122 +MUL1546 +MUL0198 +PMUL4930 +PMUL2362 +PMUL1008 +PMUL4919 +MUL1718 +PMUL1342 +MUL1898 +PMUL4344 +MUL1418 +SNG0681 +SNG0433 +SNG0471 +MUL1844 +SNG1070 +SNG01957 +MUL1607 +MUL0199 +MUL0297 +PMUL2942 +SNG0601 +MUL1981 +SNG0527 +MUL2254 +MUL0306 +MUL2228 +MUL0641 +PMUL1194 +MUL0527 diff --git a/data/multiwoz/train.json.zip b/data/multiwoz/train.json.zip new file mode 100644 index 0000000..b798176 Binary files /dev/null and b/data/multiwoz/train.json.zip differ diff --git a/data/multiwoz/trainListFile b/data/multiwoz/trainListFile new file mode 100644 index 0000000..769c72e --- /dev/null +++ b/data/multiwoz/trainListFile @@ -0,0 +1,8423 @@ +SNG01856 +SNG0129 +MUL2168 +SNG01445 +MUL2105 +PMUL1690 +MUL2395 +SNG0190 +PMUL1170 +SNG01741 +PMUL4899 +MUL2261 +SSNG0348 +MUL0784 +MUL0886 +PMUL2512 +SNG0548 +MUL1474 +PMUL4372 +PMUL4047 +PMUL0151 +MUL0586 +PMUL3552 +PMUL1539 +MUL1790 +PMUL3021 +SNG0699 +SNG0228 +PMUL3296 +MUL1434 +PMUL2203 +PMUL3250 +PMUL0510 +MUL1124 +PMUL3719 +SNG0297 +PMUL2049 +SNG01722 +PMUL2100 +MUL1853 +MUL2694 +SNG1006 +SNG1345 +MUL1299 +MUL1490 +PMUL2749 +MUL1628 +PMUL2202 +SNG01450 +SNG0131 +SNG0984 +PMUL1419 +SNG0798 +MUL0161 +PMUL2803 +MUL0925 +MUL1005 +SNG0104 +SNG1197 +MUL1265 +WOZ20259 +MUL1223 +PMUL2596 +MUL2037 +MUL1497 +MUL2256 +MUL0076 +WOZ20114 +MUL1100 +PMUL4469 +PMUL0263 +PMUL3597 +PMUL1454 +MUL1618 +PMUL3342 +PMUL0906 +PMUL0695 +PMUL0307 +PMUL3045 +MUL1113 +SNG0385 +SNG0285 +SNG1134 +PMUL2082 +PMUL3031 +PMUL1499 +SNG1097 +PMUL0608 +PMUL4191 +MUL0265 +PMUL0433 +WOZ20214 +MUL1567 +WOZ20593 +PMUL4487 +MUL2535 +PMUL0552 +PMUL0621 +PMUL1229 +PMUL1169 +SNG0487 +PMUL3299 +PMUL3486 +SNG0918 +SSNG0248 +SNG0914 +PMUL4501 +PMUL2349 +SNG01381 +PMUL2662 +SNG01277 +PMUL1986 +MUL2534 +MUL0743 +PMUL3059 +MUL2238 +PMUL2010 +SNG1061 +WOZ20664 +PMUL1815 +MUL2379 +PMUL0143 +MUL0343 +PMUL3184 +MUL1052 +MUL1322 +WOZ20324 +PMUL2522 +WOZ20343 +PMUL4513 +SNG1235 +SNG0359 +SNG01185 +SNG02298 +PMUL0148 +SNG02143 +MUL2085 +MUL2057 +PMUL4594 +MUL1541 +PMUL0224 +PMUL0240 +PMUL2922 +MUL2443 +MUL0779 +SNG01611 +WOZ20299 +PMUL3482 +SNG01425 +WOZ20453 +PMUL4021 +PMUL4891 +PMUL3594 +MUL1566 +PMUL1967 +MUL2575 +PMUL1296 +PMUL1729 +WOZ20531 +MUL0173 +SNG0312 +WOZ20274 +PMUL1375 +SNG0524 +PMUL1013 +SSNG0379 +MUL1733 +MUL1483 +PMUL2837 +PMUL0064 +SSNG0187 +PMUL1407 +SSNG0007 +WOZ20497 +MUL0855 +SNG1063 +MUL1013 +PMUL0211 +MUL0203 +PMUL4678 +SNG0324 +SNG0112 +PMUL0342 +WOZ20358 +SSNG0019 +PMUL0565 +WOZ20658 +SNG0235 +MUL1275 +SNG1322 +SNG1171 +SNG0826 +SNG1155 +PMUL4183 +PMUL0241 +PMUL3254 +WOZ20481 +MUL1172 +MUL1118 +SNG1248 +SNG0790 +MUL2329 +PMUL4353 +WOZ20478 +WOZ20576 +SNG0464 +WOZ20406 +PMUL4967 +MUL2647 +WOZ20107 +MUL1040 +SNG02142 +MUL2345 +PMUL1919 +PMUL4352 +MUL0840 +SNG1246 +PMUL1753 +SNG0238 +MUL1674 +PMUL1033 +SNG1344 +MUL0816 +PMUL3347 +PMUL3932 +SSNG0300 +PMUL3804 +MUL1403 +WOZ20224 +PMUL2529 +PMUL1239 +SNG0404 +MUL0464 +PMUL0248 +PMUL1487 +PMUL1826 +MUL2342 +MUL1150 +SNG01637 +PMUL3585 +SNG02210 +PMUL0292 +PMUL4632 +PMUL0335 +SNG1334 +PMUL3777 +PMUL0776 +SNG0067 +SNG1181 +MUL0329 +PMUL3265 +SNG0732 +PMUL2201 +SNG0255 +SNG01268 +MUL1378 +PMUL2044 +PMUL1578 +PMUL4037 +PMUL3761 +PMUL2364 +PMUL2440 +PMUL0323 +SNG02011 +MUL2559 +SSNG0368 +PMUL0771 +MUL0428 +MUL1067 +PMUL2187 +MUL0644 +SNG02322 +WOZ20642 +PMUL3882 +WOZ20583 +PMUL2653 +MUL1234 +PMUL1820 +SNG01829 +MUL2241 +SNG02081 +PMUL2668 +SNG0502 +SNG01420 +SSNG0077 +PMUL4692 +PMUL2191 +MUL1496 +SNG02177 +SNG1103 +PMUL3676 +MUL1727 +PMUL2369 +PMUL1571 +WOZ20268 +WOZ20645 +MUL1867 +PMUL2116 +PMUL2069 +MUL1998 +WOZ20303 +SNG1279 +WOZ20348 +MUL0516 +MUL0835 +PMUL4179 +PMUL1177 +MUL2322 +MUL1411 +PMUL0777 +PMUL1021 +SNG02073 +PMUL3490 +SSNG0076 +PMUL3178 +MUL2537 +SNG01160 +PMUL0174 +PMUL3013 +PMUL4512 +PMUL1213 +MUL0562 +PMUL1888 +PMUL2886 +PMUL2290 +MUL0462 +SNG0560 +SSNG0099 +SNG01340 +PMUL0403 +PMUL3636 +PMUL4566 +PMUL0914 +MUL2022 +SNG01406 +SSNG0106 +PMUL0243 +SSNG0098 +WOZ20300 +WOZ20643 +PMUL2417 +SNG01442 +PMUL0886 +PMUL2449 +SNG0342 +SNG0133 +SNG1141 +PMUL2310 +PMUL3268 +PMUL3146 +MUL0895 +MUL2340 +PMUL3368 +MUL2673 +PMUL1885 +WOZ20199 +PMUL0945 +PMUL3953 +PMUL4852 +WOZ20528 +SNG02242 +PMUL2027 +MUL1956 +MUL2141 +MUL1701 +MUL1938 +MUL1595 +PMUL2752 +MUL1193 +WOZ20198 +SNG01555 +PMUL4263 +PMUL4139 +PMUL3846 +PMUL4668 +SNG1265 +WOZ20157 +WOZ20141 +SNG01521 +PMUL4389 +WOZ20480 +WOZ20128 +MUL0127 +PMUL4801 +PMUL1483 +MUL1239 +MUL0604 +PMUL4408 +MUL1966 +PMUL2035 +PMUL4699 +PMUL0280 +SNG0356 +MUL1344 +PMUL2378 +PMUL2493 +MUL1592 +SNG0747 +MUL0335 +MUL1320 +PMUL3140 +SNG01389 +PMUL1192 +PMUL2538 +PMUL3038 +WOZ20434 +PMUL3081 +MUL2453 +PMUL4079 +PMUL2588 +MUL2285 +MUL0069 +SNG01549 +MUL1949 +SSNG0287 +MUL0953 +SNG0656 +SNG0621 +MUL0747 +SNG02243 +PMUL4094 +MUL0972 +SNG1038 +PMUL4910 +MUL1138 +MUL2028 +SNG01821 +PMUL3565 +MUL2266 +MUL2246 +MUL0611 +PMUL1196 +SNG1384 +PMUL3593 +PMUL4783 +PMUL4718 +MUL2469 +MUL1997 +PMUL2066 +WOZ20387 +MUL1143 +PMUL4283 +PMUL4115 +MUL1157 +MUL2498 +MUL1605 +PMUL3760 +PMUL2401 +PMUL3232 +MUL2343 +PMUL1827 +PMUL2979 +SNG0682 +MUL0104 +PMUL3047 +PMUL4099 +SSNG0071 +PMUL0035 +SNG01176 +PMUL3001 +SNG01675 +SNG01574 +PMUL2091 +PMUL1859 +PMUL3601 +PMUL2218 +PMUL0673 +PMUL2801 +SNG1256 +SNG0746 +PMUL3561 +PMUL0934 +MUL1930 +SSNG0107 +MUL2110 +MUL2692 +PMUL4722 +MUL2430 +MUL0455 +MUL0240 +MUL0019 +SNG01843 +PMUL0533 +PMUL0135 +WOZ20296 +SNG0706 +MUL0336 +MUL2247 +SNG0217 +PMUL0770 +SNG01707 +PMUL2817 +SNG02325 +SSNG0240 +PMUL3581 +PMUL1304 +MUL1470 +MUL0400 +SNG1373 +SSNG0164 +SNG0926 +MUL1760 +WOZ20385 +PMUL3113 +WOZ20007 +PMUL3838 +MUL0658 +MUL0666 +SNG02053 +PMUL4947 +MUL0591 +MUL0852 +SNG1031 +SNG1156 +MUL0563 +WOZ20109 +PMUL3738 +PMUL3351 +SNG1326 +SNG0110 +SNG01287 +WOZ20536 +WOZ20340 +WOZ20175 +PMUL4256 +SNG0142 +SNG0211 +PMUL4808 +SNG0712 +SNG0137 +PMUL4494 +MUL2522 +MUL0660 +WOZ20064 +SNG01969 +SNG01550 +MUL2226 +PMUL4422 +MUL1667 +WOZ20554 +PMUL1171 +PMUL0980 +PMUL4257 +MUL1668 +PMUL0347 +SNG01375 +SNG02120 +PMUL1176 +PMUL4228 +SNG0203 +SNG1058 +SNG02020 +PMUL3269 +MUL1340 +PMUL1495 +PMUL4799 +PMUL1049 +SNG0773 +PMUL1805 +SSNG0243 +PMUL4088 +MUL1432 +MUL2553 +MUL1613 +SSNG0134 +MUL2564 +SNG02157 +MUL0984 +PMUL4540 +SNG0850 +PMUL2592 +PMUL0252 +MUL2233 +PMUL4638 +MUL1107 +SNG02241 +SNG01606 +MUL0763 +PMUL3346 +MUL0057 +SNG1237 +PMUL4168 +PMUL4696 +MUL1190 +MUL1238 +WOZ20525 +SSNG0350 +MUL1097 +WOZ20166 +PMUL0200 +SNG01894 +PMUL2893 +MUL0257 +SNG1213 +SNG02093 +PMUL2697 +MUL1144 +MUL1119 +WOZ20264 +PMUL0640 +MUL1611 +PMUL1236 +PMUL3292 +MUL2624 +PMUL1856 +MUL1242 +SNG0693 +PMUL4415 +SNG01248 +SNG0512 +PMUL0931 +SNG0598 +PMUL4951 +PMUL3005 +WOZ20250 +MUL1593 +WOZ20598 +SNG0955 +SNG01645 +SNG02058 +WOZ20662 +SSNG0006 +MUL1402 +WOZ20530 +PMUL2206 +MUL1224 +PMUL4396 +PMUL1868 +SNG1243 +SNG01854 +MUL1944 +WOZ20548 +MUL1427 +SNG0526 +PMUL1031 +PMUL2487 +MUL0413 +PMUL1356 +MUL0924 +PMUL1160 +MUL2165 +PMUL1638 +MUL2245 +SNG01938 +MUL1296 +SNG02085 +MUL1261 +MUL1046 +PMUL3854 +SNG01421 +SNG1305 +SNG0861 +WOZ20013 +PMUL3116 +PMUL4412 +PMUL3432 +MUL1145 +SNG01378 +SNG01276 +PMUL3172 +PMUL3988 +MUL0288 +PMUL1027 +WOZ20106 +PMUL4448 +SNG01954 +SSNG0008 +PMUL3640 +PMUL1167 +SNG02010 +SNG1068 +PMUL0270 +SNG02163 +PMUL3359 +PMUL0819 +PMUL4879 +SNG01908 +PMUL4475 +PMUL1179 +SNG02164 +PMUL3595 +SNG01799 +SSNG0105 +SNG01863 +SSNG0241 +PMUL4925 +WOZ20613 +PMUL3973 +PMUL3592 +PMUL0913 +SSNG0122 +SNG01646 +PMUL0041 +MUL1081 +PMUL3870 +PMUL1367 +PMUL1510 +SNG02290 +SNG0094 +MUL2303 +MUL0552 +MUL2530 +WOZ20206 +PMUL1608 +PMUL3416 +MUL1816 +PMUL2603 +SNG01528 +SNG02127 +WOZ20586 +SNG01591 +MUL1348 +PMUL2374 +MUL1053 +MUL1705 +WOZ20494 +MUL0393 +SNG01216 +WOZ20005 +PMUL4506 +PMUL1161 +PMUL1447 +PMUL1666 +SNG1240 +PMUL4985 +PMUL3138 +WOZ20022 +MUL2109 +SNG01810 +SNG1308 +PMUL2340 +MUL1374 +PMUL0741 +PMUL4435 +PMUL2772 +SNG1109 +PMUL2200 +MUL0435 +SNG1289 +SNG0821 +PMUL2430 +PMUL4066 +PMUL2875 +PMUL2278 +SNG1309 +SNG01524 +PMUL0513 +SNG1272 +PMUL3508 +SNG01975 +PMUL4173 +PMUL0430 +SNG0844 +SNG0820 +SNG02223 +SNG01952 +MUL2454 +PMUL4254 +WOZ20108 +PMUL1494 +PMUL4499 +SNG02126 +MUL0421 +PMUL4815 +SNG0981 +SNG01902 +SNG01511 +PMUL0718 +PMUL4477 +SNG0980 +PMUL4747 +PMUL1428 +SNG1376 +MUL2662 +PMUL1890 +MUL0152 +PMUL1445 +SSNG0078 +PMUL1295 +PMUL3863 +PMUL0193 +SSNG0100 +PMUL3096 +MUL0077 +MUL1946 +WOZ20490 +PMUL1246 +PMUL1202 +SNG0401 +MUL1614 +SNG0286 +SSNG0351 +MUL0592 +PMUL3965 +WOZ20509 +PMUL3377 +MUL2552 +PMUL1904 +SNG01802 +WOZ20439 +MUL0387 +SNG01868 +PMUL3124 +MUL2536 +PMUL3179 +PMUL1480 +PMUL0376 +MUL0556 +MUL1731 +MUL1523 +MUL2619 +PMUL0525 +PMUL1724 +PMUL1682 +SNG02313 +SSNG0257 +SNG1360 +WOZ20034 +WOZ20178 +PMUL2982 +MUL0048 +WOZ20000 +MUL1147 +MUL0897 +PMUL4601 +MUL0792 +SNG01964 +PMUL3995 +PMUL3531 +SNG02080 +SNG0796 +MUL0084 +MUL2134 +WOZ20251 +MUL1716 +MUL0581 +SSNG0119 +MUL1684 +PMUL0540 +MUL2140 +SSNG0130 +SNG02284 +PMUL1577 +MUL1535 +MUL2029 +MUL0273 +PMUL3524 +PMUL2007 +SNG01691 +PMUL0538 +SNG0738 +SNG0269 +SNG0166 +SNG0836 +PMUL0537 +PMUL3770 +SSNG0079 +PMUL3998 +PMUL4824 +SNG0165 +PMUL0329 +SNG1380 +MUL1754 +SNG01493 +SNG01379 +PMUL4345 +WOZ20019 +PMUL3412 +SNG0702 +MUL0189 +PMUL3871 +PMUL1339 +WOZ20030 +PMUL0034 +SNG0015 +WOZ20648 +MUL2401 +MUL0105 +MUL2548 +MUL2250 +PMUL4878 +MUL1786 +PMUL0801 +SNG0383 +MUL2163 +PMUL4549 +MUL2043 +PMUL2180 +WOZ20179 +PMUL2277 +SNG02003 +PMUL1639 +MUL2164 +MUL1747 +PMUL3642 +SNG02017 +WOZ20617 +SNG0624 +PMUL1590 +SSNG0091 +PMUL1166 +SNG0043 +PMUL1922 +SNG1335 +PMUL0222 +SNG01347 +MUL1069 +SNG02232 +PMUL2673 +PMUL4960 +PMUL4715 +MUL2447 +SNG1022 +MUL0867 +PMUL0627 +PMUL0756 +SSNG0258 +MUL2462 +PMUL4774 +MUL0026 +SNG1001 +SNG02124 +PMUL1446 +SNG01765 +MUL0029 +PMUL4474 +MUL0511 +WOZ20012 +SNG0181 +PMUL2595 +PMUL4798 +MUL1375 +PMUL2341 +PMUL1660 +MUL0366 +SNG0202 +MUL2279 +SSNG0087 +SSNG0025 +SNG01991 +MUL1915 +WOZ20487 +PMUL1785 +SNG02206 +SNG0266 +MUL2562 +PMUL2865 +SNG1166 +WOZ20501 +SNG01535 +PMUL1823 +PMUL2940 +SNG0760 +PMUL2589 +MUL0132 +PMUL3830 +WOZ20486 +SNG01636 +MUL2501 +PMUL1783 +MUL1321 +MUL1792 +PMUL3869 +PMUL1999 +SSNG0177 +SNG0023 +WOZ20513 +SNG1341 +MUL1805 +SSNG0165 +PMUL0327 +MUL1197 +MUL1343 +PMUL1669 +PMUL4531 +WOZ20594 +PMUL4267 +PMUL1174 +SSNG0067 +PMUL4171 +SNG1057 +PMUL1605 +MUL2046 +PMUL1701 +PMUL1542 +SNG0450 +MUL1246 +MUL1169 +WOZ20447 +PMUL1297 +SNG1100 +MUL1461 +PMUL1545 +SNG1092 +WOZ20077 +SSNG0083 +SNG01625 +SNG0300 +WOZ20065 +MUL1134 +PMUL3767 +PMUL1602 +MUL2179 +MUL1819 +PMUL0417 +PMUL3202 +PMUL1837 +MUL2353 +WOZ20167 +PMUL3488 +SNG1346 +SNG0639 +WOZ20640 +WOZ20165 +SNG02047 +SNG1108 +PMUL3746 +SNG01456 +SNG1113 +SNG01747 +SSNG0101 +SNG01208 +SNG1095 +PMUL0532 +SNG01462 +SNG01725 +MUL0883 +WOZ20183 +SNG0632 +SNG0310 +SNG0629 +WOZ20055 +SNG01848 +PMUL3006 +MUL2669 +PMUL4579 +PMUL2197 +SSNG0263 +SNG0077 +PMUL2959 +PMUL3461 +WOZ20672 +SNG0995 +SNG02004 +SNG02059 +SNG1285 +PMUL2231 +MUL1019 +MUL1156 +PMUL0239 +MUL1468 +MUL0296 +SNG1222 +PMUL4167 +PMUL2196 +PMUL3043 +MUL0868 +PMUL4327 +PMUL1560 +SNG01833 +SSNG0045 +WOZ20001 +PMUL3238 +PMUL4160 +SNG01915 +SNG1306 +SSNG0158 +PMUL4369 +SNG1297 +PMUL3808 +PMUL4039 +SNG01400 +PMUL0220 +PMUL3395 +MUL1191 +WOZ20671 +MUL1545 +MUL0564 +WOZ20626 +MUL2248 +PMUL4640 +PMUL3954 +WOZ20562 +SNG0975 +WOZ20632 +PMUL2061 +MUL1990 +PMUL0416 +SNG01849 +PMUL1740 +PMUL1662 +MUL0017 +MUL0955 +MUL0565 +SNG02106 +SNG02321 +PMUL2157 +SNG1030 +PMUL3235 +PMUL0027 +PMUL0789 +PMUL4625 +PMUL4517 +PMUL2834 +PMUL0361 +MUL1116 +SNG02005 +PMUL0997 +SNG01891 +PMUL3037 +SNG0272 +MUL1304 +SNG01214 +SNG01249 +PMUL0434 +PMUL4685 +SNG01252 +PMUL3590 +PMUL1562 +MUL1597 +PMUL2750 +PMUL1390 +PMUL3481 +PMUL2768 +MUL1924 +PMUL4639 +MUL2272 +PMUL2425 +PMUL0487 +SNG1148 +PMUL3193 +MUL0334 +SNG0562 +SNG1034 +MUL1646 +SNG01737 +PMUL1361 +PMUL3750 +PMUL1317 +PMUL0731 +WOZ20474 +PMUL1759 +SNG01988 +SNG0177 +PMUL3736 +PMUL4701 +MUL0916 +SNG1173 +PMUL4253 +PMUL0233 +SNG1074 +WOZ20326 +PMUL1908 +PMUL2657 +PMUL0442 +PMUL1401 +MUL2034 +SNG02113 +WOZ20212 +PMUL0560 +SNG02317 +SNG01977 +MUL1876 +PMUL2129 +MUL1048 +SNG01978 +PMUL4104 +MUL0701 +MUL2392 +PMUL1769 +WOZ20252 +SNG0105 +MUL1715 +PMUL2969 +MUL2071 +SNG0555 +MUL1451 +MUL0310 +PMUL0351 +PMUL0409 +PMUL0005 +WOZ20266 +PMUL2736 +PMUL4390 +PMUL1298 +PMUL2096 +PMUL1007 +PMUL0809 +MUL2543 +SNG0938 +PMUL2722 +MUL1583 +MUL0749 +PMUL0551 +SSNG0226 +PMUL3469 +SNG01794 +SNG1312 +MUL0846 +SSNG0363 +SSNG0299 +MUL0977 +PMUL0754 +MUL1685 +SNG1378 +MUL0872 +SSNG0289 +SNG01533 +MUL0557 +PMUL1993 +MUL1707 +PMUL3934 +PMUL0544 +PMUL1568 +WOZ20279 +PMUL0842 +PMUL1437 +MUL0407 +SNG01834 +PMUL4779 +SNG01869 +PMUL4361 +SSNG0179 +SNG0279 +MUL1473 +MUL2040 +WOZ20263 +MUL2540 +WOZ20399 +MUL1824 +MUL2047 +PMUL1084 +WOZ20668 +PMUL0723 +PMUL3765 +SSNG0233 +WOZ20389 +MUL1380 +SNG1277 +SNG01193 +PMUL2782 +PMUL4373 +PMUL3144 +MUL2178 +PMUL1603 +WOZ20435 +MUL0481 +WOZ20330 +SNG0965 +WOZ20485 +SNG02171 +PMUL2891 +PMUL2530 +MUL2356 +PMUL4869 +MUL1721 +PMUL0044 +MUL2623 +WOZ20079 +SNG01685 +PMUL4631 +MUL0303 +MUL1706 +SNG02007 +MUL0112 +SSNG0330 +MUL0414 +SNG1234 +PMUL4216 +MUL0282 +MUL1512 +PMUL0328 +SNG1130 +MUL2227 +PMUL1737 +SNG1296 +PMUL2222 +MUL0245 +MUL0392 +WOZ20094 +PMUL4367 +PMUL1725 +MUL0188 +MUL1072 +PMUL3206 +WOZ20356 +SNG01773 +PMUL1338 +MUL2613 +SNG0427 +MUL1445 +PMUL2256 +WOZ20371 +SNG0973 +MUL1725 +MUL2224 +PMUL1900 +SNG0225 +WOZ20430 +MUL0063 +PMUL1938 +PMUL4975 +SNG1205 +PMUL3404 +PMUL4730 +SNG0664 +MUL2607 +WOZ20438 +MUL0907 +PMUL4006 +MUL0566 +SNG0999 +PMUL0021 +SNG0071 +MUL1936 +PMUL2698 +PMUL1248 +SNG02281 +WOZ20099 +PMUL3058 +SNG01312 +PMUL3609 +MUL0394 +PMUL4787 +PMUL2542 +SNG02251 +PMUL4502 +PMUL1719 +MUL2166 +WOZ20614 +MUL1772 +SNG01198 +PMUL2890 +PMUL4574 +PMUL1095 +MUL1458 +PMUL4568 +PMUL0663 +PMUL1294 +MUL1325 +PMUL2373 +MUL1014 +PMUL1293 +WOZ20119 +SNG0180 +MUL1841 +MUL0339 +PMUL3807 +PMUL2511 +SNG01742 +SNG01531 +MUL2156 +MUL0204 +PMUL2789 +PMUL4681 +SNG0824 +PMUL0028 +SSNG0356 +PMUL4573 +SNG02129 +MUL1914 +PMUL0168 +MUL1698 +PMUL4544 +PMUL1972 +PMUL3517 +MUL2589 +MUL1007 +SNG0320 +MUL2048 +PMUL4565 +MUL1284 +SNG0074 +SSNG0357 +SSNG0030 +SNG02168 +SNG0035 +SSNG0328 +SNG01408 +PMUL1718 +MUL0162 +PMUL3501 +SNG0215 +PMUL2620 +MUL2262 +MUL0718 +PMUL3643 +SNG02271 +WOZ20256 +SNG0868 +PMUL3586 +PMUL3699 +PMUL4023 +SNG1195 +MUL1791 +PMUL3087 +MUL1186 +PMUL1162 +WOZ20422 +MUL0807 +PMUL4413 +MUL1999 +PMUL2068 +PMUL3120 +SSNG0316 +PMUL0271 +PMUL1897 +PMUL4575 +PMUL4204 +SNG01325 +PMUL2877 +PMUL3099 +MUL1877 +WOZ20228 +SNG01904 +MUL2323 +PMUL1396 +SNG1392 +SNG0925 +PMUL0951 +PMUL0677 +SNG01770 +SNG02283 +WOZ20098 +WOZ20425 +WOZ20172 +MUL2219 +SNG01668 +PMUL0852 +PMUL3900 +SNG0946 +SNG0063 +WOZ20437 +WOZ20638 +SNG02309 +PMUL1425 +MUL2010 +MUL0350 +WOZ20235 +MUL1771 +SNG02306 +SNG1051 +WOZ20216 +MUL2614 +PMUL0085 +MUL0145 +PMUL0302 +MUL2283 +PMUL3809 +MUL2438 +PMUL0370 +MUL2593 +PMUL2912 +PMUL1086 +MUL1822 +SNG0267 +MUL1577 +PMUL4189 +MUL2583 +SSNG0296 +PMUL2448 +PMUL3496 +PMUL3266 +SNG0013 +PMUL3774 +SSNG0103 +MUL0795 +SNG0511 +SNG0818 +PMUL1501 +PMUL0468 +PMUL0023 +PMUL3949 +PMUL4459 +MUL0443 +WOZ20230 +WOZ20423 +PMUL2677 +MUL1751 +PMUL0714 +PMUL2629 +SNG01890 +MUL0961 +SSNG0230 +SSNG0068 +SNG0757 +SNG0849 +PMUL0452 +MUL2681 +SNG1363 +PMUL1350 +PMUL4510 +PMUL1433 +WOZ20396 +MUL1372 +MUL1537 +PMUL2184 +WOZ20003 +SNG02159 +MUL0147 +SNG01179 +PMUL2132 +MUL2385 +PMUL2941 +MUL1373 +PMUL2347 +SNG1204 +SNG1192 +MUL0626 +MUL2297 +SNG0658 +PMUL2946 +PMUL1928 +PMUL3029 +MUL1452 +PMUL1449 +WOZ20543 +WOZ20168 +MUL0963 +MUL0200 +MUL2318 +PMUL0133 +PMUL3022 +PMUL2135 +MUL2331 +PMUL1372 +PMUL4700 +PMUL2270 +MUL2633 +SNG0948 +SSNG0393 +MUL1878 +PMUL2728 +SNG01932 +PMUL1351 +SNG1313 +PMUL1903 +MUL1522 +PMUL3696 +PMUL3024 +SSNG0027 +SSNG0394 +PMUL3528 +PMUL0651 +MUL2273 +SNG0884 +PMUL0734 +PMUL1491 +PMUL4101 +PMUL3658 +SNG01274 +WOZ20237 +MUL2610 +WOZ20482 +PMUL3019 +SNG0990 +MUL2278 +MUL0274 +PMUL3661 +SNG01169 +SNG0079 +PMUL4242 +MUL1536 +PMUL4458 +PMUL0346 +PMUL0924 +PMUL4460 +PMUL1262 +PMUL3018 +PMUL1858 +WOZ20506 +PMUL2133 +MUL1882 +WOZ20127 +WOZ20294 +MUL1907 +SSNG0354 +MUL1913 +MUL1065 +WOZ20200 +PMUL3500 +SSNG0010 +PMUL4058 +MUL1027 +PMUL3390 +PMUL4572 +SNG0205 +MUL0764 +PMUL4516 +PMUL4714 +SNG01316 +SNG01210 +SSNG0255 +SNG02204 +PMUL3814 +PMUL0219 +MUL2174 +MUL1404 +PMUL0493 +SSNG0048 +PMUL0305 +PMUL0408 +PMUL1954 +MUL2506 +PMUL1307 +WOZ20622 +SNG1302 +PMUL4071 +PMUL2950 +PMUL3473 +PMUL4682 +PMUL2868 +MUL1820 +MUL0438 +PMUL1080 +MUL2032 +PMUL1862 +MUL2650 +SNG0815 +MUL1101 +PMUL0491 +WOZ20254 +SNG02303 +PMUL0755 +PMUL2690 +PMUL2057 +PMUL1474 +SNG1393 +WOZ20499 +SNG0380 +PMUL0082 +PMUL1216 +PMUL3762 +PMUL3321 +SNG01203 +SNG01548 +PMUL2957 +PMUL1569 +PMUL4918 +MUL1562 +WOZ20148 +SNG0376 +SNG0953 +SNG02138 +MUL1400 +PMUL4856 +PMUL4705 +SNG0655 +PMUL4830 +PMUL0557 +SNG02233 +PMUL3566 +PMUL0254 +SNG0987 +WOZ20669 +WOZ20345 +WOZ20171 +PMUL0304 +WOZ20424 +MUL1529 +MUL0748 +PMUL4818 +WOZ20484 +PMUL2192 +MUL1750 +PMUL2858 +PMUL1596 +SNG0311 +MUL0291 +PMUL2465 +SSNG0329 +SNG0189 +MUL0480 +MUL2045 +PMUL2454 +SNG01826 +SSNG0237 +PMUL1040 +PMUL1198 +PMUL0106 +PMUL1391 +PMUL1597 +MUL0741 +WOZ20601 +PMUL1503 +SNG1282 +PMUL2951 +WOZ20213 +PMUL0825 +MUL0283 +PMUL3851 +SNG01494 +PMUL2414 +MUL0970 +PMUL4804 +PMUL4590 +PMUL3764 +MUL0561 +MUL0746 +SNG01255 +MUL2431 +PMUL4723 +SNG1072 +WOZ20057 +MUL1073 +PMUL1985 +SNG0409 +PMUL0419 +SNG0520 +SNG0053 +PMUL0098 +PMUL4320 +PMUL3650 +PMUL2732 +SNG0092 +PMUL0173 +PMUL0802 +MUL0999 +SNG0637 +SNG02162 +PMUL2344 +PMUL4175 +PMUL2189 +PMUL3089 +MUL1237 +PMUL2505 +PMUL4743 +PMUL0060 +MUL2399 +SNG02132 +WOZ20515 +PMUL4282 +MUL0037 +SSNG0228 +MUL1964 +PMUL2037 +WOZ20293 +WOZ20084 +MUL0781 +PMUL2885 +PMUL1607 +SSNG0250 +SNG0916 +WOZ20514 +WOZ20549 +MUL2084 +PMUL4404 +PMUL1364 +SNG01428 +MUL2336 +MUL2244 +WOZ20584 +MUL0518 +SSNG0392 +PMUL3739 +MUL2286 +SNG0403 +MUL1885 +PMUL2134 +MUL0194 +PMUL0138 +MUL1957 +PMUL1324 +WOZ20037 +WOZ20328 +PMUL1649 +PMUL1743 +SNG0853 +MUL0427 +PMUL1380 +MUL2398 +PMUL1058 +MUL1774 +SNG0963 +SNG01681 +SNG0415 +PMUL1085 +PMUL4609 +PMUL0235 +PMUL4740 +MUL2496 +SNG0882 +WOZ20292 +SNG01416 +SNG0685 +PMUL1287 +SSNG0180 +MUL0567 +PMUL4146 +PMUL4217 +PMUL1387 +SNG02270 +SSNG0367 +MUL2186 +MUL1948 +PMUL4442 +SSNG0288 +WOZ20556 +WOZ20618 +SNG0986 +PMUL1399 +SNG1168 +PMUL0306 +PMUL3471 +WOZ20473 +PMUL2534 +PMUL0195 +PMUL3822 +SNG01539 +SNG01995 +MUL0766 +SNG1107 +SNG0347 +PMUL1641 +WOZ20197 +MUL0459 +PMUL1097 +PMUL4249 +MUL1301 +PMUL2225 +PMUL3276 +PMUL0940 +SSNG0334 +SNG01410 +PMUL4935 +WOZ20267 +PMUL2815 +MUL1875 +PMUL4904 +WOZ20388 +SNG0618 +PMUL2779 +MUL0980 +WOZ20233 +WOZ20675 +MUL1602 +SNG1290 +SNG02026 +PMUL1381 +PMUL0946 +PMUL1554 +PMUL4043 +MUL2477 +PMUL4765 +PMUL0453 +MUL1129 +MUL0668 +PMUL4944 +PMUL4419 +PMUL2956 +PMUL0629 +MUL1863 +PMUL2112 +PMUL3086 +PMUL4851 +SNG01495 +SNG0364 +MUL1209 +SNG1200 +WOZ20234 +MUL2582 +MUL0098 +PMUL2650 +PMUL2065 +MUL1994 +MUL2434 +SNG0426 +MUL0103 +WOZ20031 +MUL2570 +PMUL1962 +PMUL2004 +PMUL1096 +SNG0784 +PMUL2265 +PMUL0422 +MUL1175 +SSNG0332 +PMUL3793 +PMUL3143 +SSNG0140 +SNG02225 +PMUL0112 +MUL2634 +WOZ20402 +PMUL0967 +PMUL1642 +PMUL0827 +SSNG0269 +PMUL0662 +WOZ20350 +PMUL3088 +MUL2125 +PMUL1670 +WOZ20579 +PMUL3718 +MUL0456 +MUL2363 +PMUL1807 +PMUL1456 +MUL0220 +WOZ20657 +SNG1259 +SNG01163 +PMUL0261 +PMUL3474 +PMUL3185 +WOZ20232 +PMUL2163 +WOZ20040 +SNG1206 +PMUL0125 +PMUL2569 +MUL1074 +MUL2205 +MUL1111 +MUL1104 +SNG1303 +MUL0647 +MUL1743 +PMUL0664 +PMUL2377 +PMUL0202 +PMUL2944 +PMUL4737 +MUL2429 +PMUL1574 +PMUL0841 +SSNG0142 +SNG01443 +MUL0799 +PMUL2323 +SSNG0042 +SNG02217 +MUL1548 +WOZ20290 +SNG02027 +SNG02136 +PMUL2488 +PMUL1941 +MUL0532 +PMUL2459 +WOZ20625 +PMUL3391 +WOZ20517 +PMUL2474 +PMUL0650 +MUL1043 +PMUL1531 +MUL1572 +SNG01642 +PMUL1313 +PMUL2934 +MUL2628 +SSNG0353 +PMUL1717 +PMUL0999 +SSNG0244 +PMUL0391 +WOZ20660 +SSNG0358 +SSNG0061 +WOZ20042 +WOZ20546 +SSNG0235 +WOZ20142 +PMUL3571 +SNG0009 +PMUL4652 +WOZ20639 +PMUL0368 +PMUL0439 +PMUL3510 +PMUL4684 +SNG0766 +MUL1300 +PMUL0145 +MUL0679 +SNG01633 +PMUL1485 +PMUL3617 +PMUL3272 +PMUL2098 +WOZ20470 +SNG0758 +MUL0667 +SNG02218 +WOZ20253 +PMUL2249 +PMUL4375 +MUL1802 +SNG0214 +SSNG0290 +WOZ20555 +PMUL0943 +SNG01158 +MUL0800 +WOZ20428 +PMUL0837 +PMUL1893 +MUL2661 +PMUL1553 +MUL0765 +WOZ20161 +SNG01905 +SNG01473 +PMUL1847 +PMUL2450 +MUL1120 +PMUL3180 +PMUL4020 +MUL0866 +PMUL4329 +PMUL1158 +MUL1181 +PMUL2854 +SNG0212 +SNG02263 +PMUL1507 +PMUL0737 +SNG0748 +PMUL2981 +WOZ20553 +MUL1681 +SNG01490 +SNG01599 +PMUL3970 +SNG02167 +SNG01882 +SNG1352 +PMUL3345 +PMUL1386 +PMUL1217 +PMUL1490 +MUL0885 +SNG0858 +MUL1741 +PMUL4600 +PMUL1840 +WOZ20390 +SNG01619 +SSNG0057 +SNG01498 +PMUL1855 +PMUL1777 +PMUL4188 +PMUL4203 +SNG0330 +SSNG0261 +PMUL0371 +SNG1123 +MUL2602 +MUL1510 +PMUL1301 +SNG0164 +PMUL4335 +SNG0254 +MUL2031 +SNG02041 +PMUL2735 +SNG1293 +SNG0233 +SNG01945 +PMUL1000 +SNG1151 +PMUL3199 +SNG0726 +SSNG0273 +SNG1251 +SSNG0335 +MUL0704 +PMUL4664 +MUL0987 +SSNG0355 +SNG1087 +WOZ20048 +PMUL3706 +PMUL0154 +PMUL2688 +PMUL2770 +MUL1528 +WOZ20361 +SNG01483 +PMUL4478 +PMUL4576 +PMUL2679 +SNG0291 +PMUL2856 +SNG1348 +PMUL3959 +MUL0786 +PMUL0939 +MUL2585 +SNG01446 +SNG1342 +PMUL0407 +SNG01342 +WOZ20373 +SNG01422 +PMUL2071 +SNG01507 +PMUL4805 +WOZ20255 +MUL1377 +PMUL2343 +PMUL1009 +PMUL2446 +PMUL0892 +MUL1889 +PMUL2138 +PMUL4087 +PMUL1426 +PMUL1231 +PMUL1448 +SNG1330 +MUL0853 +PMUL0086 +WOZ20631 +SNG1124 +SNG02147 +PMUL4407 +PMUL4159 +MUL1437 +SNG01161 +SNG1021 +PMUL0693 +SNG0929 +PMUL0715 +SNG0506 +PMUL0546 +PMUL4924 +PMUL4667 +PMUL3079 +PMUL3357 +PMUL0185 +PMUL0190 +PMUL0925 +PMUL3011 +WOZ20563 +MUL0380 +PMUL3753 +PMUL1416 +WOZ20135 +PMUL3507 +PMUL1062 +PMUL0425 +MUL0988 +MUL0470 +SNG0997 +SNG01281 +PMUL4221 +WOZ20420 +PMUL1508 +PMUL1619 +SNG02227 +SNG0251 +PMUL3472 +PMUL3526 +SSNG0040 +MUL0698 +PMUL4074 +PMUL3810 +PMUL3475 +PMUL2423 +PMUL1250 +WOZ20641 +MUL0331 +MUL1346 +MUL0390 +PMUL2327 +SNG01294 +WOZ20122 +PMUL4319 +PMUL4468 +SNG01275 +SNG01616 +SNG0570 +PMUL3201 +WOZ20502 +PMUL2284 +SNG02264 +SNG02239 +PMUL3691 +MUL1205 +SSNG0041 +PMUL4867 +PMUL4127 +MUL1912 +PMUL0059 +MUL0863 +WOZ20574 +PMUL4900 +SNG1028 +SNG0903 +SNG1395 +WOZ20140 +PMUL4245 +PMUL1064 +PMUL2397 +PMUL1252 +PMUL0983 +PMUL4646 +SNG1253 +PMUL1131 +PMUL1663 +MUL0118 +PMUL0426 +MUL1217 +PMUL2853 +MUL0572 +PMUL0040 +MUL1940 +MUL1371 +PMUL2345 +SNG0247 +WOZ20446 +WOZ20573 +PMUL2700 +PMUL2579 +WOZ20452 +MUL2435 +PMUL4727 +MUL1580 +SNG01164 +MUL0083 +SNG0549 +SNG1264 +SNG01871 +PMUL1965 +MUL2577 +PMUL4003 +PMUL4377 +PMUL0824 +PMUL0880 +SNG0707 +MUL1330 +SNG0605 +SNG0895 +SNG01883 +PMUL3003 +SNG02265 +SNG1219 +PMUL0107 +PMUL3248 +SNG02082 +SNG01429 +SNG0465 +MUL2006 +PMUL4758 +MUL0590 +PMUL3419 +SNG1186 +PMUL3330 +SNG0812 +PMUL1702 +PMUL3355 +PMUL2130 +PMUL3441 +PMUL2108 +SNG1189 +MUL0618 +PMUL2645 +MUL2420 +SNG0774 +WOZ20575 +PMUL2040 +MUL1788 +SNG0950 +WOZ20280 +PMUL3181 +SNG0544 +PMUL4350 +PMUL3578 +PMUL0388 +SNG1170 +PMUL4764 +MUL2476 +PMUL0591 +MUL0856 +SSNG0272 +MUL1621 +PMUL3860 +MUL0832 +PMUL3556 +PMUL1841 +SNG01537 +PMUL1693 +SNG0517 +PMUL0854 +PMUL0053 +PMUL3067 +PMUL3446 +SNG1032 +MUL1394 +SNG1185 +PMUL3666 +PMUL0101 +MUL2641 +SNG1286 +SSNG0206 +PMUL4393 +SSNG0121 +WOZ20605 +WOZ20145 +MUL1484 +MUL0636 +PMUL0257 +PMUL3009 +MUL0033 +SNG0478 +MUL2059 +SNG01573 +PMUL0113 +MUL1253 +SNG01569 +WOZ20372 +SNG02069 +SNG0750 +SNG0763 +PMUL1658 +PMUL2871 +SSNG0053 +PMUL2156 +PMUL2243 +PMUL1671 +MUL2124 +SNG0546 +PMUL1068 +PMUL2142 +MUL1891 +PMUL4213 +PMUL3139 +PMUL3209 +SNG1165 +WOZ20021 +PMUL0855 +PMUL4991 +PMUL0268 +WOZ20560 +PMUL3657 +PMUL3440 +SSNG0039 +MUL1573 +SNG0393 +SNG1278 +MUL0136 +PMUL3712 +SNG1191 +MUL1631 +MUL0102 +WOZ20510 +PMUL1708 +WOZ20153 +MUL0525 +SNG0847 +PMUL1126 +MUL0646 +PMUL4121 +MUL1149 +MUL2337 +SNG0957 +MUL2455 +PMUL2952 +PMUL2831 +SNG01771 +SNG0103 +SNG0971 +WOZ20083 +PMUL2245 +WOZ20139 +PMUL1224 +WOZ20408 +PMUL0583 +SSNG0254 +PMUL3505 +PMUL3896 +SNG02134 +PMUL3287 +SNG02051 +MUL2306 +SNG0186 +PMUL1312 +PMUL1595 +SNG1276 +SNG01280 +PMUL2790 +PMUL1950 +PMUL1434 +SNG01215 +MUL0158 +SSNG0342 +PMUL0234 +SNG0743 +SNG0257 +SNG01660 +PMUL1572 +SNG0854 +SNG01199 +MUL1282 +SNG0250 +SNG0602 +SNG0265 +SNG1396 +MUL0216 +MUL1216 +SNG0295 +PMUL1127 +MUL0025 +SNG1299 +PMUL0735 +PMUL0992 +PMUL4989 +PMUL0778 +SNG01476 +MUL0864 +MUL0231 +SNG0970 +SSNG0339 +SNG1005 +PMUL2960 +SNG0577 +PMUL2879 +MUL2425 +SNG1210 +PMUL4795 +PMUL4421 +PMUL1870 +MUL2557 +PMUL2509 +PMUL4876 +SSNG0050 +PMUL0917 +SSNG0014 +PMUL0274 +MUL0159 +PMUL3063 +PMUL0933 +SNG1060 +PMUL2038 +SNG0003 +PMUL0530 +WOZ20516 +SNG1294 +MUL1653 +SSNG0149 +SNG0667 +MUL2687 +PMUL4222 +WOZ20239 +SNG1172 +PMUL1505 +WOZ20414 +PMUL2485 +PMUL1146 +SNG0452 +SNG02060 +SNG1329 +PMUL0483 +SNG01162 +WOZ20599 +PMUL4855 +MUL1519 +SNG01447 +MUL1869 +PMUL2118 +PMUL4843 +SNG0115 +MUL1331 +SNG1120 +SNG1321 +MUL0884 +SNG01998 +SNG01396 +PMUL3114 +MUL0911 +PMUL1513 +WOZ20160 +MUL0150 +PMUL1141 +WOZ20049 +PMUL0708 +PMUL3687 +PMUL4324 +SNG0593 +SNG0595 +PMUL1153 +MUL1324 +PMUL0366 +PMUL3698 +SSNG0123 +PMUL3078 +PMUL4117 +PMUL1388 +PMUL3915 +SSNG0044 +PMUL3429 +PMUL3638 +SNG0695 +SNG0119 +MUL2450 +SSNG0256 +PMUL3856 +MUL0250 +MUL0295 +PMUL3447 +MUL0693 +PMUL3119 +PMUL2907 +PMUL0381 +MUL0630 +WOZ20612 +SNG0873 +SNG1370 +PMUL3326 +WOZ20568 +PMUL3794 +MUL1366 +PMUL2352 +MUL1075 +PMUL1382 +PMUL4103 +PMUL4863 +SNG0050 +SNG0195 +WOZ20143 +PMUL1551 +WOZ20023 +PMUL0011 +SNG01639 +WOZ20144 +PMUL0860 +PMUL2993 +PMUL0699 +SNG1157 +PMUL0840 +MUL2123 +MUL1252 +MUL2011 +MUL0001 +SNG01513 +SNG01861 +SNG01874 +MUL1312 +PMUL2242 +SNG01358 +MUL0437 +PMUL0497 +WOZ20590 +SNG1292 +PMUL2226 +SNG02050 +PMUL1201 +PMUL3833 +PMUL2329 +SNG0972 +PMUL2164 +MUL0410 +PMUL4604 +SSNG0331 +SNG0070 +WOZ20458 +PMUL2453 +SNG0648 +PMUL1125 +SNG0710 +SNG1375 +SNG0275 +MUL0725 +PMUL4479 +SNG0749 +PMUL0022 +PMUL0576 +MUL0826 +SNG1368 +MUL1717 +SSNG0036 +PMUL0905 +MUL0717 +PMUL2628 +SNG1179 +PMUL4655 +PMUL4811 +PMUL3477 +SNG0027 +MUL0535 +MUL0138 +PMUL2438 +PMUL2546 +PMUL1761 +PMUL0179 +SSNG0126 +PMUL4112 +MUL2696 +SNG0072 +WOZ20521 +PMUL0340 +SNG01654 +PMUL2089 +PMUL4647 +PMUL0326 +SNG02286 +PMUL3075 +WOZ20542 +PMUL3619 +SNG01828 +MUL2021 +PMUL1808 +SSNG0159 +SNG0631 +PMUL4370 +WOZ20136 +SNG1223 +PMUL3108 +SNG02161 +SSNG0059 +MUL1757 +PMUL3745 +SNG01605 +MUL2524 +MUL1185 +SSNG0321 +PMUL2258 +PMUL0163 +SNG0461 +MUL2113 +MUL0727 +SNG01209 +SNG01319 +SSNG0227 +MUL1387 +MUL0171 +MUL0640 +MUL0857 +SNG1263 +PMUL0418 +SNG1252 +PMUL4874 +MUL0075 +PMUL2514 +PMUL0753 +SNG0123 +SNG1358 +MUL2422 +SSNG0349 +MUL1984 +WOZ20217 +WOZ20159 +SNG0124 +MUL2007 +MUL0259 +WOZ20221 +MUL0486 +MUL2093 +PMUL4550 +MUL1641 +WOZ20305 +MUL1979 +PMUL4615 +SNG01200 +PMUL2148 +PMUL0516 +PMUL1680 +PMUL0519 +MUL0983 +PMUL0637 +MUL1290 +SSNG0266 +PMUL3436 +SSNG0174 +PMUL4214 +SNG0160 +MUL0991 +PMUL2591 +SNG01397 +PMUL2830 +PMUL0476 +SNG01414 +SNG0728 +MUL0167 +MUL1960 +PMUL2033 +SNG02187 +PMUL3857 +WOZ20249 +PMUL1465 +MUL0442 +MUL0615 +PMUL0052 +PMUL0684 +MUL0542 +MUL0059 +MUL2154 +MUL2594 +PMUL3183 +PMUL1582 +MUL2584 +PMUL4624 +PMUL2321 +PMUL2809 +PMUL1618 +MUL1421 +PMUL4028 +WOZ20366 +MUL1085 +PMUL2211 +PMUL2828 +MUL1449 +SNG0474 +PMUL1343 +PMUL3993 +SNG1081 +MUL1793 +SNG1217 +MUL1431 +MUL1287 +WOZ20419 +MUL2265 +PMUL1275 +MUL0285 +MUL0092 +MUL0010 +SNG01192 +PMUL4376 +SNG01860 +SNG01361 +SSNG0386 +PMUL0319 +SNG02254 +PMUL4733 +SNG1044 +PMUL2479 +SNG01256 +WOZ20202 +SNG0525 +MUL1608 +SNG0878 +PMUL1220 +PMUL4395 +SNG1153 +PMUL1371 +SNG1175 +PMUL2030 +PMUL0324 +MUL1313 +MUL2131 +SNG0575 +PMUL0901 +SNG02087 +SSNG0286 +MUL2260 +PMUL4208 +PMUL3502 +WOZ20286 +SNG0959 +PMUL1709 +PMUL3898 +SNG0363 +MUL1250 +PMUL2331 +MUL1630 +SSNG0154 +PMUL4968 +SNG1040 +PMUL1845 +PMUL2753 +PMUL4690 +MUL1810 +SNG01618 +PMUL3487 +PMUL2426 +MUL1921 +WOZ20409 +SSNG0111 +MUL0732 +SNG1244 +MUL2397 +WOZ20386 +PMUL2811 +MUL1749 +SNG0148 +SNG0800 +SNG1391 +PMUL2359 +PMUL2605 +PMUL4241 +PMUL4308 +SNG02009 +PMUL1130 +SNG0725 +SNG1337 +MUL2194 +PMUL3889 +PMUL1378 +MUL1735 +PMUL1044 +PMUL0766 +SNG01885 +PMUL4872 +MUL1164 +SSNG0390 +MUL1494 +WOZ20011 +PMUL3519 +PMUL2674 +MUL1329 +SNG1188 +SNG01157 +MUL0074 +SNG01435 +SSNG0275 +MUL2651 +PMUL1863 +MUL1781 +MUL1135 +PMUL4207 +SNG0470 +SNG01653 +SSNG0173 +SNG0252 +PMUL4180 +PMUL2152 +MUL2185 +PMUL1610 +WOZ20652 +WOZ20327 +SSNG0120 +PMUL0245 +PMUL0527 +SSNG0274 +SSNG0229 +SNG01470 +WOZ20596 +SNG01769 +SSNG0127 +MUL0119 +SNG01283 +PMUL4621 +MUL0649 +MUL1188 +MUL0325 +MUL0804 +PMUL1119 +SSNG0058 +MUL2367 +PMUL1803 +PMUL3504 +PMUL3060 +PMUL2820 +PMUL0865 +WOZ20375 +WOZ20449 +SSNG0088 +SNG1096 +WOZ20073 +SSNG0303 +MUL0521 +PMUL4409 +PMUL1039 +WOZ20020 +WOZ20374 +WOZ20329 +PMUL3781 +PMUL0424 +MUL2451 +WOZ20027 +SNG1301 +SNG01688 +MUL1868 +SNG01250 +SSNG0172 +SNG01942 +SNG01931 +PMUL4990 +SNG1364 +PMUL2694 +MUL0266 +SNG1397 +WOZ20369 +SNG1138 +WOZ20600 +PMUL4380 +PMUL1362 +SNG01701 +PMUL3958 +WOZ20188 +SNG01167 +PMUL2047 +PMUL0909 +PMUL4929 +PMUL3845 +PMUL2063 +MUL1992 +PMUL2998 +PMUL1766 +MUL2133 +SNG0906 +MUL2509 +PMUL2171 +SNG1351 +MUL0606 +SNG0355 +PMUL1225 +MUL2517 +PMUL0055 +PMUL1800 +MUL2364 +MUL1170 +PMUL1341 +SNG0646 +WOZ20072 +PMUL0345 +SNG01565 +SNG01189 +SNG1377 +SSNG0285 +SNG0167 +PMUL3280 +SNG01238 +MUL0998 +SNG0988 +MUL1218 +PMUL3653 +PMUL1073 +SSNG0046 +PMUL3104 +SSNG0028 +PMUL2461 +SNG1228 +PMUL2742 +SNG1359 +PMUL3281 +PMUL4934 +PMUL3211 +PMUL4297 +PMUL2794 +PMUL0648 +MUL1291 +MUL1032 +SNG0243 +PMUL3130 +MUL1041 +MUL2203 +SNG01921 +PMUL3582 +SNG0819 +PMUL1237 +PMUL1589 +SNG0612 +MUL2407 +WOZ20087 +WOZ20146 +SNG02135 +PMUL1363 +PMUL4858 +SSNG0128 +SNG0036 +PMUL4041 +MUL1062 +MUL1210 +SNG0499 +MUL0235 +MUL2617 +PMUL1825 +PMUL3618 +WOZ20667 +MUL0488 +PMUL2411 +PMUL0656 +WOZ20176 +SNG01635 +MUL0825 +SSNG0219 +PMUL2710 +PMUL2855 +SNG1310 +SNG1233 +PMUL3443 +WOZ20028 +PMUL0413 +MUL2036 +MUL0547 +MUL0860 +PMUL0170 +MUL1931 +PMUL2845 +SSNG0345 +PMUL3686 +MUL1001 +WOZ20354 +MUL2310 +MUL2094 +PMUL4019 +SNG01886 +PMUL1022 +SSNG0391 +MUL1397 +WOZ20150 +SNG02199 +SSNG0009 +PMUL0482 +SNG0089 +MUL1922 +PMUL2774 +SNG01572 +SNG02301 +PMUL4861 +MUL1729 +PMUL1010 +WOZ20319 +MUL0156 +SNG0887 +SNG0635 +SNG0816 +PMUL3522 +MUL2075 +PMUL4018 +MUL0040 +SNG1381 +PMUL2246 +SNG0106 +SNG01303 +PMUL0001 +PMUL3214 +SSNG0170 +SNG1319 +WOZ20245 +PMUL2590 +WOZ20187 +MUL1842 +WOZ20646 +PMUL0217 +SNG0729 +SSNG0277 +MUL1830 +MUL1902 +WOZ20291 +MUL1416 +MUL2192 +MUL1423 +MUL2492 +PMUL4709 +SNG0662 +MUL0664 +MUL0931 +PMUL4829 +WOZ20297 +PMUL4803 +PMUL4261 +SSNG0075 +PMUL2976 +PMUL3457 +PMUL1877 +PMUL1714 +SNG0789 +MUL2621 +PMUL1348 +MUL1728 +PMUL4860 +WOZ20070 +SNG0864 +SNG02247 +MUL0009 +PMUL0390 +PMUL4298 +MUL2115 +PMUL1689 +PMUL0748 +PMUL2639 +PMUL3499 +PMUL1519 +WOZ20445 +PMUL1515 +SNG0619 +WOZ20377 +PMUL2614 +PMUL2777 +SNG0194 +SNG0144 +MUL1244 +MUL2088 +MUL0166 +PMUL0401 +MUL2018 +PMUL2264 +PMUL3361 +SNG0240 +WOZ20400 +SSNG0293 +PMUL2299 +PMUL4807 +PMUL4931 +PMUL3621 +PMUL1912 +MUL2236 +WOZ20459 +PMUL4953 +MUL0697 +MUL2408 +SNG0488 +MUL1538 +SNG02086 +MUL0685 +MUL0499 +SNG01564 +PMUL0105 +MUL1812 +PMUL1977 +SNG1159 +PMUL2280 +MUL0487 +PMUL3902 +MUL0294 +SNG1112 +SSNG0387 +PMUL2702 +SNG01338 +PMUL3623 +SNG0192 +PMUL1285 +PMUL1733 +MUL2188 +WOZ20393 +PMUL2577 +SSNG0313 +WOZ20616 +PMUL2630 +PMUL0645 +PMUL3340 +PMUL1760 +MUL2243 +MUL1479 +MUL1601 +PMUL2355 +MUL1361 +MUL1755 +MUL0292 +PMUL2911 +PMUL1767 +MUL1591 +PMUL2901 +PMUL2381 +PMUL3131 +SNG01779 +PMUL2537 +MUL1004 +SNG0607 +PMUL1646 +MUL2170 +SNG1169 +WOZ20541 +PMUL2466 +SNG01570 +WOZ20644 +SNG01705 +MUL0545 +PMUL1940 +WOZ20130 +WOZ20287 +MUL1672 +PMUL4295 +MUL2087 +SNG02190 +MUL1980 +MUL0180 +MUL1327 +SNG0481 +SNG0787 +SNG0034 +SNG01439 +PMUL2155 +PMUL2761 +PMUL4889 +MUL1213 +MUL0043 +PMUL2283 +PMUL3681 +MUL2208 +PMUL1924 +PMUL2293 +MUL2128 +SNG1332 +SNG0852 +SNG0734 +MUL1959 +PMUL2028 +SSNG0054 +SNG02310 +MUL1861 +PMUL2110 +MUL1845 +MUL1748 +MUL0446 +PMUL1144 +SNG1144 +WOZ20595 +PMUL2149 +SNG1110 +SSNG0152 +SSNG0370 +WOZ20229 +PMUL0709 +PMUL1011 +PMUL1734 +PMUL1261 +MUL0526 +PMUL2014 +MUL1495 +MUL2695 +WOZ20322 +PMUL4895 +SNG01682 +SNG0179 +MUL0639 +SNG01716 +SNG0628 +PMUL1695 +MUL0015 +WOZ20154 +WOZ20526 +SNG01234 +PMUL0878 +PMUL0395 +PMUL2706 +PMUL1793 +WOZ20451 +PMUL2895 +PMUL4410 +MUL2076 +MUL0471 +SNG0504 +MUL2426 +MUL1782 +WOZ20270 +SNG01301 +MUL0123 +MUL2412 +PMUL1927 +PMUL0816 +PMUL2808 +PMUL4507 +SNG0083 +PMUL3533 +PMUL0427 +PMUL4334 +PMUL1794 +PMUL3829 +PMUL4893 +PMUL0891 +SSNG0262 +SNG01708 +SSNG0125 +PMUL2303 +SNG01951 +SNG0977 +MUL0797 +PMUL1079 +SNG0031 +PMUL3212 +PMUL3386 +PMUL3967 +SNG0419 +PMUL4162 +PMUL0638 +SNG1160 +PMUL2643 +SNG0944 +PMUL0478 +MUL1444 +SNG1382 +MUL2339 +PMUL1102 +SSNG0133 +SNG01776 +MUL1314 +SSNG0213 +SNG0860 +PMUL0784 +PMUL4013 +PMUL3790 +WOZ20362 +PMUL2936 +PMUL2916 +WOZ20025 +SNG01612 +PMUL3431 +SNG0200 +SNG02183 +SNG1080 +MUL0121 +SNG0337 +WOZ20314 +SSNG0205 +SNG0375 +SNG0400 +MUL1447 +MUL1141 +MUL1315 +SNG0135 +PMUL3367 +PMUL1585 +PMUL1792 +SNG01413 +MUL2550 +PMUL1906 +PMUL0534 +PMUL1003 +SNG0407 +MUL0949 +MUL0778 +PMUL3975 +PMUL0115 +PMUL0702 +WOZ20033 +PMUL4936 +MUL0935 +WOZ20313 +PMUL0985 +PMUL0610 +PMUL2160 +MUL2554 +PMUL1314 +PMUL2216 +MUL1082 +PMUL0308 +MUL2655 +SNG0543 +WOZ20647 +MUL1892 +PMUL2141 +SNG01918 +SNG01304 +PMUL1730 +PMUL1716 +SNG1366 +PMUL2360 +MUL1354 +MUL1504 +PMUL4454 +MUL0829 +SSNG0215 +PMUL3542 +MUL2215 +PMUL4278 +SSNG0380 +MUL0619 +SNG02030 +PMUL0767 +MUL1251 +PMUL1260 +SNG01689 +MUL2374 +PMUL1818 +MUL0531 +MUL0278 +PMUL1092 +SNG01920 +MUL0497 +SNG1163 +SNG0178 +PMUL3221 +PMUL3319 +PMUL2495 +WOZ20315 +PMUL1006 +MUL2264 +PMUL2566 +MUL0595 +PMUL0382 +SNG1271 +PMUL1824 +MUL2616 +MUL0762 +MUL1520 +MUL1513 +WOZ20653 +PMUL4663 +PMUL1561 +MUL0926 +PMUL3839 +PMUL1030 +SNG01881 +PMUL0661 +PMUL3226 +SNG0306 +PMUL0761 +MUL1696 +MUL1206 +MUL1179 +WOZ20604 +PMUL4476 +MUL2504 +PMUL4886 +MUL1846 +SNG02122 +SNG02334 +PMUL0295 +PMUL2545 +SNG01814 +PMUL0667 +PMUL1164 +PMUL0773 +PMUL3700 +PMUL1038 +PMUL4651 +SNG1354 +PMUL0272 +SSNG0270 +SNG0287 +PMUL1547 +WOZ20655 +PMUL4174 +SNG0173 +SNG0615 +PMUL4110 +PMUL2963 +PMUL3492 +PMUL1305 +PMUL4771 +PMUL0008 +SNG02255 +PMUL3220 +SSNG0066 +MUL1713 +SNG01392 +PMUL0606 +PMUL4270 +MUL0756 +PMUL4027 +PMUL0817 +SSNG0184 +PMUL3572 +MUL0358 +MUL1051 +MUL0946 +PMUL0392 +PMUL2889 +PMUL4147 +WOZ20370 +SNG0294 +MUL0805 +SNG1267 +PMUL0507 +WOZ20492 +PMUL1414 +MUL2488 +PMUL0843 +MUL2635 +MUL1533 +SNG02277 +PMUL2573 +PMUL4009 +PMUL0964 +SNG02097 +MUL2221 +PMUL2977 +SSNG0314 +PMUL2390 +SNG02266 +SNG02231 +PMUL3813 +SNG02224 +MUL1123 +PMUL2498 +PMUL2743 +PMUL3288 +PMUL4149 +MUL0948 +SSNG0005 +SNG1098 +SNG1398 +PMUL1989 +PMUL2714 +PMUL0054 +PMUL4158 +SNG0174 +SNG0880 +PMUL4322 +MUL0184 +PMUL2888 +SNG0037 +PMUL1244 +SNG0377 +SNG01709 +SSNG0364 +PMUL2050 +MUL1987 +MUL1785 +MUL1316 +SNG01800 +PMUL0700 +PMUL1471 +SNG01696 +MUL2068 +MUL1219 +SNG02304 +SSNG0212 +PMUL0595 +PMUL4769 +MUL0548 +SSNG0276 +WOZ20105 +SNG01532 +PMUL2745 +WOZ20335 +MUL1942 +PMUL4437 +PMUL4038 +WOZ20624 +MUL2196 +MUL2645 +PMUL1633 +SNG1367 +SSNG0295 +PMUL3103 +PMUL3874 +SNG01487 +MUL0441 +PMUL0542 +SNG01968 +PMUL3721 +SNG01729 +WOZ20312 +PMUL3579 +PMUL4940 +MUL2627 +MUL1214 +MUL1521 +SNG1343 +PMUL1478 +MUL2027 +PMUL0975 +PMUL2182 +SNG0745 +PMUL1765 +SNG0534 +PMUL0290 +PMUL0146 +PMUL4822 +PMUL4712 +SNG01302 +PMUL1664 +SNG0558 +SNG0592 +WOZ20395 +MUL1779 +SNG01305 +PMUL4849 +SNG0677 +PMUL3071 +MUL2478 +PMUL2564 +PMUL3274 +SNG02144 +MUL2388 +PMUL3670 +PMUL1773 +SNG01887 +WOZ20208 +PMUL0614 +PMUL4271 +PMUL2292 +PMUL4184 +MUL2299 +SSNG0341 +SSNG0208 +MUL2350 +MUL2149 +PMUL3876 +MUL0938 +PMUL2584 +PMUL4381 +PMUL3318 +PMUL2526 +SNG0947 +MUL1864 +MUL0030 +PMUL3227 +MUL1687 +MUL2150 +PMUL1627 +MUL2252 +PMUL0826 +PMUL2632 +PMUL4611 +PMUL0926 +SNG02095 +SSNG0307 +PMUL3259 +WOZ20241 +PMUL2873 +WOZ20308 +SNG01717 +SSNG0080 +PMUL4962 +SNG01259 +PMUL2734 +SSNG0322 +SNG0230 +PMUL3402 +PMUL0920 +PMUL1532 +PMUL4703 +PMUL0479 +MUL1539 +PMUL1124 +PMUL1913 +SNG1196 +PMUL0625 +PMUL4888 +SNG02230 +SNG0302 +SNG01563 +PMUL3904 +PMUL0866 +PMUL0153 +PMUL2043 +SNG01489 +WOZ20180 +PMUL2633 +PMUL4113 +PMUL0799 +SNG01562 +PMUL4529 +MUL1093 +PMUL0966 +MUL0585 +PMUL3627 +SNG0791 +PMUL1860 +MUL2652 +PMUL3679 +PMUL4537 +MUL0608 +MUL2153 +WOZ20621 +MUL0705 +PMUL2499 +PMUL4072 +MUL1279 +PMUL0644 +PMUL1082 +SSNG0073 +PMUL2318 +MUL2143 +SNG0894 +PMUL3136 +MUL1896 +SNG01336 +PMUL1265 +SSNG0280 +WOZ20301 +MUL2547 +PMUL1915 +MUL2349 +PMUL4937 +MUL0758 +SNG1324 +PMUL2658 +PMUL3302 +PMUL4760 +PMUL0719 +SNG1379 +PMUL3137 +PMUL4493 +WOZ20341 +PMUL2445 +SNG0408 +PMUL3148 +PMUL1907 +MUL2551 +MUL1177 +SNG1356 +SNG1207 +PMUL3205 +PMUL0104 +PMUL3305 +MUL0349 +WOZ20380 +MUL1817 +SNG0229 +PMUL0642 +PMUL3568 +PMUL0703 +PMUL2900 +PMUL0867 +SNG01469 +PMUL4735 +PMUL3317 +SNG1079 +MUL0247 +PMUL1189 +PMUL3176 +MUL2539 +PMUL1379 +SNG01330 +PMUL0102 +PMUL1601 +WOZ20603 +SNG0708 +WOZ20469 +SNG0154 +PMUL4111 +PMUL4992 +MUL1558 +SNG0149 +MUL2642 +SNG01481 +PMUL4837 +SNG0394 +PMUL2317 +PMUL4883 +PMUL0995 +SNG0052 +SNG0778 +MUL0616 +PMUL4330 +MUL1021 +PMUL0047 +PMUL2332 +PMUL1576 +MUL2555 +PMUL0144 +PMUL3303 +PMUL3256 +SNG0967 +SNG0788 +SNG0676 +MUL1454 +PMUL0123 +SNG0449 +PMUL2731 +SNG01180 +PMUL3631 +PMUL3298 +SNG01398 +MUL1547 +MUL0255 +MUL1714 +MUL1154 +PMUL0297 +SNG1182 +SNG0802 +SNG1211 +SNG0298 +PMUL0851 +PMUL1043 +PMUL1535 +MUL0927 +PMUL2553 +MUL0258 +MUL2576 +PMUL4444 +SNG0460 +SNG01291 +MUL1225 +SNG1009 +SNG1131 +PMUL3789 +MUL0782 +PMUL3916 +SNG02101 +SNG1347 +WOZ20589 +PMUL1898 +PMUL0971 +MUL1640 +PMUL1873 +PMUL1799 +MUL1270 +SNG0117 +PMUL0169 +PMUL2619 +PMUL4201 +MUL1068 +SNG0232 +SNG01233 +SNG1053 +SNG0373 +SNG1224 +PMUL1534 +SNG01744 +MUL0940 +PMUL0322 +SNG1013 +SSNG0026 +SNG0564 +MUL1178 +MUL0359 +WOZ20066 +SNG02197 +PMUL0298 +SSNG0361 +MUL1599 +WOZ20592 +MUL0688 +PMUL4788 +PMUL4496 +MUL2520 +PMUL0619 +PMUL4560 +PMUL0141 +PMUL4286 +SNG1208 +PMUL4915 +SSNG0139 +SNG02305 +MUL0506 +SNG1362 +MUL1395 +PMUL0353 +SNG01364 +MUL0898 +SNG01444 +PMUL0480 +SNG01194 +WOZ20126 +SNG01892 +SNG02111 +SNG0170 +MUL1311 +MUL1176 +SSNG0004 +PMUL2420 +SSNG0181 +WOZ20261 +PMUL1581 +SNG02269 +PMUL2094 +SNG1227 +MUL0879 +PMUL1523 +SNG01831 +WOZ20298 +PMUL4932 +MUL1384 +SNG01788 +SNG02100 +SNG1230 +SNG0107 +WOZ20039 +PMUL3134 +PMUL2567 +PMUL4649 +SNG1149 +SNG02063 +WOZ20351 +SNG01337 +PMUL4150 +SNG0093 +SNG01393 +SNG01449 +WOZ20134 +SSNG0197 +WOZ20104 +PMUL0379 +MUL1467 +MUL0416 +PMUL3467 +SNG0032 +MUL1310 +MUL0405 +MUL2280 +PMUL1070 +PMUL3895 +SNG0237 +SSNG0089 +MUL2101 +PMUL1694 +PMUL0014 +SNG0010 +SNG01836 +PMUL2267 +MUL2458 +PMUL3589 +PMUL1961 +MUL2573 +MUL1890 +SNG0196 +WOZ20307 +MUL2055 +PMUL4596 +WOZ20610 +PMUL2571 +PMUL3076 +MUL1263 +SNG0917 +WOZ20281 +MUL1974 +PMUL3693 +PMUL4966 +WOZ20533 +SNG0366 +PMUL1394 +PMUL1299 +WOZ20189 +PMUL4293 +SSNG0095 +MUL2631 +PMUL1481 +SNG01841 +MUL2132 +PMUL3191 +SNG1084 +PMUL4128 +PMUL4770 +PMUL2034 +MUL0006 +SNG0974 +PMUL2939 +PMUL2079 +WOZ20376 +MUL1317 +MUL0186 +SNG02173 +PMUL0810 +MUL1033 +WOZ20460 +PMUL1336 +PMUL3438 +PMUL2539 +WOZ20522 +PMUL2371 +SNG01307 +PMUL4118 +SNG01809 +WOZ20236 +SNG0992 +SSNG0216 +WOZ20302 +PMUL1536 +PMUL0694 +PMUL0811 +PMUL2388 +SNG0413 +SNG0912 +PMUL0881 +MUL0314 +WOZ20054 +PMUL0503 +MUL2030 +PMUL0962 +PMUL1943 +SNG0421 +SNG01278 +SNG01817 +PMUL4595 +MUL2056 +PMUL3065 +SNG1325 +SNG01785 +SNG02148 +WOZ20404 +SNG01315 +SNG1010 +SNG02068 +MUL1089 +PMUL3939 +MUL1925 +PMUL4650 +MUL0578 +SNG02318 +MUL2460 +PMUL4776 +MUL0160 +MUL2558 +MUL2253 +SNG0838 +PMUL0357 +PMUL3758 +PMUL2517 +WOZ20316 +PMUL3427 +SNG0025 +PMUL2122 +PMUL2663 +MUL2406 +PMUL0396 +SNG01246 +WOZ20620 +PMUL4656 +PMUL4796 +PMUL1083 +PMUL0065 +PMUL4230 +MUL0111 +MUL0854 +PMUL1679 +PMUL1281 +PMUL3322 +PMUL3070 +MUL1932 +PMUL3780 +PMUL3420 +PMUL4970 +PMUL3435 +PMUL3008 +MUL2667 +WOZ20203 +PMUL2827 +MUL0164 +SNG0492 +PMUL3454 +SNG0696 +MUL1826 +SNG0382 +MUL2327 +MUL0419 +PMUL4570 +PMUL4677 +MUL0201 +WOZ20407 +PMUL4917 +SNG0776 +SNG01388 +PMUL2816 +PMUL2671 +MUL2527 +MUL0859 +MUL2561 +PMUL2170 +MUL2142 +SNG0029 +MUL2394 +MUL1691 +MUL1086 +SNG01578 +MUL0155 +PMUL4275 +MUL1102 +MUL0579 +PMUL3223 +PMUL4391 +PMUL0884 +PMUL4961 +PMUL0147 +WOZ20304 +WOZ20244 +PMUL0710 +SNG1067 +PMUL3353 +SSNG0017 +SNG0125 +PMUL0140 +MUL2062 +PMUL4587 +MUL1559 +SSNG0003 +SSNG0171 +MUL0110 +SNG02339 +SSNG0182 +PMUL0823 +MUL0620 +MUL1865 +PMUL2114 +PMUL1726 +SNG02314 +MUL1767 +MUL2069 +MUL0736 +PMUL4472 +MUL2169 +PMUL1634 +WOZ20524 +PMUL3382 +SNG0473 +PMUL4971 +MUL2433 +PMUL3690 +PMUL2974 +PMUL3153 +PMUL3952 +PMUL4260 +PMUL2730 +WOZ20117 +MUL0605 +SSNG0378 +WOZ20103 +SNG1094 +WOZ20071 +MUL0820 +SNG0434 +SNG1056 +MUL2441 +SNG0489 +PMUL1849 +WOZ20585 +WOZ20078 +PMUL3154 +SNG0683 +PMUL4689 +MUL2528 +MUL1443 +PMUL4081 +PMUL3237 +MUL2081 +SNG0231 +PMUL1558 +PMUL2048 +MUL0783 +SNG01757 +PMUL1212 +SNG0236 +WOZ20411 +WOZ20278 +MUL0347 +PMUL2117 +MUL1866 +MUL1629 +SNG0147 +MUL2370 +SNG0309 +PMUL0201 +SSNG0141 +PMUL3968 +MUL1637 +MUL0254 +WOZ20045 +SNG1350 +SNG02092 +PMUL2583 +MUL0932 +MUL1155 +SSNG0072 +SSNG0033 +PMUL1056 +MUL2403 +SNG0467 +MUL0477 +PMUL4144 +WOZ20418 +PMUL3152 +PMUL3007 +MUL0408 +PMUL2523 +PMUL4810 +PMUL0812 +PMUL0531 +PMUL0585 +MUL0133 +PMUL0915 +WOZ20663 +WOZ20041 +SNG01997 +PMUL2932 +SNG02014 +MUL1639 +SSNG0167 +PMUL3483 +WOZ20504 +SNG01177 +SNG0576 +WOZ20133 +PMUL1541 +MUL1937 +PMUL4215 +WOZ20476 +PMUL2090 +SNG01677 +PMUL3892 +SNG1039 +MUL1061 +PMUL0165 +PMUL2989 +MUL1887 +PMUL2136 +PMUL2444 +WOZ20211 +SNG0620 +SNG0604 +PMUL2797 +MUL2565 +MUL1736 +WOZ20651 +PMUL1026 +MUL0289 +PMUL0451 +PMUL2606 +PMUL0918 +SNG01790 +MUL0550 +PMUL3828 +SNG0064 +WOZ20067 +MUL1544 +PMUL4342 +MUL0975 +PMUL1269 +MUL0327 +SSNG0074 +MUL1951 +SNG0371 +SNG01614 +MUL1442 +SNG0220 +PMUL3990 +PMUL0300 +PMUL3629 +MUL2026 +SNG0372 +SNG0111 +MUL1852 +PMUL2101 +PMUL3961 +PMUL4629 +SSNG0138 +PMUL4724 +MUL2436 +MUL0928 +MUL0236 +MUL2452 +PMUL3421 +SNG0367 +SNG02038 +PMUL1227 +PMUL2434 +SNG0985 +MUL1859 +PMUL3664 +SNG0176 +PMUL3308 +WOZ20174 +WOZ20110 +SNG02110 +SSNG0246 +SNG0806 +PMUL0196 +PMUL4265 +PMUL3796 +SNG0239 +MUL1030 +PMUL1035 +SSNG0190 +MUL2572 +PMUL1960 +PMUL3848 +SNG01966 +SNG0097 +MUL2145 +PMUL3908 +PMUL0907 +SSNG0011 +MUL2035 +SNG1273 +PMUL4635 +SNG02036 +MUL1643 +PMUL1567 +SSNG0185 +SNG01644 +PMUL2416 +PMUL0492 +MUL1872 +WOZ20346 +SNG01926 +SNG01454 +SNG1357 +MUL1257 +SNG0128 +SNG1394 +SNG0028 +SNG0904 +SNG0831 +WOZ20090 +SNG02244 +SNG0057 +SNG0221 +MUL0211 +PMUL0460 +PMUL0885 +PMUL2954 +MUL0714 +PMUL0458 +PMUL1884 +MUL2672 +MUL1501 +WOZ20111 +PMUL0013 +PMUL0002 +SNG01460 +PMUL2741 +PMUL3393 +SSNG0018 +PMUL2642 +PMUL3989 +SNG02215 +PMUL4633 +SNG01518 +PMUL3459 +PMUL0428 +PMUL3041 +PMUL4169 +PMUL2001 +MUL0131 +SSNG0396 +PMUL0293 +PMUL1331 +PMUL4995 +PMUL2923 +PMUL4210 +SSNG0064 +PMUL3053 +PMUL3155 +MUL1302 +PMUL1822 +MUL2346 +SNG01824 +PMUL3135 +SSNG0236 +WOZ20118 +PMUL2928 +SSNG0371 +PMUL4835 +PMUL0524 +SSNG0084 +PMUL3749 +MUL0908 +PMUL3251 +SNG02323 +PMUL2294 +MUL0213 +WOZ20181 +MUL1905 +MUL2240 +SSNG0281 +SNG01764 +SNG0127 +PMUL4914 +MUL1777 +WOZ20190 +SSNG0298 +SNG0418 +PMUL4812 +PMUL4561 +PMUL2287 +PMUL0775 +SNG0885 +PMUL0030 +MUL2404 +MUL2459 +SNG0687 +WOZ20271 +PMUL3938 +PMUL4679 +WOZ20184 +SNG01237 +PMUL0960 +MUL1222 +PMUL3300 +SNG01263 +PMUL3338 +PMUL4187 +MUL1648 +PMUL3615 +PMUL1700 +MUL1764 +WOZ20381 +SSNG0112 +PMUL1303 +PMUL4272 +PMUL3689 +PMUL4098 +SNG01652 +SSNG0160 +PMUL1413 +SNG1146 +SNG02250 +PMUL0091 +PMUL2593 +MUL1498 +SNG01808 +SNG0627 +PMUL4163 +MUL0433 +PMUL0613 +MUL2172 +PMUL1609 +SNG01327 +SNG0765 +PMUL4834 +PMUL4602 +SNG01298 +SSNG0013 +PMUL3894 +SNG0343 +MUL1666 +PMUL0822 +PMUL4571 +WOZ20060 +MUL1847 +PMUL4617 +MUL1773 +WOZ20433 +WOZ20540 +PMUL4827 +PMUL4403 +PMUL1279 +SNG01806 +SNG0666 +PMUL0481 +PMUL3366 +PMUL0097 +PMUL4364 +SNG02180 +PMUL3372 +MUL1399 +WOZ20464 +SNG0875 +SNG0834 +SNG0410 +PMUL1205 +PMUL4965 +WOZ20113 +SNG1229 +SNG0724 +PMUL4423 +WOZ20529 +PMUL4519 +PMUL4398 +SNG01517 +PMUL0339 +PMUL0592 +MUL1435 +PMUL1384 +PMUL2559 +WOZ20537 +PMUL0081 +MUL1945 +MUL0870 +MUL2235 +PMUL1911 +SNG0226 +SNG1015 +SNG0139 +PMUL4461 +WOZ20215 +MUL1355 +PMUL2361 +PMUL4792 +PMUL1197 +MUL1277 +MUL1616 +SNG0813 +SNG02042 +PMUL4942 +PMUL1540 +PMUL2861 +MUL2355 +SNG1162 +WOZ20493 +SNG0594 +MUL0153 +SNG01264 +PMUL3297 +PMUL3164 +SNG01190 +PMUL2400 +SSNG0337 +PMUL0314 +WOZ20427 +MUL0068 +PMUL0683 +PMUL0818 +SNG0718 +MUL1789 +PMUL2751 +WOZ20544 +MUL0094 +PMUL3847 +MUL2237 +PMUL4433 +PMUL3560 +SNG0794 +PMUL3784 +MUL2095 +PMUL4556 +SNG0333 +SNG1254 +SSNG0156 +SNG0140 +PMUL3997 +SNG0877 +MUL1142 +PMUL1789 +MUL1264 +SNG0191 +PMUL2073 +PMUL4151 +PMUL1778 +PMUL2914 +SNG01669 +MUL2446 +SNG0428 +MUL0964 +PMUL2598 +WOZ20336 +SNG01640 +PMUL1321 +SSNG0131 +PMUL3026 +SSNG0115 +SNG0234 +SNG01711 +SNG0989 +WOZ20565 +PMUL2326 +PMUL4182 +WOZ20056 +SNG1073 +WOZ20634 +SNG0357 +PMUL4017 +SNG0001 +PMUL3773 +PMUL1550 +MUL1485 +PMUL2026 +PMUL2207 +PMUL2874 +SNG01690 +PMUL4607 +PMUL4384 +SNG02099 +PMUL3468 +PMUL1829 +SNG0244 +WOZ20207 +PMUL3950 +PMUL3705 +PMUL0288 +PMUL4411 +PMUL0859 +PMUL2125 +PMUL3512 +SNG0503 +SSNG0108 +WOZ20015 +SNG02015 +SSNG0369 +WOZ20444 +PMUL4500 +SSNG0163 +SSNG0301 +PMUL1053 +SSNG0304 +SNG1241 +PMUL2867 +PMUL2183 +SSNG0035 +SNG0420 +PMUL0378 +MUL2437 +PMUL4725 +MUL1488 +MUL2390 +PMUL3722 +PMUL1996 +SNG0801 +SNG0444 +PMUL2137 +MUL1886 +PMUL4464 +SSNG0114 +MUL0599 +SNG0507 +MUL0248 +PMUL4671 +MUL1293 +MUL2566 +PMUL1138 +SNG01727 +SNG0514 +PMUL3972 +WOZ20269 +SNG01292 +SSNG0195 +MUL1761 +WOZ20201 +PMUL0726 +SNG0199 +PMUL3951 +PMUL1556 +MUL0880 +MUL2328 +MUL0558 +PMUL2851 +PMUL4483 +MUL2531 +PMUL3711 +WOZ20014 +PMUL0354 +MUL1132 +PMUL2896 +PMUL4123 +SNG01543 +SNG01265 +PMUL1452 +PMUL0813 +MUL0042 +PMUL4896 +PMUL2527 +SNG02152 +SNG01981 +SNG01663 +PMUL0976 +SNG0132 +SNG01341 +PMUL3122 +SSNG0002 +SNG01872 +PMUL4148 +WOZ20496 +MUL1585 +SSNG0333 +PMUL3258 +PMUL4172 +MUL0568 +PMUL1337 +PMUL4890 +PMUL0249 +PMUL4950 +PMUL2800 +PMUL4553 +MUL2090 +PMUL0838 +SNG0510 +SNG1140 +PMUL1901 +PMUL1047 +MUL2484 +MUL0357 +SNG0833 +PMUL2092 +SNG1111 +MUL0176 +MUL2300 +PMUL0443 +PMUL3159 +SNG0315 +PMUL3354 +MUL2078 +PMUL4782 +WOZ20102 +PMUL0570 +MUL0882 +MUL0902 +MUL1700 +MUL1115 +PMUL1752 +MUL1807 +PMUL1843 +MUL0241 +PMUL3394 +PMUL2955 +PMUL1720 +WOZ20649 +PMUL1472 +PMUL1306 +PMUL4728 +PMUL3816 +MUL1424 +SNG0626 +PMUL4157 +PMUL0373 +MUL0403 +MUL0382 +SNG01783 +PMUL4266 +PMUL3678 +PMUL0733 +SNG0657 +SNG01629 +PMUL0887 +MUL0921 +MUL1345 +PMUL1218 +WOZ20547 +SNG01676 +PMUL3710 +SNG01782 +PMUL4349 +MUL1233 +SNG0152 +SNG0022 +MUL0328 +PMUL1570 +MUL0755 +SNG01671 +WOZ20441 +SNG01939 +PMUL2496 +PMUL1222 +PMUL4497 +MUL0715 +PMUL0895 +SNG01927 +SNG01672 +WOZ20002 +MUL2371 +SNG0282 +WOZ20461 +SSNG0020 +PMUL0707 +PMUL0150 +PMUL3548 +SNG1052 +PMUL4578 +SNG01825 +SNG01418 +MUL0066 +PMUL4669 +PMUL2186 +MUL0402 +SSNG0116 +SNG0143 +MUL2377 +MUL1016 +PMUL3996 +PMUL2625 +MUL1578 +SNG0966 +SNG1372 +MUL1425 +MUL1430 +PMUL4130 +MUL2231 +PMUL3724 +PMUL1163 +PMUL0429 +PMUL2533 +PMUL4406 +SNG01929 +SNG0417 +SNG0709 +WOZ20120 +MUL0917 +PMUL3385 +PMUL4825 +PMUL0088 +PMUL0031 +MUL1056 +MUL2220 +MUL0429 +PMUL1875 +PMUL1366 +SNG1320 +WOZ20204 +WOZ20016 +PMUL2987 +MUL0027 +PMUL1369 +PMUL2602 +MUL2118 +PMUL1667 +SNG01387 +SNG01254 +PMUL0762 +SNG0530 +SNG0920 +WOZ20463 +SNG01293 +PMUL2759 +PMUL1994 +MUL0974 +PMUL0808 +MUL2464 +PMUL4772 +MUL0724 +PMUL3463 +SNG0739 +PMUL3701 +PMUL0355 +SNG0982 +PMUL4541 +MUL1092 +MUL1645 +PMUL4697 +MUL1332 +SSNG0092 +PMUL4190 +MUL1281 +PMUL4821 +PMUL3151 +PMUL1240 +MUL1933 +PMUL1974 +MUL2234 +SNG0491 +PMUL3374 +SNG01913 +WOZ20656 +WOZ20124 +SNG0930 +PMUL3964 +PMUL1522 +SNG1014 +MUL1031 +PMUL2151 +PMUL3491 +MUL2352 +MUL1910 +SNG0871 +PMUL3924 +PMUL1529 +MUL0700 +MUL0218 +WOZ20443 +PMUL0944 +PMUL1278 +SSNG0375 +MUL2144 +PMUL3980 +PMUL2656 +SNG01847 +SSNG0291 +SNG01906 +SNG01510 +WOZ20570 +PMUL3783 +PMUL4119 +PMUL3460 +MUL0522 +SNG0120 +MUL1530 +PMUL3538 +MUL2157 +SNG1280 +SNG01178 +PMUL3887 +WOZ20491 +SNG01723 +PMUL2486 +MUL2538 +PMUL3177 +PMUL3987 +PMUL4508 +PMUL4089 +SNG02259 +WOZ20275 +PMUL4427 +PMUL0383 +PMUL0158 +WOZ20391 +MUL2605 +SNG0091 +SSNG0360 +MUL0900 +SNG01830 +PMUL0181 +SNG01749 +PMUL2173 +WOZ20587 +SNG1327 +MUL0299 +MUL1196 +SSNG0336 +SNG01759 +PMUL1691 +MUL2104 +SNG01488 +PMUL1754 +PMUL1630 +MUL1398 +SNG0719 +PMUL3129 +PMUL2740 +SNG02295 +SNG0151 +MUL0950 +PMUL3655 +MUL0468 +WOZ20440 +MUL2276 +PMUL1156 +PMUL0721 +WOZ20260 +SSNG0178 +MUL2232 +SNG1245 +PMUL3046 +PMUL4606 +PMUL4248 +MUL2295 +PMUL3445 +SNG01781 +PMUL2072 +MUL2684 +PMUL3624 +PMUL3339 +SNG1311 +SNG0945 +PMUL3771 +MUL1396 +PMUL4717 +MUL2445 +MUL2304 +PMUL2640 +WOZ20081 +MUL2255 +PMUL0800 +PMUL0183 +SNG0222 +SNG0623 +MUL0424 +PMUL1123 +PMUL1357 +MUL0417 +MUL2400 +SNG02002 +SNG02324 +SNG0397 +SNG0169 +MUL0109 +MUL0367 +PMUL2240 +PMUL2767 +PMUL1909 +MUL1619 +MUL1058 +PMUL0259 +SNG02203 +PMUL4545 +PMUL2862 +PMUL2587 +PMUL3555 +SNG02098 +PMUL2181 +SNG0936 +PMUL0225 +SNG0952 +MUL0788 +SNG0674 +MUL0633 +SNG1027 +SNG01269 +PMUL3207 +PMUL2365 +SSNG0161 +WOZ20588 +SSNG0315 +SNG0599 +PMUL1782 +MUL0967 +MUL0905 +SNG01958 +PMUL0016 +PMUL0251 +SNG01372 +MUL2603 +PMUL1566 +SNG01602 +PMUL4156 +SNG0472 +PMUL3329 +SNG0109 +MUL0587 +PMUL4704 +MUL2335 +PMUL3539 +MUL2591 +PMUL2864 +SSNG0242 +PMUL0788 +SNG0210 +WOZ20061 +PMUL0435 +PMUL2641 +PMUL2051 +SNG1262 +PMUL3433 +PMUL4786 +MUL1480 +SNG01976 +PMUL2370 +PMUL3341 +PMUL4057 +MUL2091 +PMUL4552 +SNG01820 +MUL1656 +SNG01197 +SNG1088 +PMUL2850 +PMUL1405 +PMUL0386 +MUL1438 +PMUL2482 +MUL2354 +PMUL1830 +MUL0711 +PMUL2562 +PMUL0236 +SNG0138 +MUL0270 +PMUL0189 +MUL0913 +SNG01466 +PMUL3841 +PMUL3084 +SNG1388 +PMUL0676 +PMUL2799 +SNG01911 +WOZ20342 +SNG1288 +SSNG0245 +MUL0632 +MUL0440 +SSNG0365 +PMUL2214 +MUL1080 +PMUL1756 +PMUL0474 +MUL1153 +SNG0886 +SNG0754 +MUL0979 +PMUL4397 +SNG01734 +PMUL4100 +MUL2549 +WOZ20629 +PMUL4252 +MUL0969 +SNG1062 +PMUL0988 +SNG02072 +WOZ20008 +PMUL4237 +SSNG0069 +MUL1229 +MUL0256 +PMUL3055 +PMUL4430 +SNG0350 +SNG01261 +MUL2600 +MUL0238 +MUL0252 +PMUL2637 +SNG01678 +PMUL4608 +MUL1654 +PMUL4848 +WOZ20265 +MUL1871 +MUL0271 +SNG0021 +PMUL3054 +MUL2666 +PMUL1894 +PMUL1450 +PMUL1349 +PMUL1916 +MUL2544 +PMUL2500 +PMUL1223 +PMUL1842 +MUL1506 +WOZ20635 +SNG0122 +PMUL3986 +PMUL0448 +PMUL1606 +SNG01173 +PMUL0704 +MUL2685 +MUL0101 +SSNG0085 +PMUL0876 +MUL2579 +PMUL0647 +SSNG0094 +PMUL3240 +MUL2015 +WOZ20047 +PMUL4790 +PMUL3255 +SNG0486 +MUL1260 +PMUL3163 +PMUL3843 +SNG0756 +SNG1389 +PMUL2305 +MUL0412 +PMUL4498 +PMUL3234 +SNG02312 +MUL2578 +PMUL2621 +PMUL3901 +SNG01832 +MUL2274 +SNG0859 +SNG0161 +PMUL0641 +SNG02055 +PMUL2510 +MUL0191 +PMUL1997 +MUL2213 +PMUL1937 +SSNG0310 +PMUL1185 +PMUL4637 +SNG1266 +MUL0607 +PMUL3584 +PMUL0258 +SNG0155 +WOZ20194 +SNG1174 +PMUL4954 +SNG01526 +MUL1563 +MUL1226 +PMUL4095 +WOZ20169 +PMUL3358 +SSNG0086 +PMUL0727 +SNG0924 +PMUL0026 +PMUL3246 +SNG1242 +MUL0163 +PMUL4197 +PMUL1175 +PMUL4871 +PMUL2739 +SNG01170 +MUL0770 +PMUL4136 +WOZ20170 +MUL0920 +SNG01181 +SNG01247 +MUL0044 +MUL0889 +PMUL2692 +PMUL0561 +PMUL1432 +SNG01271 +PMUL3994 +PMUL2418 +SSNG0183 +MUL2653 +PMUL1861 +PMUL2375 +MUL1349 +MUL1459 +PMUL4080 +PMUL2150 +PMUL1178 +SSNG0070 +SNG02156 +PMUL0869 +SNG0476 +SSNG0372 +PMUL1107 +SNG0645 +PMUL1060 +PMUL3587 +SNG02257 +MUL1584 +WOZ20561 +PMUL4591 +MUL2052 +SNG1000 +PMUL3327 +SNG0141 +SNG01219 +MUL0050 +PMUL4973 +MUL0876 +SNG1003 +MUL0752 +PMUL2840 +SSNG0029 +PMUL0981 +MUL0903 +PMUL4056 +MUL0877 +PMUL1738 +SNG0288 +SNG0108 +PMUL1249 +MUL0523 +MUL0904 +SNG0578 +MUL0808 +PMUL1115 +WOZ20173 +MUL1049 +MUL2023 +SNG01842 +PMUL0847 +PMUL4563 +MUL1339 +WOZ20633 +WOZ20163 +PMUL3039 +SNG1339 +MUL1582 +PMUL2723 +SNG0680 +SSNG0264 +MUL1911 +PMUL1645 +PMUL3747 +WOZ20602 +MUL2663 +PMUL0228 +PMUL3660 +SNG0273 +MUL2180 +MUL0742 +SNG0837 +MUL0836 +PMUL3125 +SNG0249 +PMUL3097 +SNG0848 +SNG1158 +PMUL2783 +MUL0735 +PMUL2994 +SNG01464 +SNG01694 +SNG0825 +WOZ20571 +PMUL3083 +MUL0753 +PMUL0500 +SSNG0034 +WOZ20403 +MUL1730 +SSNG0362 +MUL1507 +MUL2595 +WOZ20364 +PMUL3407 +PMUL0120 +PMUL1090 +SNG02308 +PMUL4986 +MUL0653 +MUL1797 +WOZ20398 +MUL2449 +MUL2308 +MUL0712 +WOZ20551 +SNG1270 +PMUL3365 +PMUL3057 +PMUL2624 +PMUL2680 +PMUL2502 +SSNG0374 +PMUL4514 +PMUL1286 +SNG1220 +WOZ20262 +PMUL4069 +MUL0976 +MUL1991 +PMUL2060 +PMUL3960 +MUL0174 +MUL1724 +PMUL3478 +MUL1096 +SNG0040 +SNG0841 +SNG0318 +SNG01478 +PMUL3489 +SNG0113 +PMUL1139 +PMUL0229 +MUL1356 +PMUL4745 +PMUL1969 +PMUL3444 +PMUL1864 +MUL2656 +PMUL1277 +SNG0353 +MUL0193 +MUL0056 +MUL2632 +PMUL3241 +MUL0308 +MUL2176 +SNG1033 +MUL2586 +SNG02258 +MUL0415 +MUL0453 +MUL0919 +MUL2494 +PMUL2257 +SNG1300 +PMUL4948 +PMUL0264 +PMUL2524 +SNG01867 +PMUL2712 +PMUL4085 +SNG0088 +SSNG0082 +SNG0059 +MUL1018 +SNG1281 +MUL0954 +MUL0143 +PMUL0316 +PMUL2241 +PMUL0501 +SSNG0284 +SNG0537 +PMUL4392 +PMUL4926 +PMUL4455 +MUL1862 +PMUL4141 +SNG0087 +SNG02256 +PMUL4546 +MUL1023 +SNG0328 +SNG01545 +PMUL3922 +PMUL0459 +PMUL1255 +PMUL0139 +PMUL2676 +PMUL0742 +PMUL1698 +PMUL4031 +PMUL3173 +MUL0175 +SNG0688 +SNG0156 +WOZ20182 +PMUL4015 +PMUL2655 +SNG1152 +SNG01519 +PMUL2229 +PMUL0387 +PMUL1668 +SNG0641 +MUL2678 +PMUL3613 +PMUL4402 +PMUL4511 +MUL0662 +MUL0130 +MUL2175 +WOZ20607 +WOZ20384 +MUL1813 +PMUL3725 +WOZ20623 +PMUL2121 +SNG01728 +PMUL2372 +SNG1221 +PMUL4024 +PMUL4773 +MUL2465 +SNG01350 +SNG01955 +PMUL1973 +PMUL3090 +SNG01253 +PMUL4114 +PMUL4035 +SNG1236 +PMUL2672 +WOZ20500 +SNG0145 +PMUL4153 +WOZ20129 +SSNG0176 +MUL0596 +PMUL0937 +PMUL3149 +PMUL4775 +MUL2463 +MUL0665 +PMUL3824 +MUL0874 +PMUL0635 +MUL1148 +SNG02084 +PMUL4577 +PMUL3912 +PMUL1045 +PMUL2481 +PMUL2696 +SSNG0191 +PMUL0188 +MUL1839 +PMUL1640 +PMUL3350 +PMUL3529 +MUL0183 +PMUL0237 +MUL1610 +PMUL1538 +MUL0623 +SNG0673 +PMUL3371 +WOZ20076 +SNG1093 +SNG1369 +WOZ20495 +SSNG0021 +SNG01356 +SNG1215 +MUL2190 +PMUL3831 +PMUL4750 +PMUL2064 +PMUL1157 +MUL0122 +PMUL0087 +PMUL2978 +PMUL1896 +MUL2639 +MUL2622 +PMUL1850 +WOZ20091 +SNG01457 +SNG01736 +MUL0670 +SNG0606 +PMUL0949 +PMUL0604 +MUL0195 +PMUL0303 +PMUL0122 +WOZ20121 +SSNG0311 +PMUL3270 +MUL0944 +PMUL0603 +MUL2167 +SSNG0012 +PMUL2717 +PMUL2733 +SNG1059 +WOZ20421 +WOZ20035 +PMUL4470 +PMUL0449 +PMUL4784 +MUL2502 +PMUL0553 +PMUL3098 +SNG01382 +MUL0100 +PMUL0836 +PMUL1151 +PMUL3042 +SNG0261 +PMUL4694 +PMUL3219 +PMUL1942 +PMUL2230 +SNG1284 +MUL0614 +PMUL4365 +PMUL3775 +MUL1982 +PMUL2055 +PMUL1637 +SSNG0150 +PMUL3763 +PMUL1143 +SSNG0136 +WOZ20112 +SNG02118 +PMUL4450 +MUL0780 +WOZ20628 +PMUL4382 +MUL0079 +WOZ20615 +PMUL3033 +PMUL4749 +SSNG0166 +PMUL3004 +MUL1704 +SNG02320 +SSNG0198 +SNG02013 +MUL2598 +PMUL3025 +PMUL0862 +PMUL4785 +WOZ20349 +PMUL4379 +PMUL1458 +SNG0218 +MUL0444 +SNG01587 +WOZ20050 +SNG0352 +MUL0577 +PMUL2193 +PMUL1656 +SNG01593 +WOZ20036 +SNG01909 +PMUL4927 +PMUL4292 +MUL1499 +SNG01965 +SNG1114 +MUL0918 +MUL1568 +MUL1152 +MUL0377 +PMUL4052 +SNG0146 +PMUL2586 +PMUL2476 +MUL0956 +PMUL1377 +MUL0385 +WOZ20191 +SSNG0347 +WOZ20332 +WOZ20578 +PMUL0722 +SNG1307 +SNG1365 +PMUL3982 +PMUL3743 +PMUL4674 +PMUL1509 +SSNG0060 +MUL0514 +MUL0221 +SSNG0395 +PMUL3035 +PMUL2580 +PMUL3192 +SNG01502 +PMUL2660 +SNG0552 +PMUL2899 +MUL0560 +PMUL2263 +MUL0656 +PMUL0463 +SNG1387 +PMUL2131 +MUL1880 +SNG02137 +PMUL4746 +MUL2490 +SNG1218 +PMUL0678 +SSNG0062 +SNG0332 +PMUL2406 +SSNG0063 +WOZ20247 +MUL1108 +SSNG0090 +PMUL1404 +SNG01632 +PMUL4336 +SNG02289 +PMUL2805 +PMUL3093 +MUL2070 +MUL0045 +MUL1906 +WOZ20295 +MUL2599 +SNG01946 +PMUL4945 +PMUL3400 +SSNG0102 +PMUL2501 +PMUL4301 +SNG01154 +MUL2626 +PMUL1417 +PMUL0536 +PMUL2738 +PMUL4135 +SNG01436 +SNG0349 +PMUL2705 +SSNG0109 +PMUL4518 +WOZ20162 +MUL1401 +SSNG0049 +SNG0172 +MUL0847 +MUL0906 +MUL0423 +MUL0968 +PMUL0227 +MUL0813 +WOZ20454 +PMUL3513 +PMUL4288 +PMUL0404 +PMUL3559 +PMUL3864 +MUL0190 +MUL2519 +MUL1109 +MUL0449 +PMUL1963 +MUL2571 +PMUL1573 +PMUL3208 +MUL0936 +WOZ20557 +SNG02117 +WOZ20520 +PMUL1334 +MUL0794 +WOZ20009 +MUL2611 +PMUL4062 +WOZ20149 +SNG0219 +SNG02275 +SSNG0189 +PMUL4857 +SNG01243 +PMUL2407 +SNG01944 +WOZ20475 +SNG0316 +MUL1182 +PMUL1865 +SNG0264 +SNG0051 +PMUL3754 +PMUL4014 +MUL2103 +PMUL1696 +MUL2112 +WOZ20611 +PMUL4841 +MUL1941 +MUL0028 +MUL0168 +SNG02119 +SNG01638 +WOZ20508 +PMUL2535 +SNG0951 +PMUL2357 +MUL1363 +SNG01580 +SNG01329 +WOZ20089 +SNG01823 +SNG01556 +PMUL0406 +SNG0978 +PMUL0490 +PMUL4706 +PMUL0586 +SSNG0200 +PMUL1736 +PMUL0853 +MUL2338 +SNG01279 +SNG0290 +MUL0812 +PMUL0948 +WOZ20242 +PMUL3716 +PMUL0868 +SNG1318 +SNG0056 +MUL1460 +MUL0989 +PMUL2002 +PMUL2560 +SNG01405 +WOZ20272 +SNG1283 +SNG01465 +PMUL1705 +PMUL2271 +PMUL2787 +SSNG0389 +MUL0722 +PMUL2884 +SNG01724 +PMUL4280 +SNG0823 +PMUL2431 +PMUL3195 +PMUL0037 +PMUL2531 +MUL0169 +SNG01482 +SNG1269 +SNG01220 +WOZ20606 +WOZ20248 +PMUL4630 +PMUL0029 +PMUL3943 +PMUL4218 +SNG0116 +MUL1927 +PMUL0172 +MUL2563 +SNG01581 +PMUL3032 +PMUL0686 +MUL1711 +PMUL1675 +PMUL3056 +MUL0716 +WOZ20289 +PMUL4956 +PMUL3413 +SNG02336 +MUL0395 +MUL0330 +PMUL0061 +SNG1133 +MUL0589 +MUL1840 +MUL1745 +SSNG0146 +SNG01360 +PMUL4004 +MUL1658 +WOZ20429 +MUL1057 +PMUL3194 +PMUL0477 +WOZ20545 +MUL2181 +PMUL4226 +SNG0614 +PMUL2870 +WOZ20550 +PMUL3168 +SNG0905 +MUL0873 +SNG01588 +PMUL1955 +PMUL0593 +PMUL2238 +SNG01552 +MUL1168 +PMUL3608 +PMUL3245 +PMUL0952 +PMUL0121 +PMUL3570 +PMUL1489 +SNG1089 +WOZ20046 +PMUL1710 +PMUL0126 +MUL2044 +SSNG0065 +PMUL1776 +SSNG0117 +PMUL2059 +SSNG0155 +MUL0790 +SNG1247 +PMUL2860 +PMUL0849 +PMUL0679 +WOZ20567 +PMUL0833 +PMUL1699 +PMUL4030 +MUL0569 +PMUL0955 +MUL1579 +MUL2187 +SNG01514 +PMUL0730 +PMUL3121 +PMUL3028 +WOZ20619 +PMUL3082 +WOZ20572 +PMUL4957 +MUL2419 +MUL1699 +MUL1187 +PMUL3978 +PMUL0947 +SNG0842 +MUL0157 +PMUL2966 +MUL1121 +PMUL3752 +SSNG0366 +WOZ20552 +PMUL2358 +MUL2049 +MUL1720 +PMUL4868 +SSNG0297 +PMUL1268 +PMUL0099 +SSNG0352 +MUL2191 +WOZ20017 +PMUL2626 +SNG1065 +SNG02008 +SNG0881 +PMUL2793 +PMUL1697 +MUL2102 +PMUL2067 +MUL1996 +PMUL4559 +PMUL0092 +PMUL2399 +PMUL3167 +MUL1469 +PMUL1587 +SNG0246 +PMUL4233 +MUL0114 +MUL0149 +PMUL0341 +MUL0981 +PMUL1421 +SNG0533 +SNG0424 +SNG0869 +PMUL3142 +SNG1355 +PMUL2913 +PMUL4558 +MUL1795 +PMUL1555 +PMUL4227 +PMUL0094 +PMUL0602 +PMUL0421 +WOZ20397 +MUL1798 +PMUL1206 +MUL0993 +MUL2604 +PMUL1832 +MUL0815 +PMUL0779 +MUL0584 +PMUL4425 +PMUL3203 +MUL1710 +MUL0232 +MUL0875 +SNG0998 +PMUL0194 +PMUL4321 +MUL1232 +SNG1216 +MUL0914 +PMUL1745 +PMUL0786 +SNG02107 +PMUL0930 +PMUL0130 +MUL1832 +SNG01583 +SNG02350 +MUL0573 +MUL0411 +MUL0892 +PMUL0584 +PMUL3061 +WOZ20436 +SSNG0210 +PMUL1742 +SNG0785 +MUL1783 +MUL0115 +SNG01979 +PMUL2074 +PMUL0617 +SNG0793 +PMUL4661 +PMUL2470 +SNG1316 +PMUL1749 +MUL0078 +PMUL3962 +SNG1190 +PMUL2709 +PMUL4273 +WOZ20498 +SNG0431 +SNG01651 +PMUL4974 +SSNG0031 +PMUL3196 +PMUL2455 +SNG02146 +PMUL2471 +PMUL2262 +PMUL0747 +WOZ20310 +SSNG0097 +PMUL3825 +PMUL3349 +WOZ20417 +PMUL3941 +MUL2503 +WOZ20637 +PMUL1512 +SNG01318 +SNG01540 +MUL0041 +SNG0573 +SNG02316 +SSNG0052 +WOZ20095 +PMUL4434 +PMUL0738 +SNG0206 +MUL2546 +MUL0355 +WOZ20131 +WOZ20564 +PMUL3654 +PMUL2376 +MUL2008 +PMUL0131 +PMUL0277 +PMUL3616 +MUL1874 +SNG1102 +PMUL2342 +PMUL3682 +PMUL1563 +PMUL4102 +SNG0584 +PMUL4726 +PMUL1050 +SNG0301 +PMUL3837 +WOZ20052 +MUL0699 +PMUL2120 +SNG0201 +PMUL4988 +WOZ20152 +SNG1209 +MUL2267 +SNG0828 +SSNG0253 +PMUL3963 +PMUL4243 +MUL0495 +SNG0213 +PMUL0581 +WOZ20080 +MUL2518 +PMUL1946 +PMUL1588 +PMUL2126 +PMUL0488 +MUL1665 +PMUL3225 +SNG01244 +SNG01970 +PMUL3757 +PMUL2525 +PMUL3414 +MUL2024 +PMUL3484 +WOZ20591 +PMUL3511 +SNG1064 +PMUL1857 +MUL2625 +MUL1625 +SNG0764 +MUL1928 +PMUL1549 +PMUL3811 +PMUL0897 +PMUL0218 +SNG02048 +PMUL0275 +SNG0042 +PMUL2188 +MUL2601 +PMUL0317 +PMUL3836 +SSNG0327 +PMUL1475 +SNG0857 +MUL2660 +SNG0101 +MUL0824 +SNG0207 +MUL0769 +MUL0730 +PMUL4090 +SNG0727 +PMUL2825 +WOZ20323 +PMUL0472 +PMUL1041 +SNG01959 +MUL1079 +PMUL2087 +PMUL0039 +MUL1543 +MUL0214 +PMUL3991 +MUL1586 +PMUL2727 +PMUL2443 +PMUL0954 +MUL1180 +PMUL3741 +SNG01546 +PMUL0597 +PMUL2664 +MUL0361 +MUL0601 +SNG01409 +SNG0579 +SNG01188 +PMUL3955 +PMUL1685 +SSNG0221 +MUL0519 +WOZ20227 +MUL0117 +MUL0529 +PMUL4313 +PMUL1254 +SNG0292 +PMUL2561 +MUL0576 +MUL2098 +WOZ20479 +MUL2135 +MUL2440 +SNG02049 +PMUL4212 +SSNG0252 +MUL1456 +PMUL1436 +MUL2003 +SNG01258 +PMUL4920 +SNG0121 +MUL1825 +PMUL3399 +PMUL3709 +PMUL0528 +PMUL3101 +MUL0290 +PMUL3277 +PMUL3842 +PMUL1959 +WOZ20334 +SNG01355 +PMUL3253 +PMUL3948 +PMUL4675 +PMUL4921 +PMUL3947 +MUL1524 +SNG02088 +MUL0304 +PMUL1757 +PMUL4838 +PMUL1270 +PMUL1715 +MUL2515 +PMUL0056 +MUL0546 +SNG02040 +MUL2428 +PMUL4736 +SNG1323 +MUL1308 +PMUL0496 +MUL2592 +PMUL1094 +MUL0891 +PMUL0803 +MUL1208 +SNG01592 +PMUL4305 +MUL0360 +PMUL3727 +PMUL3651 +MUL1220 +PMUL2568 +PMUL3312 +PMUL3633 +PMUL4086 +SSNG0043 +PMUL2925 +SSNG0283 +SNG02212 +SSNG0292 +PMUL2253 +PMUL0136 +SNG0931 +SNG01822 +SNG1137 +SNG01373 +MUL0659 +MUL0058 +PMUL0675 +PMUL2097 +MUL2198 +PMUL3885 +SNG0911 +MUL2121 +PMUL1674 +MUL1526 +PMUL0643 +WOZ20085 +SNG1132 +PMUL2337 +MUL1405 +PMUL3290 +PMUL0848 +WOZ20505 +SSNG0338 +SNG0585 +SSNG0381 +MUL1814 +WOZ20383 +WOZ20392 +WOZ20455 +MUL2229 +SNG02307 +PMUL1066 +SNG01313 +MUL2025 +MUL0945 +SNG1194 +MUL2606 +MUL0406 +PMUL0672 +MUL1917 +MUL0862 +WOZ20353 +MUL1309 +SNG01401 +WOZ20503 +PMUL1120 +WOZ20432 +PMUL0903 +SNG02235 +MUL1909 +SNG1184 +MUL0263 +SNG1231 +SNG01793 +WOZ20511 +WOZ20238 +SNG1104 +MUL2588 +MUL2296 +PMUL1365 +PMUL3188 +MUL1670 +MUL0315 +SNG0545 +PMUL0038 +MUL0793 +PMUL4202 +MUL1106 +MUL1703 +SNG0075 +MUL1950 +SSNG0118 +SNG02028 +PMUL3036 +WOZ20059 +MUL0439 +SNG01656 +PMUL0587 +PMUL3673 +MUL0436 +MUL0139 +PMUL0315 +PMUL2909 +SNG1187 +MUL0458 +MUL0251 +PMUL0580 +PMUL3861 +PMUL1395 +PMUL2159 +PMUL0332 +SNG01310 +SNG01879 +SNG1183 +SNG0961 +SNG1336 +SSNG0201 +WOZ20577 +SNG0011 +PMUL3545 +SNG0171 +SNG01427 +MUL0485 +PMUL2032 +MUL1961 +WOZ20018 +PMUL2678 +SNG02237 +SNG0582 +SNG01922 +PMUL4831 +SNG0435 +PMUL4441 +SNG1258 +PMUL1398 +SNG0076 +SSNG0192 +WOZ20006 +PMUL3942 +PMUL1796 +PMUL3271 +PMUL4732 +PMUL2616 +PMUL2145 +WOZ20352 +SNG0153 +MUL1136 +PMUL1271 +SNG01870 +SSNG0207 +PMUL2691 +SNG1249 +PMUL0402 +MUL0695 +MUL0629 +PMUL1604 +PMUL0991 +SNG1099 +SSNG0265 +SNG1287 +PMUL2233 +SNG01888 +PMUL4040 +SNG0411 +MUL1017 +PMUL4766 +SNG01604 +PMUL2838 +PMUL3713 +SNG01335 +WOZ20092 +PMUL2008 +PMUL4922 +PMUL2221 +SNG1295 +SSNG0211 +PMUL2328 +SNG0863 +MUL2514 +PMUL1190 +SNG1255 +PMUL1155 +PMUL3442 +MUL1769 +SSNG0282 +SSNG0373 +PMUL2003 +PMUL2984 +PMUL2143 +PMUL3051 +SNG1083 +SNG0536 +PMUL3527 +SNG01925 +WOZ20462 +WOZ20074 +MUL2315 +PMUL1075 +PMUL0310 +WOZ20365 +SSNG0279 +SSNG0038 +PMUL2005 +PMUL1042 +PMUL3306 +MUL2382 +WOZ20311 +MUL0146 +SNG0259 +PMUL2247 +PMUL4296 +PMUL3656 +WOZ20382 +MUL1815 +MUL2500 +MUL1989 +PMUL2810 +PMUL3914 +PMUL0665 +PMUL0547 +MUL2332 +PMUL3267 +MUL1659 +MUL0811 +WOZ20210 +SNG0379 +PMUL4010 +PMUL1230 +MUL2597 +WOZ20379 +WOZ20138 +MUL2629 +SNG0358 +MUL0024 +PMUL3331 +PMUL2084 +PMUL3118 +PMUL2020 +SNG01948 +PMUL0309 +PMUL2967 +SNG01756 +SNG1082 +WOZ20082 +MUL0064 +MUL0124 +SNG0082 +SNG01231 +PMUL0231 +SNG01624 +MUL1236 +MUL2033 +SNG01818 +PMUL3782 +SNG01343 +PMUL1676 +WOZ20674 +SNG0425 +MUL0678 +SNG0553 +SNG0047 +SNG0439 +PMUL0049 +PMUL0438 +MUL0345 +PMUL4539 +SNG01661 +MUL0261 +PMUL3583 +MUL1009 +SNG0522 +PMUL4847 +MUL0837 +PMUL0192 +SNG01774 +PMUL4653 +PMUL3659 +MUL0801 +MUL2424 +WOZ20164 +MUL0648 +PMUL2172 +PMUL2699 +PMUL3356 +PMUL4866 +SNG01851 +MUL1201 +MUL0965 +MUL0723 +SSNG0388 +MUL1173 +PMUL0325 +PMUL1088 +SNG0686 +SSNG0024 +MUL0851 +PMUL1443 +WOZ20177 +SNG0361 +MUL1283 +SNG0188 +PMUL4236 +WOZ20518 +PMUL3823 +PMUL3612 +MUL2497 +PMUL4741 +PMUL1199 +SNG02186 +SNG02195 +MUL0243 +SNG1333 +SSNG0260 +SNG1199 +PMUL3905 +PMUL3451 +PMUL0517 +SNG1390 +PMUL4887 +WOZ20288 +MUL0986 +PMUL1292 +SNG0958 +SNG01657 +PMUL1838 +PMUL4371 +PMUL2806 +MUL0482 +MUL0541 +MUL0750 +SNG01430 +WOZ20467 +PMUL4405 +SNG02139 +MUL0771 +MUL1765 +PMUL1208 +PMUL2842 +SNG01901 +PMUL1995 +WOZ20431 +PMUL1833 +MUL2357 +SNG0268 +WOZ20665 +PMUL1354 +PMUL1319 +PMUL2689 +MUL2002 +SNG01433 +MUL1171 +WOZ20360 +PMUL2764 +MUL0356 +MUL0554 +WOZ20320 +SNG0432 +SNG01191 +PMUL1835 +WOZ20038 +MUL0612 +MUL1000 +SNG1239 +SNG1315 +SNG0362 +MUL0686 +PMUL4543 +MUL1919 +PMUL3694 +PMUL4708 +PMUL0505 +PMUL1145 +PMUL1460 +PMUL0375 +PMUL2475 +PMUL2036 +MUL1965 +SNG0723 +PMUL1020 +PMUL0043 +PMUL3389 +MUL0275 +SNG01151 +PMUL4670 +PMUL0057 +MUL1070 +PMUL1758 +MUL0375 +PMUL0950 +PMUL4981 +PMUL2335 +SNG0102 +PMUL0968 +MUL2302 +MUL2136 +SNG1198 +SNG02176 +WOZ20489 +PMUL1440 +SSNG0318 +PMUL1810 +MUL1029 +PMUL3787 +WOZ20058 +PMUL4816 +MUL0210 +PMUL3449 +SSNG0383 +MUL0728 +PMUL4527 +WOZ20636 +PMUL2228 +MUL1623 +PMUL2439 +PMUL1643 +MUL1448 +SNG0392 +PMUL0349 +MUL1389 +SNG02348 +MUL0322 +MUL1775 +PMUL4538 +MUL0268 +SNG0505 +MUL0267 +PMUL0210 +PMUL2398 +WOZ20630 +PMUL0311 +PMUL3536 +PMUL1504 +PMUL4912 +WOZ20218 +PMUL0769 +SNG1128 +WOZ20333 +SNG0817 +SNG0928 +SSNG0326 +MUL0053 +WOZ20283 +PMUL3620 +SNG0014 +PMUL1051 +SNG0761 +PMUL2775 +SNG1203 +SSNG0151 +PMUL2547 +WOZ20394 +MUL1204 +SNG01658 +MUL1734 +PMUL3515 +PMUL4980 +SNG02189 +PMUL4016 +MUL1035 +PMUL3769 +PMUL3503 +MUL0508 +PMUL2551 +WOZ20226 +MUL0520 +MUL2171 +WOZ20222 +SNG01152 +MUL1671 +WOZ20448 +PMUL1442 +WOZ20471 +PMUL2814 +PMUL3111 +WOZ20195 +SSNG0320 +MUL1200 +SSNG0218 +SNG02273 +PMUL0132 +MUL2312 +MUL0994 +SSNG0346 +MUL1184 +SNG1118 +MUL0298 +SNG01475 +MUL0399 +WOZ20569 +PMUL4845 +PMUL1524 +MUL1241 +MUL1386 +SNG1117 +MUL2411 +MUL2183 +PMUL1616 +MUL1708 +PMUL4042 +PMUL4463 +SNG0737 +PMUL0437 +PMUL2726 +MUL1587 +SNG02046 +PMUL0691 +WOZ20220 +MUL1412 +WOZ20318 +PMUL4759 +MUL1784 +MUL0823 +SNG01377 +SNG01577 +PMUL1934 +MUL2210 +PMUL0215 +SNG01600 +SNG0870 +WOZ20246 +MUL0593 +SSNG0175 +PMUL2720 +MUL1581 +PMUL3092 +PMUL3313 +PMUL2393 +SNG0923 +SSNG0267 +MUL1918 +PMUL1806 +MUL2362 +WOZ20559 +PMUL3795 +PMUL0498 +PMUL3873 +PMUL2666 +PMUL2281 +SNG0960 +SNG0114 +SNG0321 +MUL2581 +MUL1693 +SNG0436 +SNG0204 +MUL0494 +WOZ20673 +SNG0066 +PMUL2999 +SNG1328 +WOZ20075 +PMUL2766 +SNG0346 +MUL0301 +PMUL3260 +PMUL3476 +SNG0281 +WOZ20581 +SNG01334 +MUL2288 +SNG01314 +PMUL4523 +PMUL2336 +SNG01491 +PMUL0898 +SNG0159 +WOZ20367 +PMUL2158 +PMUL0203 +SNG0118 +PMUL2165 +PMUL4378 +PMUL3865 +SNG0387 +WOZ20231 +PMUL4969 +PMUL3315 +PMUL1415 +SNG01743 +PMUL3210 +SNG0402 +SNG01458 +SNG0185 +PMUL2919 +PMUL4238 +SNG1371 +MUL0137 +SNG0583 +PMUL4068 +SNG0508 +PMUL0269 +MUL1551 +MUL0262 +PMUL3307 +PMUL0279 +SNG0809 +SSNG0132 +PMUL0989 +WOZ20661 +MUL0534 +PMUL4240 +PMUL2252 +SNG0182 +PMUL1925 +MUL2209 +SSNG0268 +PMUL2903 +SNG01423 +PMUL0369 +WOZ20273 +MUL0396 +SNG0339 +PMUL0781 +MUL1362 +PMUL2356 +MUL0600 +SNG0048 +PMUL4064 +PMUL2254 +MUL1328 +PMUL3157 +PMUL0436 +SSNG0143 +PMUL3534 +PMUL1564 +PMUL2468 +PMUL0384 +PMUL4987 +WOZ20032 +SNG0242 +SNG01780 +MUL0708 +PMUL0167 +PMUL1024 +PMUL2269 +WOZ20368 +PMUL4666 +PMUL2795 +PMUL2451 +SNG0810 +SNG01760 +WOZ20051 +PMUL1135 +SNG1077 +SNG02090 +PMUL3010 +SNG0556 +MUL0943 +WOZ20512 +SSNG0343 +SNG02191 +PMUL0494 +PMUL0412 +PMUL2268 +PMUL4618 +MUL0865 +SNG0184 +PMUL3182 +SNG1314 +MUL0767 +MUL0655 +MUL2325 +WOZ20043 +PMUL2550 +SNG1385 +MUL0617 +SNG1020 +PMUL4908 +PMUL4453 +MUL2333 +MUL1203 +PMUL4428 +PMUL1976 +SSNG0169 +MUL0582 +SNG0430 +MUL0234 +PMUL2651 +SNG01576 +PMUL1300 +PMUL2791 +WOZ20243 +SNG01512 +SNG1400 +MUL0709 +MUL2334 +SSNG0015 +SNG01622 +SNG01440 +PMUL4161 +PMUL1970 +MUL0151 +SNG02288 +PMUL0007 +PMUL1209 +MUL0997 +SNG0241 +PMUL4193 +PMUL0712 +SNG01761 +SNG0453 +PMUL3791 +SNG0669 +PMUL0466 +SNG0919 +SNG02149 +PMUL1015 +PMUL0230 +PMUL2771 +MUL2513 +MUL0020 +WOZ20069 +PMUL1103 +SNG0396 +PMUL3273 +PMUL4854 +PMUL3161 +PMUL3189 +PMUL2644 +MUL0776 +SSNG0317 +MUL2314 +WOZ20115 +MUL2512 +PMUL3927 +MUL2073 +SNG01876 +PMUL1936 +MUL2212 +MUL1969 +MUL1518 +PMUL2536 +MUL2313 +SNG1177 +PMUL0829 +MUL2239 +MUL1038 +SSNG0376 +SNG1268 +PMUL2508 +PMUL2161 +PMUL4535 +SSNG0312 +MUL0734 +SSNG0056 +SNG0399 +MUL1390 +SNG01846 +SNG01768 +SNG1399 +SNG01505 +MUL0973 +MUL1388 +SNG01282 +PMUL2819 +SNG01950 +MUL0692 +MUL0253 +PMUL0214 +PMUL3675 +SNG02345 +PMUL4309 +PMUL4817 +WOZ20276 +MUL2698 +MUL0530 +SNG0378 +PMUL2056 +WOZ20156 +PMUL0504 +MUL1634 +PMUL1154 +SNG01221 +MUL0062 +MUL1660 +MUL0643 +MUL1243 +PMUL0042 +PMUL1461 +PMUL2460 +MUL0833 +SNG02031 +MUL2679 +PMUL2353 +PMUL1243 +SSNG0234 +WOZ20519 +MUL1477 +PMUL1586 +PMUL3652 +PMUL2176 +WOZ20026 +SSNG0037 +MUL1682 +SSNG0055 +MUL1323 +SNG0808 +MUL1439 +SNG0130 +PMUL4938 +MUL0447 +MUL0491 +SNG0865 +MUL1114 +PMUL0893 +PMUL4045 +MUL2691 +MUL0185 +SNG0258 +SNG1029 +PMUL4901 +MUL0934 +MUL0774 +SSNG0382 +SNG02130 +MUL1026 +SNG02158 +SNG01949 +WOZ20466 +MUL2217 +PMUL1933 +PMUL4338 +SNG1383 +WOZ20086 +PMUL1735 +MUL0809 +PMUL2818 +SNG0150 +PMUL0344 +WOZ20137 +WOZ20355 +SNG0704 +WOZ20258 +WOZ20155 +SNG01582 +MUL1063 +PMUL2391 +PMUL0861 +PMUL1713 +SNG0389 +SNG0136 +MUL1465 +MUL0052 +SNG0814 +PMUL4181 +MUL1127 +PMUL1214 +SNG01648 +SNG0523 +PMUL4781 +PMUL4654 +WOZ20609 +PMUL0313 +WOZ20282 +PMUL3799 +PMUL0526 +PMUL3606 +MUL2481 +PMUL0668 +SNG01763 +SNG0158 +SNG0851 +MUL0324 +MUL0850 +MUL0363 +PMUL4695 +PMUL0890 +PMUL3197 +PMUL2366 +MUL1352 +PMUL0058 +MUL1794 +MUL1993 +PMUL2062 +MUL0775 +PMUL3450 +PMUL2302 +SNG0640 +PMUL2296 +MUL0192 +SSNG0344 +SSNG0319 +SNG1145 +SSNG0225 +PMUL1921 +PMUL2610 +SSNG0302 +PMUL0209 +PMUL3936 +SNG1260 +PMUL2169 +WOZ20566 +PMUL4093 +PMUL4794 +PMUL2765 +PMUL2635 +PMUL1979 +SNG0569 +PMUL2681 +SNG0675 +WOZ20325 +PMUL0003 +PMUL4063 +PMUL3343 +SSNG0047 +MUL0451 +WOZ20457 +SNG0653 +MUL1709 +SNG01515 +WOZ20321 +SNG0443 +PMUL0658 +MUL1534 +MUL2298 +SNG1193 +MUL0982 +SNG0901 +MUL0538 +SNG1298 +MUL0483 +PMUL0598 +PMUL1111 +SNG0484 +MUL0680 +PMUL0017 +PMUL0636 +SNG01267 +WOZ20147 +MUL2511 +SNG02246 +PMUL1251 +MUL0179 +PMUL0969 +PMUL1866 +MUL2654 +PMUL3881 +MUL0381 +MUL0479 +SNG1212 +MUL0281 +SNG01971 +PMUL3610 +PMUL4768 +PMUL0681 +PMUL3295 +PMUL2392 +PMUL0932 +MUL0434 +PMUL1655 +SNG01486 +MUL0125 +MUL1557 +SNG0625 +SNG01424 +MUL0205 +SNG0513 +PMUL3677 +SSNG0203 +SNG0209 +MUL1336 +PMUL4844 +MUL2659 +PMUL4520 +SNG0890 +PMUL0473 +MUL1266 +PMUL0078 +WOZ20483 +MUL2127 +MUL2287 +PMUL3115 +SNG0163 +SNG1167 +SNG02094 +WOZ20650 +PMUL2684 +PMUL1028 +PMUL3635 +SNG1386 +PMUL0979 +MUL2242 +PMUL1514 +MUL1680 +MUL0141 +MUL1723 +PMUL4185 +MUL1894 +PMUL2147 +MUL2396 +PMUL0180 +MUL2580 +PMUL2354 +PMUL2309 +PMUL2312 +SNG01933 +MUL1742 +SNG01239 +MUL0005 +PMUL3611 +SNG0248 +MUL0777 +SSNG0110 +PMUL3100 +PMUL0911 +PMUL4096 +MUL2620 +PMUL1852 +SNG02229 +SSNG0306 +PMUL3204 +MUL1002 +PMUL3249 +MUL1255 +SNG01438 +WOZ20608 +WOZ20472 +PMUL4996 +MUL2416 +PMUL0431 +PMUL0166 +PMUL1626 +PMUL3569 +PMUL3543 +SNG0652 +SNG01674 +MUL1662 +MUL1090 +SNG0197 +PMUL2521 +MUL2211 +PMUL1935 +WOZ20010 +MUL2417 +PMUL4751 +MUL2483 +PMUL2540 +MUL1744 +SNG01296 +SNG1161 +MUL1165 +PMUL3812 +PMUL1932 +MUL2216 +SNG01897 +SNG0744 +PMUL4698 +PMUL2042 +MUL2369 +MUL0108 +SNG1154 +SNG01961 +PMUL0549 +MUL2648 +PMUL1876 +PMUL0246 +PMUL1234 +PMUL3667 +SNG01471 +PMUL0631 +PMUL0394 +SNG0720 +PMUL3547 +PMUL4456 +PMUL2288 +MUL0170 +PMUL3493 +SSNG0377 +MUL1385 +PMUL3730 +MUL0894 +MUL2189 +PMUL2612 +SNG01880 +WOZ20539 +MUL1047 +SSNG0023 +SSNG0032 +PMUL2715 +PMUL2965 +PMUL0208 +PMUL1098 +SNG01720 +PMUL1134 +PMUL0467 +SNG02343 +PMUL3792 +PMUL4225 +MUL2182 +SNG1250 +PMUL0850 +PMUL4105 +SNG01437 +PMUL0495 +PMUL1014 +MUL1294 +PMUL3175 +PMUL4983 +MUL0672 +SSNG0249 +MUL1532 +PMUL3671 +SNG0262 +WOZ20277 +MUL1269 +PMUL1611 +SNG1045 +PMUL3720 +MUL0834 +SNG02067 +MUL0683 +SSNG0271 +WOZ20123 +WOZ20132 +PMUL1790 +SNG02193 +MUL0097 +SNG0679 +SSNG0231 +PMUL4862 +SNG0303 +MUL2508 +WOZ20442 +SNG0398 +MUL2311 +MUL1105 +SNG01309 +SNG02297 +PMUL0908 +SNG0440 +MUL2200 +MUL1689 +PMUL1117 +MUL1686 +WOZ20363 +PMUL4116 +PMUL2289 +SNG01791 +MUL1796 +MUL0551 +MUL2161 +SNG02178 +MUL1140 +MUL1436 +PMUL2316 +MUL0280 +MUL1010 +PMUL4232 +SSNG0217 +SNG1176 +PMUL4092 +PMUL3827 +PMUL1584 +MUL0996 +SNG0587 +MUL0140 +PMUL0639 +MUL1414 +MUL2207 +PMUL2857 +SNG01500 +PMUL4997 +PMUL0216 +SNG0795 +PMUL0278 +SNG02248 +WOZ20337 +SNG0879 +SNG02192 +MUL0224 +PMUL3360 +MUL0031 +PMUL4959 +PMUL0213 +MUL1095 +PMUL2707 +MUL1688 +WOZ20344 +SNG0713 +WOZ20317 +WOZ20100 +PMUL0226 +SNG0458 +MUL1391 +PMUL2557 +SNG01687 +PMUL0652 +PMUL3867 +SNG0479 +SNG01186 +SNG1214 +WOZ20670 +PMUL0666 +PMUL2682 +SNG02201 +SNG1261 +MUL1353 +PMUL2367 +MUL2201 +SNG0326 +PMUL2685 +SSNG0124 +SNG0876 +PMUL3284 +SNG0438 +PMUL0746 +MUL0796 +PMUL4977 +PMUL1872 +SNG0224 +PMUL1431 +MUL1464 +PMUL4721 +SNG1274 +WOZ20527 +MUL1962 +PMUL2031 +SNG01385 +MUL0861 +MUL0475 +MUL0942 +MUL0246 +MUL0038 +PMUL4589 +PMUL1652 +MUL1337 +MUL0181 +MUL1207 +MUL1020 +PMUL2597 +PMUL3872 +PMUL0654 +SSNG0129 +PMUL0350 +SNG0276 +PMUL3573 +WOZ20024 +MUL2414 +MUL1215 +PMUL0161 +PMUL3170 +SNG02123 +SNG01895 +MUL1163 +MUL0467 +PMUL1945 +PMUL4307 +MUL0910 +SNG02131 +SNG0581 +SSNG0022 +SNG1101 +MUL2383 +PMUL2833 +PMUL3715 +SNG0811 +PMUL2297 +PMUL3198 +PMUL3387 +PMUL4312 +PMUL3866 +SNG0591 +PMUL0020 +MUL0802 +PMUL4582 +PMUL1787 +PMUL0632 +SNG1225 +WOZ20029 +SNG0065 +PMUL3704 +PMUL0935 +SNG01857 +PMUL3674 +SSNG0104 +MUL0726 +PMUL3732 +PMUL2273 +MUL2129 +PMUL3703 +PMUL3550 +SNG0039 +SSNG0324 +PMUL2078 +WOZ20426 +PMUL1221 +MUL0574 +MUL2516 +PMUL1948 +PMUL1622 +PMUL3430 +PMUL3697 +PMUL0888 +PMUL4417 +PMUL0970 +PMUL0485 +PMUL2760 +MUL1446 +MUL1039 +SNG0187 +PMUL3334 +PMUL1750 +PMUL0879 +SNG0642 +SNG01230 +SNG1139 +PMUL1688 +PMUL3903 +SNG0351 +PMUL3112 +PMUL0511 +MUL1683 +WOZ20004 +SNG01266 +MUL1978 +MUL1406 +MUL1006 +MUL2293 +SNG0563 +PMUL3604 +PMUL1797 +SNG0454 +MUL1083 +PMUL2217 +MUL2697 +SNG0260 +MUL0022 +SNG0469 +PMUL2456 +WOZ20331 +SNG01451 +PMUL3832 +PMUL0191 +PMUL4394 +PMUL3714 +SSNG0096 +PMUL4310 +SNG0622 +SNG01649 +PMUL2622 +SNG0705 +SNG1202 +MUL1509 +MUL2505 +MUL0553 +SNG0062 +PMUL4331 +PMUL3323 +PMUL3853 +PMUL3879 +SSNG0278 +PMUL0260 +SNG1331 +PMUL4597 +MUL2054 +PMUL3626 +SNG0654 +SNG0193 +PMUL4311 +WOZ20196 +PMUL2039 +SNG01477 +PMUL2402 +PMUL3605 +MUL2480 +PMUL4752 +PMUL1187 +SNG1317 +MUL0583 +SSNG0168 +PMUL2467 +PMUL4097 +MUL1393 +MUL1600 +PMUL3917 +PMUL4755 +PMUL3984 +PMUL1228 +SNG0740 +MUL1632 +WOZ20523 +PMUL1886 +PMUL3311 +SNG01864 +SNG01697 +PMUL3102 +MUL2510 +SNG0717 +MUL1335 +SSNG0186 +WOZ20378 +MUL1677 +SNG02326 +MUL2568 +PMUL0156 +PMUL1258 +PMUL0291 +SNG02335 +MUL0023 +PMUL3622 +SNG01245 +MUL1694 +PMUL3231 +MUL1161 +PMUL4304 +SNG01893 +WOZ20068 +SNG02112 +SNG0786 +PMUL0454 +PMUL2555 +MUL1413 +PMUL1798 +PMUL1665 +SSNG0144 +PMUL2883 +PMUL0283 +PMUL2334 +PMUL1195 +SNG0638 +MUL2126 +SSNG0305 +SSNG0199 +MUL1553 +PMUL3411 +PMUL4763 +WOZ20405 +PMUL0900 +SNG0731 +SNG01529 +PMUL2029 +PMUL0921 +PMUL2104 +MUL1857 +SNG0716 +MUL0320 +SSNG0340 +WOZ20538 +PMUL4802 +MUL1732 +SNG1349 +PMUL4323 +WOZ20044 +MUL0689 +PMUL1848 +PMUL3562 +PMUL1899 +PMUL2615 +WOZ20205 +PMUL4533 +PMUL1280 +MUL1333 +PMUL1101 +WOZ20666 +MUL0543 +PMUL4739 +SNG0365 +PMUL1930 +MUL2214 +MUL1834 +SNG0341 +MUL2473 +PMUL4761 +PMUL0845 +PMUL4532 +SNG1374 +WOZ20240 +PMUL4580 +SNG01285 +MUL1776 +SSNG0093 +SSNG0251 +MUL1087 +PMUL2213 +SNG0935 +MUL0070 +PMUL3229 +MUL2596 +MUL0588 +PMUL1099 +MUL0684 +PMUL4347 +WOZ20456 +MUL2556 +MUL1511 +MUL2474 +PMUL4420 +PMUL2659 +PMUL4906 +SNG02070 +SNG1008 +PMUL4892 +SNG0762 +PMUL0116 +PMUL0445 +MUL0008 +MUL1644 +MUL0007 +SNG0915 +SNG01368 +PMUL0070 +PMUL4418 +WOZ20450 +MUL0372 +PMUL1764 +SNG01394 +WOZ20193 +MUL1198 +WOZ20063 +PMUL0671 +PMUL3480 +MUL1429 +PMUL0111 +SNG0134 +MUL0096 +PMUL2115 +MUL1702 +PMUL4138 +SNG0026 +PMUL0807 +PMUL2843 +SNG02074 +PMUL0103 +PMUL2926 +PMUL4952 +SNG0012 +SNG0509 +MUL1037 +WOZ20416 +MUL1094 +PMUL2208 +MUL2472 +MUL2680 +MUL1307 +PMUL3509 +SSNG0209 +PMUL2408 +SNG01240 +SNG01858 +SNG0969 +SNG0319 +MUL2529 +WOZ20535 +MUL1011 +PMUL2613 +PMUL4108 +PMUL2315 +PMUL1687 +SSNG0202 +PMUL2776 +SNG0777 +WOZ20357 +PMUL1112 +SSNG0001 +PMUL2905 +SNG0596 +MUL0645 +PMUL0752 +MUL2158 +SNG0559 +PMUL4585 +MUL1364 +MUL1103 +PMUL3937 +SSNG0204 +MUL2373 +WOZ20309 +SNG01896 +SNG01601 +SNG02000 +MUL2671 +PMUL1887 +SNG01990 +PMUL2638 +PMUL1076 +SNG02150 +SNG0020 +PMUL2086 +SNG0634 +SSNG0145 +SSNG0239 +MUL1895 +PMUL1628 +SNG02226 +PMUL0471 +MUL1036 +PMUL0990 +PMUL4907 +SNG1226 +PMUL1819 +MUL2375 +WOZ20101 +SNG0046 +SNG0162 +MUL2682 +PMUL4457 +PMUL3383 +PMUL4586 +PMUL0075 +PMUL0175 +SSNG0238 +SNG1232 +PMUL2140 +MUL1893 +MUL0966 +PMUL3243 +SNG01222 +SNG01448 +PMUL0282 +PMUL0456 +SNG0780 +MUL2079 +PMUL3906 +MUL2545 +SNG0157 +SNG0872 +MUL0431 +MUL2413 +PMUL1871 +SNG01713 +PMUL4593 +MUL2050 +WOZ20339 +SSNG0081 +PMUL2544 +SNG02022 +PMUL2687 +PMUL4145 +MUL1561 +SNG01972 +MUL0284 +MUL1334 +PMUL0331 +PMUL3818 +WOZ20413 +WOZ20338 +PMUL3069 +SNG02293 +MUL2159 +SNG01815 +SNG0741 +WOZ20558 +PMUL3216 +PMUL0414 +PMUL3077 +MUL1099 +PMUL2429 +SNG01631 +PMUL2695 +SNG02216 +PMUL0063 +MUL0502 +MUL0307 +MUL0887 +PMUL4789 +PMUL4133 +SNG01840 +SNG01554 +PMUL1037 +PMUL0660 +WOZ20654 +SNG0183 +MUL2114 +PMUL0470 +MUL2668 +MUL0757 +MUL0503 +SNG02160 +PMUL1728 +PMUL0393 +SNG02338 +MUL1804 +SNG1353 +PMUL2507 +MUL0002 +PMUL0019 +PMUL4734 +PMUL4274 +SNG0672 +SNG1178 +SNG01232 +WOZ20401 +PMUL2964 +SNG01204 +PMUL0568 +PMUL0502 +MUL2521 +MUL0465 +MUL0929 +WOZ20093 +SNG01715 +PMUL3969 +PMUL4358 +MUL1502 +PMUL1315 +PMUL4658 +SNG02062 +MUL0196 +PMUL1746 +SSNG0223 +PMUL2322 +PMUL4065 +PMUL1704 +PMUL2608 +PMUL4481 +MUL2533 +SNG0168 +PMUL3452 +MUL2475 +PMUL4767 +SNG01947 +MUL0930 +MUL2292 +PMUL4279 +PMUL0255 +MUL0733 +PMUL3577 +MUL1112 +SNG01670 +PMUL1926 +PMUL2631 +PMUL1392 +PMUL4070 +PMUL1467 +SNG01875 +SNG0540 +SNG02179 +SNG02331 +SNG01999 +MUL1850 +PMUL2103 +PMUL2924 +MUL0279 +MUL0081 +PMUL0793 +MUL1542 +PMUL2943 +MUL0091 +MUL2017 +PMUL1741 +PMUL2298 +WOZ20534 +MUL1305 +PMUL0110 +PMUL0405 +MUL2005 +SNG02185 +PMUL3000 +SSNG0214 +SNG0480 +MUL0054 +PMUL2744 +MUL2147 +PMUL3878 +SNG1275 +SSNG0384 +SNG1115 +MUL1952 +MUL1231 +PMUL0450 +PMUL0197 +SSNG0309 +MUL0223 +MUL1471 +SNG1238 +MUL0858 +PMUL0024 +PMUL4200 +MUL1849 +SNG01753 +SNG01339 +PMUL1723 +PMUL0050 +PMUL2552 +PMUL2111 +PMUL0359 +SNG1304 +PMUL1411 +MUL0420 +MUL2485 +WOZ20284 +SSNG0153 +PMUL0916 +PMUL4642 +MUL2066 +MUL2700 +WOZ20209 +SNG02253 +MUL1778 +SNG1340 +PMUL4584 +MUL2061 +MUL1298 +SSNG0196 +PMUL3409 +PMUL1017 +WOZ20185 +PMUL4355 +PMUL1786 +PMUL4979 +MUL1929 +MUL0333 +MUL2493 +MUL0319 +PMUL4268 +MUL1319 +PMUL4645 +PMUL2516 +PMUL4865 +SNG1164 +MUL0061 +PMUL0160 +WOZ20053 +PMUL4657 +MUL0365 +MUL1272 +PMUL3020 +PMUL2921 +SNG02021 +PMUL0073 +SNG1136 +MUL0134 +PMUL0333 +MUL0472 +PMUL3128 +PMUL0074 +SNG0044 +PMUL3801 +WOZ20096 +PMUL3325 +MUL1098 +SNG01813 +MUL2038 +MUL0951 +PMUL3563 +MUL1054 +SNG01236 +SNG02141 +MUL0165 +MUL1947 +PMUL1780 +SNG0334 +PMUL2600 +SNG1338 +PMUL4452 +MUL1259 +MUL2202 +MUL0215 +MUL1516 +MUL0597 +WOZ20415 +PMUL3095 +SNG1037 +MUL1199 +WOZ20192 +MUL2444 +PMUL1988 +WOZ20412 +SNG01852 +MUL1574 +SNG0033 +SNG0643 +PMUL2892 +MUL0500 +SNG1135 +PMUL4164 +PMUL0149 +WOZ20125 +PMUL1149 +SNG02194 +PMUL2554 +MUL1084 +PMUL2937 +SSNG0325 +MUL2381 +PMUL4401 +PMUL4528 +MUL0086 +PMUL1651 +SSNG0162 +PMUL2822 +SNG0493 +PMUL0657 +PMUL0609 +PMUL0757 +MUL1303 +PMUL2319 +SSNG0323 +PMUL0628 +SNG01662 +PMUL0514 +SNG01610 +SNG01762 +MUL1827 +PMUL3228 +MUL2532 +PMUL4480 +PMUL3692 +SNG0227 +SNG1025 +SNG0245 +SNG0208 +PMUL1647 +MUL1835 +SNG1116 +WOZ20225 +PMUL4599 +SNG02103 +PMUL4489 +MUL1428 +PMUL0186 +SSNG0220 +PMUL2988 +SNG0496 +PMUL1914 +MUL2230 +WOZ20062 +WOZ20488 +PMUL1813 +PMUL0336 +SSNG0016 +WOZ20223 +SNG01480 +PMUL0242 +SNG01306 +PMUL0046 +PMUL0455 +PMUL4300 +SNG0485 +MUL0120 +PMUL0791 +MUL0087 +PMUL3230 +SNG01985 +SNG01566 +PMUL2876 +SNG02114 +PMUL2463 +MUL1809 +SNG01541 +PMUL3289 +PMUL0749 +MUL2380 +SSNG0247 +MUL1565 +SNG0313 +MUL1856 +SNG0630 +SNG0441 +WOZ20116 +MUL2643 +PMUL4387 +SNG01910 +PMUL2102 +MUL1851 +PMUL3132 +MUL1012 +PMUL2788 +MUL1194 +PMUL2611 +PMUL3945 +SNG0943 +SNG0902 +SNG02151 +MUL0461 +SNG0278 +SNG01967 +SNG0647 +PMUL0834 +PMUL4882 +MUL2019 +PMUL3768 +PMUL4177 +SNG01984 +SNG01811 +MUL0404 +MUL0652 +MUL0460 +SNG02043 +MUL2590 +PMUL0296 +PMUL3316 +PMUL0364 +SNG01407 +PMUL3242 +SNG0538 +SNG0096 +MUL0609 +WOZ20507 +SSNG0051 +PMUL3150 +PMUL2904 +MUL2257 +SNG0839 +PMUL2847 +SNG01712 +PMUL0461 +MUL2402 +SNG0395 +PMUL0338 +PMUL4385 +SSNG0188 +SNG02219 +PMUL1527 +PMUL0446 +SNG1201 +PMUL3373 +MUL1267 +PMUL3398 +MUL0217 +WOZ20659 +MUL1737 +MUL1481 +PMUL3030 +PMUL2528 +PMUL3337 +PMUL0612 +PMUL1469 +WOZ20151 +PMUL4000 +SNG0307 +SNG0445 +PMUL4536 +PMUL4340 +PMUL0620 +MUL1801 +MUL1358 +SNG0126 +SSNG0232 +SNG01739 +MUL2479 +SNG0336 +PMUL2572 +SNG01641 +SNG01665 +PMUL1544 +SNG01930 +MUL1823 +PMUL0465 +MUL1369 +SNG0002 +MUL1955 +PMUL2024 +PMUL2927 +SNG0054 +MUL1359 +PMUL1288 +SNG0932 +PMUL2920 +PMUL3751 +MUL1306 +MUL0952 +MUL0351 +MUL0721 +MUL1486 +MUL0226 +WOZ20465 +SNG1129 +PMUL2083 +PMUL0894 +MUL0740 +PMUL0159 +SNG1180 +WOZ20219 +PMUL3381 +MUL2689 +SNG0753 +SNG0557 +SNG0325 +PMUL1358 +MUL0958 +PMUL1245 +PMUL3261 +SNG01431 +WOZ20582 +PMUL0798 +MUL0378 +PMUL2099 +MUL0085 +PMUL0797 +PMUL4036 +SNG0335 +PMUL0682 +PMUL2669 +MUL1420 +WOZ20306 +SNG0304 +SNG01982 +MUL2080 +PMUL4525 +SNG01827 +WOZ20257 +MUL0342 +SNG1127 +PMUL4166 +MUL1440 +WOZ20468 +MUL1943 +PMUL1880 +MUL2676 +PMUL0706 +SNG01568 +PMUL4008 +SNG01917 +SSNG0294 +MUL1230 +PMUL3380 +PMUL0942 +PMUL1204 +SNG0561 +SNG0663 +PMUL3849 +SNG0388 +MUL2608 +MUL1939 +SSNG0259 +PMUL1207 +SNG01182 +PMUL4250 +PMUL4598 +MUL0768 +SNG0223 +SNG0405 +PMUL4662 +SNG0574 +PMUL4530 +SNG0498 +PMUL0285 +MUL1609 +PMUL2413 +MUL1408 +PMUL1625 +PMUL4548 +SNG0516 +PMUL0363 +MUL2560 +PMUL4051 +MUL1829 +SNG0541 +PMUL3291 +PMUL4994 +MUL0710 +MUL1441 +PMUL3147 +PMUL2802 +PMUL0330 +SNG01585 +PMUL0284 +MUL0249 +MUL2636 +PMUL0337 +MUL0817 +SNG0956 +WOZ20359 +MUL1195 +WOZ20477 +SNG01916 +SNG0976 +MUL0634 +PMUL2175 +PMUL0068 +PMUL1238 +PMUL1466 +PMUL3788 +MUL1151 +PMUL1077 +PMUL0910 +MUL0922 +SNG0175 +WOZ20597 +PMUL4154 +PMUL4443 +MUL2471 +MUL1262 +PMUL4341 +PMUL3190 +MUL1752 +PMUL0541 +SNG01496 +WOZ20097 +PMUL4613 +PMUL3540 +SNG0024 +SNG0370 +SNG0532 +SSNG0397 +PMUL0362 +MUL1525 +SSNG0385 +SNG02333 +PMUL1468 +WOZ20186 +PMUL2872 +MUL0909 +SSNG0222 +PMUL4178 +PMUL4223 +MUL0318 +PMUL2291 +WOZ20088 +PMUL0114 +PMUL1814 +SNG0198 +MUL1570 +WOZ20627 +SNG01740 +SNG0608 +PMUL1032 +PMUL1703 +PMUL0411 +PMUL3369 +SNG0270 +SNG0045 +PMUL4859 +PMUL4665 +PMUL3877 +SNG01485 +MUL1726 +WOZ20285 +MUL1970 +MUL0507 +MUL0720 +SNG02181 +SNG1054 +MUL0504 +PMUL3462 +PMUL0397 +PMUL4777 +MUL2461 +SNG1257 +PMUL3628 +SNG01399 +PMUL0018 +WOZ20158 +SNG02332 +SNG01666 +SNG0086 +PMUL0199 +MUL0067 +SSNG0113 +SNG01404 +PMUL0792 +PMUL0814 +PMUL0977 +MUL1235 +PMUL2167 +PMUL3646 +PMUL3375 +SNG01520 +PMUL1188 +PMUL0594 +SNG0909 +SNG0462 +MUL2409 +MUL2348 +SNG1361 +SNG01326 +WOZ20410 +MUL1679 +SNG0100 +PMUL0253 +PMUL0486 +PMUL0649 +SNG0216 +MUL1953 +PMUL2022 +WOZ20532 +SNG01384 +WOZ20580 +PMUL4490 +MUL2107 +PMUL1397 +MUL2326 +MUL1954 +PMUL3458 +SNG01352 +MUL0422 +SNG01575 +PMUL4797 +PMUL4509 +SNG01260 +PMUL0152 +PMUL3535 +SNG1024 +PMUL1302 +SNG0671 +WOZ20347 +PMUL4943 +MUL1985 +MUL2391 +MUL0090 +SSNG0359 +PMUL1418 +SNG1291 +PMUL1520 +SNG01914 +MUL0277 +PMUL2824 +PMUL3370 +MUL1280 +PMUL3455 +PMUL0247 +PMUL0956 +PMUL4885 +PMUL3944 +PMUL1882 +MUL2674 +PMUL2823 +PMUL0633 +PMUL2387 +PMUL4251 +MUL1383 +SNG0827 +PMUL2395 +MUL0501 diff --git a/data/multiwoz/val.json.zip b/data/multiwoz/val.json.zip new file mode 100644 index 0000000..fea9e75 Binary files /dev/null and b/data/multiwoz/val.json.zip differ diff --git a/data/multiwoz/valListFile b/data/multiwoz/valListFile new file mode 100644 index 0000000..c76cb0b --- /dev/null +++ b/data/multiwoz/valListFile @@ -0,0 +1,1000 @@ +PMUL0698 +PMUL3233 +SNG01627 +MUL1719 +MUL0242 +PMUL1072 +PMUL3048 +PMUL1100 +PMUL3979 +MUL1409 +PMUL4828 +SNG0329 +PMUL3314 +MUL1768 +MUL0293 +PMUL0420 +PMUL0858 +MUL1367 +MUL1271 +PMUL0928 +MUL1589 +PMUL3200 +MUL0398 +SNG01735 +PMUL4290 +SNG0551 +MUL2384 +SNG01993 +PMUL2235 +PMUL4075 +PMUL0724 +MUL2160 +PMUL1402 +PMUL1152 +PMUL1121 +SNG02071 +PMUL3215 +PMUL4833 +MUL0344 +MUL2418 +PMUL1181 +MUL1604 +PMUL0287 +MUL2064 +PMUL4581 +MUL1888 +MUL1603 +PMUL1591 +MUL2393 +MUL0300 +PMUL3406 +MUL2092 +PMUL3428 +SNG0899 +MUL1503 +MUL2470 +MUL2361 +SNG0759 +PMUL0590 +SNG01598 +MUL0126 +MUL1973 +PMUL1951 +PMUL4993 +PMUL2307 +MUL1920 +SNG01184 +MUL0960 +MUL2366 +PMUL1429 +PMUL0564 +SNG1049 +PMUL4688 +SNG02346 +MUL0696 +MUL0899 +PMUL0601 +MUL0452 +MUL1923 +MUL2387 +PMUL1635 +PMUL2412 +PMUL3123 +PMUL0508 +PMUL1917 +SNG0665 +SNG0374 +PMUL2804 +PMUL4612 +PMUL4846 +MUL0985 +PMUL2464 +MUL0676 +MUL0754 +MUL0509 +SNG0041 +SNG0651 +PMUL0529 +PMUL3891 +MUL2117 +MUL2222 +PMUL4426 +PMUL2713 +SNG02221 +PMUL2179 +MUL1022 +PMUL2973 +PMUL4359 +PMUL1653 +PMUL3779 +MUL0602 +PMUL4687 +SNG1046 +MUL0559 +MUL2372 +SNG0807 +PMUL1990 +PMUL3817 +PMUL1620 +MUL0142 +SNG1143 +MUL0425 +PMUL1257 +MUL0962 +MUL1245 +PMUL1953 +SNG0038 +MUL0631 +MUL1472 +MUL2258 +PMUL0759 +MUL0791 +MUL0627 +PMUL0569 +MUL0476 +MUL1977 +MUL0129 +PMUL2394 +MUL2644 +MUL1286 +PMUL0032 +PMUL1768 +PMUL3574 +SNG0535 +MUL1881 +PMUL4414 +MUL1347 +MUL0773 +SNG0939 +MUL1415 +PMUL3899 +MUL0751 +SNG1007 +MUL2324 +PMUL4198 +MUL0737 +MUL1626 +MUL1379 +SNG0588 +SNG0521 +MUL1407 +PMUL4826 +PMUL3591 +MUL2487 +PMUL4354 +MUL0362 +MUL1370 +PMUL1393 +PMUL0959 +SNG0922 +PMUL4881 +PMUL2617 +MUL1652 +PMUL4471 +MUL2670 +PMUL2478 +PMUL0729 +MUL1647 +PMUL2532 +MUL2495 +PMUL1132 +PMUL0623 +PMUL3806 +PMUL2282 +SNG01229 +PMUL1579 +SNG02105 +PMUL3073 +PMUL2219 +SNG0698 +PMUL4719 +SNG01903 +MUL1837 +MUL1426 +MUL2291 +SNG01586 +PMUL3607 +PMUL3744 +PMUL4431 +MUL1900 +SNG01777 +SNG01609 +MUL1078 +MUL1125 +PMUL1310 +PMUL0912 +MUL0622 +SNG1055 +MUL2612 +MUL2277 +MUL2016 +PMUL2894 +SNG0900 +PMUL2504 +SNG01579 +PMUL3110 +PMUL3169 +PMUL3410 +MUL2351 +MUL1131 +SNG1047 +PMUL4686 +MUL0635 +MUL2526 +SNG0414 +MUL1975 +MUL1160 +MUL0915 +SNG01297 +PMUL1408 +SNG1011 +MUL0625 +MUL1995 +MUL0663 +PMUL0589 +PMUL0653 +PMUL3702 +PMUL3735 +PMUL3244 +SNG0603 +SNG0068 +SNG0080 +PMUL1968 +SNG0299 +SNG01595 +MUL0675 +MUL0681 +MUL0673 +PMUL1322 +SNG0891 +MUL1292 +PMUL4289 +PMUL0512 +PMUL1389 +PMUL3456 +PMUL4939 +MUL1341 +MUL0426 +PMUL0294 +MUL2282 +MUL2013 +PMUL0716 +MUL0637 +PMUL4711 +PMUL1453 +PMUL0743 +PMUL3362 +PMUL0984 +MUL2251 +MUL1673 +PMUL1108 +PMUL3002 +PMUL1029 +PMUL2255 +PMUL0605 +MUL2041 +PMUL0575 +SNG0283 +PMUL2863 +PMUL0936 +MUL1381 +PMUL0025 +MUL1963 +MUL2111 +PMUL3106 +PMUL2711 +PMUL2021 +PMUL0356 +SNG0494 +PMUL3888 +PMUL1018 +MUL1463 +MUL0065 +PMUL3756 +PMUL2204 +MUL0878 +MUL2389 +MUL2000 +PMUL1557 +MUL1368 +MUL1740 +PMUL3434 +PMUL3072 +SNG0934 +MUL2640 +PMUL2320 +PMUL4853 +MUL0107 +PMUL4287 +PMUL4482 +MUL0219 +PMUL3466 +MUL2173 +MUL2082 +MUL0493 +MUL1843 +PMUL0010 +MUL0386 +MUL2096 +MUL1564 +PMUL3384 +PMUL0596 +PMUL4588 +PMUL0622 +MUL0490 +SNG0845 +PMUL2421 +SNG0437 +MUL0959 +SNG0883 +SNG01235 +PMUL1791 +PMUL1289 +PMUL3835 +SNG1125 +MUL0971 +MUL2467 +MUL1288 +PMUL2386 +SNG0344 +SNG0896 +PMUL3554 +SNG0942 +PMUL1684 +PMUL1892 +PMUL0289 +MUL2065 +SNG0996 +MUL2083 +PMUL2314 +SNG1023 +MUL2690 +PMUL3332 +SNG01934 +PMUL4793 +PMUL2428 +PMUL3537 +MUL1854 +PMUL2762 +SNG01201 +MUL1221 +MUL0719 +PMUL0717 +PMUL0400 +PMUL0874 +PMUL1683 +MUL0713 +MUL1808 +PMUL1063 +MUL1967 +SNG0650 +MUL1976 +MUL1450 +SNG0542 +SNG0913 +MUL0338 +PMUL3645 +SNG0937 +MUL1908 +SNG01206 +SNG0751 +SNG01504 +PMUL2906 +MUL2330 +PMUL4120 +SNG0018 +SNG01172 +MUL2263 +SNG0314 +MUL1256 +PMUL4864 +PMUL1879 +SNG0490 +MUL0657 +PMUL2383 +PMUL0142 +PMUL2839 +MUL0478 +MUL0401 +PMUL0543 +PMUL1016 +PMUL4451 +SNG01626 +MUL2249 +PMUL1831 +PMUL4439 +PMUL0835 +MUL1025 +PMUL3665 +SNG0565 +PMUL2350 +PMUL3405 +MUL0287 +PMUL1057 +SNG01630 +MUL0135 +PMUL3485 +PMUL0697 +PMUL3396 +PMUL3017 +MUL1738 +SNG0384 +PMUL3397 +PMUL1159 +PMUL1518 +PMUL4276 +MUL1934 +MUL0430 +PMUL0348 +PMUL4109 +MUL0154 +MUL1227 +PMUL3363 +SNG0829 +PMUL2623 +PMUL1795 +PMUL3464 +MUL1360 +MUL0839 +SNG0090 +MUL0603 +MUL1780 +SNG01935 +MUL0995 +MUL1130 +PMUL3634 +SNG0893 +MUL1651 +SNG1122 +PMUL3695 +SNG01889 +MUL0745 +MUL1879 +PMUL1771 +PMUL4053 +SNG01317 +SNG0554 +PMUL4620 +MUL1492 +MUL0549 +PMUL1747 +PMUL2792 +MUL0187 +PMUL3740 +MUL1487 +MUL1249 +PMUL2841 +PMUL4814 +MUL1457 +PMUL1712 +SNG0331 +MUL2259 +SNG0804 +PMUL4332 +MUL1540 +MUL2638 +SNG0058 +PMUL0555 +SNG0030 +MUL2341 +PMUL3683 +SNG0993 +PMUL1594 +PMUL4877 +MUL0731 +PMUL4702 +MUL1166 +PMUL3052 +MUL1576 +SNG0501 +PMUL4976 +MUL1762 +PMUL4729 +PMUL1345 +PMUL4424 +SNG1043 +SNG01684 +MUL0178 +MUL1916 +MUL1549 +MUL0311 +SNG1069 +MUL2574 +PMUL4446 +PMUL1681 +MUL0305 +SNG0422 +MUL2108 +MUL0051 +SNG02311 +PMUL1211 +MUL0598 +SNG0771 +MUL0707 +PMUL0432 +MUL0544 +SNG02214 +PMUL1599 +PMUL4314 +PMUL1235 +MUL0272 +SNG1018 +SNG0668 +PMUL4302 +SNG0697 +PMUL0036 +PMUL2441 +SNG1017 +SNG01553 +SNG01426 +PMUL0187 +PMUL2301 +MUL2344 +PMUL4436 +MUL0055 +MUL1722 +MUL0674 +PMUL2748 +PMUL3630 +SNG01804 +MUL2289 +PMUL2472 +MUL2468 +PMUL1744 +PMUL2757 +MUL1590 +MUL1146 +PMUL2494 +SNG0442 +SNG0769 +SNG01664 +MUL0046 +SNG1035 +PMUL4623 +MUL0302 +SNG02278 +PMUL3392 +PMUL0739 +PMUL4033 +MUL2448 +MUL1338 +PMUL0689 +PMUL3883 +PMUL1496 +SNG0277 +SNG01453 +SNG02220 +PMUL0083 +PMUL3911 +PMUL2648 +MUL0032 +MUL0337 +PMUL4592 +MUL0095 +PMUL4264 +PMUL3344 +SNG0660 +MUL1615 +MUL1034 +MUL1550 +MUL0012 +MUL0093 +SNG0368 +MUL1903 +MUL2677 +PMUL1881 +PMUL3015 +MUL2456 +PMUL3426 +SNG01218 +MUL1517 +MUL0650 +PMUL1142 +PMUL4955 +PMUL2599 +MUL1433 +MUL0326 +PMUL2807 +PMUL0626 +SNG01703 +MUL0384 +PMUL4467 +SNG02109 +SNG01953 +SNG01928 +MUL0702 +PMUL0515 +MUL0806 +PMUL1052 +MUL0202 +PMUL4744 +PMUL4126 +PMUL1346 +SNG01527 +MUL1617 +MUL1128 +MUL1655 +PMUL3109 +PMUL3050 +SNG0017 +PMUL3884 +MUL2199 +SNG0381 +SNG0463 +MUL2268 +PMUL2324 +SNG02115 +MUL0923 +SNG02052 +PMUL2075 +PMUL4485 +PMUL0134 +MUL2152 +MUL1968 +MUL0013 +MUL1462 +MUL0513 +PMUL2248 +PMUL1661 +PMUL0207 +MUL2649 +MUL0227 +SNG0711 +PMUL0690 +PMUL4984 +PMUL2594 +MUL0539 +PMUL4707 +MUL0651 +PMUL3453 +PMUL3632 +PMUL1451 +PMUL1282 +PMUL4076 +PMUL0863 +SNG01523 +MUL0512 +MUL1042 +SNG02029 +SNG02121 +PMUL0607 +PMUL2144 +MUL1382 +SNG02260 +PMUL2763 +MUL1044 +MUL1531 +PMUL0978 +PMUL2304 +PMUL2259 +SNG1119 +PMUL2105 +PMUL3498 +MUL0313 +MUL2618 +SNG0550 +MUL0505 +MUL0317 +MUL2020 +SNG0049 +PMUL2585 +PMUL4913 +PMUL0687 +MUL0376 +MUL2360 +MUL1158 +PMUL3324 +SNG0684 +PMUL0958 +PMUL4244 +PMUL2718 +MUL0418 +PMUL1644 +MUL0207 +PMUL1464 +SNG0949 +PMUL2844 +PMUL4386 +PMUL1054 +MUL0819 +PMUL1517 +SNG0846 +PMUL4005 +PMUL0124 +PMUL1722 +SNG1085 +PMUL0705 +MUL0047 +SNG1121 +SNG1050 +MUL1831 +PMUL4791 +SNG02057 +SNG1002 +MUL1622 +PMUL2724 +PMUL4473 +SNG0862 +MUL0209 +PMUL3862 +SNG0609 +PMUL0571 +PMUL4583 +PMUL4555 +PMUL2385 +SNG0019 +PMUL2721 +PMUL1071 +PMUL1274 +PMUL4399 +SNG01839 +MUL0703 +PMUL2880 +PMUL3174 +PMUL2786 +MUL0177 +MUL0463 +PMUL3644 +SNG0271 +PMUL4060 +SNG0889 +MUL0082 +MUL0445 +MUL0871 +MUL2683 +PMUL2389 +MUL2541 +SNG0060 +PMUL2970 +SNG0736 +MUL1758 +MUL1571 +MUL2307 +MUL0036 +PMUL2661 +MUL0706 +PMUL2178 +PMUL3352 +SNG0703 +MUL0848 +SNG0566 +MUL1635 +SNG0910 +PMUL0740 +SNG01196 +PMUL2518 +SNG01411 +MUL2587 +PMUL0266 +PMUL2338 +SNG0386 +PMUL2154 +PMUL3105 +SNG0457 +MUL2309 +PMUL2747 +MUL1476 +PMUL3966 +PMUL0521 +MUL2271 +MUL1897 +PMUL3923 +MUL1167 +PMUL2520 +SNG1019 +SNG0700 +MUL0610 +PMUL3262 +MUL1318 +MUL0312 +PMUL4850 +SNG0497 +SNG0907 +MUL0957 +MUL1133 +MUL1453 +SNG02296 +MUL1419 +MUL0571 +PMUL4022 +PMUL1624 +PMUL3820 +MUL1904 +PMUL3880 +MUL1295 +PMUL3797 +SNG0567 +PMUL3166 +SNG01320 +MUL1858 +MUL1500 +SNG1106 +MUL1247 +MUL1297 +PMUL3983 +PMUL2565 +MUL0489 +MUL1556 +SNG0633 +MUL1884 +MUL1972 +SNG01698 +PMUL1318 +MUL0182 +PMUL4522 +MUL2421 +PMUL4492 +PMUL2968 +MUL1162 +SNG0406 +PMUL4107 +PMUL4400 +MUL0206 +MUL0106 +PMUL3497 +SNG01227 +PMUL3776 +PMUL1352 +PMUL3470 +PMUL4691 +PMUL3840 +MUL1770 +PMUL1615 +MUL2688 +MUL0229 +PMUL3929 +PMUL2576 +PMUL2780 +SNG01996 +PMUL2306 +SNG0752 +MUL0321 +MUL2486 +MUL1594 +SNG1142 +MUL2489 +MUL1676 +PMUL1479 +PMUL4438 +SNG1071 +SNG0084 +MUL0348 +MUL2223 +PMUL2260 +MUL2004 +MUL0830 +MUL1003 +MUL0893 +MUL0060 +MUL2319 +SNG01974 +MUL0687 +PMUL2821 +PMUL0318 +MUL2615 +MUL0368 +MUL2097 +SNG02077 +SNG02274 +PMUL1104 +PMUL1828 +PMUL3974 +SNG0843 +MUL0580 +MUL1663 +PMUL4488 +MUL2507 +PMUL0389 +PMUL0574 +MUL1126 +SNG01284 +PMUL1233 +PMUL3926 +MUL0759 +SNG02330 +PMUL3928 +SNG0968 +MUL2699 +MUL1636 +PMUL2992 +PMUL2986 +MUL0276 +PMUL1721 +SNG0770 +MUL1357 +PMUL2363 +SNG0597 +PMUL1636 +PMUL1186 +MUL1821 +MUL0049 +PMUL3766 +MUL0691 +SNG02341 +SNG0447 +MUL0729 +SNG0694 +SNG01699 +PMUL3117 +PMUL1692 +SNG0730 +PMUL2088 +MUL0244 +PMUL0600 +PMUL2368 +SNG0783 +MUL0933 +PMUL1122 +PMUL2190 +PMUL2492 +PMUL2382 +SNG02089 +SNG0340 +PMUL1074 +PMUL2274 +PMUL2093 +PMUL2902 +SNG0495 +PMUL4902 +PMUL3133 +MUL0888 +MUL1174 +PMUL0764 +PMUL4554 +SNG0475 +PMUL3728 +SNG02133 +PMUL0987 +MUL2100 +SNG01962 +PMUL2469 +MUL0827 +MUL0039 +SNG0856 +PMUL3320 +MUL2039 +PMUL4757 +PMUL1133 +MUL1971 +PMUL4870 +SNG0835 +MUL0016 +MUL2693 +SNG01459 +PMUL3850 +SNG0670 +SNG0327 +MUL0517 +SNG0369 +PMUL3378 +MUL2067 +PMUL4634 +PMUL0963 +PMUL3379 +MUL1988 +MUL2184 +MUL1873 +PMUL3786 +MUL2014 +PMUL1650 +MUL1326 +SNG0921 +MUL2058 +MUL1183 +PMUL0720 +MUL0448 +SNG02276 +PMUL1184 +MUL1482 +PMUL1525 +PMUL1140 +PMUL0119 +PMUL3544 +MUL1669 +PMUL4029 +PMUL2975 +SNG01801 +PMUL1400 +MUL0128 +PMUL0077 diff --git a/data/value_set.json b/data/value_set.json new file mode 100644 index 0000000..bb17e47 --- /dev/null +++ b/data/value_set.json @@ -0,0 +1,4228 @@ +{ + "police": { + "name": [ + "Parkside Police Station" + ], + "address": [ + "Parkside, Cambridge" + ] + }, + "taxi": { + "types": [ + "toyota", + "skoda", + "bmw", + "honda", + "ford", + "audi", + "lexus", + "volvo", + "volkswagen", + "tesla" + ], + "colors": [ + "black", + "white", + "red", + "yellow", + "blue", + "grey" + ], + "phone": [ + "^[0-9]{10}$" + ] + }, + "restaurant": { + "name": [ + "ugly duckling", + "prezzo", + "caffe uno", + "the golden curry", + "the gandhi", + "backstreet bistro", + "galleria", + "nandos", + "charlie chan", + "tandoori palace", + "the river bar steakhouse and grill", + "hotel du vin and bistro", + "fitzbillies restaurant", + "ali baba", + "clowns cafe", + "de luca cucina and bar", + "cambridge lodge restaurant", + "curry garden", + "dojo noodle bar", + "shanghai family restaurant", + "the lucky star", + "hakka", + "sesame restaurant and bar", + "golden house", + "the gardenia", + "efes restaurant", + "jinling noodle bar", + "saigon city", + "cocum", + "wagamama", + "bloomsbury restaurant", + "saffron brasserie", + "chiquito restaurant bar", + "travellers rest", + "yu garden", + "stazione restaurant and coffee bar", + "tang chinese", + "meze bar", + "the slug and lettuce", + "pizza express", + "da vinci pizzeria", + "restaurant two two", + "darrys cookhouse and wine shop", + "hk fusion", + "nandos city centre", + "la mimosa", + "the copper kettle", + "frankie and bennys", + "rice house", + "shiraz restaurant", + "the missing sock", + "kohinoor", + "rajmahal", + "restaurant one seven", + "the good luck chinese food takeaway", + "midsummer house restaurant", + "rice boat", + "thanh binh", + "j restaurant", + "the hotpot", + "taj tandoori", + "zizzi cambridge", + "curry prince", + "the cambridge chop house", + "curry king", + "curry queen", + "the cow pizza kitchen and bar", + "loch fyne", + "golden wok", + "kymmoy", + "pizza hut cherry hinton", + "city stop restaurant", + "la margherita", + "ask restaurant", + "saint johns chop house", + "panahar", + "pipasha restaurant", + "grafton hotel restaurant", + "royal spice", + "yippee noodle bar", + "lan hong house", + "maharajah tandoori restaurant", + "michaelhouse cafe", + "anatolia", + "peking restaurant", + "cote", + "riverside brasserie", + "don pasquale pizzeria", + "meghna", + "india house", + "sala thong", + "the oak bistro", + "gourmet burger kitchen", + "the varsity restaurant", + "la raza", + "eraina", + "restaurant alimentum", + "graffiti", + "sitar tandoori", + "bedouin", + "cotto", + "the nirala", + "royal standard", + "pizza hut fen ditton", + "pizza hut city centre", + "mahal of cambridge", + "bangkok city", + "little seoul", + "la tasca", + "pizza express Fen Ditton" + ], + "area": [ + "west", + "centre", + "south", + "east", + "north" + ], + "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", + "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.", + "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", + "the varsity restaurant serves a variety of international and vegetarian dishes and can cater for private parties of up to 40 guests upon request", + "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", + "the rice boat serves an authentic kind of indian cuisine that originates from the villages of kerala where the spice trade originated", + "tang chinese is a buffet restaurant and bar serving a variety of dishes for lunch and dinner there is also a takeaway menu available", + "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", + "tandoori palace serve a variety of indian and bangladeshi dishes and can cater for private parties of up to 110 guests upon request", + "dojo noodle bar serves a variety of japanese chinese vietnamese korean and malaysian dishes to eat in or take away sister restaurant to touzai", + "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.", + "pizza hut is a large chain with restaurants nationwide offering convenience pizzas pasta and salads to eat in or take away", + "sala thong serves a variety of thai dishes at their restaurant catering for private parties of up to 40 guests is available upon request", + "kohinoor serves a variety of indian and vegetarian dishes at their restaurant a takeaway and delivery service is also available", + "kymmoy is a noodle bar serving a wide variety of chinese thai cuisine for lunch and dinner", + "Critically acclaimed food in luxurious and stylish surroundings, overlooking the hotels lush gardens.", + "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", + "peking resturant cook from fresh ingredients. they specialise in sichuan and hunan dishes", + "saigon city serve vietnamese chinese and thai cuisine to eat in or take away", + "yu garden serves authentic chinese cuisine", + "eraina serves a variety of drinks and european dishes with influences from france spain italy and greece catering for vegetarians is also provided", + "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", + "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", + "rajmahal serves traditional indian cuisine accomapnied by a broad wine list with beers and spirits also available", + "pipasha restaurant serves a variety of indian dishes to eat in or take away a delivery service is also available", + "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", + "little seoul offer a variety of korean cuisine for lunch and dinner", + "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", + "clowns cafe serve a variety of drinks as well as italian dishes such as pasta ciabatta and salads", + "slug lettuce is a premium high street bar that serves a wide range of restaurant quality food to suit all occasions and appetites.", + "j restaurant offers a wide variety of sushi noodles and dim sum to eat in or takeaway a home delivery service is also available", + "A unique treat for all lovers of Chinese cuisine. From the Spice Islands to the food streets of Beijing and the finest ocean catch.", + "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.", + "Pizza hut is a large chain with restaurants nationwide offering convenience pizzas pasta and salads to eat in or take away", + "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", + "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", + "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", + "the golden wok serves a variety of traditional chinese meals including sweet and sour dishes as well as rice and noodles", + "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", + "la margherita serve a variety of italian and vegetarian dishes at their restaurant", + "la tasca is a spanish tapas restaurant and bar offering over 30 tapas dishes", + "darrys cookhouse and wine shop is an award winning drinking and dining restaurant and bar in the centre of cambridge", + "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", + "shiraz serves traditional mediterranean cuisine accompanied by an extensive wine list with beers and spirits also available", + "curry garden serves traditional indian and bangladeshi cuisine cooked with fresh produce delivered every day", + "curry prince is a neighbourhood indian restaurant serving authentic cuisine", + "bedouin serves algerian cuisine", + "lan hong house serves great value home cooked authentic chinese food with over two five dishes available from the buffet", + "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", + "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", + "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", + "rice house serve a variety of popular chinese dishes at their restaurant", + "the golden curry serves a variety of authentic indian dishes at their fully licensed restaurant", + "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", + "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", + "bangkok city serve a variety of authentic dishes to eat in or take away", + "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", + "jinling noodle bar serves a wide range of chinese and shanghai dishes reflecting many different flavours and ingredients", + "cocum specialises in south indian cuisine using spices meat and vegetables from the kerala region there is also a take away option", + "charlie chan serves a variety of popular chinese dishes at their restaurant", + "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", + "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.", + "thanh binh serve a variety of vietnamese dishes as well as selling an assortment of tea and coffees", + "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", + "curry queen is the most popular indian restaurant in cambridge serving good indian cuisine including all the usual dishes", + "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", + "efes restaurant serve a variety of turkish dishes including kebabs in truly authentic surroundings.", + "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", + "cote is a modern french bistro offering some of the classic and simple favourites of french cuisine", + "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", + "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", + "shanghai family restaurant comprises a french cafe on the lower level and a chinese restaurant upstairs", + "ugly duckling serves a variety of chinese dishes to eat in or take away they also offer 10 percent discount on takeaway orders", + "It's Nandos", + "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", + "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" + ], + "signature": [ + "", + "chargrilled rib eye steak with truffle butter mixed salad and fries", + "poached fillets of monkfish in lemongrass with sweet red chilli cream sauce and tiger prawns with leeks and mushrooms served with rice", + "lamb barnsley chop potato and garlic bake greens and gravy", + "lobster mac and cheese", + "slowroast sirloin of beef red onion celeriac and garlic", + "barnsley chop braised potatoes roast celeriac red cabbage and port sauce", + "piccante rustica pizza, a spicy sausage salami mascarpone and roquito chilli", + "panfried fillet of brill tempura of langoustine crushed garden peas shellfish basil nage", + "coconut and red chilli monkfish", + "chicken tikka masala", + "wasabi spiked hamburger", + "seafood paella", + "roasted barbary duck breast served with sweet potato wedges and mange tout with a red wine sauce", + "seared scallops with truffle apple and celeriac", + "african babooti" + ], + "type": [ + "restaurant" + ], + "address": [ + "5 Jordans Yard Bridge Street City Centre", + "Cambridge Retail Park Newmarket Road Fen Ditton", + "22 Chesterton Road Chesterton", + "169 High Street Chesterton Chesterton", + "33-34 Saint Andrews Street", + "The Little Rose 37 Trumpington Street", + "7 Barnwell Road Fen Ditton", + "100 Mill Road City Centre", + "21 Burleigh Street City Centre", + "1 Kings Parade", + "191 Histon Road Chesterton", + "36 Saint Andrews Street", + "Milton Road Chesterton", + "Jesus Lane Fen Ditton", + "Corn Exchange Street", + "68 Histon Road Chesterton", + "12 St. Johns Street City Centre", + "Napier Street City Centre", + "Grafton Hotel 619 Newmarket Road Fen Ditton", + "15 Magdalene Street City Centre", + "De Vere University Arms Regent Street City Centre", + "40210 Millers Yard City Centre", + "4 - 6 Rose Crescent", + "21 - 24 Northampton Street", + "52 Mill Road City Centre", + "Cambridge Leisure Park Clifton Way", + "11 Peas Hill City Centre", + "Free School Lane City Centre", + "54 King Street City Centre", + "152 - 154 Hills Road", + "Victoria Avenue Chesterton", + "74 Mill Road City Centre", + "20 Milton Road Chesterton", + "35 Newnham Road Newnham", + "35 Saint Andrews Street City Centre", + "Crowne Plaza Hotel 20 Downing Street", + "Thompsons Lane Fen Ditton", + "Finders Corner Newmarket Road", + "34 - 35 Green Street", + "4 Kings Parade City Centre", + "17 Hills Road City Centre", + "Market Hill City Centre", + "33 Bridge Street", + "30 Bridge Street City Centre", + "Cambridge Leisure Park Clifton Way Cherry Hinton", + "Bridge Street City Centre", + "84 Regent Street City Centre", + "8 Norfolk Street City Centre", + "43 High Street Cherry Hinton Cherry Hinton", + "82 Cherry Hinton Road Cherry Hinton", + "88 Mill Road City Centre", + "14 -16 Bridge Street", + "59 Hills Road City Centre", + "40270 King Street City Centre", + "205 Victoria Road Chesterton", + "37 Newnham Road Newnham", + "47-53 Regent Street", + "King Street City Centre", + "2 Rose Crescent City Centre", + "Hills Road City Centre", + "72 Regent Street City Centre", + "196 Mill Road City Centre", + "24 Green Street City Centre", + "7 Milton Road Chesterton", + "12 Lensfield Road City Centre", + "G4 Cambridge Leisure Park Clifton Way Cherry Hinton", + "51 Trumpington Street City Centre", + "66 Chesterton Road Chesterton", + "Mill Road City Centre", + "290 Mill Road City Centre", + "2G Cambridge Leisure Park Cherry Hinton Road Cherry Hinton", + "451 Newmarket Road Fen Ditton", + "Hotel Felix Whitehouse Lane Huntingdon Road", + "Regent Street City Centre", + "31 Newnham Road Newnham", + "10 Homerton Street City Centre", + "St. Michael's Church Trinity Street City Centre", + "64 Cherry Hinton Road Cherry Hinton", + "12 Market Hill City Centre", + "183 East Road City Centre", + "Doubletree by Hilton Cambridge Granta Place Mill Lane", + "106 Mill Road City Centre", + "86 Regent Street City Centre", + "Cambridge City Football Club Milton Road Chesterton", + "2 Sturton Street City Centre", + "40428 King Street City Centre", + "83 Regent Street", + "32 Bridge Street City Centre", + "41518 Castle Street City Centre", + "Huntingdon Road City Centre", + "Midsummer Common", + "17 Magdalene Street City Centre", + "Quayside Off Bridge Street", + "Cambridge Lodge Hotel 139 Huntingdon Road City Centre", + "71 Castle Street City Centre", + "21 - 24 Northampton Road", + "6 Lensfield Road", + "39 Burleigh Street City Centre", + "3 - 5 Millers Yard Mill Lane", + "12 Bridge Street City Centre", + "12 Norfolk Street City Centre", + "529 Newmarket Road Fen Ditton", + "108 Regent Street City Centre", + "106 Regent Street City Centre", + "Newmarket Road Fen Ditton", + "15 - 19 Trumpington Street" + ], + "pricerange": [ + "cheap", + "moderate", + "expensive" + ], + "food": [ + "portuguese", + "vietnamese", + "italian", + "spanish", + "turkish", + "asian oriental", + "seafood", + "mexican", + "modern european", + "chinese", + "british", + "korean", + "north american", + "lebanese", + "mediterranean", + "international", + "french", + "european", + "japanese", + "gastropub", + "thai", + "african", + "indian" + ], + "postcode": [ + "cb30ah", + "cb21qa", + "cb30lx", + "cb58rg", + "cb11lh", + "cb58wr", + "cb23jx", + "cb21su", + "cb23nj", + "cb12qa", + "cb21uf", + "cb21rg", + "cb21db", + "cb21aw", + "cb21eg", + "cb21nt", + "cb43lf", + "cb19hx", + "cb41uy", + "cb30af", + "cb21rq", + "cb11bg", + "cb41eh", + "cb30dq", + "cb21ug", + "cb43le", + "cb12lf", + "cb41ep", + "cb11hr", + "cb21la", + "cb12bd", + "cb17dy", + "cb23qf", + "cb21uj", + "cb58ba", + "cb23ju", + "cb41ha", + "cb43ax", + "cb259aq", + "cb23rh", + "cb23ar", + "cb21dp", + "cb23pp", + "cb39ey", + "cb21uw", + "cb28pb", + "cb41jy", + "cb21nw", + "cb12as", + "cb21qy", + "cb43hl", + "cb23ll", + "cb17aa", + "cb17ag", + "cb41nl", + "cb28nx", + "cb21sj", + "cb11ln", + "cb12az", + "cb30df", + "cb30ad", + "cb11dg", + "cb21rt", + "cb58pa", + "cb58jj", + "cb21tw", + "cb13nf", + "cb13nl", + "cb58aq", + "cb23dt", + "cb21ab" + ] + }, + "attraction": { + "name": [ + "cambridge artworks", + "whale of a time", + "clare college", + "cambridge contemporary art", + "churchill college", + "primavera", + "kings hedges learner pool", + "magdalene college", + "scott polar museum", + "clare hall", + "museum of archaelogy and anthropology", + "parkside pools", + "sheep's green and lammas land park fen causeway", + "trinity college", + "cafe jello gallery", + "queens' college", + "kettle's yard", + "the man on the moon", + "holy trinity church", + "great saint mary's church", + "jesus college", + "sidney sussex college", + "jesus green outdoor pool", + "regency gallery", + "the junction", + "williams art and antiques", + "all saints church", + "milton country park", + "ballare", + "people's portraits exhibition at girton college", + "lynne strover gallery", + "gonville and caius college", + "soul tree nightclub", + "scudamores punting co", + "vue cinema", + "hughes hall", + "adc theatre", + "saint john's college", + "cambridge arts theatre", + "nusha", + "saint barnabas press gallery", + "the place", + "the fez club", + "castle galleries", + "whipple museum of the history of science", + "the cherry hinton village centre", + "christ's college", + "ruskin gallery", + "old schools", + "cambridge book and print gallery", + "tenpin", + "little saint mary's church", + "abbey pool and astroturf pitch", + "the cambridge corn exchange", + "cherry hinton hall and grounds", + "riverboat georgina", + "camboats", + "gallery at twelve a high street", + "the cambridge punter", + "cambridge and county folk museum", + "byard art", + "the fitzwilliam museum", + "club salsa", + "kambar", + "mumford theatre", + "emmanuel college", + "broughton house gallery", + "corpus christi", + "museum of classical archaeology", + "pembroke college", + "wandlebury country park", + "downing college", + "king's college", + "saint catharine's college", + "cambridge university botanic gardens", + "cambridge museum of technology", + "cineworld cinema", + "cherry hinton water play", + "funky fun house" + ], + "area": [ + "west", + "centre", + "south", + "east", + "north" + ], + "openhours": [ + "it opens normally daily from 08:00 a.m. to 5:45 p.m.", + "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", + "it opens from 10:00 a.m. to 5:00 p.m. monday to friday", + "it opens from may to september", + "it opens normally daily from 9 a.m. to 5 p.m. except easter term", + "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.", + "it opens normally daily from 9 a.m. to 5 p.m.", + "always", + "it opens on sunday from 2:00 p.m. to 5:00 p.m.", + "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", + "it opens from 10:00 a.m. to 5:00 p.m. thursday to saturday", + "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", + "?", + "it is open from may to sept", + "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", + "it opens from 09:30 a.m. to 6:00 p.m. daily", + "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", + "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", + "it opens from 12:30 p.m. to 4:30 p.m. from monday to friday", + "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", + "it opens from 10:30 a.m. to 5:30 p.m. thursday to saturday", + "it opens from 10:00 a.m. to 5:00 p.m. from tuesday to saturday", + "it opens from 10:00 a.m. to 4:00 p.m. from tuesday to saturday", + "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.", + "it opens from 2:00 p.m. to 4:00 p.m. daily from february to july", + "it opens from 11:30 a.m. to 5:00 p.m. tuesday to sunday", + "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", + "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", + "it opens daily from 9 a.m. to 5 p.m. except during easter term", + "any time except may and june", + "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", + "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", + "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.", + "it opens from 10:00 p.m. to 4:00 a.m. depending on whether there is an event on or not", + "monday to sunday 10 a.m. to 4:30 p.m.", + "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.", + "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.", + "it opens from 10:30 a.m. to 4:30 p.m. tuesday to saturday" + ], + "entrance fee": [ + "2 pounds", + "1 pound", + "4 pounds", + "?", + "2.50 pounds", + "5 pounds", + "3.50 pounds", + "free" + ], + "pricerange": [ + "cheap", + "expensive", + "?", + "free", + "moderate" + ], + "type": [ + "entertainment", + "mutliple sports", + "college", + "architecture", + "swimmingpool", + "cinema", + "nightclub", + "park", + "theatre", + "concerthall", + "museum", + "boat" + ], + "address": [ + "cambridge leisure park, clifton way", + "22 sidney street", + "cambridge passenger cruisers, jubilee house", + "park street", + "trinity street", + "cafe jello gallery, 13 magdalene street", + "49 newnham road", + "herschel road", + "jedburgh court, kings hedges", + "magdalene street", + "23 high street, fen ditton", + "university of cambridge, downing street", + "39 fitzroy street", + "lensfield road", + "5 greens road", + "10 king s parade", + "bateman street", + "the belfast yard, coldham's road", + "girton college, huntingdon road", + "cherry hinton hall, cherry hinton road", + "market street", + "wollaston road", + "unit g6, cambridge leisure park, clifton road", + "1 wheeler street", + "98 king street", + "silver street", + "1 station road", + "8 market passage", + "cherry hinton road", + "jesus lane", + "fulbourn", + "pool way, whitehill road, off newmarket road", + "sidney street", + "the grafton centre, east road", + "colville road, cherry hinton", + "anglia ruskin enterprise, east road", + "2 norfolk street", + "6 trinity street", + "saint john's street", + "saint andrew's street", + "regent street", + "wheeler street", + "gwydir street, no. 5 dale's brewery", + "1-6 corn exchange street", + "heidelberg gardens, lion yard", + "unit 8, viking way, bar hill", + "between victoria road and the river", + "castle street", + "king's parade", + "gonville place", + "6 saint edward's passage", + "unit su43, grande arcade, saint andrews street", + "the old pumping station, cheddars lane", + "fen causeway, newnham road,", + "clifton way", + "granta place, mill lane", + "2-3 castle street", + "milton country park, milton", + "sidgwick avenue", + "251a chesterton road", + "14 king's parade", + "market square", + "8 mercers row, mercers row industrial estate", + "the plough, green end, fen ditton,", + "trumpington street", + "little saint mary's lane", + "anglia ruskin university, east road", + "free school lane", + "wandlebury ring, gog magog hills, babraham", + "trinity lane", + "storey's way" + ], + "postcode": [ + "cb15dh", + "cb21er", + "cb21tq", + "cb13ef", + "cb21tl", + "cb223ae", + "cb23pq", + "cb41as", + "cb23na", + "cb21su", + "cb11ly", + "cb23qe", + "cb21dq", + "cb58ld", + "cb12jb", + "cb21ta", + "cb58hy", + "cb23pj", + "cb21st", + "cb58bs", + "cb21tp", + "cb30ds", + "cb39et", + "cb21jf", + "cb12lf", + "cb13ew", + "cb42xh", + "cb22ad", + "cb17dy", + "cb58nt", + "cb23nz", + "cb23qf", + "cb17gx", + "cb43ax", + "cb21rb", + "cb39da", + "cb18dw", + "cb23dz", + "cb39ey", + "cb23hx", + "cb23rh", + "cb21rs", + "cb58sx", + "cb21rl", + "cb30aq", + "cb21qy", + "cb30ag", + "cb11er", + "cb11ps", + "cb3ojg", + "cb21rf", + "cb58as", + "cb23qb", + "cb21sj", + "cb23bu", + "cb11ln", + "cb46az", + "cb23hu", + "cb58bl", + "cb43px", + "cb11pt", + "cb21tt", + "cb19ej", + "cb12lj", + "cb23ap", + "cb21rh", + "cb23bj", + "cb238el", + "cb12ew", + "cb39al", + "cb30af", + "cb23hg" + ] + }, + "hotel": { + "name": [ + "cityroomz", + "alpha-milton guest house", + "archway house", + "autumn house", + "hamilton lodge", + "huntingdon marriott hotel", + "hobsons house", + "rosa's bed and breakfast", + "warkworth house", + "city centre north b and b", + "bridge guest house", + "limehouse", + "aylesbray lodge guest house", + "el shaddai", + "acorn guest house", + "ashley hotel", + "allenbell", + "gonville hotel", + "arbury lodge guesthouse", + "kirkwood house", + "the cambridge belfry", + "avalon", + "express by holiday inn cambridge", + "lovell lodge", + "leverton house", + "worth house", + "finches bed and breakfast", + "home from home", + "university arms hotel", + "alexander bed and breakfast", + "a and b guest house", + "carolina bed and breakfast", + "the lensfield hotel" + ], + "n": [ + "yes" + ], + "internet": [ + "no", + "yes" + ], + "address": [ + "63 milton road", + "15-17 norman way, coldhams business park", + "154 chesterton road", + "328a histon road", + "53 roseford road", + "144 thornton road", + "732-734 newmarket road", + "sleeperz hotel, station road", + "78-80 milton road", + "96 barton road", + "kingfisher way, hinchinbrook business park, huntingdon", + "517a coldham lane", + "82 arbury road", + "152 chesterton road", + "172 chesterton road", + "41 warkworth street", + "regent street", + "62 gilbert road", + "710 newmarket road", + "53-57 lensfield road", + "5 mowbray road", + "gonville place", + "138 perne road", + "warkworth terrace", + "124 tenison road", + "74 chesterton road", + "52 gilbert road", + "56 saint barnabas road", + "156 chesterton road", + "back lane, cambourne", + "365 milton road", + "151 hills road" + ], + "area": [ + "west", + "centre", + "south", + "east", + "north" + ], + "parking": [ + "no", + "yes" + ], + "stars": [ + "4", + "0", + "3", + "2" + ], + "price": [ + "79", + "105", + "77", + "35", + "119", + "144", + "25", + "40", + "95", + "100", + "65", + "104", + "73", + "124", + "130", + "47", + "55", + "85", + "60", + "80", + "75", + "49", + "45", + "59", + "145", + "62", + "90", + "125", + "50", + "67", + "70", + "110" + ], + "takesbookings": [ + "yes" + ], + "type": [ + "hotel", + "guesthouse" + ], + "postcode": [ + "cb39lh", + "cb28rj", + "cb21en", + "cb11ee", + "cb41xa", + "cb58rs", + "cb13js", + "cb11ly", + "cb42je", + "cb22ha", + "cb17sr", + "cb43ht", + "cb41da", + "cb41la", + "cb13lh", + "cb12de", + "cb30nd", + "cb12tz", + "cb41sr", + "cb236bw", + "cb21ad", + "cb41er", + "pe296fl", + "cb13nx", + "cb12dp", + "cb11eg", + "cb43pe", + "cb43pd" + ], + "pricerange": [ + "cheap", + "expensive", + "moderate" + ] + }, + "hospital": { + "department": [ + "theatre admissions unit", + "hepatobillary and gastrointestinal surgery regional referral centre", + "cardiology and coronary care unit", + "medicine for the elderly", + "haematology day unit", + "oral and maxillofacial surgery and ent", + "coronary care unit", + "neurosciences", + "clinical decisions unit", + "lewin stroke and rehabilitation unit", + "delivery unit", + "transplant unit", + "neonatal unit", + "gynaecology", + "intermediate dependancy area", + "respiratory medicine", + "cardiology", + "emergency department", + "major trauma unit", + "trauma high dependency unit", + "neurology neurosurgery", + "john farman intensive care unit", + "colorectal surgery", + "infectious diseases", + "clinical research facility", + "neurosciences critical care unit", + "haematology", + "medical decisions unit", + "plastic and vascular surgery plastics", + "hepatology", + "acute medical assessment unit", + "teenage cancer trust unit", + "paediatric clinic", + "diabetes and endocrinology", + "children's surgical and medicine", + "children's oncology and haematology", + "haematology and haematological oncology", + "medical short stay unit", + "paediatric day unit", + "infusion services", + "paediatric intensive care unit", + "antenatal", + "neurology", + "transplant high dependency unit", + "transitional care", + "oncology neurosurgery", + "trauma and orthopaedics", + "gastroenterology", + "oncology", + "psychiatry", + "cambridge eye unit", + "inpatient occupational therapy", + "intermediate dependency area", + "general medicine and nephrology", + "surgery", + "postnatal", + "urology", + "clinical investigation ward", + "acute medicine for the elderly" + ] + }, + "train": { + "departure": [ + "leicester", + "kings lynn", + "cambridge", + "bishops stortford", + "stevenage", + "stansted airport", + "birmingham new street", + "peterborough", + "ely", + "broxbourne", + "london liverpool street", + "london kings cross", + "norwich" + ], + "trainID": [ + "TR8188", + "TR2602", + "TR2615", + "TR8882", + "TR9236", + "TR4431", + "TR0397", + "TR7002", + "TR2041", + "TR6456", + "TR8920", + "TR5207", + "TR0550", + "TR6763", + "TR1744", + "TR2493", + "TR3858", + "TR1766", + "TR0431", + "TR2192", + "TR6038", + "TR6477", + "TR5331", + "TR4466", + "TR9933", + "TR2380", + "TR2375", + "TR9330", + "TR1344", + "TR4188", + "TR3370", + "TR9835", + "TR0904", + "TR1347", + "TR0517", + "TR3137", + "TR1691", + "TR4761", + "TR9894", + "TR7522", + "TR2925", + "TR3412", + "TR8977", + "TR9783", + "TR1764", + "TR4727", + "TR9566", + "TR8533", + "TR2775", + "TR6183", + "TR0334", + "TR1699", + "TR6192", + "TR2104", + "TR6105", + "TR7924", + "TR3734", + "TR8080", + "TR7253", + "TR9362", + "TR4440", + "TR4364", + "TR2058", + "TR3264", + "TR4480", + "TR3158", + "TR6906", + "TR2851", + "TR7888", + "TR5015", + "TR0743", + "TR1534", + "TR3809", + "TR5906", + "TR9905", + "TR5465", + "TR6741", + "TR0974", + "TR5190", + "TR5253", + "TR9020", + "TR7005", + "TR3842", + "TR2814", + "TR9605", + "TR0234", + "TR3908", + "TR9488", + "TR8828", + "TR8411", + "TR9099", + "TR6210", + "TR4765", + "TR7458", + "TR6418", + "TR3173", + "TR5761", + "TR2078", + "TR4535", + "TR1892", + "TR4296", + "TR2164", + "TR0579", + "TR1386", + "TR1088", + "TR5146", + "TR3154", + "TR4227", + "TR7848", + "TR7188", + "TR8056", + "TR2436", + "TR1058", + "TR9765", + "TR7015", + "TR5605", + "TR1079", + "TR0678", + "TR0358", + "TR7256", + "TR8285", + "TR7406", + "TR7076", + "TR6799", + "TR1728", + "TR3319", + "TR5299", + "TR8377", + "TR5301", + "TR3688", + "TR3877", + "TR7918", + "TR8825", + "TR3322", + "TR6681", + "TR8846", + "TR6283", + "TR6688", + "TR4594", + "TR4898", + "TR5336", + "TR1871", + "TR6024", + "TR2182", + "TR7771", + "TR2708", + "TR2985", + "TR6885", + "TR4883", + "TR3929", + "TR8885", + "TR0181", + "TR8842", + "TR1193", + "TR0392", + "TR0515", + "TR8177", + "TR3052", + "TR7208", + "TR9209", + "TR2239", + "TR3257", + "TR4992", + "TR2694", + "TR6662", + "TR0945", + "TR1460", + "TR0611", + "TR0354", + "TR5077", + "TR6495", + "TR5003", + "TR9081", + "TR6590", + "TR4792", + "TR7313", + "TR4602", + "TR3336", + "TR2986", + "TR8166", + "TR0394", + "TR0969", + "TR2781", + "TR8301", + "TR4809", + "TR3702", + "TR8143", + "TR3240", + "TR2808", + "TR1752", + "TR9286", + "TR2764", + "TR2614", + "TR9999", + "TR2950", + "TR8374", + "TR5790", + "TR6980", + "TR6364", + "TR7505", + "TR0014", + "TR5737", + "TR2812", + "TR9265", + "TR4208", + "TR5949", + "TR3188", + "TR1472", + "TR9659", + "TR7476", + "TR0471", + "TR7020", + "TR2912", + "TR7634", + "TR4543", + "TR7472", + "TR2178", + "TR9033", + "TR2650", + "TR5793", + "TR5842", + "TR4226", + "TR2301", + "TR7579", + "TR5926", + "TR6745", + "TR0690", + "TR7169", + "TR1873", + "TR6255", + "TR2297", + "TR4026", + "TR2894", + "TR5078", + "TR7481", + "TR5558", + "TR9561", + "TR0189", + "TR1552", + "TR7398", + "TR5806", + "TR6056", + "TR1006", + "TR6270", + "TR2897", + "TR0367", + "TR4604", + "TR0523", + "TR9246", + "TR1430", + "TR7979", + "TR9339", + "TR9859", + "TR9760", + "TR6045", + "TR6866", + "TR1895", + "TR6871", + "TR1120", + "TR5443", + "TR5216", + "TR8453", + "TR7187", + "TR3468", + "TR7514", + "TR3724", + "TR3151", + "TR6298", + "TR2788", + "TR8830", + "TR7548", + "TR3628", + "TR5694", + "TR3891", + "TR1319", + "TR9178", + "TR4334", + "TR0454", + "TR3058", + "TR6712", + "TR2958", + "TR8241", + "TR5163", + "TR0446", + "TR0212", + "TR0435", + "TR1228", + "TR2398", + "TR5925", + "TR1309", + "TR2913", + "TR0694", + "TR1321", + "TR3769", + "TR9515", + "TR5853", + "TR8337", + "TR8424", + "TR5373", + "TR8674", + "TR0328", + "TR3445", + "TR0839", + "TR1160", + "TR6121", + "TR0667", + "TR7846", + "TR3289", + "TR9733", + "TR8676", + "TR6715", + "TR1574", + "TR7542", + "TR6870", + "TR0788", + "TR5504", + "TR6769", + "TR4481", + "TR6549", + "TR3498", + "TR6737", + "TR0122", + "TR9487", + "TR3017", + "TR0665", + "TR2744", + "TR4664", + "TR3834", + "TR5225", + "TR3864", + "TR2753", + "TR4882", + "TR5831", + "TR5734", + "TR7248", + "TR6168", + "TR2029", + "TR8231", + "TR8272", + "TR7293", + "TR6576", + "TR5164", + "TR2394", + "TR8702", + "TR6251", + "TR7468", + "TR7618", + "TR5009", + "TR5496", + "TR1750", + "TR9611", + "TR3634", + "TR6739", + "TR4115", + "TR5720", + "TR4875", + "TR8316", + "TR9842", + "TR2291", + "TR4305", + "TR3006", + "TR9351", + "TR3246", + "TR4625", + "TR1997", + "TR2466", + "TR1537", + "TR7895", + "TR8769", + "TR9735", + "TR7877", + "TR4205", + "TR6946", + "TR2620", + "TR8476", + "TR1667", + "TR9892", + "TR5662", + "TR3780", + "TR8699", + "TR7966", + "TR3066", + "TR7776", + "TR2599", + "TR9688", + "TR4095", + "TR2144", + "TR2831", + "TR9547", + "TR6539", + "TR1118", + "TR9634", + "TR5167", + "TR1272", + "TR7447", + "TR6948", + "TR7713", + "TR9346", + "TR5689", + "TR4987", + "TR9887", + "TR3190", + "TR8598", + "TR0158", + "TR3171", + "TR4990", + "TR0687", + "TR8582", + "TR3948", + "TR3259", + "TR6080", + "TR5062", + "TR1931", + "TR6564", + "TR1085", + "TR0094", + "TR0740", + "TR1549", + "TR8549", + "TR0852", + "TR9593", + "TR4235", + "TR7013", + "TR7678", + "TR1612", + "TR0222", + "TR3699", + "TR7648", + "TR0837", + "TR5541", + "TR5844", + "TR2545", + "TR7554", + "TR3234", + "TR9327", + "TR1704", + "TR4141", + "TR0646", + "TR9460", + "TR7996", + "TR0459", + "TR0032", + "TR5476", + "TR5863", + "TR8406", + "TR0467", + "TR7734", + "TR2176", + "TR3922", + "TR3962", + "TR2236", + "TR8244", + "TR4382", + "TR4813", + "TR1147", + "TR3833", + "TR9212", + "TR2459", + "TR3607", + "TR8509", + "TR0060", + "TR2530", + "TR7151", + "TR3823", + "TR3577", + "TR7537", + "TR4387", + "TR2130", + "TR6806", + "TR6974", + "TR9812", + "TR1478", + "TR4787", + "TR9925", + "TR6223", + "TR3034", + "TR0112", + "TR8610", + "TR7804", + "TR7673", + "TR1719", + "TR6975", + "TR6788", + "TR6673", + "TR1827", + "TR7721", + "TR1674", + "TR1681", + "TR6616", + "TR5750", + "TR5910", + "TR0449", + "TR9226", + "TR6536", + "TR6125", + "TR2657", + "TR4890", + "TR7222", + "TR5703", + "TR5550", + "TR9187", + "TR6227", + "TR3753", + "TR4912", + "TR2576", + "TR1339", + "TR1145", + "TR7693", + "TR2116", + "TR2987", + "TR1036", + "TR7964", + "TR2485", + "TR7779", + "TR2561", + "TR6989", + "TR6578", + "TR2365", + "TR6180", + "TR4915", + "TR5285", + "TR9530", + "TR2771", + "TR8190", + "TR7233", + "TR6527", + "TR0635", + "TR0728", + "TR5298", + "TR7157", + "TR6003", + "TR7055", + "TR6923", + "TR5570", + "TR1772", + "TR6524", + "TR9107", + "TR9682", + "TR3756", + "TR8394", + "TR8094", + "TR2919", + "TR3221", + "TR6052", + "TR7494", + "TR4944", + "TR9115", + "TR3339", + "TR7341", + "TR8714", + "TR0720", + "TR7802", + "TR3596", + "TR5972", + "TR3297", + "TR1099", + "TR8025", + "TR6982", + "TR4005", + "TR0121", + "TR4034", + "TR6300", + "TR3021", + "TR9811", + "TR5567", + "TR9022", + "TR3398", + "TR4448", + "TR4149", + "TR8488", + "TR9420", + "TR6517", + "TR6626", + "TR3325", + "TR9827", + "TR5648", + "TR5902", + "TR9992", + "TR2083", + "TR9369", + "TR4390", + "TR0064", + "TR9462", + "TR4750", + "TR7094", + "TR0922", + "TR4706", + "TR1292", + "TR7728", + "TR0426", + "TR4748", + "TR3489", + "TR1246", + "TR6068", + "TR2855", + "TR2021", + "TR7360", + "TR5291", + "TR5975", + "TR2506", + "TR5693", + "TR4997", + "TR4322", + "TR8252", + "TR9637", + "TR4967", + "TR1731", + "TR5091", + "TR0674", + "TR0644", + "TR5408", + "TR1148", + "TR6939", + "TR8218", + "TR6774", + "TR0315", + "TR4526", + "TR2095", + "TR2848", + "TR5594", + "TR5802", + "TR0609", + "TR7276", + "TR0615", + "TR3466", + "TR7785", + "TR8167", + "TR1654", + "TR5170", + "TR5256", + "TR1071", + "TR7103", + "TR6691", + "TR7578", + "TR1726", + "TR9013", + "TR0798", + "TR0864", + "TR5110", + "TR1606", + "TR1879", + "TR3762", + "TR8001", + "TR1159", + "TR0247", + "TR7808", + "TR8913", + "TR9139", + "TR2847", + "TR2952", + "TR3112", + "TR5039", + "TR5499", + "TR4321", + "TR2625", + "TR6958", + "TR1634", + "TR3645", + "TR1240", + "TR3147", + "TR4041", + "TR0822", + "TR2141", + "TR1388", + "TR8600", + "TR4217", + "TR1512", + "TR8494", + "TR5841", + "TR4506", + "TR3102", + "TR7727", + "TR5754", + "TR8760", + "TR9408", + "TR6856", + "TR8466", + "TR3267", + "TR7786", + "TR2105", + "TR6568", + "TR1262", + "TR2402", + "TR4094", + "TR3495", + "TR4745", + "TR8813", + "TR2474", + "TR5965", + "TR0780", + "TR0164", + "TR1393", + "TR4781", + "TR7696", + "TR8805", + "TR8573", + "TR7310", + "TR9639", + "TR2437", + "TR4546", + "TR0677", + "TR0363", + "TR8135", + "TR5691", + "TR9048", + "TR8290", + "TR4676", + "TR6199", + "TR7397", + "TR1577", + "TR4550", + "TR8571", + "TR3078", + "TR9083", + "TR1202", + "TR2125", + "TR9452", + "TR6755", + "TR3108", + "TR8363", + "TR5953", + "TR6488", + "TR9382", + "TR8361", + "TR7061", + "TR9331", + "TR4689", + "TR4344", + "TR9708", + "TR2098", + "TR7967", + "TR5159", + "TR6833", + "TR0826", + "TR5914", + "TR6053", + "TR7744", + "TR4859", + "TR2145", + "TR8225", + "TR2311", + "TR1108", + "TR7420", + "TR0439", + "TR3265", + "TR4373", + "TR1180", + "TR2292", + "TR9444", + "TR0368", + "TR7535", + "TR3225", + "TR9851", + "TR4498", + "TR9900", + "TR4470", + "TR9119", + "TR9775", + "TR4119", + "TR4068", + "TR5424", + "TR6122", + "TR2102", + "TR3735", + "TR0684", + "TR9683", + "TR2662", + "TR6334", + "TR9082", + "TR9790", + "TR3802", + "TR9366", + "TR7583", + "TR0021", + "TR2015", + "TR4698", + "TR1616", + "TR0256", + "TR8208", + "TR6998", + "TR8472", + "TR6759", + "TR5686", + "TR8658", + "TR2148", + "TR0721", + "TR0516", + "TR1799", + "TR4078", + "TR7484", + "TR3478", + "TR8638", + "TR3544", + "TR5051", + "TR2711", + "TR6062", + "TR0201", + "TR6426", + "TR5590", + "TR6697", + "TR4863", + "TR0530", + "TR3661", + "TR6880", + "TR3245", + "TR7240", + "TR8685", + "TR6067", + "TR2483", + "TR8327", + "TR2895", + "TR1188", + "TR9722", + "TR0413", + "TR6585", + "TR7850", + "TR4734", + "TR4137", + "TR3005", + "TR7012", + "TR3144", + "TR3316", + "TR1327", + "TR9345", + "TR4117", + "TR5961", + "TR7062", + "TR7499", + "TR7677", + "TR8811", + "TR4017", + "TR8399", + "TR5908", + "TR1640", + "TR9317", + "TR4110", + "TR8292", + "TR1590", + "TR5120", + "TR5245", + "TR0919", + "TR1465", + "TR8431", + "TR1600", + "TR0330", + "TR6457", + "TR5234", + "TR6516", + "TR8765", + "TR5773", + "TR0897", + "TR3043", + "TR3183", + "TR3828", + "TR2564", + "TR6416", + "TR2266", + "TR1458", + "TR8868", + "TR3543", + "TR6542", + "TR2761", + "TR0143", + "TR9025", + "TR1661", + "TR1234", + "TR1049", + "TR7803", + "TR7195", + "TR7374", + "TR1656", + "TR9352", + "TR0275", + "TR1349", + "TR7943", + "TR6028", + "TR6765", + "TR0055", + "TR7935", + "TR2135", + "TR6608", + "TR3300", + "TR1037", + "TR3732", + "TR0269", + "TR7942", + "TR7864", + "TR1610", + "TR8372", + "TR1131", + "TR4096", + "TR3810", + "TR7326", + "TR8335", + "TR8261", + "TR1154", + "TR4173", + "TR0638", + "TR9293", + "TR8510", + "TR9757", + "TR6072", + "TR9932", + "TR3883", + "TR9024", + "TR9110", + "TR0757", + "TR4533", + "TR8723", + "TR9776", + "TR8501", + "TR5473", + "TR6792", + "TR2279", + "TR1270", + "TR9217", + "TR3606", + "TR7961", + "TR5230", + "TR5095", + "TR5688", + "TR5941", + "TR0469", + "TR9813", + "TR2939", + "TR6956", + "TR6936", + "TR3899", + "TR4579", + "TR5060", + "TR4447", + "TR1562", + "TR9756", + "TR5899", + "TR1009", + "TR4567", + "TR2289", + "TR3934", + "TR0160", + "TR3492", + "TR2792", + "TR2392", + "TR8495", + "TR4670", + "TR1686", + "TR1773", + "TR8580", + "TR7305", + "TR3548", + "TR5198", + "TR2133", + "TR8517", + "TR6689", + "TR9886", + "TR3474", + "TR9831", + "TR3353", + "TR3695", + "TR9314", + "TR9202", + "TR3932", + "TR2421", + "TR2045", + "TR2420", + "TR1499", + "TR0796", + "TR0962", + "TR8239", + "TR0664", + "TR7600", + "TR6941", + "TR5517", + "TR5554", + "TR4928", + "TR4174", + "TR3283", + "TR3720", + "TR5071", + "TR2854", + "TR6473", + "TR3692", + "TR4080", + "TR5143", + "TR3515", + "TR9741", + "TR7990", + "TR9030", + "TR1111", + "TR3284", + "TR9620", + "TR4508", + "TR5600", + "TR4414", + "TR5679", + "TR9517", + "TR2966", + "TR1152", + "TR7179", + "TR4249", + "TR4122", + "TR7878", + "TR4256", + "TR9890", + "TR4158", + "TR4202", + "TR9193", + "TR8653", + "TR2826", + "TR9680", + "TR0075", + "TR7931", + "TR9704", + "TR6453", + "TR1110", + "TR9086", + "TR5507", + "TR6629", + "TR8952", + "TR5862", + "TR2601", + "TR9427", + "TR2968", + "TR1233", + "TR4376", + "TR2965", + "TR6159", + "TR7873", + "TR9984", + "TR4494", + "TR9802", + "TR2631", + "TR2215", + "TR0427", + "TR1502", + "TR7178", + "TR7328", + "TR9098", + "TR4045", + "TR1245", + "TR8286", + "TR4752", + "TR9732", + "TR8733", + "TR5349", + "TR1342", + "TR6706", + "TR5383", + "TR8925", + "TR1802", + "TR2170", + "TR9276", + "TR3624", + "TR2755", + "TR8704", + "TR2887", + "TR1217", + "TR3534", + "TR2922", + "TR0279", + "TR6855", + "TR0940", + "TR2865", + "TR4455", + "TR5677", + "TR3805", + "TR2232", + "TR7092", + "TR2588", + "TR9356", + "TR4669", + "TR1755", + "TR5042", + "TR1855", + "TR4389", + "TR8132", + "TR8596", + "TR3775", + "TR5635", + "TR5325", + "TR9768", + "TR7956", + "TR4769", + "TR7423", + "TR3062", + "TR2637", + "TR9213", + "TR1210", + "TR2640", + "TR0228", + "TR9001", + "TR1480", + "TR3672", + "TR6828", + "TR3350", + "TR6655", + "TR0168", + "TR9018", + "TR2324", + "TR3782", + "TR8932", + "TR0481", + "TR9062", + "TR9468", + "TR8893", + "TR7556", + "TR5106", + "TR1156", + "TR8082", + "TR3473", + "TR9731", + "TR4330", + "TR1044", + "TR2077", + "TR8108", + "TR4540", + "TR7024", + "TR1492", + "TR5266", + "TR6012", + "TR6387", + "TR6628", + "TR0485", + "TR2025", + "TR3567", + "TR5556", + "TR5342", + "TR9714", + "TR5108", + "TR8575", + "TR4230", + "TR9183", + "TR6413", + "TR8852", + "TR8665", + "TR3989", + "TR2181", + "TR0601", + "TR1477", + "TR2635", + "TR3071", + "TR8464", + "TR5411", + "TR5395", + "TR0573", + "TR7075", + "TR5879", + "TR4896", + "TR6479", + "TR0044", + "TR9148", + "TR2941", + "TR8947", + "TR1283", + "TR5294", + "TR5538", + "TR5401", + "TR0088", + "TR1790", + "TR1192", + "TR8563", + "TR5153", + "TR1329", + "TR8669", + "TR7661", + "TR5713", + "TR7940", + "TR1301", + "TR3839", + "TR6940", + "TR8632", + "TR8531", + "TR3456", + "TR7900", + "TR9384", + "TR5119", + "TR5979", + "TR1389", + "TR1149", + "TR8040", + "TR5599", + "TR1553", + "TR0554", + "TR0607", + "TR7944", + "TR3854", + "TR5797", + "TR4649", + "TR5589", + "TR0821", + "TR9492", + "TR7386", + "TR9390", + "TR9175", + "TR9404", + "TR0277", + "TR7411", + "TR4067", + "TR8707", + "TR8948", + "TR7379", + "TR2673", + "TR9942", + "TR2138", + "TR7147", + "TR2001", + "TR0071", + "TR0627", + "TR8633", + "TR9473", + "TR7285", + "TR8293", + "TR1144", + "TR3798", + "TR5474", + "TR8230", + "TR9941", + "TR5630", + "TR6302", + "TR7186", + "TR9303", + "TR1784", + "TR5056", + "TR4757", + "TR2052", + "TR0162", + "TR3721", + "TR4283", + "TR0525", + "TR8207", + "TR6359", + "TR1965", + "TR6557", + "TR3928", + "TR4093", + "TR6684", + "TR3571", + "TR7706", + "TR8237", + "TR1633", + "TR1426", + "TR3598", + "TR1992", + "TR0953", + "TR3646", + "TR9114", + "TR6293", + "TR5721", + "TR0497", + "TR1668", + "TR8945", + "TR0723", + "TR4018", + "TR1835", + "TR8350", + "TR4905", + "TR5314", + "TR6193", + "TR0188", + "TR6034", + "TR5928", + "TR5552", + "TR0012", + "TR3847", + "TR5758", + "TR0996", + "TR3138", + "TR3718", + "TR5267", + "TR5358", + "TR6678", + "TR9809", + "TR7239", + "TR8542", + "TR5745", + "TR7223", + "TR1476", + "TR2860", + "TR1029", + "TR2641", + "TR3254", + "TR6226", + "TR0393", + "TR0007", + "TR6883", + "TR0013", + "TR2815", + "TR9565", + "TR7928", + "TR9438", + "TR4651", + "TR0532", + "TR7700", + "TR0466", + "TR6188", + "TR3450", + "TR2969", + "TR9921", + "TR6530", + "TR6146", + "TR7165", + "TR1745", + "TR2957", + "TR0031", + "TR3867", + "TR0675", + "TR4101", + "TR7834", + "TR5392", + "TR4858", + "TR8054", + "TR8260", + "TR5154", + "TR4329", + "TR8266", + "TR5293", + "TR2286", + "TR4182", + "TR4257", + "TR1791", + "TR1809", + "TR8204", + "TR6366", + "TR4180", + "TR7930", + "TR9595", + "TR6698", + "TR5687", + "TR2433", + "TR6454", + "TR7946", + "TR6088", + "TR3299", + "TR6016", + "TR2361", + "TR7519", + "TR2762", + "TR9282", + "TR0133", + "TR0925", + "TR9904", + "TR1615", + "TR0017", + "TR2636", + "TR2696", + "TR1060", + "TR5217", + "TR0680", + "TR1428", + "TR1775", + "TR5155", + "TR4708", + "TR2835", + "TR8928", + "TR9589", + "TR8238", + "TR0514", + "TR6930", + "TR3057", + "TR8199", + "TR5933", + "TR2473", + "TR2993", + "TR3747", + "TR1797", + "TR4826", + "TR1942", + "TR0305", + "TR9320", + "TR6383", + "TR6838", + "TR5767", + "TR0867", + "TR2153", + "TR7938", + "TR7518", + "TR4588", + "TR7107", + "TR9724", + "TR3360", + "TR7126", + "TR6908", + "TR1404", + "TR0106", + "TR3704", + "TR7001", + "TR5920", + "TR1256", + "TR1206", + "TR6232", + "TR0596", + "TR8631", + "TR2840", + "TR2101", + "TR2118", + "TR7046", + "TR6110", + "TR4606", + "TR2759", + "TR7040", + "TR4849", + "TR8806", + "TR2834", + "TR8655", + "TR6164", + "TR5825", + "TR2368", + "TR4121", + "TR8477", + "TR7217", + "TR5124", + "TR7610", + "TR7372", + "TR2551", + "TR0304", + "TR2175", + "TR3736", + "TR2131", + "TR0813", + "TR6633", + "TR4365", + "TR1756", + "TR8716", + "TR3892", + "TR4638", + "TR5678", + "TR7852", + "TR1978", + "TR0274", + "TR0339", + "TR2973", + "TR1356", + "TR1158", + "TR9493", + "TR0373", + "TR0605", + "TR7703", + "TR7215", + "TR8924", + "TR0146", + "TR1975", + "TR1493", + "TR6583", + "TR4061", + "TR7663", + "TR3359", + "TR5725", + "TR4076", + "TR7309", + "TR6761", + "TR2452", + "TR8390", + "TR1952", + "TR0767", + "TR8026", + "TR4549", + "TR0345", + "TR5412", + "TR8222", + "TR7451", + "TR2701", + "TR3547", + "TR8923", + "TR6247", + "TR1958", + "TR6679", + "TR7261", + "TR0283", + "TR8126", + "TR7478", + "TR9536", + "TR6129", + "TR6368", + "TR9937", + "TR9964", + "TR5273", + "TR2623", + "TR3197", + "TR3076", + "TR3433", + "TR4475", + "TR5645", + "TR5488", + "TR1086", + "TR4109", + "TR1419", + "TR1819", + "TR9102", + "TR4274", + "TR2705", + "TR5054", + "TR6319", + "TR8820", + "TR8041", + "TR5751", + "TR4941", + "TR9266", + "TR3211", + "TR4250", + "TR7329", + "TR5722", + "TR9545", + "TR4161", + "TR5547", + "TR8118", + "TR1062", + "TR6198", + "TR7319", + "TR7885", + "TR2017", + "TR1536", + "TR3256", + "TR2514", + "TR3315", + "TR9395", + "TR6419", + "TR0797", + "TR4861", + "TR5199", + "TR6391", + "TR5995", + "TR0545", + "TR3770", + "TR9077", + "TR7245", + "TR4404", + "TR4892", + "TR4260", + "TR3587", + "TR8890", + "TR6932", + "TR3212", + "TR6668", + "TR0217", + "TR7509", + "TR5657", + "TR1854", + "TR2274", + "TR5344", + "TR3014", + "TR3685", + "TR8659", + "TR3342", + "TR7176", + "TR0686", + "TR4673", + "TR9546", + "TR2885", + "TR8966", + "TR7853", + "TR7807", + "TR5173", + "TR3331", + "TR4300", + "TR4660", + "TR7768", + "TR1843", + "TR1701", + "TR6892", + "TR9376", + "TR4836", + "TR1955", + "TR0135", + "TR8954", + "TR6386", + "TR2000", + "TR2995", + "TR5385", + "TR4346", + "TR4509", + "TR0755", + "TR8808", + "TR6312", + "TR3177", + "TR4824", + "TR1039", + "TR0385", + "TR8799", + "TR7170", + "TR1617", + "TR8124", + "TR2634", + "TR5867", + "TR6834", + "TR0236", + "TR7355", + "TR8730", + "TR1830", + "TR4957", + "TR5348", + "TR1328", + "TR7872", + "TR0914", + "TR8365", + "TR3113", + "TR3371", + "TR5389", + "TR5669", + "TR5100", + "TR0927", + "TR4541", + "TR6167", + "TR3068", + "TR1832", + "TR6411", + "TR1090", + "TR6523", + "TR8042", + "TR5756", + "TR9969", + "TR6572", + "TR4003", + "TR7400", + "TR3844", + "TR8836", + "TR9792", + "TR1162", + "TR5435", + "TR8636", + "TR6357", + "TR6104", + "TR7738", + "TR2647", + "TR4136", + "TR7123", + "TR8410", + "TR3886", + "TR8008", + "TR3094", + "TR3659", + "TR7450", + "TR6272", + "TR3884", + "TR2946", + "TR3694", + "TR6574", + "TR1887", + "TR3247", + "TR4016", + "TR2088", + "TR4266", + "TR1749", + "TR9557", + "TR5836", + "TR9478", + "TR2166", + "TR5050", + "TR9195", + "TR8078", + "TR3338", + "TR5859", + "TR5371", + "TR9016", + "TR1433", + "TR9641", + "TR2306", + "TR8176", + "TR5478", + "TR6725", + "TR1840", + "TR1412", + "TR7598", + "TR8383", + "TR2674", + "TR5998", + "TR7827", + "TR7767", + "TR5431", + "TR0123", + "TR4419", + "TR8420", + "TR6809", + "TR8498", + "TR9580", + "TR2850", + "TR3600", + "TR8530", + "TR4391", + "TR5870", + "TR9909", + "TR3237", + "TR4218", + "TR0378", + "TR4658", + "TR6487", + "TR5241", + "TR6163", + "TR8002", + "TR6723", + "TR9891", + "TR4804", + "TR6934", + "TR7759", + "TR7743", + "TR9495", + "TR5747", + "TR9533", + "TR2442", + "TR2833", + "TR1971", + "TR1903", + "TR0623", + "TR9582", + "TR8373", + "TR0115", + "TR6242", + "TR0192", + "TR5650", + "TR4679", + "TR3310", + "TR1765", + "TR3304", + "TR9985", + "TR2016", + "TR2354", + "TR0033", + "TR4259", + "TR9407", + "TR0053", + "TR4082", + "TR3390", + "TR9926", + "TR4233", + "TR7766", + "TR3069", + "TR6850", + "TR4216", + "TR0502", + "TR9522", + "TR9610", + "TR0025", + "TR6914", + "TR5116", + "TR1482", + "TR7284", + "TR0068", + "TR0662", + "TR6496", + "TR7920", + "TR7155", + "TR3677", + "TR5237", + "TR6224", + "TR0793", + "TR4800", + "TR7733", + "TR6000", + "TR7359", + "TR6437", + "TR8310", + "TR0934", + "TR3971", + "TR0862", + "TR3085", + "TR7855", + "TR9417", + "TR1038", + "TR7057", + "TR1672", + "TR4015", + "TR8095", + "TR1242", + "TR7621", + "TR0209", + "TR8821", + "TR4605", + "TR0268", + "TR1662", + "TR7729", + "TR7460", + "TR5579", + "TR7883", + "TR8364", + "TR8829", + "TR9076", + "TR3387", + "TR5765", + "TR4828", + "TR3615", + "TR4104", + "TR3027", + "TR1526", + "TR2089", + "TR6351", + "TR7656", + "TR0184", + "TR0559", + "TR0942", + "TR1759", + "TR0713", + "TR1082", + "TR1069", + "TR0768", + "TR3940", + "TR8259", + "TR5240", + "TR7769", + "TR3358", + "TR7307", + "TR8304", + "TR5985", + "TR9594", + "TR6692", + "TR4125", + "TR7457", + "TR2479", + "TR8933", + "TR0823", + "TR1891", + "TR0077", + "TR1646", + "TR2656", + "TR1012", + "TR9437", + "TR1709", + "TR3093", + "TR9685", + "TR8778", + "TR0076", + "TR9693", + "TR8705", + "TR8522", + "TR1530", + "TR0035", + "TR2515", + "TR3889", + "TR6332", + "TR8194", + "TR5782", + "TR0583", + "TR9839", + "TR0831", + "TR9125", + "TR4597", + "TR7692", + "TR1659", + "TR0292", + "TR2643", + "TR3330", + "TR4964", + "TR8643", + "TR5094", + "TR8944", + "TR2534", + "TR8265", + "TR6727", + "TR1028", + "TR1469", + "TR5370", + "TR5587", + "TR2106", + "TR9039", + "TR1392", + "TR0451", + "TR4885", + "TR7441", + "TR7078", + "TR8585", + "TR3415", + "TR5936", + "TR2465", + "TR4308", + "TR5529", + "TR6162", + "TR7593", + "TR8860", + "TR7763", + "TR8627", + "TR5818", + "TR7317", + "TR8574", + "TR5097", + "TR0002", + "TR2519", + "TR1911", + "TR4702", + "TR8991", + "TR7043", + "TR5562", + "TR8504", + "TR1384", + "TR1951", + "TR0811", + "TR3022", + "TR4031", + "TR9422", + "TR9084", + "TR7413", + "TR3250", + "TR6795", + "TR9310", + "TR0998", + "TR3420", + "TR3873", + "TR5433", + "TR7349", + "TR4724", + "TR9074", + "TR5903", + "TR9291", + "TR4553", + "TR2823", + "TR1584", + "TR1047", + "TR6699", + "TR8620", + "TR4557", + "TR4000", + "TR5711", + "TR5219", + "TR1688", + "TR8917", + "TR2776", + "TR2488", + "TR7399", + "TR3010", + "TR8726", + "TR4368", + "TR1016", + "TR9219", + "TR1923", + "TR0415", + "TR0995", + "TR3698", + "TR6844", + "TR3326", + "TR4383", + "TR4642", + "TR5365", + "TR3713", + "TR7269", + "TR4212", + "TR1820", + "TR4134", + "TR6720", + "TR8297", + "TR0465", + "TR9908", + "TR6230", + "TR2048", + "TR8044", + "TR9225", + "TR9751", + "TR0722", + "TR2013", + "TR7274", + "TR2417", + "TR0552", + "TR3564", + "TR3553", + "TR2006", + "TR0916", + "TR4520", + "TR3697", + "TR5584", + "TR9113", + "TR0718", + "TR6886", + "TR5695", + "TR9781", + "TR3566", + "TR2819", + "TR1257", + "TR5638", + "TR3976", + "TR2777", + "TR6864", + "TR8903", + "TR6405", + "TR4418", + "TR5413", + "TR9644", + "TR3503", + "TR9360", + "TR9956", + "TR6289", + "TR8121", + "TR9312", + "TR3194", + "TR8724", + "TR1051", + "TR5643", + "TR4056", + "TR0127", + "TR7917", + "TR4558", + "TR2998", + "TR2613", + "TR5497", + "TR5181", + "TR0672", + "TR8443", + "TR3228", + "TR3174", + "TR4537", + "TR6447", + "TR9635", + "TR1817", + "TR3730", + "TR7143", + "TR8899", + "TR2508", + "TR8092", + "TR2820", + "TR6071", + "TR8104", + "TR3440", + "TR6219", + "TR4631", + "TR2162", + "TR8105", + "TR6645", + "TR7824", + "TR1636", + "TR8845", + "TR2617", + "TR2475", + "TR8888", + "TR3118", + "TR1581", + "TR5117", + "TR4232", + "TR9332", + "TR9629", + "TR5777", + "TR4463", + "TR8385", + "TR2293", + "TR6925", + "TR7976", + "TR2478", + "TR8185", + "TR4269", + "TR2938", + "TR3312", + "TR0661", + "TR9063", + "TR5656", + "TR7599", + "TR7409", + "TR4920", + "TR6511", + "TR5628", + "TR7011", + "TR3347", + "TR0196", + "TR8220", + "TR8089", + "TR3279", + "TR9823", + "TR6868", + "TR8824", + "TR1431", + "TR7745", + "TR9717", + "TR8247", + "TR9157", + "TR3808", + "TR4354", + "TR6043", + "TR1053", + "TR2225", + "TR8149", + "TR9386", + "TR6742", + "TR0240", + "TR3710", + "TR8445", + "TR0489", + "TR8604", + "TR5604", + "TR2984", + "TR0440", + "TR3074", + "TR3447", + "TR9640", + "TR1670", + "TR4969", + "TR5387", + "TR5539", + "TR3918", + "TR5718", + "TR6898", + "TR8202", + "TR1165", + "TR3404", + "TR7683", + "TR8162", + "TR5574", + "TR9531", + "TR5070", + "TR7213", + "TR5297", + "TR9577", + "TR9675", + "TR7676", + "TR3626", + "TR3602", + "TR4194", + "TR6161", + "TR2605", + "TR2146", + "TR2715", + "TR1542", + "TR9387", + "TR8307", + "TR7430", + "TR4943", + "TR0637", + "TR8183", + "TR9424", + "TR3470", + "TR5816", + "TR3921", + "TR6324", + "TR5901", + "TR8519", + "TR9003", + "TR2257", + "TR3765", + "TR7098", + "TR5212", + "TR7177", + "TR1985", + "TR7036", + "TR0491", + "TR4659", + "TR2876", + "TR1727", + "TR3111", + "TR7994", + "TR2977", + "TR8792", + "TR3378", + "TR4626", + "TR9057", + "TR1434", + "TR3130", + "TR3727", + "TR1097", + "TR0137", + "TR1163", + "TR4840", + "TR4127", + "TR3824", + "TR1200", + "TR2547", + "TR3947", + "TR0625", + "TR6954", + "TR7909", + "TR7573", + "TR1925", + "TR0749", + "TR5026", + "TR3128", + "TR5774", + "TR5892", + "TR2512", + "TR0488", + "TR2900", + "TR8233", + "TR5626", + "TR5921", + "TR3262", + "TR8300", + "TR6336", + "TR7047", + "TR2716", + "TR6305", + "TR3207", + "TR0792", + "TR3396", + "TR0734", + "TR9197", + "TR2497", + "TR4814", + "TR4288", + "TR7436", + "TR2061", + "TR4629", + "TR9669", + "TR7753", + "TR3792", + "TR0003", + "TR8306", + "TR8017", + "TR5874", + "TR3836", + "TR7477", + "TR9876", + "TR0932", + "TR8134", + "TR3843", + "TR2211", + "TR0521", + "TR8793", + "TR1382", + "TR4203", + "TR6831", + "TR2974", + "TR0460", + "TR7324", + "TR4886", + "TR2129", + "TR4221", + "TR2735", + "TR0943", + "TR7654", + "TR1649", + "TR3009", + "TR8070", + "TR1437", + "TR9911", + "TR7095", + "TR7007", + "TR6971", + "TR5030", + "TR0613", + "TR9758", + "TR0141", + "TR9788", + "TR0990", + "TR5664", + "TR5500", + "TR3462", + "TR9662", + "TR1387", + "TR3434", + "TR3343", + "TR0335", + "TR3953", + "TR9678", + "TR9817", + "TR8131", + "TR8500", + "TR9237", + "TR4106", + "TR6762", + "TR2357", + "TR6851", + "TR8662", + "TR3609", + "TR9883", + "TR2970", + "TR6499", + "TR1268", + "TR8935", + "TR3912", + "TR5028", + "TR8009", + "TR1703", + "TR6063", + "TR6560", + "TR3463", + "TR4207", + "TR7594", + "TR4467", + "TR8873", + "TR8387", + "TR7010", + "TR0537", + "TR8950", + "TR8974", + "TR4186", + "TR4011", + "TR0104", + "TR9623", + "TR5503", + "TR2863", + "TR4887", + "TR1898", + "TR7666", + "TR4170", + "TR5729", + "TR2704", + "TR5659", + "TR1391", + "TR7528", + "TR4678", + "TR6985", + "TR5194", + "TR7978", + "TR8347", + "TR7747", + "TR2026", + "TR4975", + "TR5502", + "TR7417", + "TR3285", + "TR7879", + "TR6595", + "TR2929", + "TR0310", + "TR2621", + "TR6607", + "TR2205", + "TR7843", + "TR0254", + "TR7822", + "TR0835", + "TR7581", + "TR5580", + "TR7604", + "TR6310", + "TR5654", + "TR4351", + "TR6238", + "TR1999", + "TR1213", + "TR1947", + "TR8331", + "TR8985", + "TR3888", + "TR1395", + "TR5343", + "TR4050", + "TR9179", + "TR8151", + "TR1291", + "TR4977", + "TR0117", + "TR1031", + "TR1575", + "TR4844", + "TR6433", + "TR0357", + "TR6009", + "TR7793", + "TR3373", + "TR2334", + "TR8736", + "TR2557", + "TR2569", + "TR9766", + "TR4294", + "TR6464", + "TR5098", + "TR4747", + "TR2494", + "TR9805", + "TR4803", + "TR6373", + "TR2110", + "TR2471", + "TR8255", + "TR3356", + "TR5089", + "TR4655", + "TR3949", + "TR4210", + "TR3903", + "TR3166", + "TR4187", + "TR4204", + "TR6807", + "TR6203", + "TR1928", + "TR4057", + "TR4931", + "TR3673", + "TR7278", + "TR0776", + "TR6309", + "TR1596", + "TR8782", + "TR7551", + "TR4244", + "TR0774", + "TR9540", + "TR5049", + "TR1247", + "TR8898", + "TR9445", + "TR9616", + "TR6076", + "TR9263", + "TR9939", + "TR1316", + "TR4488", + "TR8777", + "TR7796", + "TR9567", + "TR6037", + "TR5578", + "TR1828", + "TR5484", + "TR0503", + "TR2578", + "TR8645", + "TR2687", + "TR0073", + "TR5511", + "TR5971", + "TR3293", + "TR2926", + "TR2616", + "TR9383", + "TR9854", + "TR1863", + "TR6538", + "TR7291", + "TR2730", + "TR1762", + "TR1494", + "TR0612", + "TR3255", + "TR0899", + "TR2503", + "TR7438", + "TR7299", + "TR9737", + "TR4162", + "TR4972", + "TR5736", + "TR3308", + "TR2379", + "TR2874", + "TR7483", + "TR5731", + "TR9199", + "TR0572", + "TR4429", + "TR5390", + "TR3055", + "TR9448", + "TR3000", + "TR3637", + "TR3938", + "TR4276", + "TR8314", + "TR4848", + "TR2521", + "TR0771", + "TR4100", + "TR8224", + "TR2586", + "TR5034", + "TR6675", + "TR0992", + "TR4758", + "TR2188", + "TR2930", + "TR2457", + "TR1800", + "TR5339", + "TR3087", + "TR9803", + "TR1567", + "TR8288", + "TR7667", + "TR0737", + "TR9588", + "TR2877", + "TR1357", + "TR2982", + "TR8192", + "TR6374", + "TR7658", + "TR1729", + "TR2031", + "TR1008", + "TR4032" + ], + "duration": [ + "28 minutes", + "50 minutes", + "38 minutes", + "88 minutes", + "51 minutes", + "105 minutes", + "49 minutes", + "163 minutes", + "60 minutes", + "17 minutes", + "47 minutes", + "79 minutes" + ], + "day": [ + "sunday", + "monday", + "tuesday", + "wednesday", + "thursday", + "friday", + "saturday" + ], + "price": [ + "17.60 pounds", + "10.10 pounds", + "12.80 pounds", + "37.80 pounds", + "10.24 pounds", + "75.10 pounds", + "3.52 pounds", + "60.08 pounds", + "8.08 pounds", + "14.08 pounds", + "9.80 pounds", + "30.24 pounds", + "16.60 pounds", + "7.84 pounds", + "4.40 pounds", + "18.88 pounds", + "14.32 pounds", + "13.28 pounds", + "16.50 pounds", + "17.90 pounds", + "23.60 pounds", + "13.20 pounds" + ], + "arriveBy": [ + "10:52", + "10:06", + "11:07", + "12:10", + "08:55", + "24:54", + "14:01", + "20:07", + "11:35", + "24:01", + "12:35", + "14:54", + "11:55", + "22:44", + "14:43", + "23:32", + "14:32", + "19:52", + "14:35", + "13:58", + "09:27", + "19:55", + "10:08", + "07:24", + "24:55", + "21:01", + "22:23", + "21:07", + "12:44", + "24:23", + "16:06", + "19:08", + "18:07", + "15:23", + "21:32", + "06:24", + "12:58", + "21:44", + "12:55", + "23:56", + "08:08", + "13:27", + "09:54", + "10:58", + "16:08", + "06:58", + "11:01", + "10:07", + "18:06", + "18:09", + "08:32", + "06:09", + "15:01", + "16:23", + "01:27", + "13:07", + "17:56", + "18:55", + "14:52", + "08:43", + "16:10", + "20:24", + "11:58", + "17:06", + "09:06", + "14:24", + "07:56", + "22:35", + "12:54", + "07:51", + "24:06", + "14:58", + "11:38", + "10:09", + "01:44", + "06:43", + "13:32", + "17:51", + "16:44", + "09:09", + "19:35", + "12:52", + "22:06", + "21:55", + "15:55", + "17:55", + "15:44", + "12:23", + "09:38", + "15:54", + "23:01", + "05:51", + "16:24", + "05:52", + "09:35", + "08:44", + "08:35", + "11:51", + "08:06", + "10:35", + "15:56", + "19:38", + "23:38", + "23:35", + "24:09", + "23:08", + "16:32", + "14:09", + "18:23", + "06:52", + "10:01", + "18:38", + "20:32", + "20:09", + "09:52", + "17:23", + "14:10", + "08:38", + "23:07", + "16:43", + "14:08", + "24:08", + "12:09", + "18:08", + "01:06", + "11:23", + "24:38", + "12:06", + "13:23", + "15:27", + "06:35", + "21:27", + "23:24", + "17:44", + "08:52", + "19:51", + "10:56", + "17:32", + "21:24", + "17:54", + "11:56", + "01:07", + "24:10", + "07:54", + "13:51", + "18:44", + "06:54", + "22:55", + "08:23", + "13:38", + "08:10", + "07:01", + "12:38", + "22:52", + "09:24", + "11:52", + "22:56", + "08:09", + "10:55", + "01:23", + "23:09", + "24:43", + "10:32", + "15:51", + "09:44", + "21:09", + "24:07", + "20:06", + "19:07", + "12:43", + "20:56", + "22:08", + "19:06", + "15:52", + "20:38", + "19:01", + "12:32", + "13:54", + "13:44", + "19:58", + "19:23", + "18:01", + "16:35", + "08:24", + "07:08", + "24:24", + "16:58", + "08:58", + "13:55", + "07:09", + "19:44", + "22:10", + "17:07", + "21:51", + "07:58", + "19:09", + "17:38", + "21:35", + "06:32", + "20:43", + "10:38", + "11:24", + "07:44", + "13:09", + "14:38", + "12:08", + "07:38", + "18:10", + "23:55", + "11:27", + "10:10", + "18:43", + "19:24", + "11:54", + "23:44", + "23:52", + "14:06", + "14:55", + "09:07", + "16:09", + "17:27", + "17:24", + "23:23", + "14:44", + "20:58", + "21:23", + "13:06", + "09:51", + "11:32", + "21:08", + "20:44", + "22:54", + "15:08", + "15:58", + "24:32", + "19:56", + "13:08", + "13:24", + "18:56", + "20:52", + "12:56", + "13:01", + "21:06", + "17:58", + "20:54", + "23:06", + "17:01", + "07:07", + "22:32", + "15:07", + "17:35", + "07:52", + "11:09", + "24:44", + "06:08", + "22:07", + "09:58", + "10:44", + "16:07", + "22:24", + "06:10", + "12:24", + "15:32", + "14:56", + "13:52", + "05:58", + "19:27", + "17:52", + "05:56", + "19:32", + "18:35", + "06:55", + "09:32", + "06:56", + "20:10", + "13:35", + "16:52", + "21:38", + "08:07", + "13:56", + "18:54", + "11:44", + "09:08", + "07:06", + "20:55", + "20:08", + "07:35", + "17:08", + "16:01", + "17:09", + "08:56", + "06:01", + "09:55", + "20:35", + "22:58", + "08:54", + "10:24", + "11:08", + "22:09", + "12:01", + "22:43", + "06:38", + "07:27", + "09:56", + "20:01", + "11:06", + "16:54", + "21:52", + "10:54", + "23:54", + "23:51", + "20:23", + "16:55", + "18:52", + "19:54", + "10:43", + "15:38", + "09:01", + "21:54", + "15:24", + "21:58", + "12:07", + "10:23", + "14:07", + "07:32", + "23:58", + "07:55", + "21:56", + "18:24", + "15:09", + "14:23", + "22:38", + "16:56", + "15:06", + "06:07", + "18:58", + "08:01", + "22:01", + "23:27", + "18:32", + "15:35", + "09:23", + "02:23", + "16:38", + "24:35" + ], + "destination": [ + "leicester", + "kings lynn", + "cambridge", + "bishops stortford", + "stevenage", + "stansted airport", + "birmingham new street", + "peterborough", + "ely", + "broxbourne", + "london liverpool street", + "london kings cross", + "norwich" + ], + "leaveAt": [ + "08:40", + "08:24", + "15:32", + "09:16", + "05:54", + "10:06", + "05:00", + "05:34", + "15:34", + "06:16", + "08:21", + "23:48", + "17:29", + "13:00", + "22:24", + "23:50", + "10:11", + "10:09", + "15:48", + "16:36", + "21:29", + "05:16", + "10:19", + "13:32", + "17:19", + "15:11", + "16:40", + "19:32", + "14:01", + "15:39", + "22:19", + "21:19", + "09:09", + "07:16", + "19:35", + "09:32", + "11:35", + "09:21", + "22:06", + "18:11", + "18:21", + "05:48", + "11:39", + "16:48", + "20:19", + "15:16", + "07:09", + "07:36", + "06:34", + "13:11", + "13:35", + "06:36", + "19:09", + "21:34", + "19:48", + "21:36", + "15:54", + "08:19", + "21:40", + "23:01", + "23:36", + "23:29", + "13:16", + "21:35", + "10:36", + "16:24", + "06:48", + "09:35", + "06:32", + "15:50", + "07:40", + "07:06", + "23:32", + "21:16", + "13:34", + "22:34", + "19:29", + "13:40", + "19:21", + "14:32", + "19:40", + "07:35", + "08:16", + "10:40", + "11:24", + "07:19", + "06:21", + "08:06", + "12:21", + "05:09", + "05:24", + "07:00", + "10:21", + "17:59", + "15:17", + "09:11", + "23:11", + "16:19", + "23:40", + "13:21", + "17:09", + "21:39", + "05:40", + "23:35", + "11:17", + "06:01", + "19:00", + "05:39", + "16:32", + "14:09", + "18:34", + "07:24", + "13:09", + "08:48", + "22:11", + "21:01", + "05:59", + "10:01", + "17:17", + "20:32", + "20:09", + "23:39", + "17:50", + "10:24", + "05:17", + "07:50", + "23:16", + "19:24", + "15:40", + "11:54", + "06:40", + "13:29", + "13:59", + "16:06", + "15:59", + "08:11", + "21:11", + "15:36", + "14:19", + "12:09", + "06:06", + "11:29", + "14:06", + "22:09", + "21:21", + "12:01", + "21:32", + "07:29", + "08:36", + "18:48", + "18:40", + "11:50", + "14:40", + "20:11", + "06:24", + "20:16", + "08:34", + "05:50", + "09:00", + "16:09", + "12:06", + "11:19", + "09:50", + "17:24", + "11:21", + "09:17", + "13:39", + "20:34", + "20:01", + "21:59", + "11:06", + "05:32", + "18:16", + "22:40", + "14:16", + "10:16", + "11:00", + "13:06", + "06:11", + "23:24", + "11:32", + "23:54", + "22:36", + "17:36", + "14:34", + "05:29", + "09:54", + "19:59", + "09:40", + "23:19", + "07:11", + "19:39", + "13:19", + "17:32", + "21:24", + "19:19", + "15:19", + "13:50", + "21:00", + "09:36", + "05:06", + "21:48", + "20:40", + "20:21", + "11:40", + "11:01", + "21:50", + "19:16", + "18:06", + "05:19", + "13:24", + "18:09", + "13:17", + "17:54", + "15:00", + "09:29", + "15:29", + "08:32", + "11:16", + "06:09", + "19:54", + "05:36", + "17:16", + "07:34", + "17:00", + "14:48", + "19:50", + "05:21", + "15:01", + "07:54", + "09:01", + "07:21", + "12:11", + "22:21", + "05:35", + "13:01", + "12:16", + "21:06", + "11:48", + "14:21", + "14:11", + "17:40", + "21:17", + "09:59", + "16:21", + "15:24", + "05:01", + "21:54", + "19:36", + "17:39", + "07:32", + "07:48", + "11:59", + "09:34", + "15:09", + "18:24", + "07:01", + "07:59", + "20:36", + "07:39", + "23:06", + "12:19", + "17:01", + "09:24", + "14:36", + "10:48", + "11:34", + "15:21", + "12:24", + "19:17", + "23:21", + "17:11", + "07:17", + "12:36", + "19:34", + "08:09", + "22:32", + "17:35", + "20:24", + "05:11", + "15:06", + "20:48", + "11:36", + "10:34", + "17:48", + "11:09", + "23:09", + "13:36", + "22:48", + "10:32", + "09:48", + "11:11", + "19:11", + "16:11", + "09:06", + "17:06", + "12:40", + "21:09", + "22:16", + "12:34", + "20:06", + "16:01", + "18:36", + "08:01", + "22:01", + "16:16", + "12:48", + "17:21", + "23:00", + "13:48", + "18:32", + "14:24", + "09:19", + "15:35", + "19:06", + "19:01", + "12:32", + "13:54", + "18:19", + "06:19", + "17:34", + "18:01", + "23:17", + "16:34", + "23:59", + "23:34", + "09:39" + ] + } +} \ No newline at end of file diff --git a/docs/Makefile b/docs/Makefile new file mode 100644 index 0000000..69fe55e --- /dev/null +++ b/docs/Makefile @@ -0,0 +1,19 @@ +# Minimal makefile for Sphinx documentation +# + +# You can set these variables from the command line. +SPHINXOPTS = +SPHINXBUILD = sphinx-build +SOURCEDIR = source +BUILDDIR = build + +# Put it first so that "make" without argument is like "make help". +help: + @$(SPHINXBUILD) -M help "$(SOURCEDIR)" "$(BUILDDIR)" $(SPHINXOPTS) $(O) + +.PHONY: help Makefile + +# Catch-all target: route all unknown targets to Sphinx using the new +# "make mode" option. $(O) is meant as a shortcut for $(SPHINXOPTS). +%: Makefile + @$(SPHINXBUILD) -M $@ "$(SOURCEDIR)" "$(BUILDDIR)" $(SPHINXOPTS) $(O) \ No newline at end of file diff --git a/docs/build/doctrees/environment.pickle b/docs/build/doctrees/environment.pickle new file mode 100644 index 0000000..9372712 Binary files /dev/null and b/docs/build/doctrees/environment.pickle differ diff --git a/docs/build/doctrees/index.doctree b/docs/build/doctrees/index.doctree new file mode 100644 index 0000000..bd734de Binary files /dev/null and b/docs/build/doctrees/index.doctree differ diff --git a/docs/build/doctrees/modules.doctree b/docs/build/doctrees/modules.doctree new file mode 100644 index 0000000..0498735 Binary files /dev/null and b/docs/build/doctrees/modules.doctree differ diff --git a/docs/build/doctrees/nlu.doctree b/docs/build/doctrees/nlu.doctree new file mode 100644 index 0000000..ba87fca Binary files /dev/null and b/docs/build/doctrees/nlu.doctree differ diff --git a/docs/build/doctrees/tasktk.dialog_agent.doctree b/docs/build/doctrees/tasktk.dialog_agent.doctree new file mode 100644 index 0000000..4fa3c05 Binary files /dev/null and b/docs/build/doctrees/tasktk.dialog_agent.doctree differ diff --git a/docs/build/doctrees/tasktk.doctree b/docs/build/doctrees/tasktk.doctree new file mode 100644 index 0000000..d4af737 Binary files /dev/null and b/docs/build/doctrees/tasktk.doctree differ diff --git a/docs/build/doctrees/tasktk.dst.doctree b/docs/build/doctrees/tasktk.dst.doctree new file mode 100644 index 0000000..04f164f Binary files /dev/null and b/docs/build/doctrees/tasktk.dst.doctree differ diff --git a/docs/build/doctrees/tasktk.nlg.doctree b/docs/build/doctrees/tasktk.nlg.doctree new file mode 100644 index 0000000..beba308 Binary files /dev/null and b/docs/build/doctrees/tasktk.nlg.doctree differ diff --git a/docs/build/doctrees/tasktk.nlu.doctree b/docs/build/doctrees/tasktk.nlu.doctree new file mode 100644 index 0000000..db75664 Binary files /dev/null and b/docs/build/doctrees/tasktk.nlu.doctree differ diff --git a/docs/build/doctrees/tasktk.policy.doctree b/docs/build/doctrees/tasktk.policy.doctree new file mode 100644 index 0000000..c962b96 Binary files /dev/null and b/docs/build/doctrees/tasktk.policy.doctree differ diff --git a/docs/build/doctrees/tasktk.usr.doctree b/docs/build/doctrees/tasktk.usr.doctree new file mode 100644 index 0000000..c1450d3 Binary files /dev/null and b/docs/build/doctrees/tasktk.usr.doctree differ diff --git a/docs/build/doctrees/tasktk.util.doctree b/docs/build/doctrees/tasktk.util.doctree new file mode 100644 index 0000000..db12148 Binary files /dev/null and b/docs/build/doctrees/tasktk.util.doctree differ diff --git a/docs/build/html/.buildinfo b/docs/build/html/.buildinfo new file mode 100644 index 0000000..9cdd219 --- /dev/null +++ b/docs/build/html/.buildinfo @@ -0,0 +1,4 @@ +# Sphinx build info version 1 +# This file hashes the configuration used when building these files. When it is not found, a full rebuild will be done. +config: 9f94c3cb63bd71b6e2e5402fa59e1636 +tags: 645f666f9bcd5a90fca523b33c5a78b7 diff --git a/docs/build/html/_sources/index.rst.txt b/docs/build/html/_sources/index.rst.txt new file mode 100644 index 0000000..4fc7888 --- /dev/null +++ b/docs/build/html/_sources/index.rst.txt @@ -0,0 +1,38 @@ +.. Tasktk documentation master file, created by + sphinx-quickstart on Thu Jan 17 17:29:23 2019. + You can adapt this file completely to your liking, but it should at least + contain the root `toctree` directive. + +:github_url: https://github.com/xjli/DialogZone + +Tasktk documentation +================================== +This is a toolkit for developing task-oriented dialog system. We followed the classical pipeline framework, where there are 4 seperated components: NLU, DST, Policy and NLG. + +We offered the base class and some SOTA baseline models (coming soon) for each component. Specially, the NLU, DST and NLG models are trained individually, while the Policy is trained within a complete pipeline model in a RL-based manner. + +.. toctree:: + :glob: + :maxdepth: 1 + :caption: Notes + + n + +.. toctree:: + :maxdepth: 1 + :caption: Package Reference + + nlu + +Introduction +============ +This is an introductino demo. + + + +Indices and tables +================== + +* :ref:`genindex` +* :ref:`modindex` +* :ref:`search` diff --git a/docs/build/html/_sources/modules.rst.txt b/docs/build/html/_sources/modules.rst.txt new file mode 100644 index 0000000..270746c --- /dev/null +++ b/docs/build/html/_sources/modules.rst.txt @@ -0,0 +1,7 @@ +tasktk +====== + +.. toctree:: + :maxdepth: 4 + + tasktk diff --git a/docs/build/html/_sources/nlu.rst.txt b/docs/build/html/_sources/nlu.rst.txt new file mode 100644 index 0000000..8c42b81 --- /dev/null +++ b/docs/build/html/_sources/nlu.rst.txt @@ -0,0 +1,16 @@ +NLU +######### +.. automodule:: task.nlu + +.. autoclass:: NLU + :members: + +NLU class +--------------------------------- +.. autoclass:: RuleNLU + :members: + +.. autoclass:: TrainableNLU + :members: + +Metric-like class \ No newline at end of file diff --git a/docs/build/html/_sources/tasktk.dialog_agent.rst.txt b/docs/build/html/_sources/tasktk.dialog_agent.rst.txt new file mode 100644 index 0000000..f140cb8 --- /dev/null +++ b/docs/build/html/_sources/tasktk.dialog_agent.rst.txt @@ -0,0 +1,22 @@ +tasktk.dialog\_agent package +============================ + +Submodules +---------- + +tasktk.dialog\_agent.system module +---------------------------------- + +.. automodule:: tasktk.dialog_agent.system + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.dialog_agent + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/build/html/_sources/tasktk.dst.rst.txt b/docs/build/html/_sources/tasktk.dst.rst.txt new file mode 100644 index 0000000..b1179de --- /dev/null +++ b/docs/build/html/_sources/tasktk.dst.rst.txt @@ -0,0 +1,22 @@ +tasktk.dst package +================== + +Submodules +---------- + +tasktk.dst.state\_tracker module +-------------------------------- + +.. automodule:: tasktk.dst.state_tracker + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.dst + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/build/html/_sources/tasktk.nlg.rst.txt b/docs/build/html/_sources/tasktk.nlg.rst.txt new file mode 100644 index 0000000..d6a8630 --- /dev/null +++ b/docs/build/html/_sources/tasktk.nlg.rst.txt @@ -0,0 +1,22 @@ +tasktk.nlg package +================== + +Submodules +---------- + +tasktk.nlg.nlg module +--------------------- + +.. automodule:: tasktk.nlg.nlg + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.nlg + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/build/html/_sources/tasktk.nlu.rst.txt b/docs/build/html/_sources/tasktk.nlu.rst.txt new file mode 100644 index 0000000..c8bfba9 --- /dev/null +++ b/docs/build/html/_sources/tasktk.nlu.rst.txt @@ -0,0 +1,30 @@ +tasktk.nlu package +================== + +Submodules +---------- + +tasktk.nlu.error module +----------------------- + +.. automodule:: tasktk.nlu.error + :members: + :undoc-members: + :show-inheritance: + +tasktk.nlu.nlu module +--------------------- + +.. automodule:: tasktk.nlu.nlu + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.nlu + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/build/html/_sources/tasktk.policy.rst.txt b/docs/build/html/_sources/tasktk.policy.rst.txt new file mode 100644 index 0000000..e4e237e --- /dev/null +++ b/docs/build/html/_sources/tasktk.policy.rst.txt @@ -0,0 +1,30 @@ +tasktk.policy package +===================== + +Submodules +---------- + +tasktk.policy.policy module +--------------------------- + +.. automodule:: tasktk.policy.policy + :members: + :undoc-members: + :show-inheritance: + +tasktk.policy.policy\_user\_rule module +--------------------------------------- + +.. automodule:: tasktk.policy.policy_user_rule + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.policy + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/build/html/_sources/tasktk.rst.txt b/docs/build/html/_sources/tasktk.rst.txt new file mode 100644 index 0000000..0555490 --- /dev/null +++ b/docs/build/html/_sources/tasktk.rst.txt @@ -0,0 +1,35 @@ +tasktk package +============== + +Subpackages +----------- + +.. toctree:: + + tasktk.dialog_agent + tasktk.dst + tasktk.nlg + tasktk.nlu + tasktk.policy + tasktk.usr + tasktk.util + +Submodules +---------- + +tasktk.dialog\_session module +----------------------------- + +.. automodule:: tasktk.dialog_session + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/build/html/_sources/tasktk.usr.rst.txt b/docs/build/html/_sources/tasktk.usr.rst.txt new file mode 100644 index 0000000..24ac14a --- /dev/null +++ b/docs/build/html/_sources/tasktk.usr.rst.txt @@ -0,0 +1,22 @@ +tasktk.usr package +================== + +Submodules +---------- + +tasktk.usr.simulator module +--------------------------- + +.. automodule:: tasktk.usr.simulator + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.usr + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/build/html/_sources/tasktk.util.rst.txt b/docs/build/html/_sources/tasktk.util.rst.txt new file mode 100644 index 0000000..df4dbda --- /dev/null +++ b/docs/build/html/_sources/tasktk.util.rst.txt @@ -0,0 +1,38 @@ +tasktk.util package +=================== + +Submodules +---------- + +tasktk.util.dataloader module +----------------------------- + +.. automodule:: tasktk.util.dataloader + :members: + :undoc-members: + :show-inheritance: + +tasktk.util.dialog\_act module +------------------------------ + +.. automodule:: tasktk.util.dialog_act + :members: + :undoc-members: + :show-inheritance: + +tasktk.util.state module +------------------------ + +.. automodule:: tasktk.util.state + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.util + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/build/html/_static/ajax-loader.gif b/docs/build/html/_static/ajax-loader.gif new file mode 100644 index 0000000..61faf8c Binary files /dev/null and b/docs/build/html/_static/ajax-loader.gif differ diff --git a/docs/build/html/_static/basic.css b/docs/build/html/_static/basic.css new file mode 100644 index 0000000..104f076 --- /dev/null +++ b/docs/build/html/_static/basic.css @@ -0,0 +1,676 @@ +/* + * basic.css + * ~~~~~~~~~ + * + * Sphinx stylesheet -- basic theme. + * + * :copyright: Copyright 2007-2018 by the Sphinx team, see AUTHORS. + * :license: BSD, see LICENSE for details. + * + */ + +/* -- main layout ----------------------------------------------------------- */ + +div.clearer { + clear: both; +} + +/* -- relbar ---------------------------------------------------------------- */ + +div.related { + width: 100%; + font-size: 90%; +} + +div.related h3 { + display: none; +} + +div.related ul { + margin: 0; + padding: 0 0 0 10px; + list-style: none; +} + +div.related li { + display: inline; +} + +div.related li.right { + float: right; + margin-right: 5px; +} + +/* -- sidebar --------------------------------------------------------------- */ + +div.sphinxsidebarwrapper { + padding: 10px 5px 0 10px; +} + +div.sphinxsidebar { + float: left; + width: 230px; + margin-left: -100%; + font-size: 90%; + word-wrap: break-word; + overflow-wrap : break-word; +} + +div.sphinxsidebar ul { + list-style: none; +} + +div.sphinxsidebar ul ul, +div.sphinxsidebar ul.want-points { + margin-left: 20px; + list-style: square; +} + +div.sphinxsidebar ul ul { + margin-top: 0; + margin-bottom: 0; +} + +div.sphinxsidebar form { + margin-top: 10px; +} + +div.sphinxsidebar input { + border: 1px solid #98dbcc; + font-family: sans-serif; + font-size: 1em; +} + +div.sphinxsidebar #searchbox form.search { + overflow: hidden; +} + +div.sphinxsidebar #searchbox input[type="text"] { + float: left; + width: 80%; + padding: 0.25em; + box-sizing: border-box; +} + +div.sphinxsidebar #searchbox input[type="submit"] { + float: left; + width: 20%; + border-left: none; + padding: 0.25em; + box-sizing: border-box; +} + + +img { + border: 0; + max-width: 100%; +} + +/* -- search page ----------------------------------------------------------- */ + +ul.search { + margin: 10px 0 0 20px; + padding: 0; +} + +ul.search li { + padding: 5px 0 5px 20px; + background-image: url(file.png); + background-repeat: no-repeat; + background-position: 0 7px; +} + +ul.search li a { + font-weight: bold; +} + +ul.search li div.context { + color: #888; + margin: 2px 0 0 30px; + text-align: left; +} + +ul.keywordmatches li.goodmatch a { + font-weight: bold; +} + +/* -- index page ------------------------------------------------------------ */ + +table.contentstable { + width: 90%; + margin-left: auto; + margin-right: auto; +} + +table.contentstable p.biglink { + line-height: 150%; +} + +a.biglink { + font-size: 1.3em; +} + +span.linkdescr { + font-style: italic; + padding-top: 5px; + font-size: 90%; +} + +/* -- general index --------------------------------------------------------- */ + +table.indextable { + width: 100%; +} + +table.indextable td { + text-align: left; + vertical-align: top; +} + +table.indextable ul { + margin-top: 0; + margin-bottom: 0; + list-style-type: none; +} + +table.indextable > tbody > tr > td > ul { + padding-left: 0em; +} + +table.indextable tr.pcap { + height: 10px; +} + +table.indextable tr.cap { + margin-top: 10px; + background-color: #f2f2f2; +} + +img.toggler { + margin-right: 3px; + margin-top: 3px; + cursor: pointer; +} + +div.modindex-jumpbox { + border-top: 1px solid #ddd; + border-bottom: 1px solid #ddd; + margin: 1em 0 1em 0; + padding: 0.4em; +} + +div.genindex-jumpbox { + border-top: 1px solid #ddd; + border-bottom: 1px solid #ddd; + margin: 1em 0 1em 0; + padding: 0.4em; +} + +/* -- domain module index --------------------------------------------------- */ + +table.modindextable td { + padding: 2px; + border-collapse: collapse; +} + +/* -- general body styles --------------------------------------------------- */ + +div.body { + min-width: 450px; + max-width: 800px; +} + +div.body p, div.body dd, div.body li, div.body blockquote { + -moz-hyphens: auto; + -ms-hyphens: auto; + -webkit-hyphens: auto; + hyphens: auto; +} + +a.headerlink { + visibility: hidden; +} + +h1:hover > a.headerlink, +h2:hover > a.headerlink, +h3:hover > a.headerlink, +h4:hover > a.headerlink, +h5:hover > a.headerlink, +h6:hover > a.headerlink, +dt:hover > a.headerlink, +caption:hover > a.headerlink, +p.caption:hover > a.headerlink, +div.code-block-caption:hover > a.headerlink { + visibility: visible; +} + +div.body p.caption { + text-align: inherit; +} + +div.body td { + text-align: left; +} + +.first { + margin-top: 0 !important; +} + +p.rubric { + margin-top: 30px; + font-weight: bold; +} + +img.align-left, .figure.align-left, object.align-left { + clear: left; + float: left; + margin-right: 1em; +} + +img.align-right, .figure.align-right, object.align-right { + clear: right; + float: right; + margin-left: 1em; +} + +img.align-center, .figure.align-center, object.align-center { + display: block; + margin-left: auto; + margin-right: auto; +} + +.align-left { + text-align: left; +} + +.align-center { + text-align: center; +} + +.align-right { + text-align: right; +} + +/* -- sidebars -------------------------------------------------------------- */ + +div.sidebar { + margin: 0 0 0.5em 1em; + border: 1px solid #ddb; + padding: 7px 7px 0 7px; + background-color: #ffe; + width: 40%; + float: right; +} + +p.sidebar-title { + font-weight: bold; +} + +/* -- topics ---------------------------------------------------------------- */ + +div.topic { + border: 1px solid #ccc; + padding: 7px 7px 0 7px; + margin: 10px 0 10px 0; +} + +p.topic-title { + font-size: 1.1em; + font-weight: bold; + margin-top: 10px; +} + +/* -- admonitions ----------------------------------------------------------- */ + +div.admonition { + margin-top: 10px; + margin-bottom: 10px; + padding: 7px; +} + +div.admonition dt { + font-weight: bold; +} + +div.admonition dl { + margin-bottom: 0; +} + +p.admonition-title { + margin: 0px 10px 5px 0px; + font-weight: bold; +} + +div.body p.centered { + text-align: center; + margin-top: 25px; +} + +/* -- tables ---------------------------------------------------------------- */ + +table.docutils { + border: 0; + border-collapse: collapse; +} + +table.align-center { + margin-left: auto; + margin-right: auto; +} + +table caption span.caption-number { + font-style: italic; +} + +table caption span.caption-text { +} + +table.docutils td, table.docutils th { + padding: 1px 8px 1px 5px; + border-top: 0; + border-left: 0; + border-right: 0; + border-bottom: 1px solid #aaa; +} + +table.footnote td, table.footnote th { + border: 0 !important; +} + +th { + text-align: left; + padding-right: 5px; +} + +table.citation { + border-left: solid 1px gray; + margin-left: 1px; +} + +table.citation td { + border-bottom: none; +} + +/* -- figures --------------------------------------------------------------- */ + +div.figure { + margin: 0.5em; + padding: 0.5em; +} + +div.figure p.caption { + padding: 0.3em; +} + +div.figure p.caption span.caption-number { + font-style: italic; +} + +div.figure p.caption span.caption-text { +} + +/* -- field list styles ----------------------------------------------------- */ + +table.field-list td, table.field-list th { + border: 0 !important; +} + +.field-list ul { + margin: 0; + padding-left: 1em; +} + +.field-list p { + margin: 0; +} + +.field-name { + -moz-hyphens: manual; + -ms-hyphens: manual; + -webkit-hyphens: manual; + hyphens: manual; +} + +/* -- hlist styles ---------------------------------------------------------- */ + +table.hlist td { + vertical-align: top; +} + + +/* -- other body styles ----------------------------------------------------- */ + +ol.arabic { + list-style: decimal; +} + +ol.loweralpha { + list-style: lower-alpha; +} + +ol.upperalpha { + list-style: upper-alpha; +} + +ol.lowerroman { + list-style: lower-roman; +} + +ol.upperroman { + list-style: upper-roman; +} + +dl { + margin-bottom: 15px; +} + +dd p { + margin-top: 0px; +} + +dd ul, dd table { + margin-bottom: 10px; +} + +dd { + margin-top: 3px; + margin-bottom: 10px; + margin-left: 30px; +} + +dt:target, span.highlighted { + background-color: #fbe54e; +} + +rect.highlighted { + fill: #fbe54e; +} + +dl.glossary dt { + font-weight: bold; + font-size: 1.1em; +} + +.optional { + font-size: 1.3em; +} + +.sig-paren { + font-size: larger; +} + +.versionmodified { + font-style: italic; +} + +.system-message { + background-color: #fda; + padding: 5px; + border: 3px solid red; +} + +.footnote:target { + background-color: #ffa; +} + +.line-block { + display: block; + margin-top: 1em; + margin-bottom: 1em; +} + +.line-block .line-block { + margin-top: 0; + margin-bottom: 0; + margin-left: 1.5em; +} + +.guilabel, .menuselection { + font-family: sans-serif; +} + +.accelerator { + text-decoration: underline; +} + +.classifier { + font-style: oblique; +} + +abbr, acronym { + border-bottom: dotted 1px; + cursor: help; +} + +/* -- code displays --------------------------------------------------------- */ + +pre { + overflow: auto; + overflow-y: hidden; /* fixes display issues on Chrome browsers */ +} + +span.pre { + -moz-hyphens: none; + -ms-hyphens: none; + -webkit-hyphens: none; + hyphens: none; +} + +td.linenos pre { + padding: 5px 0px; + border: 0; + background-color: transparent; + color: #aaa; +} + +table.highlighttable { + margin-left: 0.5em; +} + +table.highlighttable td { + padding: 0 0.5em 0 0.5em; +} + +div.code-block-caption { + padding: 2px 5px; + font-size: small; +} + +div.code-block-caption code { + background-color: transparent; +} + +div.code-block-caption + div > div.highlight > pre { + margin-top: 0; +} + +div.code-block-caption span.caption-number { + padding: 0.1em 0.3em; + font-style: italic; +} + +div.code-block-caption span.caption-text { +} + +div.literal-block-wrapper { + padding: 1em 1em 0; +} + +div.literal-block-wrapper div.highlight { + margin: 0; +} + +code.descname { + background-color: transparent; + font-weight: bold; + font-size: 1.2em; +} + +code.descclassname { + background-color: transparent; +} + +code.xref, a code { + background-color: transparent; + font-weight: bold; +} + +h1 code, h2 code, h3 code, h4 code, h5 code, h6 code { + background-color: transparent; +} + +.viewcode-link { + float: right; +} + +.viewcode-back { + float: right; + font-family: sans-serif; +} + +div.viewcode-block:target { + margin: -1px -10px; + padding: 0 10px; +} + +/* -- math display ---------------------------------------------------------- */ + +img.math { + vertical-align: middle; +} + +div.body div.math p { + text-align: center; +} + +span.eqno { + float: right; +} + +span.eqno a.headerlink { + position: relative; + left: 0px; + z-index: 1; +} + +div.math:hover a.headerlink { + visibility: visible; +} + +/* -- printout stylesheet --------------------------------------------------- */ + +@media print { + div.document, + div.documentwrapper, + div.bodywrapper { + margin: 0 !important; + width: 100%; + } + + div.sphinxsidebar, + div.related, + div.footer, + #top-link { + display: none; + } +} \ No newline at end of file diff --git a/docs/build/html/_static/comment-bright.png b/docs/build/html/_static/comment-bright.png new file mode 100644 index 0000000..15e27ed Binary files /dev/null and b/docs/build/html/_static/comment-bright.png differ diff --git a/docs/build/html/_static/comment-close.png b/docs/build/html/_static/comment-close.png new file mode 100644 index 0000000..4d91bcf Binary files /dev/null and b/docs/build/html/_static/comment-close.png differ diff --git a/docs/build/html/_static/comment.png b/docs/build/html/_static/comment.png new file mode 100644 index 0000000..dfbc0cb Binary files /dev/null and b/docs/build/html/_static/comment.png differ diff --git a/docs/build/html/_static/css/badge_only.css b/docs/build/html/_static/css/badge_only.css new file mode 100644 index 0000000..323730a --- /dev/null +++ b/docs/build/html/_static/css/badge_only.css @@ -0,0 +1 @@ +.fa:before{-webkit-font-smoothing:antialiased}.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;content:""}.clearfix:after{clear:both}@font-face{font-family:FontAwesome;font-weight:normal;font-style:normal;src:url("../fonts/fontawesome-webfont.eot");src:url("../fonts/fontawesome-webfont.eot?#iefix") format("embedded-opentype"),url("../fonts/fontawesome-webfont.woff") format("woff"),url("../fonts/fontawesome-webfont.ttf") format("truetype"),url("../fonts/fontawesome-webfont.svg#FontAwesome") format("svg")}.fa:before{display:inline-block;font-family:FontAwesome;font-style:normal;font-weight:normal;line-height:1;text-decoration:inherit}a .fa{display:inline-block;text-decoration:inherit}li .fa{display:inline-block}li .fa-large:before,li .fa-large:before{width:1.875em}ul.fas{list-style-type:none;margin-left:2em;text-indent:-0.8em}ul.fas li .fa{width:.8em}ul.fas li .fa-large:before,ul.fas li .fa-large:before{vertical-align:baseline}.fa-book:before{content:""}.icon-book:before{content:""}.fa-caret-down:before{content:""}.icon-caret-down:before{content:""}.fa-caret-up:before{content:""}.icon-caret-up:before{content:""}.fa-caret-left:before{content:""}.icon-caret-left:before{content:""}.fa-caret-right:before{content:""}.icon-caret-right:before{content:""}.rst-versions{position:fixed;bottom:0;left:0;width:300px;color:#fcfcfc;background:#1f1d1d;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;z-index:400}.rst-versions a{color:#2980B9;text-decoration:none}.rst-versions .rst-badge-small{display:none}.rst-versions .rst-current-version{padding:12px;background-color:#272525;display:block;text-align:right;font-size:90%;cursor:pointer;color:#27AE60;*zoom:1}.rst-versions .rst-current-version:before,.rst-versions .rst-current-version:after{display:table;content:""}.rst-versions .rst-current-version:after{clear:both}.rst-versions .rst-current-version .fa{color:#fcfcfc}.rst-versions .rst-current-version .fa-book{float:left}.rst-versions .rst-current-version .icon-book{float:left}.rst-versions .rst-current-version.rst-out-of-date{background-color:#E74C3C;color:#fff}.rst-versions .rst-current-version.rst-active-old-version{background-color:#F1C40F;color:#000}.rst-versions.shift-up{height:auto;max-height:100%}.rst-versions.shift-up .rst-other-versions{display:block}.rst-versions .rst-other-versions{font-size:90%;padding:12px;color:gray;display:none}.rst-versions .rst-other-versions hr{display:block;height:1px;border:0;margin:20px 0;padding:0;border-top:solid 1px #413d3d}.rst-versions .rst-other-versions dd{display:inline-block;margin:0}.rst-versions .rst-other-versions dd a{display:inline-block;padding:6px;color:#fcfcfc}.rst-versions.rst-badge{width:auto;bottom:20px;right:20px;left:auto;border:none;max-width:300px}.rst-versions.rst-badge .icon-book{float:none}.rst-versions.rst-badge .fa-book{float:none}.rst-versions.rst-badge.shift-up .rst-current-version{text-align:right}.rst-versions.rst-badge.shift-up .rst-current-version .fa-book{float:left}.rst-versions.rst-badge.shift-up .rst-current-version .icon-book{float:left}.rst-versions.rst-badge .rst-current-version{width:auto;height:30px;line-height:30px;padding:0 6px;display:block;text-align:center}@media screen and (max-width: 768px){.rst-versions{width:85%;display:none}.rst-versions.shift{display:block}} diff --git a/docs/build/html/_static/css/theme.css b/docs/build/html/_static/css/theme.css new file mode 100644 index 0000000..b19dbfe --- /dev/null +++ b/docs/build/html/_static/css/theme.css @@ -0,0 +1,6 @@ +/* sphinx_rtd_theme version 0.4.2 | MIT license */ +/* Built 20181005 13:10 */ +*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}[hidden]{display:none}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}body{margin:0}a:hover,a:active{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}blockquote{margin:0}dfn{font-style:italic}ins{background:#ff9;color:#000;text-decoration:none}mark{background:#ff0;color:#000;font-style:italic;font-weight:bold}pre,code,.rst-content tt,.rst-content code,kbd,samp{font-family:monospace,serif;_font-family:"courier new",monospace;font-size:1em}pre{white-space:pre}q{quotes:none}q:before,q:after{content:"";content:none}small{font-size:85%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}ul,ol,dl{margin:0;padding:0;list-style:none;list-style-image:none}li{list-style:none}dd{margin:0}img{border:0;-ms-interpolation-mode:bicubic;vertical-align:middle;max-width:100%}svg:not(:root){overflow:hidden}figure{margin:0}form{margin:0}fieldset{border:0;margin:0;padding:0}label{cursor:pointer}legend{border:0;*margin-left:-7px;padding:0;white-space:normal}button,input,select,textarea{font-size:100%;margin:0;vertical-align:baseline;*vertical-align:middle}button,input{line-height:normal}button,input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button;*overflow:visible}button[disabled],input[disabled]{cursor:default}input[type="checkbox"],input[type="radio"]{box-sizing:border-box;padding:0;*width:13px;*height:13px}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}textarea{overflow:auto;vertical-align:top;resize:vertical}table{border-collapse:collapse;border-spacing:0}td{vertical-align:top}.chromeframe{margin:.2em 0;background:#ccc;color:#000;padding:.2em 0}.ir{display:block;border:0;text-indent:-999em;overflow:hidden;background-color:transparent;background-repeat:no-repeat;text-align:left;direction:ltr;*line-height:0}.ir br{display:none}.hidden{display:none !important;visibility:hidden}.visuallyhidden{border:0;clip:rect(0 0 0 0);height:1px;margin:-1px;overflow:hidden;padding:0;position:absolute;width:1px}.visuallyhidden.focusable:active,.visuallyhidden.focusable:focus{clip:auto;height:auto;margin:0;overflow:visible;position:static;width:auto}.invisible{visibility:hidden}.relative{position:relative}big,small{font-size:100%}@media print{html,body,section{background:none !important}*{box-shadow:none !important;text-shadow:none !important;filter:none !important;-ms-filter:none !important}a,a:visited{text-decoration:underline}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}@page{margin:.5cm}p,h2,.rst-content .toctree-wrapper p.caption,h3{orphans:3;widows:3}h2,.rst-content .toctree-wrapper p.caption,h3{page-break-after:avoid}}.fa:before,.wy-menu-vertical li span.toctree-expand:before,.wy-menu-vertical li.on a span.toctree-expand:before,.wy-menu-vertical li.current>a span.toctree-expand:before,.rst-content .admonition-title:before,.rst-content h1 .headerlink:before,.rst-content h2 .headerlink:before,.rst-content h3 .headerlink:before,.rst-content h4 .headerlink:before,.rst-content h5 .headerlink:before,.rst-content h6 .headerlink:before,.rst-content dl dt .headerlink:before,.rst-content p.caption .headerlink:before,.rst-content table>caption .headerlink:before,.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before,.icon:before,.wy-dropdown .caret:before,.wy-inline-validate.wy-inline-validate-success .wy-input-context:before,.wy-inline-validate.wy-inline-validate-danger .wy-input-context:before,.wy-inline-validate.wy-inline-validate-warning .wy-input-context:before,.wy-inline-validate.wy-inline-validate-info .wy-input-context:before,.wy-alert,.rst-content .note,.rst-content .attention,.rst-content .caution,.rst-content .danger,.rst-content .error,.rst-content .hint,.rst-content .important,.rst-content .tip,.rst-content .warning,.rst-content .seealso,.rst-content .admonition-todo,.rst-content .admonition,.btn,input[type="text"],input[type="password"],input[type="email"],input[type="url"],input[type="date"],input[type="month"],input[type="time"],input[type="datetime"],input[type="datetime-local"],input[type="week"],input[type="number"],input[type="search"],input[type="tel"],input[type="color"],select,textarea,.wy-menu-vertical li.on a,.wy-menu-vertical li.current>a,.wy-side-nav-search>a,.wy-side-nav-search .wy-dropdown>a,.wy-nav-top a{-webkit-font-smoothing:antialiased}.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;content:""}.clearfix:after{clear:both}/*! + * Font Awesome 4.7.0 by @davegandy - http://fontawesome.io - @fontawesome + * License - http://fontawesome.io/license (Font: SIL OFL 1.1, CSS: MIT License) + */@font-face{font-family:'FontAwesome';src:url("../fonts/fontawesome-webfont.eot?v=4.7.0");src:url("../fonts/fontawesome-webfont.eot?#iefix&v=4.7.0") format("embedded-opentype"),url("../fonts/fontawesome-webfont.woff2?v=4.7.0") format("woff2"),url("../fonts/fontawesome-webfont.woff?v=4.7.0") format("woff"),url("../fonts/fontawesome-webfont.ttf?v=4.7.0") format("truetype"),url("../fonts/fontawesome-webfont.svg?v=4.7.0#fontawesomeregular") format("svg");font-weight:normal;font-style:normal}.fa,.wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand,.rst-content .admonition-title,.rst-content h1 .headerlink,.rst-content h2 .headerlink,.rst-content h3 .headerlink,.rst-content h4 .headerlink,.rst-content h5 .headerlink,.rst-content h6 .headerlink,.rst-content dl dt .headerlink,.rst-content p.caption .headerlink,.rst-content table>caption .headerlink,.rst-content tt.download span:first-child,.rst-content code.download span:first-child,.icon{display:inline-block;font:normal normal normal 14px/1 FontAwesome;font-size:inherit;text-rendering:auto;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.fa-lg{font-size:1.3333333333em;line-height:.75em;vertical-align:-15%}.fa-2x{font-size:2em}.fa-3x{font-size:3em}.fa-4x{font-size:4em}.fa-5x{font-size:5em}.fa-fw{width:1.2857142857em;text-align:center}.fa-ul{padding-left:0;margin-left:2.1428571429em;list-style-type:none}.fa-ul>li{position:relative}.fa-li{position:absolute;left:-2.1428571429em;width:2.1428571429em;top:.1428571429em;text-align:center}.fa-li.fa-lg{left:-1.8571428571em}.fa-border{padding:.2em .25em .15em;border:solid 0.08em #eee;border-radius:.1em}.fa-pull-left{float:left}.fa-pull-right{float:right}.fa.fa-pull-left,.wy-menu-vertical li span.fa-pull-left.toctree-expand,.wy-menu-vertical li.on a span.fa-pull-left.toctree-expand,.wy-menu-vertical li.current>a span.fa-pull-left.toctree-expand,.rst-content .fa-pull-left.admonition-title,.rst-content h1 .fa-pull-left.headerlink,.rst-content h2 .fa-pull-left.headerlink,.rst-content h3 .fa-pull-left.headerlink,.rst-content h4 .fa-pull-left.headerlink,.rst-content h5 .fa-pull-left.headerlink,.rst-content h6 .fa-pull-left.headerlink,.rst-content dl dt .fa-pull-left.headerlink,.rst-content p.caption .fa-pull-left.headerlink,.rst-content table>caption .fa-pull-left.headerlink,.rst-content tt.download span.fa-pull-left:first-child,.rst-content code.download span.fa-pull-left:first-child,.fa-pull-left.icon{margin-right:.3em}.fa.fa-pull-right,.wy-menu-vertical li span.fa-pull-right.toctree-expand,.wy-menu-vertical li.on a span.fa-pull-right.toctree-expand,.wy-menu-vertical li.current>a span.fa-pull-right.toctree-expand,.rst-content .fa-pull-right.admonition-title,.rst-content h1 .fa-pull-right.headerlink,.rst-content h2 .fa-pull-right.headerlink,.rst-content h3 .fa-pull-right.headerlink,.rst-content h4 .fa-pull-right.headerlink,.rst-content h5 .fa-pull-right.headerlink,.rst-content h6 .fa-pull-right.headerlink,.rst-content dl dt .fa-pull-right.headerlink,.rst-content p.caption .fa-pull-right.headerlink,.rst-content table>caption .fa-pull-right.headerlink,.rst-content tt.download span.fa-pull-right:first-child,.rst-content code.download span.fa-pull-right:first-child,.fa-pull-right.icon{margin-left:.3em}.pull-right{float:right}.pull-left{float:left}.fa.pull-left,.wy-menu-vertical li span.pull-left.toctree-expand,.wy-menu-vertical li.on a span.pull-left.toctree-expand,.wy-menu-vertical li.current>a span.pull-left.toctree-expand,.rst-content .pull-left.admonition-title,.rst-content h1 .pull-left.headerlink,.rst-content h2 .pull-left.headerlink,.rst-content h3 .pull-left.headerlink,.rst-content h4 .pull-left.headerlink,.rst-content h5 .pull-left.headerlink,.rst-content h6 .pull-left.headerlink,.rst-content dl dt .pull-left.headerlink,.rst-content p.caption .pull-left.headerlink,.rst-content table>caption .pull-left.headerlink,.rst-content tt.download span.pull-left:first-child,.rst-content code.download span.pull-left:first-child,.pull-left.icon{margin-right:.3em}.fa.pull-right,.wy-menu-vertical li span.pull-right.toctree-expand,.wy-menu-vertical li.on a span.pull-right.toctree-expand,.wy-menu-vertical li.current>a span.pull-right.toctree-expand,.rst-content .pull-right.admonition-title,.rst-content h1 .pull-right.headerlink,.rst-content h2 .pull-right.headerlink,.rst-content h3 .pull-right.headerlink,.rst-content h4 .pull-right.headerlink,.rst-content h5 .pull-right.headerlink,.rst-content h6 .pull-right.headerlink,.rst-content dl dt .pull-right.headerlink,.rst-content p.caption .pull-right.headerlink,.rst-content table>caption .pull-right.headerlink,.rst-content tt.download span.pull-right:first-child,.rst-content code.download span.pull-right:first-child,.pull-right.icon{margin-left:.3em}.fa-spin{-webkit-animation:fa-spin 2s infinite linear;animation:fa-spin 2s infinite linear}.fa-pulse{-webkit-animation:fa-spin 1s infinite steps(8);animation:fa-spin 1s infinite steps(8)}@-webkit-keyframes fa-spin{0%{-webkit-transform:rotate(0deg);transform:rotate(0deg)}100%{-webkit-transform:rotate(359deg);transform:rotate(359deg)}}@keyframes fa-spin{0%{-webkit-transform:rotate(0deg);transform:rotate(0deg)}100%{-webkit-transform:rotate(359deg);transform:rotate(359deg)}}.fa-rotate-90{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=1)";-webkit-transform:rotate(90deg);-ms-transform:rotate(90deg);transform:rotate(90deg)}.fa-rotate-180{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=2)";-webkit-transform:rotate(180deg);-ms-transform:rotate(180deg);transform:rotate(180deg)}.fa-rotate-270{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=3)";-webkit-transform:rotate(270deg);-ms-transform:rotate(270deg);transform:rotate(270deg)}.fa-flip-horizontal{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=0, mirror=1)";-webkit-transform:scale(-1, 1);-ms-transform:scale(-1, 1);transform:scale(-1, 1)}.fa-flip-vertical{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=2, mirror=1)";-webkit-transform:scale(1, -1);-ms-transform:scale(1, -1);transform:scale(1, -1)}:root .fa-rotate-90,:root .fa-rotate-180,:root .fa-rotate-270,:root .fa-flip-horizontal,:root .fa-flip-vertical{filter:none}.fa-stack{position:relative;display:inline-block;width:2em;height:2em;line-height:2em;vertical-align:middle}.fa-stack-1x,.fa-stack-2x{position:absolute;left:0;width:100%;text-align:center}.fa-stack-1x{line-height:inherit}.fa-stack-2x{font-size:2em}.fa-inverse{color:#fff}.fa-glass:before{content:""}.fa-music:before{content:"ï€"}.fa-search:before,.icon-search:before{content:""}.fa-envelope-o:before{content:""}.fa-heart:before{content:""}.fa-star:before{content:""}.fa-star-o:before{content:""}.fa-user:before{content:""}.fa-film:before{content:""}.fa-th-large:before{content:""}.fa-th:before{content:""}.fa-th-list:before{content:""}.fa-check:before{content:""}.fa-remove:before,.fa-close:before,.fa-times:before{content:"ï€"}.fa-search-plus:before{content:""}.fa-search-minus:before{content:"ï€"}.fa-power-off:before{content:""}.fa-signal:before{content:""}.fa-gear:before,.fa-cog:before{content:""}.fa-trash-o:before{content:""}.fa-home:before,.icon-home:before{content:""}.fa-file-o:before{content:""}.fa-clock-o:before{content:""}.fa-road:before{content:""}.fa-download:before,.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before{content:""}.fa-arrow-circle-o-down:before{content:""}.fa-arrow-circle-o-up:before{content:""}.fa-inbox:before{content:""}.fa-play-circle-o:before{content:"ï€"}.fa-rotate-right:before,.fa-repeat:before{content:""}.fa-refresh:before{content:""}.fa-list-alt:before{content:""}.fa-lock:before{content:""}.fa-flag:before{content:""}.fa-headphones:before{content:""}.fa-volume-off:before{content:""}.fa-volume-down:before{content:""}.fa-volume-up:before{content:""}.fa-qrcode:before{content:""}.fa-barcode:before{content:""}.fa-tag:before{content:""}.fa-tags:before{content:""}.fa-book:before,.icon-book:before{content:""}.fa-bookmark:before{content:""}.fa-print:before{content:""}.fa-camera:before{content:""}.fa-font:before{content:""}.fa-bold:before{content:""}.fa-italic:before{content:""}.fa-text-height:before{content:""}.fa-text-width:before{content:""}.fa-align-left:before{content:""}.fa-align-center:before{content:""}.fa-align-right:before{content:""}.fa-align-justify:before{content:""}.fa-list:before{content:""}.fa-dedent:before,.fa-outdent:before{content:""}.fa-indent:before{content:""}.fa-video-camera:before{content:""}.fa-photo:before,.fa-image:before,.fa-picture-o:before{content:""}.fa-pencil:before{content:"ï€"}.fa-map-marker:before{content:"ï"}.fa-adjust:before{content:"ï‚"}.fa-tint:before{content:"ïƒ"}.fa-edit:before,.fa-pencil-square-o:before{content:"ï„"}.fa-share-square-o:before{content:"ï…"}.fa-check-square-o:before{content:"ï†"}.fa-arrows:before{content:"ï‡"}.fa-step-backward:before{content:"ïˆ"}.fa-fast-backward:before{content:"ï‰"}.fa-backward:before{content:"ïŠ"}.fa-play:before{content:"ï‹"}.fa-pause:before{content:"ïŒ"}.fa-stop:before{content:"ï"}.fa-forward:before{content:"ïŽ"}.fa-fast-forward:before{content:"ï"}.fa-step-forward:before{content:"ï‘"}.fa-eject:before{content:"ï’"}.fa-chevron-left:before{content:"ï“"}.fa-chevron-right:before{content:"ï”"}.fa-plus-circle:before{content:"ï•"}.fa-minus-circle:before{content:"ï–"}.fa-times-circle:before,.wy-inline-validate.wy-inline-validate-danger .wy-input-context:before{content:"ï—"}.fa-check-circle:before,.wy-inline-validate.wy-inline-validate-success .wy-input-context:before{content:"ï˜"}.fa-question-circle:before{content:"ï™"}.fa-info-circle:before{content:"ïš"}.fa-crosshairs:before{content:"ï›"}.fa-times-circle-o:before{content:"ïœ"}.fa-check-circle-o:before{content:"ï"}.fa-ban:before{content:"ïž"}.fa-arrow-left:before{content:"ï "}.fa-arrow-right:before{content:"ï¡"}.fa-arrow-up:before{content:"ï¢"}.fa-arrow-down:before{content:"ï£"}.fa-mail-forward:before,.fa-share:before{content:"ï¤"}.fa-expand:before{content:"ï¥"}.fa-compress:before{content:"ï¦"}.fa-plus:before{content:"ï§"}.fa-minus:before{content:"ï¨"}.fa-asterisk:before{content:"ï©"}.fa-exclamation-circle:before,.wy-inline-validate.wy-inline-validate-warning .wy-input-context:before,.wy-inline-validate.wy-inline-validate-info .wy-input-context:before,.rst-content .admonition-title:before{content:"ïª"}.fa-gift:before{content:"ï«"}.fa-leaf:before{content:"ï¬"}.fa-fire:before,.icon-fire:before{content:"ï­"}.fa-eye:before{content:"ï®"}.fa-eye-slash:before{content:"ï°"}.fa-warning:before,.fa-exclamation-triangle:before{content:"ï±"}.fa-plane:before{content:"ï²"}.fa-calendar:before{content:"ï³"}.fa-random:before{content:"ï´"}.fa-comment:before{content:"ïµ"}.fa-magnet:before{content:"ï¶"}.fa-chevron-up:before{content:"ï·"}.fa-chevron-down:before{content:"ï¸"}.fa-retweet:before{content:"ï¹"}.fa-shopping-cart:before{content:"ïº"}.fa-folder:before{content:"ï»"}.fa-folder-open:before{content:"ï¼"}.fa-arrows-v:before{content:"ï½"}.fa-arrows-h:before{content:"ï¾"}.fa-bar-chart-o:before,.fa-bar-chart:before{content:"ï‚€"}.fa-twitter-square:before{content:"ï‚"}.fa-facebook-square:before{content:"ï‚‚"}.fa-camera-retro:before{content:""}.fa-key:before{content:"ï‚„"}.fa-gears:before,.fa-cogs:before{content:"ï‚…"}.fa-comments:before{content:""}.fa-thumbs-o-up:before{content:""}.fa-thumbs-o-down:before{content:""}.fa-star-half:before{content:""}.fa-heart-o:before{content:"ï‚Š"}.fa-sign-out:before{content:"ï‚‹"}.fa-linkedin-square:before{content:"ï‚Œ"}.fa-thumb-tack:before{content:"ï‚"}.fa-external-link:before{content:"ï‚Ž"}.fa-sign-in:before{content:"ï‚"}.fa-trophy:before{content:"ï‚‘"}.fa-github-square:before{content:"ï‚’"}.fa-upload:before{content:"ï‚“"}.fa-lemon-o:before{content:"ï‚”"}.fa-phone:before{content:"ï‚•"}.fa-square-o:before{content:"ï‚–"}.fa-bookmark-o:before{content:"ï‚—"}.fa-phone-square:before{content:""}.fa-twitter:before{content:"ï‚™"}.fa-facebook-f:before,.fa-facebook:before{content:"ï‚š"}.fa-github:before,.icon-github:before{content:"ï‚›"}.fa-unlock:before{content:"ï‚œ"}.fa-credit-card:before{content:"ï‚"}.fa-feed:before,.fa-rss:before{content:"ï‚ž"}.fa-hdd-o:before{content:"ï‚ "}.fa-bullhorn:before{content:"ï‚¡"}.fa-bell:before{content:""}.fa-certificate:before{content:"ï‚£"}.fa-hand-o-right:before{content:""}.fa-hand-o-left:before{content:"ï‚¥"}.fa-hand-o-up:before{content:""}.fa-hand-o-down:before{content:""}.fa-arrow-circle-left:before,.icon-circle-arrow-left:before{content:""}.fa-arrow-circle-right:before,.icon-circle-arrow-right:before{content:"ï‚©"}.fa-arrow-circle-up:before{content:""}.fa-arrow-circle-down:before{content:"ï‚«"}.fa-globe:before{content:""}.fa-wrench:before{content:"ï‚­"}.fa-tasks:before{content:"ï‚®"}.fa-filter:before{content:"ï‚°"}.fa-briefcase:before{content:""}.fa-arrows-alt:before{content:""}.fa-group:before,.fa-users:before{content:""}.fa-chain:before,.fa-link:before,.icon-link:before{content:"ïƒ"}.fa-cloud:before{content:""}.fa-flask:before{content:""}.fa-cut:before,.fa-scissors:before{content:""}.fa-copy:before,.fa-files-o:before{content:""}.fa-paperclip:before{content:""}.fa-save:before,.fa-floppy-o:before{content:""}.fa-square:before{content:""}.fa-navicon:before,.fa-reorder:before,.fa-bars:before{content:""}.fa-list-ul:before{content:""}.fa-list-ol:before{content:""}.fa-strikethrough:before{content:""}.fa-underline:before{content:"ïƒ"}.fa-table:before{content:""}.fa-magic:before{content:"ïƒ"}.fa-truck:before{content:""}.fa-pinterest:before{content:""}.fa-pinterest-square:before{content:""}.fa-google-plus-square:before{content:""}.fa-google-plus:before{content:""}.fa-money:before{content:""}.fa-caret-down:before,.wy-dropdown .caret:before,.icon-caret-down:before{content:""}.fa-caret-up:before{content:""}.fa-caret-left:before{content:""}.fa-caret-right:before{content:""}.fa-columns:before{content:""}.fa-unsorted:before,.fa-sort:before{content:""}.fa-sort-down:before,.fa-sort-desc:before{content:"ïƒ"}.fa-sort-up:before,.fa-sort-asc:before{content:""}.fa-envelope:before{content:""}.fa-linkedin:before{content:""}.fa-rotate-left:before,.fa-undo:before{content:""}.fa-legal:before,.fa-gavel:before{content:""}.fa-dashboard:before,.fa-tachometer:before{content:""}.fa-comment-o:before{content:""}.fa-comments-o:before{content:""}.fa-flash:before,.fa-bolt:before{content:""}.fa-sitemap:before{content:""}.fa-umbrella:before{content:""}.fa-paste:before,.fa-clipboard:before{content:""}.fa-lightbulb-o:before{content:""}.fa-exchange:before{content:""}.fa-cloud-download:before{content:""}.fa-cloud-upload:before{content:""}.fa-user-md:before{content:""}.fa-stethoscope:before{content:""}.fa-suitcase:before{content:""}.fa-bell-o:before{content:"ï‚¢"}.fa-coffee:before{content:""}.fa-cutlery:before{content:""}.fa-file-text-o:before{content:""}.fa-building-o:before{content:""}.fa-hospital-o:before{content:""}.fa-ambulance:before{content:""}.fa-medkit:before{content:""}.fa-fighter-jet:before{content:""}.fa-beer:before{content:""}.fa-h-square:before{content:""}.fa-plus-square:before{content:""}.fa-angle-double-left:before{content:"ï„€"}.fa-angle-double-right:before{content:"ï„"}.fa-angle-double-up:before{content:"ï„‚"}.fa-angle-double-down:before{content:""}.fa-angle-left:before{content:"ï„„"}.fa-angle-right:before{content:"ï„…"}.fa-angle-up:before{content:""}.fa-angle-down:before{content:""}.fa-desktop:before{content:""}.fa-laptop:before{content:""}.fa-tablet:before{content:"ï„Š"}.fa-mobile-phone:before,.fa-mobile:before{content:"ï„‹"}.fa-circle-o:before{content:"ï„Œ"}.fa-quote-left:before{content:"ï„"}.fa-quote-right:before{content:"ï„Ž"}.fa-spinner:before{content:"ï„"}.fa-circle:before{content:"ï„‘"}.fa-mail-reply:before,.fa-reply:before{content:"ï„’"}.fa-github-alt:before{content:"ï„“"}.fa-folder-o:before{content:"ï„”"}.fa-folder-open-o:before{content:"ï„•"}.fa-smile-o:before{content:""}.fa-frown-o:before{content:"ï„™"}.fa-meh-o:before{content:"ï„š"}.fa-gamepad:before{content:"ï„›"}.fa-keyboard-o:before{content:"ï„œ"}.fa-flag-o:before{content:"ï„"}.fa-flag-checkered:before{content:"ï„ž"}.fa-terminal:before{content:"ï„ "}.fa-code:before{content:"ï„¡"}.fa-mail-reply-all:before,.fa-reply-all:before{content:"ï„¢"}.fa-star-half-empty:before,.fa-star-half-full:before,.fa-star-half-o:before{content:"ï„£"}.fa-location-arrow:before{content:""}.fa-crop:before{content:"ï„¥"}.fa-code-fork:before{content:""}.fa-unlink:before,.fa-chain-broken:before{content:""}.fa-question:before{content:""}.fa-info:before{content:"ï„©"}.fa-exclamation:before{content:""}.fa-superscript:before{content:"ï„«"}.fa-subscript:before{content:""}.fa-eraser:before{content:"ï„­"}.fa-puzzle-piece:before{content:"ï„®"}.fa-microphone:before{content:"ï„°"}.fa-microphone-slash:before{content:""}.fa-shield:before{content:""}.fa-calendar-o:before{content:""}.fa-fire-extinguisher:before{content:"ï„´"}.fa-rocket:before{content:""}.fa-maxcdn:before{content:""}.fa-chevron-circle-left:before{content:"ï„·"}.fa-chevron-circle-right:before{content:""}.fa-chevron-circle-up:before{content:""}.fa-chevron-circle-down:before{content:""}.fa-html5:before{content:"ï„»"}.fa-css3:before{content:""}.fa-anchor:before{content:""}.fa-unlock-alt:before{content:""}.fa-bullseye:before{content:"ï…€"}.fa-ellipsis-h:before{content:"ï…"}.fa-ellipsis-v:before{content:"ï…‚"}.fa-rss-square:before{content:"ï…ƒ"}.fa-play-circle:before{content:"ï…„"}.fa-ticket:before{content:"ï……"}.fa-minus-square:before{content:"ï…†"}.fa-minus-square-o:before,.wy-menu-vertical li.on a span.toctree-expand:before,.wy-menu-vertical li.current>a span.toctree-expand:before{content:"ï…‡"}.fa-level-up:before{content:"ï…ˆ"}.fa-level-down:before{content:"ï…‰"}.fa-check-square:before{content:"ï…Š"}.fa-pencil-square:before{content:"ï…‹"}.fa-external-link-square:before{content:"ï…Œ"}.fa-share-square:before{content:"ï…"}.fa-compass:before{content:"ï…Ž"}.fa-toggle-down:before,.fa-caret-square-o-down:before{content:"ï…"}.fa-toggle-up:before,.fa-caret-square-o-up:before{content:"ï…‘"}.fa-toggle-right:before,.fa-caret-square-o-right:before{content:"ï…’"}.fa-euro:before,.fa-eur:before{content:"ï…“"}.fa-gbp:before{content:"ï…”"}.fa-dollar:before,.fa-usd:before{content:"ï…•"}.fa-rupee:before,.fa-inr:before{content:"ï…–"}.fa-cny:before,.fa-rmb:before,.fa-yen:before,.fa-jpy:before{content:"ï…—"}.fa-ruble:before,.fa-rouble:before,.fa-rub:before{content:"ï…˜"}.fa-won:before,.fa-krw:before{content:"ï…™"}.fa-bitcoin:before,.fa-btc:before{content:"ï…š"}.fa-file:before{content:"ï…›"}.fa-file-text:before{content:"ï…œ"}.fa-sort-alpha-asc:before{content:"ï…"}.fa-sort-alpha-desc:before{content:"ï…ž"}.fa-sort-amount-asc:before{content:"ï… "}.fa-sort-amount-desc:before{content:"ï…¡"}.fa-sort-numeric-asc:before{content:"ï…¢"}.fa-sort-numeric-desc:before{content:"ï…£"}.fa-thumbs-up:before{content:"ï…¤"}.fa-thumbs-down:before{content:"ï…¥"}.fa-youtube-square:before{content:"ï…¦"}.fa-youtube:before{content:"ï…§"}.fa-xing:before{content:"ï…¨"}.fa-xing-square:before{content:"ï…©"}.fa-youtube-play:before{content:"ï…ª"}.fa-dropbox:before{content:"ï…«"}.fa-stack-overflow:before{content:"ï…¬"}.fa-instagram:before{content:"ï…­"}.fa-flickr:before{content:"ï…®"}.fa-adn:before{content:"ï…°"}.fa-bitbucket:before,.icon-bitbucket:before{content:"ï…±"}.fa-bitbucket-square:before{content:"ï…²"}.fa-tumblr:before{content:"ï…³"}.fa-tumblr-square:before{content:"ï…´"}.fa-long-arrow-down:before{content:"ï…µ"}.fa-long-arrow-up:before{content:"ï…¶"}.fa-long-arrow-left:before{content:"ï…·"}.fa-long-arrow-right:before{content:"ï…¸"}.fa-apple:before{content:"ï…¹"}.fa-windows:before{content:"ï…º"}.fa-android:before{content:"ï…»"}.fa-linux:before{content:"ï…¼"}.fa-dribbble:before{content:"ï…½"}.fa-skype:before{content:"ï…¾"}.fa-foursquare:before{content:""}.fa-trello:before{content:"ï†"}.fa-female:before{content:""}.fa-male:before{content:""}.fa-gittip:before,.fa-gratipay:before{content:""}.fa-sun-o:before{content:""}.fa-moon-o:before{content:""}.fa-archive:before{content:""}.fa-bug:before{content:""}.fa-vk:before{content:""}.fa-weibo:before{content:""}.fa-renren:before{content:""}.fa-pagelines:before{content:""}.fa-stack-exchange:before{content:"ï†"}.fa-arrow-circle-o-right:before{content:""}.fa-arrow-circle-o-left:before{content:"ï†"}.fa-toggle-left:before,.fa-caret-square-o-left:before{content:""}.fa-dot-circle-o:before{content:""}.fa-wheelchair:before{content:""}.fa-vimeo-square:before{content:""}.fa-turkish-lira:before,.fa-try:before{content:""}.fa-plus-square-o:before,.wy-menu-vertical li span.toctree-expand:before{content:""}.fa-space-shuttle:before{content:""}.fa-slack:before{content:""}.fa-envelope-square:before{content:""}.fa-wordpress:before{content:""}.fa-openid:before{content:""}.fa-institution:before,.fa-bank:before,.fa-university:before{content:""}.fa-mortar-board:before,.fa-graduation-cap:before{content:"ï†"}.fa-yahoo:before{content:""}.fa-google:before{content:""}.fa-reddit:before{content:""}.fa-reddit-square:before{content:""}.fa-stumbleupon-circle:before{content:""}.fa-stumbleupon:before{content:""}.fa-delicious:before{content:""}.fa-digg:before{content:""}.fa-pied-piper-pp:before{content:""}.fa-pied-piper-alt:before{content:""}.fa-drupal:before{content:""}.fa-joomla:before{content:""}.fa-language:before{content:""}.fa-fax:before{content:""}.fa-building:before{content:""}.fa-child:before{content:""}.fa-paw:before{content:""}.fa-spoon:before{content:""}.fa-cube:before{content:""}.fa-cubes:before{content:""}.fa-behance:before{content:""}.fa-behance-square:before{content:""}.fa-steam:before{content:""}.fa-steam-square:before{content:""}.fa-recycle:before{content:""}.fa-automobile:before,.fa-car:before{content:""}.fa-cab:before,.fa-taxi:before{content:""}.fa-tree:before{content:""}.fa-spotify:before{content:""}.fa-deviantart:before{content:""}.fa-soundcloud:before{content:""}.fa-database:before{content:""}.fa-file-pdf-o:before{content:"ï‡"}.fa-file-word-o:before{content:""}.fa-file-excel-o:before{content:""}.fa-file-powerpoint-o:before{content:""}.fa-file-photo-o:before,.fa-file-picture-o:before,.fa-file-image-o:before{content:""}.fa-file-zip-o:before,.fa-file-archive-o:before{content:""}.fa-file-sound-o:before,.fa-file-audio-o:before{content:""}.fa-file-movie-o:before,.fa-file-video-o:before{content:""}.fa-file-code-o:before{content:""}.fa-vine:before{content:""}.fa-codepen:before{content:""}.fa-jsfiddle:before{content:""}.fa-life-bouy:before,.fa-life-buoy:before,.fa-life-saver:before,.fa-support:before,.fa-life-ring:before{content:"ï‡"}.fa-circle-o-notch:before{content:""}.fa-ra:before,.fa-resistance:before,.fa-rebel:before{content:"ï‡"}.fa-ge:before,.fa-empire:before{content:""}.fa-git-square:before{content:""}.fa-git:before{content:""}.fa-y-combinator-square:before,.fa-yc-square:before,.fa-hacker-news:before{content:""}.fa-tencent-weibo:before{content:""}.fa-qq:before{content:""}.fa-wechat:before,.fa-weixin:before{content:""}.fa-send:before,.fa-paper-plane:before{content:""}.fa-send-o:before,.fa-paper-plane-o:before{content:""}.fa-history:before{content:""}.fa-circle-thin:before{content:""}.fa-header:before{content:""}.fa-paragraph:before{content:"ï‡"}.fa-sliders:before{content:""}.fa-share-alt:before{content:""}.fa-share-alt-square:before{content:""}.fa-bomb:before{content:""}.fa-soccer-ball-o:before,.fa-futbol-o:before{content:""}.fa-tty:before{content:""}.fa-binoculars:before{content:""}.fa-plug:before{content:""}.fa-slideshare:before{content:""}.fa-twitch:before{content:""}.fa-yelp:before{content:""}.fa-newspaper-o:before{content:""}.fa-wifi:before{content:""}.fa-calculator:before{content:""}.fa-paypal:before{content:""}.fa-google-wallet:before{content:""}.fa-cc-visa:before{content:""}.fa-cc-mastercard:before{content:""}.fa-cc-discover:before{content:""}.fa-cc-amex:before{content:""}.fa-cc-paypal:before{content:""}.fa-cc-stripe:before{content:""}.fa-bell-slash:before{content:""}.fa-bell-slash-o:before{content:""}.fa-trash:before{content:""}.fa-copyright:before{content:""}.fa-at:before{content:""}.fa-eyedropper:before{content:""}.fa-paint-brush:before{content:""}.fa-birthday-cake:before{content:""}.fa-area-chart:before{content:""}.fa-pie-chart:before{content:""}.fa-line-chart:before{content:"ïˆ"}.fa-lastfm:before{content:""}.fa-lastfm-square:before{content:""}.fa-toggle-off:before{content:""}.fa-toggle-on:before{content:""}.fa-bicycle:before{content:""}.fa-bus:before{content:""}.fa-ioxhost:before{content:""}.fa-angellist:before{content:""}.fa-cc:before{content:""}.fa-shekel:before,.fa-sheqel:before,.fa-ils:before{content:""}.fa-meanpath:before{content:""}.fa-buysellads:before{content:"ïˆ"}.fa-connectdevelop:before{content:""}.fa-dashcube:before{content:"ïˆ"}.fa-forumbee:before{content:""}.fa-leanpub:before{content:""}.fa-sellsy:before{content:""}.fa-shirtsinbulk:before{content:""}.fa-simplybuilt:before{content:""}.fa-skyatlas:before{content:""}.fa-cart-plus:before{content:""}.fa-cart-arrow-down:before{content:""}.fa-diamond:before{content:""}.fa-ship:before{content:""}.fa-user-secret:before{content:""}.fa-motorcycle:before{content:""}.fa-street-view:before{content:"ïˆ"}.fa-heartbeat:before{content:""}.fa-venus:before{content:""}.fa-mars:before{content:""}.fa-mercury:before{content:""}.fa-intersex:before,.fa-transgender:before{content:""}.fa-transgender-alt:before{content:""}.fa-venus-double:before{content:""}.fa-mars-double:before{content:""}.fa-venus-mars:before{content:""}.fa-mars-stroke:before{content:""}.fa-mars-stroke-v:before{content:""}.fa-mars-stroke-h:before{content:""}.fa-neuter:before{content:""}.fa-genderless:before{content:""}.fa-facebook-official:before{content:""}.fa-pinterest-p:before{content:""}.fa-whatsapp:before{content:""}.fa-server:before{content:""}.fa-user-plus:before{content:""}.fa-user-times:before{content:""}.fa-hotel:before,.fa-bed:before{content:""}.fa-viacoin:before{content:""}.fa-train:before{content:""}.fa-subway:before{content:""}.fa-medium:before{content:""}.fa-yc:before,.fa-y-combinator:before{content:""}.fa-optin-monster:before{content:""}.fa-opencart:before{content:""}.fa-expeditedssl:before{content:""}.fa-battery-4:before,.fa-battery:before,.fa-battery-full:before{content:""}.fa-battery-3:before,.fa-battery-three-quarters:before{content:"ï‰"}.fa-battery-2:before,.fa-battery-half:before{content:""}.fa-battery-1:before,.fa-battery-quarter:before{content:""}.fa-battery-0:before,.fa-battery-empty:before{content:""}.fa-mouse-pointer:before{content:""}.fa-i-cursor:before{content:""}.fa-object-group:before{content:""}.fa-object-ungroup:before{content:""}.fa-sticky-note:before{content:""}.fa-sticky-note-o:before{content:""}.fa-cc-jcb:before{content:""}.fa-cc-diners-club:before{content:""}.fa-clone:before{content:"ï‰"}.fa-balance-scale:before{content:""}.fa-hourglass-o:before{content:"ï‰"}.fa-hourglass-1:before,.fa-hourglass-start:before{content:""}.fa-hourglass-2:before,.fa-hourglass-half:before{content:""}.fa-hourglass-3:before,.fa-hourglass-end:before{content:""}.fa-hourglass:before{content:""}.fa-hand-grab-o:before,.fa-hand-rock-o:before{content:""}.fa-hand-stop-o:before,.fa-hand-paper-o:before{content:""}.fa-hand-scissors-o:before{content:""}.fa-hand-lizard-o:before{content:""}.fa-hand-spock-o:before{content:""}.fa-hand-pointer-o:before{content:""}.fa-hand-peace-o:before{content:""}.fa-trademark:before{content:""}.fa-registered:before{content:"ï‰"}.fa-creative-commons:before{content:""}.fa-gg:before{content:""}.fa-gg-circle:before{content:""}.fa-tripadvisor:before{content:""}.fa-odnoklassniki:before{content:""}.fa-odnoklassniki-square:before{content:""}.fa-get-pocket:before{content:""}.fa-wikipedia-w:before{content:""}.fa-safari:before{content:""}.fa-chrome:before{content:""}.fa-firefox:before{content:""}.fa-opera:before{content:""}.fa-internet-explorer:before{content:""}.fa-tv:before,.fa-television:before{content:""}.fa-contao:before{content:""}.fa-500px:before{content:""}.fa-amazon:before{content:""}.fa-calendar-plus-o:before{content:""}.fa-calendar-minus-o:before{content:""}.fa-calendar-times-o:before{content:""}.fa-calendar-check-o:before{content:""}.fa-industry:before{content:""}.fa-map-pin:before{content:""}.fa-map-signs:before{content:""}.fa-map-o:before{content:""}.fa-map:before{content:""}.fa-commenting:before{content:""}.fa-commenting-o:before{content:""}.fa-houzz:before{content:""}.fa-vimeo:before{content:""}.fa-black-tie:before{content:""}.fa-fonticons:before{content:""}.fa-reddit-alien:before{content:"ïŠ"}.fa-edge:before{content:""}.fa-credit-card-alt:before{content:""}.fa-codiepie:before{content:""}.fa-modx:before{content:""}.fa-fort-awesome:before{content:""}.fa-usb:before{content:""}.fa-product-hunt:before{content:""}.fa-mixcloud:before{content:""}.fa-scribd:before{content:""}.fa-pause-circle:before{content:""}.fa-pause-circle-o:before{content:""}.fa-stop-circle:before{content:"ïŠ"}.fa-stop-circle-o:before{content:""}.fa-shopping-bag:before{content:"ïŠ"}.fa-shopping-basket:before{content:""}.fa-hashtag:before{content:""}.fa-bluetooth:before{content:""}.fa-bluetooth-b:before{content:""}.fa-percent:before{content:""}.fa-gitlab:before,.icon-gitlab:before{content:""}.fa-wpbeginner:before{content:""}.fa-wpforms:before{content:""}.fa-envira:before{content:""}.fa-universal-access:before{content:""}.fa-wheelchair-alt:before{content:""}.fa-question-circle-o:before{content:""}.fa-blind:before{content:"ïŠ"}.fa-audio-description:before{content:""}.fa-volume-control-phone:before{content:""}.fa-braille:before{content:""}.fa-assistive-listening-systems:before{content:""}.fa-asl-interpreting:before,.fa-american-sign-language-interpreting:before{content:""}.fa-deafness:before,.fa-hard-of-hearing:before,.fa-deaf:before{content:""}.fa-glide:before{content:""}.fa-glide-g:before{content:""}.fa-signing:before,.fa-sign-language:before{content:""}.fa-low-vision:before{content:""}.fa-viadeo:before{content:""}.fa-viadeo-square:before{content:""}.fa-snapchat:before{content:""}.fa-snapchat-ghost:before{content:""}.fa-snapchat-square:before{content:""}.fa-pied-piper:before{content:""}.fa-first-order:before{content:""}.fa-yoast:before{content:""}.fa-themeisle:before{content:""}.fa-google-plus-circle:before,.fa-google-plus-official:before{content:""}.fa-fa:before,.fa-font-awesome:before{content:""}.fa-handshake-o:before{content:""}.fa-envelope-open:before{content:""}.fa-envelope-open-o:before{content:""}.fa-linode:before{content:""}.fa-address-book:before{content:""}.fa-address-book-o:before{content:""}.fa-vcard:before,.fa-address-card:before{content:""}.fa-vcard-o:before,.fa-address-card-o:before{content:""}.fa-user-circle:before{content:""}.fa-user-circle-o:before{content:""}.fa-user-o:before{content:"ï‹€"}.fa-id-badge:before{content:"ï‹"}.fa-drivers-license:before,.fa-id-card:before{content:"ï‹‚"}.fa-drivers-license-o:before,.fa-id-card-o:before{content:""}.fa-quora:before{content:"ï‹„"}.fa-free-code-camp:before{content:"ï‹…"}.fa-telegram:before{content:""}.fa-thermometer-4:before,.fa-thermometer:before,.fa-thermometer-full:before{content:""}.fa-thermometer-3:before,.fa-thermometer-three-quarters:before{content:""}.fa-thermometer-2:before,.fa-thermometer-half:before{content:""}.fa-thermometer-1:before,.fa-thermometer-quarter:before{content:"ï‹Š"}.fa-thermometer-0:before,.fa-thermometer-empty:before{content:"ï‹‹"}.fa-shower:before{content:"ï‹Œ"}.fa-bathtub:before,.fa-s15:before,.fa-bath:before{content:"ï‹"}.fa-podcast:before{content:"ï‹Ž"}.fa-window-maximize:before{content:"ï‹"}.fa-window-minimize:before{content:"ï‹‘"}.fa-window-restore:before{content:"ï‹’"}.fa-times-rectangle:before,.fa-window-close:before{content:"ï‹“"}.fa-times-rectangle-o:before,.fa-window-close-o:before{content:"ï‹”"}.fa-bandcamp:before{content:"ï‹•"}.fa-grav:before{content:"ï‹–"}.fa-etsy:before{content:"ï‹—"}.fa-imdb:before{content:""}.fa-ravelry:before{content:"ï‹™"}.fa-eercast:before{content:"ï‹š"}.fa-microchip:before{content:"ï‹›"}.fa-snowflake-o:before{content:"ï‹œ"}.fa-superpowers:before{content:"ï‹"}.fa-wpexplorer:before{content:"ï‹ž"}.fa-meetup:before{content:"ï‹ "}.sr-only{position:absolute;width:1px;height:1px;padding:0;margin:-1px;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}.fa,.wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand,.rst-content .admonition-title,.rst-content h1 .headerlink,.rst-content h2 .headerlink,.rst-content h3 .headerlink,.rst-content h4 .headerlink,.rst-content h5 .headerlink,.rst-content h6 .headerlink,.rst-content dl dt .headerlink,.rst-content p.caption .headerlink,.rst-content table>caption .headerlink,.rst-content tt.download span:first-child,.rst-content code.download span:first-child,.icon,.wy-dropdown .caret,.wy-inline-validate.wy-inline-validate-success .wy-input-context,.wy-inline-validate.wy-inline-validate-danger .wy-input-context,.wy-inline-validate.wy-inline-validate-warning .wy-input-context,.wy-inline-validate.wy-inline-validate-info .wy-input-context{font-family:inherit}.fa:before,.wy-menu-vertical li span.toctree-expand:before,.wy-menu-vertical li.on a span.toctree-expand:before,.wy-menu-vertical li.current>a span.toctree-expand:before,.rst-content .admonition-title:before,.rst-content h1 .headerlink:before,.rst-content h2 .headerlink:before,.rst-content h3 .headerlink:before,.rst-content h4 .headerlink:before,.rst-content h5 .headerlink:before,.rst-content h6 .headerlink:before,.rst-content dl dt .headerlink:before,.rst-content p.caption .headerlink:before,.rst-content table>caption .headerlink:before,.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before,.icon:before,.wy-dropdown .caret:before,.wy-inline-validate.wy-inline-validate-success .wy-input-context:before,.wy-inline-validate.wy-inline-validate-danger .wy-input-context:before,.wy-inline-validate.wy-inline-validate-warning .wy-input-context:before,.wy-inline-validate.wy-inline-validate-info .wy-input-context:before{font-family:"FontAwesome";display:inline-block;font-style:normal;font-weight:normal;line-height:1;text-decoration:inherit}a .fa,a .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li a span.toctree-expand,.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand,a .rst-content .admonition-title,.rst-content a .admonition-title,a .rst-content h1 .headerlink,.rst-content h1 a .headerlink,a .rst-content h2 .headerlink,.rst-content h2 a .headerlink,a .rst-content h3 .headerlink,.rst-content h3 a .headerlink,a .rst-content h4 .headerlink,.rst-content h4 a .headerlink,a .rst-content h5 .headerlink,.rst-content h5 a .headerlink,a .rst-content h6 .headerlink,.rst-content h6 a .headerlink,a .rst-content dl dt .headerlink,.rst-content dl dt a .headerlink,a .rst-content p.caption .headerlink,.rst-content p.caption a .headerlink,a .rst-content table>caption .headerlink,.rst-content table>caption a .headerlink,a .rst-content tt.download span:first-child,.rst-content tt.download a span:first-child,a .rst-content code.download span:first-child,.rst-content code.download a span:first-child,a .icon{display:inline-block;text-decoration:inherit}.btn .fa,.btn .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li .btn span.toctree-expand,.btn .wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.on a .btn span.toctree-expand,.btn .wy-menu-vertical li.current>a span.toctree-expand,.wy-menu-vertical li.current>a .btn span.toctree-expand,.btn .rst-content .admonition-title,.rst-content .btn .admonition-title,.btn .rst-content h1 .headerlink,.rst-content h1 .btn .headerlink,.btn .rst-content h2 .headerlink,.rst-content h2 .btn .headerlink,.btn .rst-content h3 .headerlink,.rst-content h3 .btn .headerlink,.btn .rst-content h4 .headerlink,.rst-content h4 .btn .headerlink,.btn .rst-content h5 .headerlink,.rst-content h5 .btn .headerlink,.btn .rst-content h6 .headerlink,.rst-content h6 .btn .headerlink,.btn .rst-content dl dt .headerlink,.rst-content dl dt .btn .headerlink,.btn .rst-content p.caption .headerlink,.rst-content p.caption .btn .headerlink,.btn .rst-content table>caption .headerlink,.rst-content table>caption .btn .headerlink,.btn .rst-content tt.download span:first-child,.rst-content tt.download .btn span:first-child,.btn .rst-content code.download span:first-child,.rst-content code.download .btn span:first-child,.btn .icon,.nav .fa,.nav .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li .nav span.toctree-expand,.nav .wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.on a .nav span.toctree-expand,.nav .wy-menu-vertical li.current>a span.toctree-expand,.wy-menu-vertical li.current>a .nav span.toctree-expand,.nav .rst-content .admonition-title,.rst-content .nav .admonition-title,.nav .rst-content h1 .headerlink,.rst-content h1 .nav .headerlink,.nav .rst-content h2 .headerlink,.rst-content h2 .nav .headerlink,.nav .rst-content h3 .headerlink,.rst-content h3 .nav .headerlink,.nav .rst-content h4 .headerlink,.rst-content h4 .nav .headerlink,.nav .rst-content h5 .headerlink,.rst-content h5 .nav .headerlink,.nav .rst-content h6 .headerlink,.rst-content h6 .nav .headerlink,.nav .rst-content dl dt .headerlink,.rst-content dl dt .nav .headerlink,.nav .rst-content p.caption .headerlink,.rst-content p.caption .nav .headerlink,.nav .rst-content table>caption .headerlink,.rst-content table>caption .nav .headerlink,.nav .rst-content tt.download span:first-child,.rst-content tt.download .nav span:first-child,.nav .rst-content code.download span:first-child,.rst-content code.download .nav span:first-child,.nav .icon{display:inline}.btn .fa.fa-large,.btn .wy-menu-vertical li span.fa-large.toctree-expand,.wy-menu-vertical li .btn span.fa-large.toctree-expand,.btn .rst-content .fa-large.admonition-title,.rst-content .btn .fa-large.admonition-title,.btn .rst-content h1 .fa-large.headerlink,.rst-content h1 .btn .fa-large.headerlink,.btn .rst-content h2 .fa-large.headerlink,.rst-content h2 .btn .fa-large.headerlink,.btn .rst-content h3 .fa-large.headerlink,.rst-content h3 .btn .fa-large.headerlink,.btn .rst-content h4 .fa-large.headerlink,.rst-content h4 .btn .fa-large.headerlink,.btn .rst-content h5 .fa-large.headerlink,.rst-content h5 .btn .fa-large.headerlink,.btn .rst-content h6 .fa-large.headerlink,.rst-content h6 .btn .fa-large.headerlink,.btn .rst-content dl dt .fa-large.headerlink,.rst-content dl dt .btn .fa-large.headerlink,.btn .rst-content p.caption .fa-large.headerlink,.rst-content p.caption .btn .fa-large.headerlink,.btn .rst-content table>caption .fa-large.headerlink,.rst-content table>caption .btn .fa-large.headerlink,.btn .rst-content tt.download span.fa-large:first-child,.rst-content tt.download .btn span.fa-large:first-child,.btn .rst-content code.download span.fa-large:first-child,.rst-content code.download .btn span.fa-large:first-child,.btn .fa-large.icon,.nav .fa.fa-large,.nav .wy-menu-vertical li span.fa-large.toctree-expand,.wy-menu-vertical li .nav span.fa-large.toctree-expand,.nav .rst-content .fa-large.admonition-title,.rst-content .nav .fa-large.admonition-title,.nav .rst-content h1 .fa-large.headerlink,.rst-content h1 .nav .fa-large.headerlink,.nav .rst-content h2 .fa-large.headerlink,.rst-content h2 .nav .fa-large.headerlink,.nav .rst-content h3 .fa-large.headerlink,.rst-content h3 .nav .fa-large.headerlink,.nav .rst-content h4 .fa-large.headerlink,.rst-content h4 .nav .fa-large.headerlink,.nav .rst-content h5 .fa-large.headerlink,.rst-content h5 .nav .fa-large.headerlink,.nav .rst-content h6 .fa-large.headerlink,.rst-content h6 .nav .fa-large.headerlink,.nav .rst-content dl dt .fa-large.headerlink,.rst-content dl dt .nav .fa-large.headerlink,.nav .rst-content p.caption .fa-large.headerlink,.rst-content p.caption .nav .fa-large.headerlink,.nav .rst-content table>caption .fa-large.headerlink,.rst-content table>caption .nav .fa-large.headerlink,.nav .rst-content tt.download span.fa-large:first-child,.rst-content tt.download .nav span.fa-large:first-child,.nav .rst-content code.download span.fa-large:first-child,.rst-content code.download .nav span.fa-large:first-child,.nav .fa-large.icon{line-height:.9em}.btn .fa.fa-spin,.btn .wy-menu-vertical li span.fa-spin.toctree-expand,.wy-menu-vertical li .btn span.fa-spin.toctree-expand,.btn .rst-content .fa-spin.admonition-title,.rst-content .btn .fa-spin.admonition-title,.btn .rst-content h1 .fa-spin.headerlink,.rst-content h1 .btn .fa-spin.headerlink,.btn .rst-content h2 .fa-spin.headerlink,.rst-content h2 .btn .fa-spin.headerlink,.btn .rst-content h3 .fa-spin.headerlink,.rst-content h3 .btn .fa-spin.headerlink,.btn .rst-content h4 .fa-spin.headerlink,.rst-content h4 .btn .fa-spin.headerlink,.btn .rst-content h5 .fa-spin.headerlink,.rst-content h5 .btn .fa-spin.headerlink,.btn .rst-content h6 .fa-spin.headerlink,.rst-content h6 .btn .fa-spin.headerlink,.btn .rst-content dl dt .fa-spin.headerlink,.rst-content dl dt .btn .fa-spin.headerlink,.btn .rst-content p.caption .fa-spin.headerlink,.rst-content p.caption .btn .fa-spin.headerlink,.btn .rst-content table>caption .fa-spin.headerlink,.rst-content table>caption .btn .fa-spin.headerlink,.btn .rst-content tt.download span.fa-spin:first-child,.rst-content tt.download .btn span.fa-spin:first-child,.btn .rst-content code.download span.fa-spin:first-child,.rst-content code.download .btn span.fa-spin:first-child,.btn .fa-spin.icon,.nav .fa.fa-spin,.nav .wy-menu-vertical li span.fa-spin.toctree-expand,.wy-menu-vertical li .nav span.fa-spin.toctree-expand,.nav .rst-content .fa-spin.admonition-title,.rst-content .nav .fa-spin.admonition-title,.nav .rst-content h1 .fa-spin.headerlink,.rst-content h1 .nav .fa-spin.headerlink,.nav .rst-content h2 .fa-spin.headerlink,.rst-content h2 .nav .fa-spin.headerlink,.nav .rst-content h3 .fa-spin.headerlink,.rst-content h3 .nav .fa-spin.headerlink,.nav .rst-content h4 .fa-spin.headerlink,.rst-content h4 .nav .fa-spin.headerlink,.nav .rst-content h5 .fa-spin.headerlink,.rst-content h5 .nav .fa-spin.headerlink,.nav .rst-content h6 .fa-spin.headerlink,.rst-content h6 .nav .fa-spin.headerlink,.nav .rst-content dl dt .fa-spin.headerlink,.rst-content dl dt .nav .fa-spin.headerlink,.nav .rst-content p.caption .fa-spin.headerlink,.rst-content p.caption .nav .fa-spin.headerlink,.nav .rst-content table>caption .fa-spin.headerlink,.rst-content table>caption .nav .fa-spin.headerlink,.nav .rst-content tt.download span.fa-spin:first-child,.rst-content tt.download .nav span.fa-spin:first-child,.nav .rst-content code.download span.fa-spin:first-child,.rst-content code.download .nav span.fa-spin:first-child,.nav .fa-spin.icon{display:inline-block}.btn.fa:before,.wy-menu-vertical li span.btn.toctree-expand:before,.rst-content .btn.admonition-title:before,.rst-content h1 .btn.headerlink:before,.rst-content h2 .btn.headerlink:before,.rst-content h3 .btn.headerlink:before,.rst-content h4 .btn.headerlink:before,.rst-content h5 .btn.headerlink:before,.rst-content h6 .btn.headerlink:before,.rst-content dl dt .btn.headerlink:before,.rst-content p.caption .btn.headerlink:before,.rst-content table>caption .btn.headerlink:before,.rst-content tt.download span.btn:first-child:before,.rst-content code.download span.btn:first-child:before,.btn.icon:before{opacity:.5;-webkit-transition:opacity .05s ease-in;-moz-transition:opacity .05s ease-in;transition:opacity .05s ease-in}.btn.fa:hover:before,.wy-menu-vertical li span.btn.toctree-expand:hover:before,.rst-content .btn.admonition-title:hover:before,.rst-content h1 .btn.headerlink:hover:before,.rst-content h2 .btn.headerlink:hover:before,.rst-content h3 .btn.headerlink:hover:before,.rst-content h4 .btn.headerlink:hover:before,.rst-content h5 .btn.headerlink:hover:before,.rst-content h6 .btn.headerlink:hover:before,.rst-content dl dt .btn.headerlink:hover:before,.rst-content p.caption .btn.headerlink:hover:before,.rst-content table>caption .btn.headerlink:hover:before,.rst-content tt.download span.btn:first-child:hover:before,.rst-content code.download span.btn:first-child:hover:before,.btn.icon:hover:before{opacity:1}.btn-mini .fa:before,.btn-mini .wy-menu-vertical li span.toctree-expand:before,.wy-menu-vertical li .btn-mini span.toctree-expand:before,.btn-mini .rst-content .admonition-title:before,.rst-content .btn-mini .admonition-title:before,.btn-mini .rst-content h1 .headerlink:before,.rst-content h1 .btn-mini .headerlink:before,.btn-mini .rst-content h2 .headerlink:before,.rst-content h2 .btn-mini .headerlink:before,.btn-mini .rst-content h3 .headerlink:before,.rst-content h3 .btn-mini .headerlink:before,.btn-mini .rst-content h4 .headerlink:before,.rst-content h4 .btn-mini .headerlink:before,.btn-mini .rst-content h5 .headerlink:before,.rst-content h5 .btn-mini .headerlink:before,.btn-mini .rst-content h6 .headerlink:before,.rst-content h6 .btn-mini .headerlink:before,.btn-mini .rst-content dl dt .headerlink:before,.rst-content dl dt .btn-mini .headerlink:before,.btn-mini .rst-content p.caption .headerlink:before,.rst-content p.caption .btn-mini .headerlink:before,.btn-mini .rst-content table>caption .headerlink:before,.rst-content table>caption .btn-mini .headerlink:before,.btn-mini .rst-content tt.download span:first-child:before,.rst-content tt.download .btn-mini span:first-child:before,.btn-mini .rst-content code.download span:first-child:before,.rst-content code.download .btn-mini span:first-child:before,.btn-mini .icon:before{font-size:14px;vertical-align:-15%}.wy-alert,.rst-content .note,.rst-content .attention,.rst-content .caution,.rst-content .danger,.rst-content .error,.rst-content .hint,.rst-content .important,.rst-content .tip,.rst-content .warning,.rst-content .seealso,.rst-content .admonition-todo,.rst-content .admonition{padding:12px;line-height:24px;margin-bottom:24px;background:#e7f2fa}.wy-alert-title,.rst-content .admonition-title{color:#fff;font-weight:bold;display:block;color:#fff;background:#6ab0de;margin:-12px;padding:6px 12px;margin-bottom:12px}.wy-alert.wy-alert-danger,.rst-content .wy-alert-danger.note,.rst-content .wy-alert-danger.attention,.rst-content .wy-alert-danger.caution,.rst-content .danger,.rst-content .error,.rst-content .wy-alert-danger.hint,.rst-content .wy-alert-danger.important,.rst-content .wy-alert-danger.tip,.rst-content .wy-alert-danger.warning,.rst-content .wy-alert-danger.seealso,.rst-content .wy-alert-danger.admonition-todo,.rst-content .wy-alert-danger.admonition{background:#fdf3f2}.wy-alert.wy-alert-danger .wy-alert-title,.rst-content .wy-alert-danger.note .wy-alert-title,.rst-content .wy-alert-danger.attention .wy-alert-title,.rst-content .wy-alert-danger.caution .wy-alert-title,.rst-content .danger .wy-alert-title,.rst-content .error .wy-alert-title,.rst-content .wy-alert-danger.hint .wy-alert-title,.rst-content .wy-alert-danger.important .wy-alert-title,.rst-content .wy-alert-danger.tip .wy-alert-title,.rst-content .wy-alert-danger.warning .wy-alert-title,.rst-content .wy-alert-danger.seealso .wy-alert-title,.rst-content .wy-alert-danger.admonition-todo .wy-alert-title,.rst-content .wy-alert-danger.admonition .wy-alert-title,.wy-alert.wy-alert-danger .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-danger .admonition-title,.rst-content .wy-alert-danger.note .admonition-title,.rst-content .wy-alert-danger.attention .admonition-title,.rst-content .wy-alert-danger.caution .admonition-title,.rst-content .danger .admonition-title,.rst-content .error .admonition-title,.rst-content .wy-alert-danger.hint .admonition-title,.rst-content .wy-alert-danger.important .admonition-title,.rst-content .wy-alert-danger.tip .admonition-title,.rst-content .wy-alert-danger.warning .admonition-title,.rst-content .wy-alert-danger.seealso .admonition-title,.rst-content .wy-alert-danger.admonition-todo .admonition-title,.rst-content .wy-alert-danger.admonition .admonition-title{background:#f29f97}.wy-alert.wy-alert-warning,.rst-content .wy-alert-warning.note,.rst-content .attention,.rst-content .caution,.rst-content .wy-alert-warning.danger,.rst-content .wy-alert-warning.error,.rst-content .wy-alert-warning.hint,.rst-content .wy-alert-warning.important,.rst-content .wy-alert-warning.tip,.rst-content .warning,.rst-content .wy-alert-warning.seealso,.rst-content .admonition-todo,.rst-content .wy-alert-warning.admonition{background:#ffedcc}.wy-alert.wy-alert-warning .wy-alert-title,.rst-content .wy-alert-warning.note .wy-alert-title,.rst-content .attention .wy-alert-title,.rst-content .caution .wy-alert-title,.rst-content .wy-alert-warning.danger .wy-alert-title,.rst-content .wy-alert-warning.error .wy-alert-title,.rst-content .wy-alert-warning.hint .wy-alert-title,.rst-content .wy-alert-warning.important .wy-alert-title,.rst-content .wy-alert-warning.tip .wy-alert-title,.rst-content .warning .wy-alert-title,.rst-content .wy-alert-warning.seealso .wy-alert-title,.rst-content .admonition-todo .wy-alert-title,.rst-content .wy-alert-warning.admonition .wy-alert-title,.wy-alert.wy-alert-warning .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-warning .admonition-title,.rst-content .wy-alert-warning.note .admonition-title,.rst-content .attention .admonition-title,.rst-content .caution .admonition-title,.rst-content .wy-alert-warning.danger .admonition-title,.rst-content .wy-alert-warning.error .admonition-title,.rst-content .wy-alert-warning.hint .admonition-title,.rst-content .wy-alert-warning.important .admonition-title,.rst-content .wy-alert-warning.tip .admonition-title,.rst-content .warning .admonition-title,.rst-content .wy-alert-warning.seealso .admonition-title,.rst-content .admonition-todo .admonition-title,.rst-content .wy-alert-warning.admonition .admonition-title{background:#f0b37e}.wy-alert.wy-alert-info,.rst-content .note,.rst-content .wy-alert-info.attention,.rst-content .wy-alert-info.caution,.rst-content .wy-alert-info.danger,.rst-content .wy-alert-info.error,.rst-content .wy-alert-info.hint,.rst-content .wy-alert-info.important,.rst-content .wy-alert-info.tip,.rst-content .wy-alert-info.warning,.rst-content .seealso,.rst-content .wy-alert-info.admonition-todo,.rst-content .wy-alert-info.admonition{background:#e7f2fa}.wy-alert.wy-alert-info .wy-alert-title,.rst-content .note .wy-alert-title,.rst-content .wy-alert-info.attention .wy-alert-title,.rst-content .wy-alert-info.caution .wy-alert-title,.rst-content .wy-alert-info.danger .wy-alert-title,.rst-content .wy-alert-info.error .wy-alert-title,.rst-content .wy-alert-info.hint .wy-alert-title,.rst-content .wy-alert-info.important .wy-alert-title,.rst-content .wy-alert-info.tip .wy-alert-title,.rst-content .wy-alert-info.warning .wy-alert-title,.rst-content .seealso .wy-alert-title,.rst-content .wy-alert-info.admonition-todo .wy-alert-title,.rst-content .wy-alert-info.admonition .wy-alert-title,.wy-alert.wy-alert-info .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-info .admonition-title,.rst-content .note .admonition-title,.rst-content .wy-alert-info.attention .admonition-title,.rst-content .wy-alert-info.caution .admonition-title,.rst-content .wy-alert-info.danger .admonition-title,.rst-content .wy-alert-info.error .admonition-title,.rst-content .wy-alert-info.hint .admonition-title,.rst-content .wy-alert-info.important .admonition-title,.rst-content .wy-alert-info.tip .admonition-title,.rst-content .wy-alert-info.warning .admonition-title,.rst-content .seealso .admonition-title,.rst-content .wy-alert-info.admonition-todo .admonition-title,.rst-content .wy-alert-info.admonition .admonition-title{background:#6ab0de}.wy-alert.wy-alert-success,.rst-content .wy-alert-success.note,.rst-content .wy-alert-success.attention,.rst-content .wy-alert-success.caution,.rst-content .wy-alert-success.danger,.rst-content .wy-alert-success.error,.rst-content .hint,.rst-content .important,.rst-content .tip,.rst-content .wy-alert-success.warning,.rst-content .wy-alert-success.seealso,.rst-content .wy-alert-success.admonition-todo,.rst-content .wy-alert-success.admonition{background:#dbfaf4}.wy-alert.wy-alert-success .wy-alert-title,.rst-content .wy-alert-success.note .wy-alert-title,.rst-content .wy-alert-success.attention .wy-alert-title,.rst-content .wy-alert-success.caution .wy-alert-title,.rst-content .wy-alert-success.danger .wy-alert-title,.rst-content .wy-alert-success.error .wy-alert-title,.rst-content .hint .wy-alert-title,.rst-content .important .wy-alert-title,.rst-content .tip .wy-alert-title,.rst-content .wy-alert-success.warning .wy-alert-title,.rst-content .wy-alert-success.seealso .wy-alert-title,.rst-content .wy-alert-success.admonition-todo .wy-alert-title,.rst-content .wy-alert-success.admonition .wy-alert-title,.wy-alert.wy-alert-success .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-success .admonition-title,.rst-content .wy-alert-success.note .admonition-title,.rst-content .wy-alert-success.attention .admonition-title,.rst-content .wy-alert-success.caution .admonition-title,.rst-content .wy-alert-success.danger .admonition-title,.rst-content .wy-alert-success.error .admonition-title,.rst-content .hint .admonition-title,.rst-content .important .admonition-title,.rst-content .tip .admonition-title,.rst-content .wy-alert-success.warning .admonition-title,.rst-content .wy-alert-success.seealso .admonition-title,.rst-content .wy-alert-success.admonition-todo .admonition-title,.rst-content .wy-alert-success.admonition .admonition-title{background:#1abc9c}.wy-alert.wy-alert-neutral,.rst-content .wy-alert-neutral.note,.rst-content .wy-alert-neutral.attention,.rst-content .wy-alert-neutral.caution,.rst-content .wy-alert-neutral.danger,.rst-content .wy-alert-neutral.error,.rst-content .wy-alert-neutral.hint,.rst-content .wy-alert-neutral.important,.rst-content .wy-alert-neutral.tip,.rst-content .wy-alert-neutral.warning,.rst-content .wy-alert-neutral.seealso,.rst-content .wy-alert-neutral.admonition-todo,.rst-content .wy-alert-neutral.admonition{background:#f3f6f6}.wy-alert.wy-alert-neutral .wy-alert-title,.rst-content .wy-alert-neutral.note .wy-alert-title,.rst-content .wy-alert-neutral.attention .wy-alert-title,.rst-content .wy-alert-neutral.caution .wy-alert-title,.rst-content .wy-alert-neutral.danger .wy-alert-title,.rst-content .wy-alert-neutral.error .wy-alert-title,.rst-content .wy-alert-neutral.hint .wy-alert-title,.rst-content .wy-alert-neutral.important .wy-alert-title,.rst-content .wy-alert-neutral.tip .wy-alert-title,.rst-content .wy-alert-neutral.warning .wy-alert-title,.rst-content .wy-alert-neutral.seealso .wy-alert-title,.rst-content .wy-alert-neutral.admonition-todo .wy-alert-title,.rst-content .wy-alert-neutral.admonition .wy-alert-title,.wy-alert.wy-alert-neutral .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-neutral .admonition-title,.rst-content .wy-alert-neutral.note .admonition-title,.rst-content .wy-alert-neutral.attention .admonition-title,.rst-content .wy-alert-neutral.caution .admonition-title,.rst-content .wy-alert-neutral.danger .admonition-title,.rst-content .wy-alert-neutral.error .admonition-title,.rst-content .wy-alert-neutral.hint .admonition-title,.rst-content .wy-alert-neutral.important .admonition-title,.rst-content .wy-alert-neutral.tip .admonition-title,.rst-content .wy-alert-neutral.warning .admonition-title,.rst-content .wy-alert-neutral.seealso .admonition-title,.rst-content .wy-alert-neutral.admonition-todo .admonition-title,.rst-content .wy-alert-neutral.admonition .admonition-title{color:#404040;background:#e1e4e5}.wy-alert.wy-alert-neutral a,.rst-content .wy-alert-neutral.note a,.rst-content .wy-alert-neutral.attention a,.rst-content .wy-alert-neutral.caution a,.rst-content .wy-alert-neutral.danger a,.rst-content .wy-alert-neutral.error a,.rst-content .wy-alert-neutral.hint a,.rst-content .wy-alert-neutral.important a,.rst-content .wy-alert-neutral.tip a,.rst-content .wy-alert-neutral.warning a,.rst-content .wy-alert-neutral.seealso a,.rst-content .wy-alert-neutral.admonition-todo a,.rst-content .wy-alert-neutral.admonition a{color:#2980B9}.wy-alert p:last-child,.rst-content .note p:last-child,.rst-content .attention p:last-child,.rst-content .caution p:last-child,.rst-content .danger p:last-child,.rst-content .error p:last-child,.rst-content .hint p:last-child,.rst-content .important p:last-child,.rst-content .tip p:last-child,.rst-content .warning p:last-child,.rst-content .seealso p:last-child,.rst-content .admonition-todo p:last-child,.rst-content .admonition p:last-child{margin-bottom:0}.wy-tray-container{position:fixed;bottom:0px;left:0;z-index:600}.wy-tray-container li{display:block;width:300px;background:transparent;color:#fff;text-align:center;box-shadow:0 5px 5px 0 rgba(0,0,0,0.1);padding:0 24px;min-width:20%;opacity:0;height:0;line-height:56px;overflow:hidden;-webkit-transition:all .3s ease-in;-moz-transition:all .3s ease-in;transition:all .3s ease-in}.wy-tray-container li.wy-tray-item-success{background:#27AE60}.wy-tray-container li.wy-tray-item-info{background:#2980B9}.wy-tray-container li.wy-tray-item-warning{background:#E67E22}.wy-tray-container li.wy-tray-item-danger{background:#E74C3C}.wy-tray-container li.on{opacity:1;height:56px}@media screen and (max-width: 768px){.wy-tray-container{bottom:auto;top:0;width:100%}.wy-tray-container li{width:100%}}button{font-size:100%;margin:0;vertical-align:baseline;*vertical-align:middle;cursor:pointer;line-height:normal;-webkit-appearance:button;*overflow:visible}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}button[disabled]{cursor:default}.btn{display:inline-block;border-radius:2px;line-height:normal;white-space:nowrap;text-align:center;cursor:pointer;font-size:100%;padding:6px 12px 8px 12px;color:#fff;border:1px solid rgba(0,0,0,0.1);background-color:#27AE60;text-decoration:none;font-weight:normal;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;box-shadow:0px 1px 2px -1px rgba(255,255,255,0.5) inset,0px -2px 0px 0px rgba(0,0,0,0.1) inset;outline-none:false;vertical-align:middle;*display:inline;zoom:1;-webkit-user-drag:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;-webkit-transition:all .1s linear;-moz-transition:all .1s linear;transition:all .1s linear}.btn-hover{background:#2e8ece;color:#fff}.btn:hover{background:#2cc36b;color:#fff}.btn:focus{background:#2cc36b;outline:0}.btn:active{box-shadow:0px -1px 0px 0px rgba(0,0,0,0.05) inset,0px 2px 0px 0px rgba(0,0,0,0.1) inset;padding:8px 12px 6px 12px}.btn:visited{color:#fff}.btn:disabled{background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled = false);filter:alpha(opacity=40);opacity:.4;cursor:not-allowed;box-shadow:none}.btn-disabled{background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled = false);filter:alpha(opacity=40);opacity:.4;cursor:not-allowed;box-shadow:none}.btn-disabled:hover,.btn-disabled:focus,.btn-disabled:active{background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled = false);filter:alpha(opacity=40);opacity:.4;cursor:not-allowed;box-shadow:none}.btn::-moz-focus-inner{padding:0;border:0}.btn-small{font-size:80%}.btn-info{background-color:#2980B9 !important}.btn-info:hover{background-color:#2e8ece !important}.btn-neutral{background-color:#f3f6f6 !important;color:#404040 !important}.btn-neutral:hover{background-color:#e5ebeb !important;color:#404040}.btn-neutral:visited{color:#404040 !important}.btn-success{background-color:#27AE60 !important}.btn-success:hover{background-color:#295 !important}.btn-danger{background-color:#E74C3C !important}.btn-danger:hover{background-color:#ea6153 !important}.btn-warning{background-color:#E67E22 !important}.btn-warning:hover{background-color:#e98b39 !important}.btn-invert{background-color:#222}.btn-invert:hover{background-color:#2f2f2f !important}.btn-link{background-color:transparent !important;color:#2980B9;box-shadow:none;border-color:transparent !important}.btn-link:hover{background-color:transparent !important;color:#409ad5 !important;box-shadow:none}.btn-link:active{background-color:transparent !important;color:#409ad5 !important;box-shadow:none}.btn-link:visited{color:#9B59B6}.wy-btn-group .btn,.wy-control .btn{vertical-align:middle}.wy-btn-group{margin-bottom:24px;*zoom:1}.wy-btn-group:before,.wy-btn-group:after{display:table;content:""}.wy-btn-group:after{clear:both}.wy-dropdown{position:relative;display:inline-block}.wy-dropdown-active .wy-dropdown-menu{display:block}.wy-dropdown-menu{position:absolute;left:0;display:none;float:left;top:100%;min-width:100%;background:#fcfcfc;z-index:100;border:solid 1px #cfd7dd;box-shadow:0 2px 2px 0 rgba(0,0,0,0.1);padding:12px}.wy-dropdown-menu>dd>a{display:block;clear:both;color:#404040;white-space:nowrap;font-size:90%;padding:0 12px;cursor:pointer}.wy-dropdown-menu>dd>a:hover{background:#2980B9;color:#fff}.wy-dropdown-menu>dd.divider{border-top:solid 1px #cfd7dd;margin:6px 0}.wy-dropdown-menu>dd.search{padding-bottom:12px}.wy-dropdown-menu>dd.search input[type="search"]{width:100%}.wy-dropdown-menu>dd.call-to-action{background:#e3e3e3;text-transform:uppercase;font-weight:500;font-size:80%}.wy-dropdown-menu>dd.call-to-action:hover{background:#e3e3e3}.wy-dropdown-menu>dd.call-to-action .btn{color:#fff}.wy-dropdown.wy-dropdown-up .wy-dropdown-menu{bottom:100%;top:auto;left:auto;right:0}.wy-dropdown.wy-dropdown-bubble .wy-dropdown-menu{background:#fcfcfc;margin-top:2px}.wy-dropdown.wy-dropdown-bubble .wy-dropdown-menu a{padding:6px 12px}.wy-dropdown.wy-dropdown-bubble .wy-dropdown-menu a:hover{background:#2980B9;color:#fff}.wy-dropdown.wy-dropdown-left .wy-dropdown-menu{right:0;left:auto;text-align:right}.wy-dropdown-arrow:before{content:" ";border-bottom:5px solid #f5f5f5;border-left:5px solid transparent;border-right:5px solid transparent;position:absolute;display:block;top:-4px;left:50%;margin-left:-3px}.wy-dropdown-arrow.wy-dropdown-arrow-left:before{left:11px}.wy-form-stacked select{display:block}.wy-form-aligned input,.wy-form-aligned textarea,.wy-form-aligned select,.wy-form-aligned .wy-help-inline,.wy-form-aligned label{display:inline-block;*display:inline;*zoom:1;vertical-align:middle}.wy-form-aligned .wy-control-group>label{display:inline-block;vertical-align:middle;width:10em;margin:6px 12px 0 0;float:left}.wy-form-aligned .wy-control{float:left}.wy-form-aligned .wy-control label{display:block}.wy-form-aligned .wy-control select{margin-top:6px}fieldset{border:0;margin:0;padding:0}legend{display:block;width:100%;border:0;padding:0;white-space:normal;margin-bottom:24px;font-size:150%;*margin-left:-7px}label{display:block;margin:0 0 .3125em 0;color:#333;font-size:90%}input,select,textarea{font-size:100%;margin:0;vertical-align:baseline;*vertical-align:middle}.wy-control-group{margin-bottom:24px;*zoom:1;max-width:68em;margin-left:auto;margin-right:auto;*zoom:1}.wy-control-group:before,.wy-control-group:after{display:table;content:""}.wy-control-group:after{clear:both}.wy-control-group:before,.wy-control-group:after{display:table;content:""}.wy-control-group:after{clear:both}.wy-control-group.wy-control-group-required>label:after{content:" *";color:#E74C3C}.wy-control-group .wy-form-full,.wy-control-group .wy-form-halves,.wy-control-group .wy-form-thirds{padding-bottom:12px}.wy-control-group .wy-form-full select,.wy-control-group .wy-form-halves select,.wy-control-group .wy-form-thirds select{width:100%}.wy-control-group .wy-form-full input[type="text"],.wy-control-group .wy-form-full input[type="password"],.wy-control-group .wy-form-full input[type="email"],.wy-control-group .wy-form-full input[type="url"],.wy-control-group .wy-form-full input[type="date"],.wy-control-group .wy-form-full input[type="month"],.wy-control-group .wy-form-full input[type="time"],.wy-control-group .wy-form-full input[type="datetime"],.wy-control-group .wy-form-full input[type="datetime-local"],.wy-control-group .wy-form-full input[type="week"],.wy-control-group .wy-form-full input[type="number"],.wy-control-group .wy-form-full input[type="search"],.wy-control-group .wy-form-full input[type="tel"],.wy-control-group .wy-form-full input[type="color"],.wy-control-group .wy-form-halves input[type="text"],.wy-control-group .wy-form-halves input[type="password"],.wy-control-group .wy-form-halves input[type="email"],.wy-control-group .wy-form-halves input[type="url"],.wy-control-group .wy-form-halves input[type="date"],.wy-control-group .wy-form-halves input[type="month"],.wy-control-group .wy-form-halves input[type="time"],.wy-control-group .wy-form-halves input[type="datetime"],.wy-control-group .wy-form-halves input[type="datetime-local"],.wy-control-group .wy-form-halves input[type="week"],.wy-control-group .wy-form-halves input[type="number"],.wy-control-group .wy-form-halves input[type="search"],.wy-control-group .wy-form-halves input[type="tel"],.wy-control-group .wy-form-halves input[type="color"],.wy-control-group .wy-form-thirds input[type="text"],.wy-control-group .wy-form-thirds input[type="password"],.wy-control-group .wy-form-thirds input[type="email"],.wy-control-group .wy-form-thirds input[type="url"],.wy-control-group .wy-form-thirds input[type="date"],.wy-control-group .wy-form-thirds input[type="month"],.wy-control-group .wy-form-thirds input[type="time"],.wy-control-group .wy-form-thirds input[type="datetime"],.wy-control-group .wy-form-thirds input[type="datetime-local"],.wy-control-group .wy-form-thirds input[type="week"],.wy-control-group .wy-form-thirds input[type="number"],.wy-control-group .wy-form-thirds input[type="search"],.wy-control-group .wy-form-thirds input[type="tel"],.wy-control-group .wy-form-thirds input[type="color"]{width:100%}.wy-control-group .wy-form-full{float:left;display:block;margin-right:2.3576515979%;width:100%;margin-right:0}.wy-control-group .wy-form-full:last-child{margin-right:0}.wy-control-group .wy-form-halves{float:left;display:block;margin-right:2.3576515979%;width:48.821174201%}.wy-control-group .wy-form-halves:last-child{margin-right:0}.wy-control-group .wy-form-halves:nth-of-type(2n){margin-right:0}.wy-control-group .wy-form-halves:nth-of-type(2n+1){clear:left}.wy-control-group .wy-form-thirds{float:left;display:block;margin-right:2.3576515979%;width:31.7615656014%}.wy-control-group .wy-form-thirds:last-child{margin-right:0}.wy-control-group .wy-form-thirds:nth-of-type(3n){margin-right:0}.wy-control-group .wy-form-thirds:nth-of-type(3n+1){clear:left}.wy-control-group.wy-control-group-no-input .wy-control{margin:6px 0 0 0;font-size:90%}.wy-control-no-input{display:inline-block;margin:6px 0 0 0;font-size:90%}.wy-control-group.fluid-input input[type="text"],.wy-control-group.fluid-input input[type="password"],.wy-control-group.fluid-input input[type="email"],.wy-control-group.fluid-input input[type="url"],.wy-control-group.fluid-input input[type="date"],.wy-control-group.fluid-input input[type="month"],.wy-control-group.fluid-input input[type="time"],.wy-control-group.fluid-input input[type="datetime"],.wy-control-group.fluid-input input[type="datetime-local"],.wy-control-group.fluid-input input[type="week"],.wy-control-group.fluid-input input[type="number"],.wy-control-group.fluid-input input[type="search"],.wy-control-group.fluid-input input[type="tel"],.wy-control-group.fluid-input input[type="color"]{width:100%}.wy-form-message-inline{display:inline-block;padding-left:.3em;color:#666;vertical-align:middle;font-size:90%}.wy-form-message{display:block;color:#999;font-size:70%;margin-top:.3125em;font-style:italic}.wy-form-message p{font-size:inherit;font-style:italic;margin-bottom:6px}.wy-form-message p:last-child{margin-bottom:0}input{line-height:normal}input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;*overflow:visible}input[type="text"],input[type="password"],input[type="email"],input[type="url"],input[type="date"],input[type="month"],input[type="time"],input[type="datetime"],input[type="datetime-local"],input[type="week"],input[type="number"],input[type="search"],input[type="tel"],input[type="color"]{-webkit-appearance:none;padding:6px;display:inline-block;border:1px solid #ccc;font-size:80%;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;box-shadow:inset 0 1px 3px #ddd;border-radius:0;-webkit-transition:border .3s linear;-moz-transition:border .3s linear;transition:border .3s linear}input[type="datetime-local"]{padding:.34375em .625em}input[disabled]{cursor:default}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0;margin-right:.3125em;*height:13px;*width:13px}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}input[type="text"]:focus,input[type="password"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus{outline:0;outline:thin dotted \9;border-color:#333}input.no-focus:focus{border-color:#ccc !important}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:1px auto #129FEA}input[type="text"][disabled],input[type="password"][disabled],input[type="email"][disabled],input[type="url"][disabled],input[type="date"][disabled],input[type="month"][disabled],input[type="time"][disabled],input[type="datetime"][disabled],input[type="datetime-local"][disabled],input[type="week"][disabled],input[type="number"][disabled],input[type="search"][disabled],input[type="tel"][disabled],input[type="color"][disabled]{cursor:not-allowed;background-color:#fafafa}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#E74C3C;border:1px solid #E74C3C}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#E74C3C}input[type="file"]:focus:invalid:focus,input[type="radio"]:focus:invalid:focus,input[type="checkbox"]:focus:invalid:focus{outline-color:#E74C3C}input.wy-input-large{padding:12px;font-size:100%}textarea{overflow:auto;vertical-align:top;width:100%;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif}select,textarea{padding:.5em .625em;display:inline-block;border:1px solid #ccc;font-size:80%;box-shadow:inset 0 1px 3px #ddd;-webkit-transition:border .3s linear;-moz-transition:border .3s linear;transition:border .3s linear}select{border:1px solid #ccc;background-color:#fff}select[multiple]{height:auto}select:focus,textarea:focus{outline:0}select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#fafafa}input[type="radio"][disabled],input[type="checkbox"][disabled]{cursor:not-allowed}.wy-checkbox,.wy-radio{margin:6px 0;color:#404040;display:block}.wy-checkbox input,.wy-radio input{vertical-align:baseline}.wy-form-message-inline{display:inline-block;*display:inline;*zoom:1;vertical-align:middle}.wy-input-prefix,.wy-input-suffix{white-space:nowrap;padding:6px}.wy-input-prefix .wy-input-context,.wy-input-suffix .wy-input-context{line-height:27px;padding:0 8px;display:inline-block;font-size:80%;background-color:#f3f6f6;border:solid 1px #ccc;color:#999}.wy-input-suffix .wy-input-context{border-left:0}.wy-input-prefix .wy-input-context{border-right:0}.wy-switch{position:relative;display:block;height:24px;margin-top:12px;cursor:pointer}.wy-switch:before{position:absolute;content:"";display:block;left:0;top:0;width:36px;height:12px;border-radius:4px;background:#ccc;-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;transition:all .2s ease-in-out}.wy-switch:after{position:absolute;content:"";display:block;width:18px;height:18px;border-radius:4px;background:#999;left:-3px;top:-3px;-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;transition:all .2s ease-in-out}.wy-switch span{position:absolute;left:48px;display:block;font-size:12px;color:#ccc;line-height:1}.wy-switch.active:before{background:#1e8449}.wy-switch.active:after{left:24px;background:#27AE60}.wy-switch.disabled{cursor:not-allowed;opacity:.8}.wy-control-group.wy-control-group-error .wy-form-message,.wy-control-group.wy-control-group-error>label{color:#E74C3C}.wy-control-group.wy-control-group-error input[type="text"],.wy-control-group.wy-control-group-error input[type="password"],.wy-control-group.wy-control-group-error input[type="email"],.wy-control-group.wy-control-group-error input[type="url"],.wy-control-group.wy-control-group-error input[type="date"],.wy-control-group.wy-control-group-error input[type="month"],.wy-control-group.wy-control-group-error input[type="time"],.wy-control-group.wy-control-group-error input[type="datetime"],.wy-control-group.wy-control-group-error input[type="datetime-local"],.wy-control-group.wy-control-group-error input[type="week"],.wy-control-group.wy-control-group-error input[type="number"],.wy-control-group.wy-control-group-error input[type="search"],.wy-control-group.wy-control-group-error input[type="tel"],.wy-control-group.wy-control-group-error input[type="color"]{border:solid 1px #E74C3C}.wy-control-group.wy-control-group-error textarea{border:solid 1px #E74C3C}.wy-inline-validate{white-space:nowrap}.wy-inline-validate .wy-input-context{padding:.5em .625em;display:inline-block;font-size:80%}.wy-inline-validate.wy-inline-validate-success .wy-input-context{color:#27AE60}.wy-inline-validate.wy-inline-validate-danger .wy-input-context{color:#E74C3C}.wy-inline-validate.wy-inline-validate-warning .wy-input-context{color:#E67E22}.wy-inline-validate.wy-inline-validate-info .wy-input-context{color:#2980B9}.rotate-90{-webkit-transform:rotate(90deg);-moz-transform:rotate(90deg);-ms-transform:rotate(90deg);-o-transform:rotate(90deg);transform:rotate(90deg)}.rotate-180{-webkit-transform:rotate(180deg);-moz-transform:rotate(180deg);-ms-transform:rotate(180deg);-o-transform:rotate(180deg);transform:rotate(180deg)}.rotate-270{-webkit-transform:rotate(270deg);-moz-transform:rotate(270deg);-ms-transform:rotate(270deg);-o-transform:rotate(270deg);transform:rotate(270deg)}.mirror{-webkit-transform:scaleX(-1);-moz-transform:scaleX(-1);-ms-transform:scaleX(-1);-o-transform:scaleX(-1);transform:scaleX(-1)}.mirror.rotate-90{-webkit-transform:scaleX(-1) rotate(90deg);-moz-transform:scaleX(-1) rotate(90deg);-ms-transform:scaleX(-1) rotate(90deg);-o-transform:scaleX(-1) rotate(90deg);transform:scaleX(-1) rotate(90deg)}.mirror.rotate-180{-webkit-transform:scaleX(-1) rotate(180deg);-moz-transform:scaleX(-1) rotate(180deg);-ms-transform:scaleX(-1) rotate(180deg);-o-transform:scaleX(-1) rotate(180deg);transform:scaleX(-1) rotate(180deg)}.mirror.rotate-270{-webkit-transform:scaleX(-1) rotate(270deg);-moz-transform:scaleX(-1) rotate(270deg);-ms-transform:scaleX(-1) rotate(270deg);-o-transform:scaleX(-1) rotate(270deg);transform:scaleX(-1) rotate(270deg)}@media only screen and (max-width: 480px){.wy-form button[type="submit"]{margin:.7em 0 0}.wy-form input[type="text"],.wy-form input[type="password"],.wy-form input[type="email"],.wy-form input[type="url"],.wy-form input[type="date"],.wy-form input[type="month"],.wy-form input[type="time"],.wy-form input[type="datetime"],.wy-form input[type="datetime-local"],.wy-form input[type="week"],.wy-form input[type="number"],.wy-form input[type="search"],.wy-form input[type="tel"],.wy-form input[type="color"]{margin-bottom:.3em;display:block}.wy-form label{margin-bottom:.3em;display:block}.wy-form input[type="password"],.wy-form input[type="email"],.wy-form input[type="url"],.wy-form input[type="date"],.wy-form input[type="month"],.wy-form input[type="time"],.wy-form input[type="datetime"],.wy-form input[type="datetime-local"],.wy-form input[type="week"],.wy-form input[type="number"],.wy-form input[type="search"],.wy-form input[type="tel"],.wy-form input[type="color"]{margin-bottom:0}.wy-form-aligned .wy-control-group label{margin-bottom:.3em;text-align:left;display:block;width:100%}.wy-form-aligned .wy-control{margin:1.5em 0 0 0}.wy-form .wy-help-inline,.wy-form-message-inline,.wy-form-message{display:block;font-size:80%;padding:6px 0}}@media screen and (max-width: 768px){.tablet-hide{display:none}}@media screen and (max-width: 480px){.mobile-hide{display:none}}.float-left{float:left}.float-right{float:right}.full-width{width:100%}.wy-table,.rst-content table.docutils,.rst-content table.field-list{border-collapse:collapse;border-spacing:0;empty-cells:show;margin-bottom:24px}.wy-table caption,.rst-content table.docutils caption,.rst-content table.field-list caption{color:#000;font:italic 85%/1 arial,sans-serif;padding:1em 0;text-align:center}.wy-table td,.rst-content table.docutils td,.rst-content table.field-list td,.wy-table th,.rst-content table.docutils th,.rst-content table.field-list th{font-size:90%;margin:0;overflow:visible;padding:8px 16px}.wy-table td:first-child,.rst-content table.docutils td:first-child,.rst-content table.field-list td:first-child,.wy-table th:first-child,.rst-content table.docutils th:first-child,.rst-content table.field-list th:first-child{border-left-width:0}.wy-table thead,.rst-content table.docutils thead,.rst-content table.field-list thead{color:#000;text-align:left;vertical-align:bottom;white-space:nowrap}.wy-table thead th,.rst-content table.docutils thead th,.rst-content table.field-list thead th{font-weight:bold;border-bottom:solid 2px #e1e4e5}.wy-table td,.rst-content table.docutils td,.rst-content table.field-list td{background-color:transparent;vertical-align:middle}.wy-table td p,.rst-content table.docutils td p,.rst-content table.field-list td p{line-height:18px}.wy-table td p:last-child,.rst-content table.docutils td p:last-child,.rst-content table.field-list td p:last-child{margin-bottom:0}.wy-table .wy-table-cell-min,.rst-content table.docutils .wy-table-cell-min,.rst-content table.field-list .wy-table-cell-min{width:1%;padding-right:0}.wy-table .wy-table-cell-min input[type=checkbox],.rst-content table.docutils .wy-table-cell-min input[type=checkbox],.rst-content table.field-list .wy-table-cell-min input[type=checkbox],.wy-table .wy-table-cell-min input[type=checkbox],.rst-content table.docutils .wy-table-cell-min input[type=checkbox],.rst-content table.field-list .wy-table-cell-min input[type=checkbox]{margin:0}.wy-table-secondary{color:gray;font-size:90%}.wy-table-tertiary{color:gray;font-size:80%}.wy-table-odd td,.wy-table-striped tr:nth-child(2n-1) td,.rst-content table.docutils:not(.field-list) tr:nth-child(2n-1) td{background-color:#f3f6f6}.wy-table-backed{background-color:#f3f6f6}.wy-table-bordered-all,.rst-content table.docutils{border:1px solid #e1e4e5}.wy-table-bordered-all td,.rst-content table.docutils td{border-bottom:1px solid #e1e4e5;border-left:1px solid #e1e4e5}.wy-table-bordered-all tbody>tr:last-child td,.rst-content table.docutils tbody>tr:last-child td{border-bottom-width:0}.wy-table-bordered{border:1px solid #e1e4e5}.wy-table-bordered-rows td{border-bottom:1px solid #e1e4e5}.wy-table-bordered-rows tbody>tr:last-child td{border-bottom-width:0}.wy-table-horizontal tbody>tr:last-child td{border-bottom-width:0}.wy-table-horizontal td,.wy-table-horizontal th{border-width:0 0 1px 0;border-bottom:1px solid #e1e4e5}.wy-table-horizontal tbody>tr:last-child td{border-bottom-width:0}.wy-table-responsive{margin-bottom:24px;max-width:100%;overflow:auto}.wy-table-responsive table{margin-bottom:0 !important}.wy-table-responsive table td,.wy-table-responsive table th{white-space:nowrap}a{color:#2980B9;text-decoration:none;cursor:pointer}a:hover{color:#3091d1}a:visited{color:#9B59B6}html{height:100%;overflow-x:hidden}body{font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;font-weight:normal;color:#404040;min-height:100%;overflow-x:hidden;background:#edf0f2}.wy-text-left{text-align:left}.wy-text-center{text-align:center}.wy-text-right{text-align:right}.wy-text-large{font-size:120%}.wy-text-normal{font-size:100%}.wy-text-small,small{font-size:80%}.wy-text-strike{text-decoration:line-through}.wy-text-warning{color:#E67E22 !important}a.wy-text-warning:hover{color:#eb9950 !important}.wy-text-info{color:#2980B9 !important}a.wy-text-info:hover{color:#409ad5 !important}.wy-text-success{color:#27AE60 !important}a.wy-text-success:hover{color:#36d278 !important}.wy-text-danger{color:#E74C3C !important}a.wy-text-danger:hover{color:#ed7669 !important}.wy-text-neutral{color:#404040 !important}a.wy-text-neutral:hover{color:#595959 !important}h1,h2,.rst-content .toctree-wrapper p.caption,h3,h4,h5,h6,legend{margin-top:0;font-weight:700;font-family:"Roboto Slab","ff-tisa-web-pro","Georgia",Arial,sans-serif}p{line-height:24px;margin:0;font-size:16px;margin-bottom:24px}h1{font-size:175%}h2,.rst-content .toctree-wrapper p.caption{font-size:150%}h3{font-size:125%}h4{font-size:115%}h5{font-size:110%}h6{font-size:100%}hr{display:block;height:1px;border:0;border-top:1px solid #e1e4e5;margin:24px 0;padding:0}code,.rst-content tt,.rst-content code{white-space:nowrap;max-width:100%;background:#fff;border:solid 1px #e1e4e5;font-size:75%;padding:0 5px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;color:#E74C3C;overflow-x:auto}code.code-large,.rst-content tt.code-large{font-size:90%}.wy-plain-list-disc,.rst-content .section ul,.rst-content .toctree-wrapper ul,article ul{list-style:disc;line-height:24px;margin-bottom:24px}.wy-plain-list-disc li,.rst-content .section ul li,.rst-content .toctree-wrapper ul li,article ul li{list-style:disc;margin-left:24px}.wy-plain-list-disc li p:last-child,.rst-content .section ul li p:last-child,.rst-content .toctree-wrapper ul li p:last-child,article ul li p:last-child{margin-bottom:0}.wy-plain-list-disc li ul,.rst-content .section ul li ul,.rst-content .toctree-wrapper ul li ul,article ul li ul{margin-bottom:0}.wy-plain-list-disc li li,.rst-content .section ul li li,.rst-content .toctree-wrapper ul li li,article ul li li{list-style:circle}.wy-plain-list-disc li li li,.rst-content .section ul li li li,.rst-content .toctree-wrapper ul li li li,article ul li li li{list-style:square}.wy-plain-list-disc li ol li,.rst-content .section ul li ol li,.rst-content .toctree-wrapper ul li ol li,article ul li ol li{list-style:decimal}.wy-plain-list-decimal,.rst-content .section ol,.rst-content ol.arabic,article ol{list-style:decimal;line-height:24px;margin-bottom:24px}.wy-plain-list-decimal li,.rst-content .section ol li,.rst-content ol.arabic li,article ol li{list-style:decimal;margin-left:24px}.wy-plain-list-decimal li p:last-child,.rst-content .section ol li p:last-child,.rst-content ol.arabic li p:last-child,article ol li p:last-child{margin-bottom:0}.wy-plain-list-decimal li ul,.rst-content .section ol li ul,.rst-content ol.arabic li ul,article ol li ul{margin-bottom:0}.wy-plain-list-decimal li ul li,.rst-content .section ol li ul li,.rst-content ol.arabic li ul li,article ol li ul li{list-style:disc}.wy-breadcrumbs{*zoom:1}.wy-breadcrumbs:before,.wy-breadcrumbs:after{display:table;content:""}.wy-breadcrumbs:after{clear:both}.wy-breadcrumbs li{display:inline-block}.wy-breadcrumbs li.wy-breadcrumbs-aside{float:right}.wy-breadcrumbs li a{display:inline-block;padding:5px}.wy-breadcrumbs li a:first-child{padding-left:0}.wy-breadcrumbs li code,.wy-breadcrumbs li .rst-content tt,.rst-content .wy-breadcrumbs li tt{padding:5px;border:none;background:none}.wy-breadcrumbs li code.literal,.wy-breadcrumbs li .rst-content tt.literal,.rst-content .wy-breadcrumbs li tt.literal{color:#404040}.wy-breadcrumbs-extra{margin-bottom:0;color:#b3b3b3;font-size:80%;display:inline-block}@media screen and (max-width: 480px){.wy-breadcrumbs-extra{display:none}.wy-breadcrumbs li.wy-breadcrumbs-aside{display:none}}@media print{.wy-breadcrumbs li.wy-breadcrumbs-aside{display:none}}html{font-size:16px}.wy-affix{position:fixed;top:1.618em}.wy-menu a:hover{text-decoration:none}.wy-menu-horiz{*zoom:1}.wy-menu-horiz:before,.wy-menu-horiz:after{display:table;content:""}.wy-menu-horiz:after{clear:both}.wy-menu-horiz ul,.wy-menu-horiz li{display:inline-block}.wy-menu-horiz li:hover{background:rgba(255,255,255,0.1)}.wy-menu-horiz li.divide-left{border-left:solid 1px #404040}.wy-menu-horiz li.divide-right{border-right:solid 1px #404040}.wy-menu-horiz a{height:32px;display:inline-block;line-height:32px;padding:0 16px}.wy-menu-vertical{width:300px}.wy-menu-vertical header,.wy-menu-vertical p.caption{height:32px;display:inline-block;line-height:32px;padding:0 1.618em;margin-bottom:0;display:block;font-weight:bold;text-transform:uppercase;font-size:80%;white-space:nowrap}.wy-menu-vertical ul{margin-bottom:0}.wy-menu-vertical li.divide-top{border-top:solid 1px #404040}.wy-menu-vertical li.divide-bottom{border-bottom:solid 1px #404040}.wy-menu-vertical li.current{background:#e3e3e3}.wy-menu-vertical li.current a{color:gray;border-right:solid 1px #c9c9c9;padding:.4045em 2.427em}.wy-menu-vertical li.current a:hover{background:#d6d6d6}.wy-menu-vertical li code,.wy-menu-vertical li .rst-content tt,.rst-content .wy-menu-vertical li tt{border:none;background:inherit;color:inherit;padding-left:0;padding-right:0}.wy-menu-vertical li span.toctree-expand{display:block;float:left;margin-left:-1.2em;font-size:.8em;line-height:1.6em;color:#4d4d4d}.wy-menu-vertical li.on a,.wy-menu-vertical li.current>a{color:#404040;padding:.4045em 1.618em;font-weight:bold;position:relative;background:#fcfcfc;border:none;padding-left:1.618em -4px}.wy-menu-vertical li.on a:hover,.wy-menu-vertical li.current>a:hover{background:#fcfcfc}.wy-menu-vertical li.on a:hover span.toctree-expand,.wy-menu-vertical li.current>a:hover span.toctree-expand{color:gray}.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand{display:block;font-size:.8em;line-height:1.6em;color:#333}.wy-menu-vertical li.toctree-l1.current>a{border-bottom:solid 1px #c9c9c9;border-top:solid 1px #c9c9c9}.wy-menu-vertical li.toctree-l2 a,.wy-menu-vertical li.toctree-l3 a,.wy-menu-vertical li.toctree-l4 a{color:#404040}.wy-menu-vertical li.toctree-l1.current li.toctree-l2>ul,.wy-menu-vertical li.toctree-l2.current li.toctree-l3>ul{display:none}.wy-menu-vertical li.toctree-l1.current li.toctree-l2.current>ul,.wy-menu-vertical li.toctree-l2.current li.toctree-l3.current>ul{display:block}.wy-menu-vertical li.toctree-l2.current>a{background:#c9c9c9;padding:.4045em 2.427em}.wy-menu-vertical li.toctree-l2.current li.toctree-l3>a{display:block;background:#c9c9c9;padding:.4045em 4.045em}.wy-menu-vertical li.toctree-l2 a:hover span.toctree-expand{color:gray}.wy-menu-vertical li.toctree-l2 span.toctree-expand{color:#a3a3a3}.wy-menu-vertical li.toctree-l3{font-size:.9em}.wy-menu-vertical li.toctree-l3.current>a{background:#bdbdbd;padding:.4045em 4.045em}.wy-menu-vertical li.toctree-l3.current li.toctree-l4>a{display:block;background:#bdbdbd;padding:.4045em 5.663em}.wy-menu-vertical li.toctree-l3 a:hover span.toctree-expand{color:gray}.wy-menu-vertical li.toctree-l3 span.toctree-expand{color:#969696}.wy-menu-vertical li.toctree-l4{font-size:.9em}.wy-menu-vertical li.current ul{display:block}.wy-menu-vertical li ul{margin-bottom:0;display:none}.wy-menu-vertical li ul li a{margin-bottom:0;color:#d9d9d9;font-weight:normal}.wy-menu-vertical a{display:inline-block;line-height:18px;padding:.4045em 1.618em;display:block;position:relative;font-size:90%;color:#d9d9d9}.wy-menu-vertical a:hover{background-color:#4e4a4a;cursor:pointer}.wy-menu-vertical a:hover span.toctree-expand{color:#d9d9d9}.wy-menu-vertical a:active{background-color:#2980B9;cursor:pointer;color:#fff}.wy-menu-vertical a:active span.toctree-expand{color:#fff}.wy-side-nav-search{display:block;width:300px;padding:.809em;margin-bottom:.809em;z-index:200;background-color:#2980B9;text-align:center;padding:.809em;display:block;color:#fcfcfc;margin-bottom:.809em}.wy-side-nav-search input[type=text]{width:100%;border-radius:50px;padding:6px 12px;border-color:#2472a4}.wy-side-nav-search img{display:block;margin:auto auto .809em auto;height:45px;width:45px;background-color:#2980B9;padding:5px;border-radius:100%}.wy-side-nav-search>a,.wy-side-nav-search .wy-dropdown>a{color:#fcfcfc;font-size:100%;font-weight:bold;display:inline-block;padding:4px 6px;margin-bottom:.809em}.wy-side-nav-search>a:hover,.wy-side-nav-search .wy-dropdown>a:hover{background:rgba(255,255,255,0.1)}.wy-side-nav-search>a img.logo,.wy-side-nav-search .wy-dropdown>a img.logo{display:block;margin:0 auto;height:auto;width:auto;border-radius:0;max-width:100%;background:transparent}.wy-side-nav-search>a.icon img.logo,.wy-side-nav-search .wy-dropdown>a.icon img.logo{margin-top:.85em}.wy-side-nav-search>div.version{margin-top:-.4045em;margin-bottom:.809em;font-weight:normal;color:rgba(255,255,255,0.3)}.wy-nav .wy-menu-vertical header{color:#2980B9}.wy-nav .wy-menu-vertical a{color:#b3b3b3}.wy-nav .wy-menu-vertical a:hover{background-color:#2980B9;color:#fff}[data-menu-wrap]{-webkit-transition:all .2s ease-in;-moz-transition:all .2s ease-in;transition:all .2s ease-in;position:absolute;opacity:1;width:100%;opacity:0}[data-menu-wrap].move-center{left:0;right:auto;opacity:1}[data-menu-wrap].move-left{right:auto;left:-100%;opacity:0}[data-menu-wrap].move-right{right:-100%;left:auto;opacity:0}.wy-body-for-nav{background:#fcfcfc}.wy-grid-for-nav{position:absolute;width:100%;height:100%}.wy-nav-side{position:fixed;top:0;bottom:0;left:0;padding-bottom:2em;width:300px;overflow-x:hidden;overflow-y:hidden;min-height:100%;color:#9b9b9b;background:#343131;z-index:200}.wy-side-scroll{width:320px;position:relative;overflow-x:hidden;overflow-y:scroll;height:100%}.wy-nav-top{display:none;background:#2980B9;color:#fff;padding:.4045em .809em;position:relative;line-height:50px;text-align:center;font-size:100%;*zoom:1}.wy-nav-top:before,.wy-nav-top:after{display:table;content:""}.wy-nav-top:after{clear:both}.wy-nav-top a{color:#fff;font-weight:bold}.wy-nav-top img{margin-right:12px;height:45px;width:45px;background-color:#2980B9;padding:5px;border-radius:100%}.wy-nav-top i{font-size:30px;float:left;cursor:pointer;padding-top:inherit}.wy-nav-content-wrap{margin-left:300px;background:#fcfcfc;min-height:100%}.wy-nav-content{padding:1.618em 3.236em;height:100%;max-width:800px;margin:auto}.wy-body-mask{position:fixed;width:100%;height:100%;background:rgba(0,0,0,0.2);display:none;z-index:499}.wy-body-mask.on{display:block}footer{color:gray}footer p{margin-bottom:12px}footer span.commit code,footer span.commit .rst-content tt,.rst-content footer span.commit tt{padding:0px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;font-size:1em;background:none;border:none;color:gray}.rst-footer-buttons{*zoom:1}.rst-footer-buttons:before,.rst-footer-buttons:after{width:100%}.rst-footer-buttons:before,.rst-footer-buttons:after{display:table;content:""}.rst-footer-buttons:after{clear:both}.rst-breadcrumbs-buttons{margin-top:12px;*zoom:1}.rst-breadcrumbs-buttons:before,.rst-breadcrumbs-buttons:after{display:table;content:""}.rst-breadcrumbs-buttons:after{clear:both}#search-results .search li{margin-bottom:24px;border-bottom:solid 1px #e1e4e5;padding-bottom:24px}#search-results .search li:first-child{border-top:solid 1px #e1e4e5;padding-top:24px}#search-results .search li a{font-size:120%;margin-bottom:12px;display:inline-block}#search-results .context{color:gray;font-size:90%}@media screen and (max-width: 768px){.wy-body-for-nav{background:#fcfcfc}.wy-nav-top{display:block}.wy-nav-side{left:-300px}.wy-nav-side.shift{width:85%;left:0}.wy-side-scroll{width:auto}.wy-side-nav-search{width:auto}.wy-menu.wy-menu-vertical{width:auto}.wy-nav-content-wrap{margin-left:0}.wy-nav-content-wrap .wy-nav-content{padding:1.618em}.wy-nav-content-wrap.shift{position:fixed;min-width:100%;left:85%;top:0;height:100%;overflow:hidden}}@media screen and (min-width: 1100px){.wy-nav-content-wrap{background:rgba(0,0,0,0.05)}.wy-nav-content{margin:0;background:#fcfcfc}}@media print{.rst-versions,footer,.wy-nav-side{display:none}.wy-nav-content-wrap{margin-left:0}}.rst-versions{position:fixed;bottom:0;left:0;width:300px;color:#fcfcfc;background:#1f1d1d;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;z-index:400}.rst-versions a{color:#2980B9;text-decoration:none}.rst-versions .rst-badge-small{display:none}.rst-versions .rst-current-version{padding:12px;background-color:#272525;display:block;text-align:right;font-size:90%;cursor:pointer;color:#27AE60;*zoom:1}.rst-versions .rst-current-version:before,.rst-versions .rst-current-version:after{display:table;content:""}.rst-versions .rst-current-version:after{clear:both}.rst-versions .rst-current-version .fa,.rst-versions .rst-current-version .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li .rst-versions .rst-current-version span.toctree-expand,.rst-versions .rst-current-version .rst-content .admonition-title,.rst-content .rst-versions .rst-current-version .admonition-title,.rst-versions .rst-current-version .rst-content h1 .headerlink,.rst-content h1 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h2 .headerlink,.rst-content h2 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h3 .headerlink,.rst-content h3 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h4 .headerlink,.rst-content h4 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h5 .headerlink,.rst-content h5 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h6 .headerlink,.rst-content h6 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content dl dt .headerlink,.rst-content dl dt .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content p.caption .headerlink,.rst-content p.caption .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content table>caption .headerlink,.rst-content table>caption .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content tt.download span:first-child,.rst-content tt.download .rst-versions .rst-current-version span:first-child,.rst-versions .rst-current-version .rst-content code.download span:first-child,.rst-content code.download .rst-versions .rst-current-version span:first-child,.rst-versions .rst-current-version .icon{color:#fcfcfc}.rst-versions .rst-current-version .fa-book,.rst-versions .rst-current-version .icon-book{float:left}.rst-versions .rst-current-version .icon-book{float:left}.rst-versions .rst-current-version.rst-out-of-date{background-color:#E74C3C;color:#fff}.rst-versions .rst-current-version.rst-active-old-version{background-color:#F1C40F;color:#000}.rst-versions.shift-up{height:auto;max-height:100%}.rst-versions.shift-up .rst-other-versions{display:block}.rst-versions .rst-other-versions{font-size:90%;padding:12px;color:gray;display:none}.rst-versions .rst-other-versions hr{display:block;height:1px;border:0;margin:20px 0;padding:0;border-top:solid 1px #413d3d}.rst-versions .rst-other-versions dd{display:inline-block;margin:0}.rst-versions .rst-other-versions dd a{display:inline-block;padding:6px;color:#fcfcfc}.rst-versions.rst-badge{width:auto;bottom:20px;right:20px;left:auto;border:none;max-width:300px}.rst-versions.rst-badge .icon-book{float:none}.rst-versions.rst-badge .fa-book,.rst-versions.rst-badge .icon-book{float:none}.rst-versions.rst-badge.shift-up .rst-current-version{text-align:right}.rst-versions.rst-badge.shift-up .rst-current-version .fa-book,.rst-versions.rst-badge.shift-up .rst-current-version .icon-book{float:left}.rst-versions.rst-badge.shift-up .rst-current-version .icon-book{float:left}.rst-versions.rst-badge .rst-current-version{width:auto;height:30px;line-height:30px;padding:0 6px;display:block;text-align:center}@media screen and (max-width: 768px){.rst-versions{width:85%;display:none}.rst-versions.shift{display:block}}.rst-content img{max-width:100%;height:auto}.rst-content div.figure{margin-bottom:24px}.rst-content div.figure p.caption{font-style:italic}.rst-content div.figure p:last-child.caption{margin-bottom:0px}.rst-content div.figure.align-center{text-align:center}.rst-content .section>img,.rst-content .section>a>img{margin-bottom:24px}.rst-content abbr[title]{text-decoration:none}.rst-content.style-external-links a.reference.external:after{font-family:FontAwesome;content:"ï‚Ž";color:#b3b3b3;vertical-align:super;font-size:60%;margin:0 .2em}.rst-content blockquote{margin-left:24px;line-height:24px;margin-bottom:24px}.rst-content pre.literal-block{white-space:pre;margin:0;padding:12px 12px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;display:block;overflow:auto}.rst-content pre.literal-block,.rst-content div[class^='highlight']{border:1px solid #e1e4e5;overflow-x:auto;margin:1px 0 24px 0}.rst-content pre.literal-block div[class^='highlight'],.rst-content div[class^='highlight'] div[class^='highlight']{padding:0px;border:none;margin:0}.rst-content div[class^='highlight'] td.code{width:100%}.rst-content .linenodiv pre{border-right:solid 1px #e6e9ea;margin:0;padding:12px 12px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;user-select:none;pointer-events:none}.rst-content div[class^='highlight'] pre{white-space:pre;margin:0;padding:12px 12px;display:block;overflow:auto}.rst-content div[class^='highlight'] pre .hll{display:block;margin:0 -12px;padding:0 12px}.rst-content pre.literal-block,.rst-content div[class^='highlight'] pre,.rst-content .linenodiv pre{font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;font-size:12px;line-height:1.4}@media print{.rst-content .codeblock,.rst-content div[class^='highlight'],.rst-content div[class^='highlight'] pre{white-space:pre-wrap}}.rst-content .note .last,.rst-content .attention .last,.rst-content .caution .last,.rst-content .danger .last,.rst-content .error .last,.rst-content .hint .last,.rst-content .important .last,.rst-content .tip .last,.rst-content .warning .last,.rst-content .seealso .last,.rst-content .admonition-todo .last,.rst-content .admonition .last{margin-bottom:0}.rst-content .admonition-title:before{margin-right:4px}.rst-content .admonition table{border-color:rgba(0,0,0,0.1)}.rst-content .admonition table td,.rst-content .admonition table th{background:transparent !important;border-color:rgba(0,0,0,0.1) !important}.rst-content .section ol.loweralpha,.rst-content .section ol.loweralpha li{list-style:lower-alpha}.rst-content .section ol.upperalpha,.rst-content .section ol.upperalpha li{list-style:upper-alpha}.rst-content .section ol p,.rst-content .section ul p{margin-bottom:12px}.rst-content .section ol p:last-child,.rst-content .section ul p:last-child{margin-bottom:24px}.rst-content .line-block{margin-left:0px;margin-bottom:24px;line-height:24px}.rst-content .line-block .line-block{margin-left:24px;margin-bottom:0px}.rst-content .topic-title{font-weight:bold;margin-bottom:12px}.rst-content .toc-backref{color:#404040}.rst-content .align-right{float:right;margin:0px 0px 24px 24px}.rst-content .align-left{float:left;margin:0px 24px 24px 0px}.rst-content .align-center{margin:auto}.rst-content .align-center:not(table){display:block}.rst-content h1 .headerlink,.rst-content h2 .headerlink,.rst-content .toctree-wrapper p.caption .headerlink,.rst-content h3 .headerlink,.rst-content h4 .headerlink,.rst-content h5 .headerlink,.rst-content h6 .headerlink,.rst-content dl dt .headerlink,.rst-content p.caption .headerlink,.rst-content table>caption .headerlink{visibility:hidden;font-size:14px}.rst-content h1 .headerlink:after,.rst-content h2 .headerlink:after,.rst-content .toctree-wrapper p.caption .headerlink:after,.rst-content h3 .headerlink:after,.rst-content h4 .headerlink:after,.rst-content h5 .headerlink:after,.rst-content h6 .headerlink:after,.rst-content dl dt .headerlink:after,.rst-content p.caption .headerlink:after,.rst-content table>caption .headerlink:after{content:"ïƒ";font-family:FontAwesome}.rst-content h1:hover .headerlink:after,.rst-content h2:hover .headerlink:after,.rst-content .toctree-wrapper p.caption:hover .headerlink:after,.rst-content h3:hover .headerlink:after,.rst-content h4:hover .headerlink:after,.rst-content h5:hover .headerlink:after,.rst-content h6:hover .headerlink:after,.rst-content dl dt:hover .headerlink:after,.rst-content p.caption:hover .headerlink:after,.rst-content table>caption:hover .headerlink:after{visibility:visible}.rst-content table>caption .headerlink:after{font-size:12px}.rst-content .centered{text-align:center}.rst-content .sidebar{float:right;width:40%;display:block;margin:0 0 24px 24px;padding:24px;background:#f3f6f6;border:solid 1px #e1e4e5}.rst-content .sidebar p,.rst-content .sidebar ul,.rst-content .sidebar dl{font-size:90%}.rst-content .sidebar .last{margin-bottom:0}.rst-content .sidebar .sidebar-title{display:block;font-family:"Roboto Slab","ff-tisa-web-pro","Georgia",Arial,sans-serif;font-weight:bold;background:#e1e4e5;padding:6px 12px;margin:-24px;margin-bottom:24px;font-size:100%}.rst-content .highlighted{background:#F1C40F;display:inline-block;font-weight:bold;padding:0 6px}.rst-content .footnote-reference,.rst-content .citation-reference{vertical-align:baseline;position:relative;top:-0.4em;line-height:0;font-size:90%}.rst-content table.docutils.citation,.rst-content table.docutils.footnote{background:none;border:none;color:gray}.rst-content table.docutils.citation td,.rst-content table.docutils.citation tr,.rst-content table.docutils.footnote td,.rst-content table.docutils.footnote tr{border:none;background-color:transparent !important;white-space:normal}.rst-content table.docutils.citation td.label,.rst-content table.docutils.footnote td.label{padding-left:0;padding-right:0;vertical-align:top}.rst-content table.docutils.citation tt,.rst-content table.docutils.citation code,.rst-content table.docutils.footnote tt,.rst-content table.docutils.footnote code{color:#555}.rst-content .wy-table-responsive.citation,.rst-content .wy-table-responsive.footnote{margin-bottom:0}.rst-content .wy-table-responsive.citation+:not(.citation),.rst-content .wy-table-responsive.footnote+:not(.footnote){margin-top:24px}.rst-content .wy-table-responsive.citation:last-child,.rst-content .wy-table-responsive.footnote:last-child{margin-bottom:24px}.rst-content table.docutils th{border-color:#e1e4e5}.rst-content table.docutils td .last,.rst-content table.docutils td .last :last-child{margin-bottom:0}.rst-content table.field-list{border:none}.rst-content table.field-list td{border:none}.rst-content table.field-list td>strong{display:inline-block}.rst-content table.field-list .field-name{padding-right:10px;text-align:left;white-space:nowrap}.rst-content table.field-list .field-body{text-align:left}.rst-content tt,.rst-content tt,.rst-content code{color:#000;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;padding:2px 5px}.rst-content tt big,.rst-content tt em,.rst-content tt big,.rst-content code big,.rst-content tt em,.rst-content code em{font-size:100% !important;line-height:normal}.rst-content tt.literal,.rst-content tt.literal,.rst-content code.literal{color:#E74C3C}.rst-content tt.xref,a .rst-content tt,.rst-content tt.xref,.rst-content code.xref,a .rst-content tt,a .rst-content code{font-weight:bold;color:#404040}.rst-content pre,.rst-content kbd,.rst-content samp{font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace}.rst-content a tt,.rst-content a tt,.rst-content a code{color:#2980B9}.rst-content dl{margin-bottom:24px}.rst-content dl dt{font-weight:bold;margin-bottom:12px}.rst-content dl p,.rst-content dl table,.rst-content dl ul,.rst-content dl ol{margin-bottom:12px !important}.rst-content dl dd{margin:0 0 12px 24px;line-height:24px}.rst-content dl:not(.docutils){margin-bottom:24px}.rst-content dl:not(.docutils) dt{display:table;margin:6px 0;font-size:90%;line-height:normal;background:#e7f2fa;color:#2980B9;border-top:solid 3px #6ab0de;padding:6px;position:relative}.rst-content dl:not(.docutils) dt:before{color:#6ab0de}.rst-content dl:not(.docutils) dt .headerlink{color:#404040;font-size:100% !important}.rst-content dl:not(.docutils) dl dt{margin-bottom:6px;border:none;border-left:solid 3px #ccc;background:#f0f0f0;color:#555}.rst-content dl:not(.docutils) dl dt .headerlink{color:#404040;font-size:100% !important}.rst-content dl:not(.docutils) dt:first-child{margin-top:0}.rst-content dl:not(.docutils) tt,.rst-content dl:not(.docutils) tt,.rst-content dl:not(.docutils) code{font-weight:bold}.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) tt.descclassname,.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) code.descname,.rst-content dl:not(.docutils) tt.descclassname,.rst-content dl:not(.docutils) code.descclassname{background-color:transparent;border:none;padding:0;font-size:100% !important}.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) code.descname{font-weight:bold}.rst-content dl:not(.docutils) .optional{display:inline-block;padding:0 4px;color:#000;font-weight:bold}.rst-content dl:not(.docutils) .property{display:inline-block;padding-right:8px}.rst-content .viewcode-link,.rst-content .viewcode-back{display:inline-block;color:#27AE60;font-size:80%;padding-left:24px}.rst-content .viewcode-back{display:block;float:right}.rst-content p.rubric{margin-bottom:12px;font-weight:bold}.rst-content tt.download,.rst-content code.download{background:inherit;padding:inherit;font-weight:normal;font-family:inherit;font-size:inherit;color:inherit;border:inherit;white-space:inherit}.rst-content tt.download span:first-child,.rst-content code.download span:first-child{-webkit-font-smoothing:subpixel-antialiased}.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before{margin-right:4px}.rst-content .guilabel{border:1px solid #7fbbe3;background:#e7f2fa;font-size:80%;font-weight:700;border-radius:4px;padding:2.4px 6px;margin:auto 2px}.rst-content .versionmodified{font-style:italic}@media screen and (max-width: 480px){.rst-content .sidebar{width:100%}}span[id*='MathJax-Span']{color:#404040}.math{text-align:center}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-regular.eot");src:url("../fonts/Lato/lato-regular.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-regular.woff2") format("woff2"),url("../fonts/Lato/lato-regular.woff") format("woff"),url("../fonts/Lato/lato-regular.ttf") format("truetype");font-weight:400;font-style:normal}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-bold.eot");src:url("../fonts/Lato/lato-bold.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-bold.woff2") format("woff2"),url("../fonts/Lato/lato-bold.woff") format("woff"),url("../fonts/Lato/lato-bold.ttf") format("truetype");font-weight:700;font-style:normal}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-bolditalic.eot");src:url("../fonts/Lato/lato-bolditalic.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-bolditalic.woff2") format("woff2"),url("../fonts/Lato/lato-bolditalic.woff") format("woff"),url("../fonts/Lato/lato-bolditalic.ttf") format("truetype");font-weight:700;font-style:italic}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-italic.eot");src:url("../fonts/Lato/lato-italic.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-italic.woff2") format("woff2"),url("../fonts/Lato/lato-italic.woff") format("woff"),url("../fonts/Lato/lato-italic.ttf") format("truetype");font-weight:400;font-style:italic}@font-face{font-family:"Roboto Slab";font-style:normal;font-weight:400;src:url("../fonts/RobotoSlab/roboto-slab.eot");src:url("../fonts/RobotoSlab/roboto-slab-v7-regular.eot?#iefix") format("embedded-opentype"),url("../fonts/RobotoSlab/roboto-slab-v7-regular.woff2") format("woff2"),url("../fonts/RobotoSlab/roboto-slab-v7-regular.woff") format("woff"),url("../fonts/RobotoSlab/roboto-slab-v7-regular.ttf") format("truetype")}@font-face{font-family:"Roboto Slab";font-style:normal;font-weight:700;src:url("../fonts/RobotoSlab/roboto-slab-v7-bold.eot");src:url("../fonts/RobotoSlab/roboto-slab-v7-bold.eot?#iefix") format("embedded-opentype"),url("../fonts/RobotoSlab/roboto-slab-v7-bold.woff2") format("woff2"),url("../fonts/RobotoSlab/roboto-slab-v7-bold.woff") format("woff"),url("../fonts/RobotoSlab/roboto-slab-v7-bold.ttf") format("truetype")} diff --git a/docs/build/html/_static/doctools.js b/docs/build/html/_static/doctools.js new file mode 100644 index 0000000..ffadbec --- /dev/null +++ b/docs/build/html/_static/doctools.js @@ -0,0 +1,315 @@ +/* + * doctools.js + * ~~~~~~~~~~~ + * + * Sphinx JavaScript utilities for all documentation. + * + * :copyright: Copyright 2007-2018 by the Sphinx team, see AUTHORS. + * :license: BSD, see LICENSE for details. + * + */ + +/** + * select a different prefix for underscore + */ +$u = _.noConflict(); + +/** + * make the code below compatible with browsers without + * an installed firebug like debugger +if (!window.console || !console.firebug) { + var names = ["log", "debug", "info", "warn", "error", "assert", "dir", + "dirxml", "group", "groupEnd", "time", "timeEnd", "count", "trace", + "profile", "profileEnd"]; + window.console = {}; + for (var i = 0; i < names.length; ++i) + window.console[names[i]] = function() {}; +} + */ + +/** + * small helper function to urldecode strings + */ +jQuery.urldecode = function(x) { + return decodeURIComponent(x).replace(/\+/g, ' '); +}; + +/** + * small helper function to urlencode strings + */ +jQuery.urlencode = encodeURIComponent; + +/** + * This function returns the parsed url parameters of the + * current request. Multiple values per key are supported, + * it will always return arrays of strings for the value parts. + */ +jQuery.getQueryParameters = function(s) { + if (typeof s === 'undefined') + s = document.location.search; + var parts = s.substr(s.indexOf('?') + 1).split('&'); + var result = {}; + for (var i = 0; i < parts.length; i++) { + var tmp = parts[i].split('=', 2); + var key = jQuery.urldecode(tmp[0]); + var value = jQuery.urldecode(tmp[1]); + if (key in result) + result[key].push(value); + else + result[key] = [value]; + } + return result; +}; + +/** + * highlight a given string on a jquery object by wrapping it in + * span elements with the given class name. + */ +jQuery.fn.highlightText = function(text, className) { + function highlight(node, addItems) { + if (node.nodeType === 3) { + var val = node.nodeValue; + var pos = val.toLowerCase().indexOf(text); + if (pos >= 0 && + !jQuery(node.parentNode).hasClass(className) && + !jQuery(node.parentNode).hasClass("nohighlight")) { + var span; + var isInSVG = jQuery(node).closest("body, svg, foreignObject").is("svg"); + if (isInSVG) { + span = document.createElementNS("http://www.w3.org/2000/svg", "tspan"); + } else { + span = document.createElement("span"); + span.className = className; + } + span.appendChild(document.createTextNode(val.substr(pos, text.length))); + node.parentNode.insertBefore(span, node.parentNode.insertBefore( + document.createTextNode(val.substr(pos + text.length)), + node.nextSibling)); + node.nodeValue = val.substr(0, pos); + if (isInSVG) { + var bbox = span.getBBox(); + var rect = document.createElementNS("http://www.w3.org/2000/svg", "rect"); + rect.x.baseVal.value = bbox.x; + rect.y.baseVal.value = bbox.y; + rect.width.baseVal.value = bbox.width; + rect.height.baseVal.value = bbox.height; + rect.setAttribute('class', className); + var parentOfText = node.parentNode.parentNode; + addItems.push({ + "parent": node.parentNode, + "target": rect}); + } + } + } + else if (!jQuery(node).is("button, select, textarea")) { + jQuery.each(node.childNodes, function() { + highlight(this, addItems); + }); + } + } + var addItems = []; + var result = this.each(function() { + highlight(this, addItems); + }); + for (var i = 0; i < addItems.length; ++i) { + jQuery(addItems[i].parent).before(addItems[i].target); + } + return result; +}; + +/* + * backward compatibility for jQuery.browser + * This will be supported until firefox bug is fixed. + */ +if (!jQuery.browser) { + jQuery.uaMatch = function(ua) { + ua = ua.toLowerCase(); + + var match = /(chrome)[ \/]([\w.]+)/.exec(ua) || + /(webkit)[ \/]([\w.]+)/.exec(ua) || + /(opera)(?:.*version|)[ \/]([\w.]+)/.exec(ua) || + /(msie) ([\w.]+)/.exec(ua) || + ua.indexOf("compatible") < 0 && /(mozilla)(?:.*? rv:([\w.]+)|)/.exec(ua) || + []; + + return { + browser: match[ 1 ] || "", + version: match[ 2 ] || "0" + }; + }; + jQuery.browser = {}; + jQuery.browser[jQuery.uaMatch(navigator.userAgent).browser] = true; +} + +/** + * Small JavaScript module for the documentation. + */ +var Documentation = { + + init : function() { + this.fixFirefoxAnchorBug(); + this.highlightSearchWords(); + this.initIndexTable(); + if (DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS) { + this.initOnKeyListeners(); + } + }, + + /** + * i18n support + */ + TRANSLATIONS : {}, + PLURAL_EXPR : function(n) { return n === 1 ? 0 : 1; }, + LOCALE : 'unknown', + + // gettext and ngettext don't access this so that the functions + // can safely bound to a different name (_ = Documentation.gettext) + gettext : function(string) { + var translated = Documentation.TRANSLATIONS[string]; + if (typeof translated === 'undefined') + return string; + return (typeof translated === 'string') ? translated : translated[0]; + }, + + ngettext : function(singular, plural, n) { + var translated = Documentation.TRANSLATIONS[singular]; + if (typeof translated === 'undefined') + return (n == 1) ? singular : plural; + return translated[Documentation.PLURALEXPR(n)]; + }, + + addTranslations : function(catalog) { + for (var key in catalog.messages) + this.TRANSLATIONS[key] = catalog.messages[key]; + this.PLURAL_EXPR = new Function('n', 'return +(' + catalog.plural_expr + ')'); + this.LOCALE = catalog.locale; + }, + + /** + * add context elements like header anchor links + */ + addContextElements : function() { + $('div[id] > :header:first').each(function() { + $('\u00B6'). + attr('href', '#' + this.id). + attr('title', _('Permalink to this headline')). + appendTo(this); + }); + $('dt[id]').each(function() { + $('\u00B6'). + attr('href', '#' + this.id). + attr('title', _('Permalink to this definition')). + appendTo(this); + }); + }, + + /** + * workaround a firefox stupidity + * see: https://bugzilla.mozilla.org/show_bug.cgi?id=645075 + */ + fixFirefoxAnchorBug : function() { + if (document.location.hash && $.browser.mozilla) + window.setTimeout(function() { + document.location.href += ''; + }, 10); + }, + + /** + * highlight the search words provided in the url in the text + */ + highlightSearchWords : function() { + var params = $.getQueryParameters(); + var terms = (params.highlight) ? params.highlight[0].split(/\s+/) : []; + if (terms.length) { + var body = $('div.body'); + if (!body.length) { + body = $('body'); + } + window.setTimeout(function() { + $.each(terms, function() { + body.highlightText(this.toLowerCase(), 'highlighted'); + }); + }, 10); + $('') + .appendTo($('#searchbox')); + } + }, + + /** + * init the domain index toggle buttons + */ + initIndexTable : function() { + var togglers = $('img.toggler').click(function() { + var src = $(this).attr('src'); + var idnum = $(this).attr('id').substr(7); + $('tr.cg-' + idnum).toggle(); + if (src.substr(-9) === 'minus.png') + $(this).attr('src', src.substr(0, src.length-9) + 'plus.png'); + else + $(this).attr('src', src.substr(0, src.length-8) + 'minus.png'); + }).css('display', ''); + if (DOCUMENTATION_OPTIONS.COLLAPSE_INDEX) { + togglers.click(); + } + }, + + /** + * helper function to hide the search marks again + */ + hideSearchWords : function() { + $('#searchbox .highlight-link').fadeOut(300); + $('span.highlighted').removeClass('highlighted'); + }, + + /** + * make the url absolute + */ + makeURL : function(relativeURL) { + return DOCUMENTATION_OPTIONS.URL_ROOT + '/' + relativeURL; + }, + + /** + * get the current relative url + */ + getCurrentURL : function() { + var path = document.location.pathname; + var parts = path.split(/\//); + $.each(DOCUMENTATION_OPTIONS.URL_ROOT.split(/\//), function() { + if (this === '..') + parts.pop(); + }); + var url = parts.join('/'); + return path.substring(url.lastIndexOf('/') + 1, path.length - 1); + }, + + initOnKeyListeners: function() { + $(document).keyup(function(event) { + var activeElementType = document.activeElement.tagName; + // don't navigate when in search box or textarea + if (activeElementType !== 'TEXTAREA' && activeElementType !== 'INPUT' && activeElementType !== 'SELECT') { + switch (event.keyCode) { + case 37: // left + var prevHref = $('link[rel="prev"]').prop('href'); + if (prevHref) { + window.location.href = prevHref; + return false; + } + case 39: // right + var nextHref = $('link[rel="next"]').prop('href'); + if (nextHref) { + window.location.href = nextHref; + return false; + } + } + } + }); + } +}; + +// quick alias for translations +_ = Documentation.gettext; + +$(document).ready(function() { + Documentation.init(); +}); diff --git a/docs/build/html/_static/documentation_options.js b/docs/build/html/_static/documentation_options.js new file mode 100644 index 0000000..168d437 --- /dev/null +++ b/docs/build/html/_static/documentation_options.js @@ -0,0 +1,296 @@ +var DOCUMENTATION_OPTIONS = { + URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), + VERSION: '', + LANGUAGE: 'None', + COLLAPSE_INDEX: false, + FILE_SUFFIX: '.html', + HAS_SOURCE: true, + SOURCELINK_SUFFIX: '.txt', + NAVIGATION_WITH_KEYS: false, + SEARCH_LANGUAGE_STOP_WORDS: ["a","and","are","as","at","be","but","by","for","if","in","into","is","it","near","no","not","of","on","or","such","that","the","their","then","there","these","they","this","to","was","will","with"] +}; + + + +/* Non-minified version JS is _stemmer.js if file is provided */ +/** + * Porter Stemmer + */ +var Stemmer = function() { + + var step2list = { + ational: 'ate', + tional: 'tion', + enci: 'ence', + anci: 'ance', + izer: 'ize', + bli: 'ble', + alli: 'al', + entli: 'ent', + eli: 'e', + ousli: 'ous', + ization: 'ize', + ation: 'ate', + ator: 'ate', + alism: 'al', + iveness: 'ive', + fulness: 'ful', + ousness: 'ous', + aliti: 'al', + iviti: 'ive', + biliti: 'ble', + logi: 'log' + }; + + var step3list = { + icate: 'ic', + ative: '', + alize: 'al', + iciti: 'ic', + ical: 'ic', + ful: '', + ness: '' + }; + + var c = "[^aeiou]"; // consonant + var v = "[aeiouy]"; // vowel + var C = c + "[^aeiouy]*"; // consonant sequence + var V = v + "[aeiou]*"; // vowel sequence + + var mgr0 = "^(" + C + ")?" + V + C; // [C]VC... is m>0 + var meq1 = "^(" + C + ")?" + V + C + "(" + V + ")?$"; // [C]VC[V] is m=1 + var mgr1 = "^(" + C + ")?" + V + C + V + C; // [C]VCVC... is m>1 + var s_v = "^(" + C + ")?" + v; // vowel in stem + + this.stemWord = function (w) { + var stem; + var suffix; + var firstch; + var origword = w; + + if (w.length < 3) + return w; + + var re; + var re2; + var re3; + var re4; + + firstch = w.substr(0,1); + if (firstch == "y") + w = firstch.toUpperCase() + w.substr(1); + + // Step 1a + re = /^(.+?)(ss|i)es$/; + re2 = /^(.+?)([^s])s$/; + + if (re.test(w)) + w = w.replace(re,"$1$2"); + else if (re2.test(w)) + w = w.replace(re2,"$1$2"); + + // Step 1b + re = /^(.+?)eed$/; + re2 = /^(.+?)(ed|ing)$/; + if (re.test(w)) { + var fp = re.exec(w); + re = new RegExp(mgr0); + if (re.test(fp[1])) { + re = /.$/; + w = w.replace(re,""); + } + } + else if (re2.test(w)) { + var fp = re2.exec(w); + stem = fp[1]; + re2 = new RegExp(s_v); + if (re2.test(stem)) { + w = stem; + re2 = /(at|bl|iz)$/; + re3 = new RegExp("([^aeiouylsz])\\1$"); + re4 = new RegExp("^" + C + v + "[^aeiouwxy]$"); + if (re2.test(w)) + w = w + "e"; + else if (re3.test(w)) { + re = /.$/; + w = w.replace(re,""); + } + else if (re4.test(w)) + w = w + "e"; + } + } + + // Step 1c + re = /^(.+?)y$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + re = new RegExp(s_v); + if (re.test(stem)) + w = stem + "i"; + } + + // Step 2 + re = /^(.+?)(ational|tional|enci|anci|izer|bli|alli|entli|eli|ousli|ization|ation|ator|alism|iveness|fulness|ousness|aliti|iviti|biliti|logi)$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + suffix = fp[2]; + re = new RegExp(mgr0); + if (re.test(stem)) + w = stem + step2list[suffix]; + } + + // Step 3 + re = /^(.+?)(icate|ative|alize|iciti|ical|ful|ness)$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + suffix = fp[2]; + re = new RegExp(mgr0); + if (re.test(stem)) + w = stem + step3list[suffix]; + } + + // Step 4 + re = /^(.+?)(al|ance|ence|er|ic|able|ible|ant|ement|ment|ent|ou|ism|ate|iti|ous|ive|ize)$/; + re2 = /^(.+?)(s|t)(ion)$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + re = new RegExp(mgr1); + if (re.test(stem)) + w = stem; + } + else if (re2.test(w)) { + var fp = re2.exec(w); + stem = fp[1] + fp[2]; + re2 = new RegExp(mgr1); + if (re2.test(stem)) + w = stem; + } + + // Step 5 + re = /^(.+?)e$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + re = new RegExp(mgr1); + re2 = new RegExp(meq1); + re3 = new RegExp("^" + C + v + "[^aeiouwxy]$"); + if (re.test(stem) || (re2.test(stem) && !(re3.test(stem)))) + w = stem; + } + re = /ll$/; + re2 = new RegExp(mgr1); + if (re.test(w) && re2.test(w)) { + re = /.$/; + w = w.replace(re,""); + } + + // and turn initial Y back to y + if (firstch == "y") + w = firstch.toLowerCase() + w.substr(1); + return w; + } +} + + + + + +var splitChars = (function() { + var result = {}; + var singles = [96, 180, 187, 191, 215, 247, 749, 885, 903, 907, 909, 930, 1014, 1648, + 1748, 1809, 2416, 2473, 2481, 2526, 2601, 2609, 2612, 2615, 2653, 2702, + 2706, 2729, 2737, 2740, 2857, 2865, 2868, 2910, 2928, 2948, 2961, 2971, + 2973, 3085, 3089, 3113, 3124, 3213, 3217, 3241, 3252, 3295, 3341, 3345, + 3369, 3506, 3516, 3633, 3715, 3721, 3736, 3744, 3748, 3750, 3756, 3761, + 3781, 3912, 4239, 4347, 4681, 4695, 4697, 4745, 4785, 4799, 4801, 4823, + 4881, 5760, 5901, 5997, 6313, 7405, 8024, 8026, 8028, 8030, 8117, 8125, + 8133, 8181, 8468, 8485, 8487, 8489, 8494, 8527, 11311, 11359, 11687, 11695, + 11703, 11711, 11719, 11727, 11735, 12448, 12539, 43010, 43014, 43019, 43587, + 43696, 43713, 64286, 64297, 64311, 64317, 64319, 64322, 64325, 65141]; + var i, j, start, end; + for (i = 0; i < singles.length; i++) { + result[singles[i]] = true; + } + var ranges = [[0, 47], [58, 64], [91, 94], [123, 169], [171, 177], [182, 184], [706, 709], + [722, 735], [741, 747], [751, 879], [888, 889], [894, 901], [1154, 1161], + [1318, 1328], [1367, 1368], [1370, 1376], [1416, 1487], [1515, 1519], [1523, 1568], + [1611, 1631], [1642, 1645], [1750, 1764], [1767, 1773], [1789, 1790], [1792, 1807], + [1840, 1868], [1958, 1968], [1970, 1983], [2027, 2035], [2038, 2041], [2043, 2047], + [2070, 2073], [2075, 2083], [2085, 2087], [2089, 2307], [2362, 2364], [2366, 2383], + [2385, 2391], [2402, 2405], [2419, 2424], [2432, 2436], [2445, 2446], [2449, 2450], + [2483, 2485], [2490, 2492], [2494, 2509], [2511, 2523], [2530, 2533], [2546, 2547], + [2554, 2564], [2571, 2574], [2577, 2578], [2618, 2648], [2655, 2661], [2672, 2673], + [2677, 2692], [2746, 2748], [2750, 2767], [2769, 2783], [2786, 2789], [2800, 2820], + [2829, 2830], [2833, 2834], [2874, 2876], [2878, 2907], [2914, 2917], [2930, 2946], + [2955, 2957], [2966, 2968], [2976, 2978], [2981, 2983], [2987, 2989], [3002, 3023], + [3025, 3045], [3059, 3076], [3130, 3132], [3134, 3159], [3162, 3167], [3170, 3173], + [3184, 3191], [3199, 3204], [3258, 3260], [3262, 3293], [3298, 3301], [3312, 3332], + [3386, 3388], [3390, 3423], [3426, 3429], [3446, 3449], [3456, 3460], [3479, 3481], + [3518, 3519], [3527, 3584], [3636, 3647], [3655, 3663], [3674, 3712], [3717, 3718], + [3723, 3724], [3726, 3731], [3752, 3753], [3764, 3772], [3774, 3775], [3783, 3791], + [3802, 3803], [3806, 3839], [3841, 3871], [3892, 3903], [3949, 3975], [3980, 4095], + [4139, 4158], [4170, 4175], [4182, 4185], [4190, 4192], [4194, 4196], [4199, 4205], + [4209, 4212], [4226, 4237], [4250, 4255], [4294, 4303], [4349, 4351], [4686, 4687], + [4702, 4703], [4750, 4751], [4790, 4791], [4806, 4807], [4886, 4887], [4955, 4968], + [4989, 4991], [5008, 5023], [5109, 5120], [5741, 5742], [5787, 5791], [5867, 5869], + [5873, 5887], [5906, 5919], [5938, 5951], [5970, 5983], [6001, 6015], [6068, 6102], + [6104, 6107], [6109, 6111], [6122, 6127], [6138, 6159], [6170, 6175], [6264, 6271], + [6315, 6319], [6390, 6399], [6429, 6469], [6510, 6511], [6517, 6527], [6572, 6592], + [6600, 6607], [6619, 6655], [6679, 6687], [6741, 6783], [6794, 6799], [6810, 6822], + [6824, 6916], [6964, 6980], [6988, 6991], [7002, 7042], [7073, 7085], [7098, 7167], + [7204, 7231], [7242, 7244], [7294, 7400], [7410, 7423], [7616, 7679], [7958, 7959], + [7966, 7967], [8006, 8007], [8014, 8015], [8062, 8063], [8127, 8129], [8141, 8143], + [8148, 8149], [8156, 8159], [8173, 8177], [8189, 8303], [8306, 8307], [8314, 8318], + [8330, 8335], [8341, 8449], [8451, 8454], [8456, 8457], [8470, 8472], [8478, 8483], + [8506, 8507], [8512, 8516], [8522, 8525], [8586, 9311], [9372, 9449], [9472, 10101], + [10132, 11263], [11493, 11498], [11503, 11516], [11518, 11519], [11558, 11567], + [11622, 11630], [11632, 11647], [11671, 11679], [11743, 11822], [11824, 12292], + [12296, 12320], [12330, 12336], [12342, 12343], [12349, 12352], [12439, 12444], + [12544, 12548], [12590, 12592], [12687, 12689], [12694, 12703], [12728, 12783], + [12800, 12831], [12842, 12880], [12896, 12927], [12938, 12976], [12992, 13311], + [19894, 19967], [40908, 40959], [42125, 42191], [42238, 42239], [42509, 42511], + [42540, 42559], [42592, 42593], [42607, 42622], [42648, 42655], [42736, 42774], + [42784, 42785], [42889, 42890], [42893, 43002], [43043, 43055], [43062, 43071], + [43124, 43137], [43188, 43215], [43226, 43249], [43256, 43258], [43260, 43263], + [43302, 43311], [43335, 43359], [43389, 43395], [43443, 43470], [43482, 43519], + [43561, 43583], [43596, 43599], [43610, 43615], [43639, 43641], [43643, 43647], + [43698, 43700], [43703, 43704], [43710, 43711], [43715, 43738], [43742, 43967], + [44003, 44015], [44026, 44031], [55204, 55215], [55239, 55242], [55292, 55295], + [57344, 63743], [64046, 64047], [64110, 64111], [64218, 64255], [64263, 64274], + [64280, 64284], [64434, 64466], [64830, 64847], [64912, 64913], [64968, 65007], + [65020, 65135], [65277, 65295], [65306, 65312], [65339, 65344], [65371, 65381], + [65471, 65473], [65480, 65481], [65488, 65489], [65496, 65497]]; + for (i = 0; i < ranges.length; i++) { + start = ranges[i][0]; + end = ranges[i][1]; + for (j = start; j <= end; j++) { + result[j] = true; + } + } + return result; +})(); + +function splitQuery(query) { + var result = []; + var start = -1; + for (var i = 0; i < query.length; i++) { + if (splitChars[query.charCodeAt(i)]) { + if (start !== -1) { + result.push(query.slice(start, i)); + start = -1; + } + } else if (start === -1) { + start = i; + } + } + if (start !== -1) { + result.push(query.slice(start)); + } + return result; +} + + diff --git a/docs/build/html/_static/down-pressed.png b/docs/build/html/_static/down-pressed.png new file mode 100644 index 0000000..5756c8c Binary files /dev/null and b/docs/build/html/_static/down-pressed.png differ diff --git a/docs/build/html/_static/down.png b/docs/build/html/_static/down.png new file mode 100644 index 0000000..1b3bdad Binary files /dev/null and b/docs/build/html/_static/down.png differ diff --git a/docs/build/html/_static/file.png b/docs/build/html/_static/file.png new file mode 100644 index 0000000..a858a41 Binary files /dev/null and b/docs/build/html/_static/file.png differ diff --git a/docs/build/html/_static/fonts/FontAwesome.otf b/docs/build/html/_static/fonts/FontAwesome.otf new file mode 100644 index 0000000..401ec0f Binary files /dev/null and b/docs/build/html/_static/fonts/FontAwesome.otf differ diff --git a/docs/build/html/_static/fonts/fontawesome-webfont.eot b/docs/build/html/_static/fonts/fontawesome-webfont.eot new file mode 100644 index 0000000..e9f60ca Binary files /dev/null and b/docs/build/html/_static/fonts/fontawesome-webfont.eot differ diff --git a/docs/build/html/_static/fonts/fontawesome-webfont.svg b/docs/build/html/_static/fonts/fontawesome-webfont.svg new file mode 100644 index 0000000..855c845 --- /dev/null +++ b/docs/build/html/_static/fonts/fontawesome-webfont.svg @@ -0,0 +1,2671 @@ + + + + +Created by FontForge 20120731 at Mon Oct 24 17:37:40 2016 + By ,,, +Copyright Dave Gandy 2016. All rights reserved. + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/docs/build/html/_static/fonts/fontawesome-webfont.ttf b/docs/build/html/_static/fonts/fontawesome-webfont.ttf new file mode 100644 index 0000000..35acda2 Binary files /dev/null and b/docs/build/html/_static/fonts/fontawesome-webfont.ttf differ diff --git a/docs/build/html/_static/fonts/fontawesome-webfont.woff b/docs/build/html/_static/fonts/fontawesome-webfont.woff new file mode 100644 index 0000000..400014a Binary files /dev/null and b/docs/build/html/_static/fonts/fontawesome-webfont.woff differ diff --git a/docs/build/html/_static/fonts/fontawesome-webfont.woff2 b/docs/build/html/_static/fonts/fontawesome-webfont.woff2 new file mode 100644 index 0000000..4d13fc6 Binary files /dev/null and b/docs/build/html/_static/fonts/fontawesome-webfont.woff2 differ diff --git a/docs/build/html/_static/jquery-3.2.1.js b/docs/build/html/_static/jquery-3.2.1.js new file mode 100644 index 0000000..d2d8ca4 --- /dev/null +++ b/docs/build/html/_static/jquery-3.2.1.js @@ -0,0 +1,10253 @@ +/*! + * jQuery JavaScript Library v3.2.1 + * https://jquery.com/ + * + * Includes Sizzle.js + * https://sizzlejs.com/ + * + * Copyright JS Foundation and other contributors + * Released under the MIT license + * https://jquery.org/license + * + * Date: 2017-03-20T18:59Z + */ +( function( global, factory ) { + + "use strict"; + + if ( typeof module === "object" && typeof module.exports === "object" ) { + + // For CommonJS and CommonJS-like environments where a proper `window` + // is present, execute the factory and get jQuery. + // For environments that do not have a `window` with a `document` + // (such as Node.js), expose a factory as module.exports. + // This accentuates the need for the creation of a real `window`. + // e.g. var jQuery = require("jquery")(window); + // See ticket #14549 for more info. + module.exports = global.document ? + factory( global, true ) : + function( w ) { + if ( !w.document ) { + throw new Error( "jQuery requires a window with a document" ); + } + return factory( w ); + }; + } else { + factory( global ); + } + +// Pass this if window is not defined yet +} )( typeof window !== "undefined" ? window : this, function( window, noGlobal ) { + +// Edge <= 12 - 13+, Firefox <=18 - 45+, IE 10 - 11, Safari 5.1 - 9+, iOS 6 - 9.1 +// throw exceptions when non-strict code (e.g., ASP.NET 4.5) accesses strict mode +// arguments.callee.caller (trac-13335). But as of jQuery 3.0 (2016), strict mode should be common +// enough that all such attempts are guarded in a try block. +"use strict"; + +var arr = []; + +var document = window.document; + +var getProto = Object.getPrototypeOf; + +var slice = arr.slice; + +var concat = arr.concat; + +var push = arr.push; + +var indexOf = arr.indexOf; + +var class2type = {}; + +var toString = class2type.toString; + +var hasOwn = class2type.hasOwnProperty; + +var fnToString = hasOwn.toString; + +var ObjectFunctionString = fnToString.call( Object ); + +var support = {}; + + + + function DOMEval( code, doc ) { + doc = doc || document; + + var script = doc.createElement( "script" ); + + script.text = code; + doc.head.appendChild( script ).parentNode.removeChild( script ); + } +/* global Symbol */ +// Defining this global in .eslintrc.json would create a danger of using the global +// unguarded in another place, it seems safer to define global only for this module + + + +var + version = "3.2.1", + + // Define a local copy of jQuery + jQuery = function( selector, context ) { + + // The jQuery object is actually just the init constructor 'enhanced' + // Need init if jQuery is called (just allow error to be thrown if not included) + return new jQuery.fn.init( selector, context ); + }, + + // Support: Android <=4.0 only + // Make sure we trim BOM and NBSP + rtrim = /^[\s\uFEFF\xA0]+|[\s\uFEFF\xA0]+$/g, + + // Matches dashed string for camelizing + rmsPrefix = /^-ms-/, + rdashAlpha = /-([a-z])/g, + + // Used by jQuery.camelCase as callback to replace() + fcamelCase = function( all, letter ) { + return letter.toUpperCase(); + }; + +jQuery.fn = jQuery.prototype = { + + // The current version of jQuery being used + jquery: version, + + constructor: jQuery, + + // The default length of a jQuery object is 0 + length: 0, + + toArray: function() { + return slice.call( this ); + }, + + // Get the Nth element in the matched element set OR + // Get the whole matched element set as a clean array + get: function( num ) { + + // Return all the elements in a clean array + if ( num == null ) { + return slice.call( this ); + } + + // Return just the one element from the set + return num < 0 ? this[ num + this.length ] : this[ num ]; + }, + + // Take an array of elements and push it onto the stack + // (returning the new matched element set) + pushStack: function( elems ) { + + // Build a new jQuery matched element set + var ret = jQuery.merge( this.constructor(), elems ); + + // Add the old object onto the stack (as a reference) + ret.prevObject = this; + + // Return the newly-formed element set + return ret; + }, + + // Execute a callback for every element in the matched set. + each: function( callback ) { + return jQuery.each( this, callback ); + }, + + map: function( callback ) { + return this.pushStack( jQuery.map( this, function( elem, i ) { + return callback.call( elem, i, elem ); + } ) ); + }, + + slice: function() { + return this.pushStack( slice.apply( this, arguments ) ); + }, + + first: function() { + return this.eq( 0 ); + }, + + last: function() { + return this.eq( -1 ); + }, + + eq: function( i ) { + var len = this.length, + j = +i + ( i < 0 ? len : 0 ); + return this.pushStack( j >= 0 && j < len ? [ this[ j ] ] : [] ); + }, + + end: function() { + return this.prevObject || this.constructor(); + }, + + // For internal use only. + // Behaves like an Array's method, not like a jQuery method. + push: push, + sort: arr.sort, + splice: arr.splice +}; + +jQuery.extend = jQuery.fn.extend = function() { + var options, name, src, copy, copyIsArray, clone, + target = arguments[ 0 ] || {}, + i = 1, + length = arguments.length, + deep = false; + + // Handle a deep copy situation + if ( typeof target === "boolean" ) { + deep = target; + + // Skip the boolean and the target + target = arguments[ i ] || {}; + i++; + } + + // Handle case when target is a string or something (possible in deep copy) + if ( typeof target !== "object" && !jQuery.isFunction( target ) ) { + target = {}; + } + + // Extend jQuery itself if only one argument is passed + if ( i === length ) { + target = this; + i--; + } + + for ( ; i < length; i++ ) { + + // Only deal with non-null/undefined values + if ( ( options = arguments[ i ] ) != null ) { + + // Extend the base object + for ( name in options ) { + src = target[ name ]; + copy = options[ name ]; + + // Prevent never-ending loop + if ( target === copy ) { + continue; + } + + // Recurse if we're merging plain objects or arrays + if ( deep && copy && ( jQuery.isPlainObject( copy ) || + ( copyIsArray = Array.isArray( copy ) ) ) ) { + + if ( copyIsArray ) { + copyIsArray = false; + clone = src && Array.isArray( src ) ? src : []; + + } else { + clone = src && jQuery.isPlainObject( src ) ? src : {}; + } + + // Never move original objects, clone them + target[ name ] = jQuery.extend( deep, clone, copy ); + + // Don't bring in undefined values + } else if ( copy !== undefined ) { + target[ name ] = copy; + } + } + } + } + + // Return the modified object + return target; +}; + +jQuery.extend( { + + // Unique for each copy of jQuery on the page + expando: "jQuery" + ( version + Math.random() ).replace( /\D/g, "" ), + + // Assume jQuery is ready without the ready module + isReady: true, + + error: function( msg ) { + throw new Error( msg ); + }, + + noop: function() {}, + + isFunction: function( obj ) { + return jQuery.type( obj ) === "function"; + }, + + isWindow: function( obj ) { + return obj != null && obj === obj.window; + }, + + isNumeric: function( obj ) { + + // As of jQuery 3.0, isNumeric is limited to + // strings and numbers (primitives or objects) + // that can be coerced to finite numbers (gh-2662) + var type = jQuery.type( obj ); + return ( type === "number" || type === "string" ) && + + // parseFloat NaNs numeric-cast false positives ("") + // ...but misinterprets leading-number strings, particularly hex literals ("0x...") + // subtraction forces infinities to NaN + !isNaN( obj - parseFloat( obj ) ); + }, + + isPlainObject: function( obj ) { + var proto, Ctor; + + // Detect obvious negatives + // Use toString instead of jQuery.type to catch host objects + if ( !obj || toString.call( obj ) !== "[object Object]" ) { + return false; + } + + proto = getProto( obj ); + + // Objects with no prototype (e.g., `Object.create( null )`) are plain + if ( !proto ) { + return true; + } + + // Objects with prototype are plain iff they were constructed by a global Object function + Ctor = hasOwn.call( proto, "constructor" ) && proto.constructor; + return typeof Ctor === "function" && fnToString.call( Ctor ) === ObjectFunctionString; + }, + + isEmptyObject: function( obj ) { + + /* eslint-disable no-unused-vars */ + // See https://github.com/eslint/eslint/issues/6125 + var name; + + for ( name in obj ) { + return false; + } + return true; + }, + + type: function( obj ) { + if ( obj == null ) { + return obj + ""; + } + + // Support: Android <=2.3 only (functionish RegExp) + return typeof obj === "object" || typeof obj === "function" ? + class2type[ toString.call( obj ) ] || "object" : + typeof obj; + }, + + // Evaluates a script in a global context + globalEval: function( code ) { + DOMEval( code ); + }, + + // Convert dashed to camelCase; used by the css and data modules + // Support: IE <=9 - 11, Edge 12 - 13 + // Microsoft forgot to hump their vendor prefix (#9572) + camelCase: function( string ) { + return string.replace( rmsPrefix, "ms-" ).replace( rdashAlpha, fcamelCase ); + }, + + each: function( obj, callback ) { + var length, i = 0; + + if ( isArrayLike( obj ) ) { + length = obj.length; + for ( ; i < length; i++ ) { + if ( callback.call( obj[ i ], i, obj[ i ] ) === false ) { + break; + } + } + } else { + for ( i in obj ) { + if ( callback.call( obj[ i ], i, obj[ i ] ) === false ) { + break; + } + } + } + + return obj; + }, + + // Support: Android <=4.0 only + trim: function( text ) { + return text == null ? + "" : + ( text + "" ).replace( rtrim, "" ); + }, + + // results is for internal usage only + makeArray: function( arr, results ) { + var ret = results || []; + + if ( arr != null ) { + if ( isArrayLike( Object( arr ) ) ) { + jQuery.merge( ret, + typeof arr === "string" ? + [ arr ] : arr + ); + } else { + push.call( ret, arr ); + } + } + + return ret; + }, + + inArray: function( elem, arr, i ) { + return arr == null ? -1 : indexOf.call( arr, elem, i ); + }, + + // Support: Android <=4.0 only, PhantomJS 1 only + // push.apply(_, arraylike) throws on ancient WebKit + merge: function( first, second ) { + var len = +second.length, + j = 0, + i = first.length; + + for ( ; j < len; j++ ) { + first[ i++ ] = second[ j ]; + } + + first.length = i; + + return first; + }, + + grep: function( elems, callback, invert ) { + var callbackInverse, + matches = [], + i = 0, + length = elems.length, + callbackExpect = !invert; + + // Go through the array, only saving the items + // that pass the validator function + for ( ; i < length; i++ ) { + callbackInverse = !callback( elems[ i ], i ); + if ( callbackInverse !== callbackExpect ) { + matches.push( elems[ i ] ); + } + } + + return matches; + }, + + // arg is for internal usage only + map: function( elems, callback, arg ) { + var length, value, + i = 0, + ret = []; + + // Go through the array, translating each of the items to their new values + if ( isArrayLike( elems ) ) { + length = elems.length; + for ( ; i < length; i++ ) { + value = callback( elems[ i ], i, arg ); + + if ( value != null ) { + ret.push( value ); + } + } + + // Go through every key on the object, + } else { + for ( i in elems ) { + value = callback( elems[ i ], i, arg ); + + if ( value != null ) { + ret.push( value ); + } + } + } + + // Flatten any nested arrays + return concat.apply( [], ret ); + }, + + // A global GUID counter for objects + guid: 1, + + // Bind a function to a context, optionally partially applying any + // arguments. + proxy: function( fn, context ) { + var tmp, args, proxy; + + if ( typeof context === "string" ) { + tmp = fn[ context ]; + context = fn; + fn = tmp; + } + + // Quick check to determine if target is callable, in the spec + // this throws a TypeError, but we will just return undefined. + if ( !jQuery.isFunction( fn ) ) { + return undefined; + } + + // Simulated bind + args = slice.call( arguments, 2 ); + proxy = function() { + return fn.apply( context || this, args.concat( slice.call( arguments ) ) ); + }; + + // Set the guid of unique handler to the same of original handler, so it can be removed + proxy.guid = fn.guid = fn.guid || jQuery.guid++; + + return proxy; + }, + + now: Date.now, + + // jQuery.support is not used in Core but other projects attach their + // properties to it so it needs to exist. + support: support +} ); + +if ( typeof Symbol === "function" ) { + jQuery.fn[ Symbol.iterator ] = arr[ Symbol.iterator ]; +} + +// Populate the class2type map +jQuery.each( "Boolean Number String Function Array Date RegExp Object Error Symbol".split( " " ), +function( i, name ) { + class2type[ "[object " + name + "]" ] = name.toLowerCase(); +} ); + +function isArrayLike( obj ) { + + // Support: real iOS 8.2 only (not reproducible in simulator) + // `in` check used to prevent JIT error (gh-2145) + // hasOwn isn't used here due to false negatives + // regarding Nodelist length in IE + var length = !!obj && "length" in obj && obj.length, + type = jQuery.type( obj ); + + if ( type === "function" || jQuery.isWindow( obj ) ) { + return false; + } + + return type === "array" || length === 0 || + typeof length === "number" && length > 0 && ( length - 1 ) in obj; +} +var Sizzle = +/*! + * Sizzle CSS Selector Engine v2.3.3 + * https://sizzlejs.com/ + * + * Copyright jQuery Foundation and other contributors + * Released under the MIT license + * http://jquery.org/license + * + * Date: 2016-08-08 + */ +(function( window ) { + +var i, + support, + Expr, + getText, + isXML, + tokenize, + compile, + select, + outermostContext, + sortInput, + hasDuplicate, + + // Local document vars + setDocument, + document, + docElem, + documentIsHTML, + rbuggyQSA, + rbuggyMatches, + matches, + contains, + + // Instance-specific data + expando = "sizzle" + 1 * new Date(), + preferredDoc = window.document, + dirruns = 0, + done = 0, + classCache = createCache(), + tokenCache = createCache(), + compilerCache = createCache(), + sortOrder = function( a, b ) { + if ( a === b ) { + hasDuplicate = true; + } + return 0; + }, + + // Instance methods + hasOwn = ({}).hasOwnProperty, + arr = [], + pop = arr.pop, + push_native = arr.push, + push = arr.push, + slice = arr.slice, + // Use a stripped-down indexOf as it's faster than native + // https://jsperf.com/thor-indexof-vs-for/5 + indexOf = function( list, elem ) { + var i = 0, + len = list.length; + for ( ; i < len; i++ ) { + if ( list[i] === elem ) { + return i; + } + } + return -1; + }, + + booleans = "checked|selected|async|autofocus|autoplay|controls|defer|disabled|hidden|ismap|loop|multiple|open|readonly|required|scoped", + + // Regular expressions + + // http://www.w3.org/TR/css3-selectors/#whitespace + whitespace = "[\\x20\\t\\r\\n\\f]", + + // http://www.w3.org/TR/CSS21/syndata.html#value-def-identifier + identifier = "(?:\\\\.|[\\w-]|[^\0-\\xa0])+", + + // Attribute selectors: http://www.w3.org/TR/selectors/#attribute-selectors + attributes = "\\[" + whitespace + "*(" + identifier + ")(?:" + whitespace + + // Operator (capture 2) + "*([*^$|!~]?=)" + whitespace + + // "Attribute values must be CSS identifiers [capture 5] or strings [capture 3 or capture 4]" + "*(?:'((?:\\\\.|[^\\\\'])*)'|\"((?:\\\\.|[^\\\\\"])*)\"|(" + identifier + "))|)" + whitespace + + "*\\]", + + pseudos = ":(" + identifier + ")(?:\\((" + + // To reduce the number of selectors needing tokenize in the preFilter, prefer arguments: + // 1. quoted (capture 3; capture 4 or capture 5) + "('((?:\\\\.|[^\\\\'])*)'|\"((?:\\\\.|[^\\\\\"])*)\")|" + + // 2. simple (capture 6) + "((?:\\\\.|[^\\\\()[\\]]|" + attributes + ")*)|" + + // 3. anything else (capture 2) + ".*" + + ")\\)|)", + + // Leading and non-escaped trailing whitespace, capturing some non-whitespace characters preceding the latter + rwhitespace = new RegExp( whitespace + "+", "g" ), + rtrim = new RegExp( "^" + whitespace + "+|((?:^|[^\\\\])(?:\\\\.)*)" + whitespace + "+$", "g" ), + + rcomma = new RegExp( "^" + whitespace + "*," + whitespace + "*" ), + rcombinators = new RegExp( "^" + whitespace + "*([>+~]|" + whitespace + ")" + whitespace + "*" ), + + rattributeQuotes = new RegExp( "=" + whitespace + "*([^\\]'\"]*?)" + whitespace + "*\\]", "g" ), + + rpseudo = new RegExp( pseudos ), + ridentifier = new RegExp( "^" + identifier + "$" ), + + matchExpr = { + "ID": new RegExp( "^#(" + identifier + ")" ), + "CLASS": new RegExp( "^\\.(" + identifier + ")" ), + "TAG": new RegExp( "^(" + identifier + "|[*])" ), + "ATTR": new RegExp( "^" + attributes ), + "PSEUDO": new RegExp( "^" + pseudos ), + "CHILD": new RegExp( "^:(only|first|last|nth|nth-last)-(child|of-type)(?:\\(" + whitespace + + "*(even|odd|(([+-]|)(\\d*)n|)" + whitespace + "*(?:([+-]|)" + whitespace + + "*(\\d+)|))" + whitespace + "*\\)|)", "i" ), + "bool": new RegExp( "^(?:" + booleans + ")$", "i" ), + // For use in libraries implementing .is() + // We use this for POS matching in `select` + "needsContext": new RegExp( "^" + whitespace + "*[>+~]|:(even|odd|eq|gt|lt|nth|first|last)(?:\\(" + + whitespace + "*((?:-\\d)?\\d*)" + whitespace + "*\\)|)(?=[^-]|$)", "i" ) + }, + + rinputs = /^(?:input|select|textarea|button)$/i, + rheader = /^h\d$/i, + + rnative = /^[^{]+\{\s*\[native \w/, + + // Easily-parseable/retrievable ID or TAG or CLASS selectors + rquickExpr = /^(?:#([\w-]+)|(\w+)|\.([\w-]+))$/, + + rsibling = /[+~]/, + + // CSS escapes + // http://www.w3.org/TR/CSS21/syndata.html#escaped-characters + runescape = new RegExp( "\\\\([\\da-f]{1,6}" + whitespace + "?|(" + whitespace + ")|.)", "ig" ), + funescape = function( _, escaped, escapedWhitespace ) { + var high = "0x" + escaped - 0x10000; + // NaN means non-codepoint + // Support: Firefox<24 + // Workaround erroneous numeric interpretation of +"0x" + return high !== high || escapedWhitespace ? + escaped : + high < 0 ? + // BMP codepoint + String.fromCharCode( high + 0x10000 ) : + // Supplemental Plane codepoint (surrogate pair) + String.fromCharCode( high >> 10 | 0xD800, high & 0x3FF | 0xDC00 ); + }, + + // CSS string/identifier serialization + // https://drafts.csswg.org/cssom/#common-serializing-idioms + rcssescape = /([\0-\x1f\x7f]|^-?\d)|^-$|[^\0-\x1f\x7f-\uFFFF\w-]/g, + fcssescape = function( ch, asCodePoint ) { + if ( asCodePoint ) { + + // U+0000 NULL becomes U+FFFD REPLACEMENT CHARACTER + if ( ch === "\0" ) { + return "\uFFFD"; + } + + // Control characters and (dependent upon position) numbers get escaped as code points + return ch.slice( 0, -1 ) + "\\" + ch.charCodeAt( ch.length - 1 ).toString( 16 ) + " "; + } + + // Other potentially-special ASCII characters get backslash-escaped + return "\\" + ch; + }, + + // Used for iframes + // See setDocument() + // Removing the function wrapper causes a "Permission Denied" + // error in IE + unloadHandler = function() { + setDocument(); + }, + + disabledAncestor = addCombinator( + function( elem ) { + return elem.disabled === true && ("form" in elem || "label" in elem); + }, + { dir: "parentNode", next: "legend" } + ); + +// Optimize for push.apply( _, NodeList ) +try { + push.apply( + (arr = slice.call( preferredDoc.childNodes )), + preferredDoc.childNodes + ); + // Support: Android<4.0 + // Detect silently failing push.apply + arr[ preferredDoc.childNodes.length ].nodeType; +} catch ( e ) { + push = { apply: arr.length ? + + // Leverage slice if possible + function( target, els ) { + push_native.apply( target, slice.call(els) ); + } : + + // Support: IE<9 + // Otherwise append directly + function( target, els ) { + var j = target.length, + i = 0; + // Can't trust NodeList.length + while ( (target[j++] = els[i++]) ) {} + target.length = j - 1; + } + }; +} + +function Sizzle( selector, context, results, seed ) { + var m, i, elem, nid, match, groups, newSelector, + newContext = context && context.ownerDocument, + + // nodeType defaults to 9, since context defaults to document + nodeType = context ? context.nodeType : 9; + + results = results || []; + + // Return early from calls with invalid selector or context + if ( typeof selector !== "string" || !selector || + nodeType !== 1 && nodeType !== 9 && nodeType !== 11 ) { + + return results; + } + + // Try to shortcut find operations (as opposed to filters) in HTML documents + if ( !seed ) { + + if ( ( context ? context.ownerDocument || context : preferredDoc ) !== document ) { + setDocument( context ); + } + context = context || document; + + if ( documentIsHTML ) { + + // If the selector is sufficiently simple, try using a "get*By*" DOM method + // (excepting DocumentFragment context, where the methods don't exist) + if ( nodeType !== 11 && (match = rquickExpr.exec( selector )) ) { + + // ID selector + if ( (m = match[1]) ) { + + // Document context + if ( nodeType === 9 ) { + if ( (elem = context.getElementById( m )) ) { + + // Support: IE, Opera, Webkit + // TODO: identify versions + // getElementById can match elements by name instead of ID + if ( elem.id === m ) { + results.push( elem ); + return results; + } + } else { + return results; + } + + // Element context + } else { + + // Support: IE, Opera, Webkit + // TODO: identify versions + // getElementById can match elements by name instead of ID + if ( newContext && (elem = newContext.getElementById( m )) && + contains( context, elem ) && + elem.id === m ) { + + results.push( elem ); + return results; + } + } + + // Type selector + } else if ( match[2] ) { + push.apply( results, context.getElementsByTagName( selector ) ); + return results; + + // Class selector + } else if ( (m = match[3]) && support.getElementsByClassName && + context.getElementsByClassName ) { + + push.apply( results, context.getElementsByClassName( m ) ); + return results; + } + } + + // Take advantage of querySelectorAll + if ( support.qsa && + !compilerCache[ selector + " " ] && + (!rbuggyQSA || !rbuggyQSA.test( selector )) ) { + + if ( nodeType !== 1 ) { + newContext = context; + newSelector = selector; + + // qSA looks outside Element context, which is not what we want + // Thanks to Andrew Dupont for this workaround technique + // Support: IE <=8 + // Exclude object elements + } else if ( context.nodeName.toLowerCase() !== "object" ) { + + // Capture the context ID, setting it first if necessary + if ( (nid = context.getAttribute( "id" )) ) { + nid = nid.replace( rcssescape, fcssescape ); + } else { + context.setAttribute( "id", (nid = expando) ); + } + + // Prefix every selector in the list + groups = tokenize( selector ); + i = groups.length; + while ( i-- ) { + groups[i] = "#" + nid + " " + toSelector( groups[i] ); + } + newSelector = groups.join( "," ); + + // Expand context for sibling selectors + newContext = rsibling.test( selector ) && testContext( context.parentNode ) || + context; + } + + if ( newSelector ) { + try { + push.apply( results, + newContext.querySelectorAll( newSelector ) + ); + return results; + } catch ( qsaError ) { + } finally { + if ( nid === expando ) { + context.removeAttribute( "id" ); + } + } + } + } + } + } + + // All others + return select( selector.replace( rtrim, "$1" ), context, results, seed ); +} + +/** + * Create key-value caches of limited size + * @returns {function(string, object)} Returns the Object data after storing it on itself with + * property name the (space-suffixed) string and (if the cache is larger than Expr.cacheLength) + * deleting the oldest entry + */ +function createCache() { + var keys = []; + + function cache( key, value ) { + // Use (key + " ") to avoid collision with native prototype properties (see Issue #157) + if ( keys.push( key + " " ) > Expr.cacheLength ) { + // Only keep the most recent entries + delete cache[ keys.shift() ]; + } + return (cache[ key + " " ] = value); + } + return cache; +} + +/** + * Mark a function for special use by Sizzle + * @param {Function} fn The function to mark + */ +function markFunction( fn ) { + fn[ expando ] = true; + return fn; +} + +/** + * Support testing using an element + * @param {Function} fn Passed the created element and returns a boolean result + */ +function assert( fn ) { + var el = document.createElement("fieldset"); + + try { + return !!fn( el ); + } catch (e) { + return false; + } finally { + // Remove from its parent by default + if ( el.parentNode ) { + el.parentNode.removeChild( el ); + } + // release memory in IE + el = null; + } +} + +/** + * Adds the same handler for all of the specified attrs + * @param {String} attrs Pipe-separated list of attributes + * @param {Function} handler The method that will be applied + */ +function addHandle( attrs, handler ) { + var arr = attrs.split("|"), + i = arr.length; + + while ( i-- ) { + Expr.attrHandle[ arr[i] ] = handler; + } +} + +/** + * Checks document order of two siblings + * @param {Element} a + * @param {Element} b + * @returns {Number} Returns less than 0 if a precedes b, greater than 0 if a follows b + */ +function siblingCheck( a, b ) { + var cur = b && a, + diff = cur && a.nodeType === 1 && b.nodeType === 1 && + a.sourceIndex - b.sourceIndex; + + // Use IE sourceIndex if available on both nodes + if ( diff ) { + return diff; + } + + // Check if b follows a + if ( cur ) { + while ( (cur = cur.nextSibling) ) { + if ( cur === b ) { + return -1; + } + } + } + + return a ? 1 : -1; +} + +/** + * Returns a function to use in pseudos for input types + * @param {String} type + */ +function createInputPseudo( type ) { + return function( elem ) { + var name = elem.nodeName.toLowerCase(); + return name === "input" && elem.type === type; + }; +} + +/** + * Returns a function to use in pseudos for buttons + * @param {String} type + */ +function createButtonPseudo( type ) { + return function( elem ) { + var name = elem.nodeName.toLowerCase(); + return (name === "input" || name === "button") && elem.type === type; + }; +} + +/** + * Returns a function to use in pseudos for :enabled/:disabled + * @param {Boolean} disabled true for :disabled; false for :enabled + */ +function createDisabledPseudo( disabled ) { + + // Known :disabled false positives: fieldset[disabled] > legend:nth-of-type(n+2) :can-disable + return function( elem ) { + + // Only certain elements can match :enabled or :disabled + // https://html.spec.whatwg.org/multipage/scripting.html#selector-enabled + // https://html.spec.whatwg.org/multipage/scripting.html#selector-disabled + if ( "form" in elem ) { + + // Check for inherited disabledness on relevant non-disabled elements: + // * listed form-associated elements in a disabled fieldset + // https://html.spec.whatwg.org/multipage/forms.html#category-listed + // https://html.spec.whatwg.org/multipage/forms.html#concept-fe-disabled + // * option elements in a disabled optgroup + // https://html.spec.whatwg.org/multipage/forms.html#concept-option-disabled + // All such elements have a "form" property. + if ( elem.parentNode && elem.disabled === false ) { + + // Option elements defer to a parent optgroup if present + if ( "label" in elem ) { + if ( "label" in elem.parentNode ) { + return elem.parentNode.disabled === disabled; + } else { + return elem.disabled === disabled; + } + } + + // Support: IE 6 - 11 + // Use the isDisabled shortcut property to check for disabled fieldset ancestors + return elem.isDisabled === disabled || + + // Where there is no isDisabled, check manually + /* jshint -W018 */ + elem.isDisabled !== !disabled && + disabledAncestor( elem ) === disabled; + } + + return elem.disabled === disabled; + + // Try to winnow out elements that can't be disabled before trusting the disabled property. + // Some victims get caught in our net (label, legend, menu, track), but it shouldn't + // even exist on them, let alone have a boolean value. + } else if ( "label" in elem ) { + return elem.disabled === disabled; + } + + // Remaining elements are neither :enabled nor :disabled + return false; + }; +} + +/** + * Returns a function to use in pseudos for positionals + * @param {Function} fn + */ +function createPositionalPseudo( fn ) { + return markFunction(function( argument ) { + argument = +argument; + return markFunction(function( seed, matches ) { + var j, + matchIndexes = fn( [], seed.length, argument ), + i = matchIndexes.length; + + // Match elements found at the specified indexes + while ( i-- ) { + if ( seed[ (j = matchIndexes[i]) ] ) { + seed[j] = !(matches[j] = seed[j]); + } + } + }); + }); +} + +/** + * Checks a node for validity as a Sizzle context + * @param {Element|Object=} context + * @returns {Element|Object|Boolean} The input node if acceptable, otherwise a falsy value + */ +function testContext( context ) { + return context && typeof context.getElementsByTagName !== "undefined" && context; +} + +// Expose support vars for convenience +support = Sizzle.support = {}; + +/** + * Detects XML nodes + * @param {Element|Object} elem An element or a document + * @returns {Boolean} True iff elem is a non-HTML XML node + */ +isXML = Sizzle.isXML = function( elem ) { + // documentElement is verified for cases where it doesn't yet exist + // (such as loading iframes in IE - #4833) + var documentElement = elem && (elem.ownerDocument || elem).documentElement; + return documentElement ? documentElement.nodeName !== "HTML" : false; +}; + +/** + * Sets document-related variables once based on the current document + * @param {Element|Object} [doc] An element or document object to use to set the document + * @returns {Object} Returns the current document + */ +setDocument = Sizzle.setDocument = function( node ) { + var hasCompare, subWindow, + doc = node ? node.ownerDocument || node : preferredDoc; + + // Return early if doc is invalid or already selected + if ( doc === document || doc.nodeType !== 9 || !doc.documentElement ) { + return document; + } + + // Update global variables + document = doc; + docElem = document.documentElement; + documentIsHTML = !isXML( document ); + + // Support: IE 9-11, Edge + // Accessing iframe documents after unload throws "permission denied" errors (jQuery #13936) + if ( preferredDoc !== document && + (subWindow = document.defaultView) && subWindow.top !== subWindow ) { + + // Support: IE 11, Edge + if ( subWindow.addEventListener ) { + subWindow.addEventListener( "unload", unloadHandler, false ); + + // Support: IE 9 - 10 only + } else if ( subWindow.attachEvent ) { + subWindow.attachEvent( "onunload", unloadHandler ); + } + } + + /* Attributes + ---------------------------------------------------------------------- */ + + // Support: IE<8 + // Verify that getAttribute really returns attributes and not properties + // (excepting IE8 booleans) + support.attributes = assert(function( el ) { + el.className = "i"; + return !el.getAttribute("className"); + }); + + /* getElement(s)By* + ---------------------------------------------------------------------- */ + + // Check if getElementsByTagName("*") returns only elements + support.getElementsByTagName = assert(function( el ) { + el.appendChild( document.createComment("") ); + return !el.getElementsByTagName("*").length; + }); + + // Support: IE<9 + support.getElementsByClassName = rnative.test( document.getElementsByClassName ); + + // Support: IE<10 + // Check if getElementById returns elements by name + // The broken getElementById methods don't pick up programmatically-set names, + // so use a roundabout getElementsByName test + support.getById = assert(function( el ) { + docElem.appendChild( el ).id = expando; + return !document.getElementsByName || !document.getElementsByName( expando ).length; + }); + + // ID filter and find + if ( support.getById ) { + Expr.filter["ID"] = function( id ) { + var attrId = id.replace( runescape, funescape ); + return function( elem ) { + return elem.getAttribute("id") === attrId; + }; + }; + Expr.find["ID"] = function( id, context ) { + if ( typeof context.getElementById !== "undefined" && documentIsHTML ) { + var elem = context.getElementById( id ); + return elem ? [ elem ] : []; + } + }; + } else { + Expr.filter["ID"] = function( id ) { + var attrId = id.replace( runescape, funescape ); + return function( elem ) { + var node = typeof elem.getAttributeNode !== "undefined" && + elem.getAttributeNode("id"); + return node && node.value === attrId; + }; + }; + + // Support: IE 6 - 7 only + // getElementById is not reliable as a find shortcut + Expr.find["ID"] = function( id, context ) { + if ( typeof context.getElementById !== "undefined" && documentIsHTML ) { + var node, i, elems, + elem = context.getElementById( id ); + + if ( elem ) { + + // Verify the id attribute + node = elem.getAttributeNode("id"); + if ( node && node.value === id ) { + return [ elem ]; + } + + // Fall back on getElementsByName + elems = context.getElementsByName( id ); + i = 0; + while ( (elem = elems[i++]) ) { + node = elem.getAttributeNode("id"); + if ( node && node.value === id ) { + return [ elem ]; + } + } + } + + return []; + } + }; + } + + // Tag + Expr.find["TAG"] = support.getElementsByTagName ? + function( tag, context ) { + if ( typeof context.getElementsByTagName !== "undefined" ) { + return context.getElementsByTagName( tag ); + + // DocumentFragment nodes don't have gEBTN + } else if ( support.qsa ) { + return context.querySelectorAll( tag ); + } + } : + + function( tag, context ) { + var elem, + tmp = [], + i = 0, + // By happy coincidence, a (broken) gEBTN appears on DocumentFragment nodes too + results = context.getElementsByTagName( tag ); + + // Filter out possible comments + if ( tag === "*" ) { + while ( (elem = results[i++]) ) { + if ( elem.nodeType === 1 ) { + tmp.push( elem ); + } + } + + return tmp; + } + return results; + }; + + // Class + Expr.find["CLASS"] = support.getElementsByClassName && function( className, context ) { + if ( typeof context.getElementsByClassName !== "undefined" && documentIsHTML ) { + return context.getElementsByClassName( className ); + } + }; + + /* QSA/matchesSelector + ---------------------------------------------------------------------- */ + + // QSA and matchesSelector support + + // matchesSelector(:active) reports false when true (IE9/Opera 11.5) + rbuggyMatches = []; + + // qSa(:focus) reports false when true (Chrome 21) + // We allow this because of a bug in IE8/9 that throws an error + // whenever `document.activeElement` is accessed on an iframe + // So, we allow :focus to pass through QSA all the time to avoid the IE error + // See https://bugs.jquery.com/ticket/13378 + rbuggyQSA = []; + + if ( (support.qsa = rnative.test( document.querySelectorAll )) ) { + // Build QSA regex + // Regex strategy adopted from Diego Perini + assert(function( el ) { + // Select is set to empty string on purpose + // This is to test IE's treatment of not explicitly + // setting a boolean content attribute, + // since its presence should be enough + // https://bugs.jquery.com/ticket/12359 + docElem.appendChild( el ).innerHTML = "" + + ""; + + // Support: IE8, Opera 11-12.16 + // Nothing should be selected when empty strings follow ^= or $= or *= + // The test attribute must be unknown in Opera but "safe" for WinRT + // https://msdn.microsoft.com/en-us/library/ie/hh465388.aspx#attribute_section + if ( el.querySelectorAll("[msallowcapture^='']").length ) { + rbuggyQSA.push( "[*^$]=" + whitespace + "*(?:''|\"\")" ); + } + + // Support: IE8 + // Boolean attributes and "value" are not treated correctly + if ( !el.querySelectorAll("[selected]").length ) { + rbuggyQSA.push( "\\[" + whitespace + "*(?:value|" + booleans + ")" ); + } + + // Support: Chrome<29, Android<4.4, Safari<7.0+, iOS<7.0+, PhantomJS<1.9.8+ + if ( !el.querySelectorAll( "[id~=" + expando + "-]" ).length ) { + rbuggyQSA.push("~="); + } + + // Webkit/Opera - :checked should return selected option elements + // http://www.w3.org/TR/2011/REC-css3-selectors-20110929/#checked + // IE8 throws error here and will not see later tests + if ( !el.querySelectorAll(":checked").length ) { + rbuggyQSA.push(":checked"); + } + + // Support: Safari 8+, iOS 8+ + // https://bugs.webkit.org/show_bug.cgi?id=136851 + // In-page `selector#id sibling-combinator selector` fails + if ( !el.querySelectorAll( "a#" + expando + "+*" ).length ) { + rbuggyQSA.push(".#.+[+~]"); + } + }); + + assert(function( el ) { + el.innerHTML = "" + + ""; + + // Support: Windows 8 Native Apps + // The type and name attributes are restricted during .innerHTML assignment + var input = document.createElement("input"); + input.setAttribute( "type", "hidden" ); + el.appendChild( input ).setAttribute( "name", "D" ); + + // Support: IE8 + // Enforce case-sensitivity of name attribute + if ( el.querySelectorAll("[name=d]").length ) { + rbuggyQSA.push( "name" + whitespace + "*[*^$|!~]?=" ); + } + + // FF 3.5 - :enabled/:disabled and hidden elements (hidden elements are still enabled) + // IE8 throws error here and will not see later tests + if ( el.querySelectorAll(":enabled").length !== 2 ) { + rbuggyQSA.push( ":enabled", ":disabled" ); + } + + // Support: IE9-11+ + // IE's :disabled selector does not pick up the children of disabled fieldsets + docElem.appendChild( el ).disabled = true; + if ( el.querySelectorAll(":disabled").length !== 2 ) { + rbuggyQSA.push( ":enabled", ":disabled" ); + } + + // Opera 10-11 does not throw on post-comma invalid pseudos + el.querySelectorAll("*,:x"); + rbuggyQSA.push(",.*:"); + }); + } + + if ( (support.matchesSelector = rnative.test( (matches = docElem.matches || + docElem.webkitMatchesSelector || + docElem.mozMatchesSelector || + docElem.oMatchesSelector || + docElem.msMatchesSelector) )) ) { + + assert(function( el ) { + // Check to see if it's possible to do matchesSelector + // on a disconnected node (IE 9) + support.disconnectedMatch = matches.call( el, "*" ); + + // This should fail with an exception + // Gecko does not error, returns false instead + matches.call( el, "[s!='']:x" ); + rbuggyMatches.push( "!=", pseudos ); + }); + } + + rbuggyQSA = rbuggyQSA.length && new RegExp( rbuggyQSA.join("|") ); + rbuggyMatches = rbuggyMatches.length && new RegExp( rbuggyMatches.join("|") ); + + /* Contains + ---------------------------------------------------------------------- */ + hasCompare = rnative.test( docElem.compareDocumentPosition ); + + // Element contains another + // Purposefully self-exclusive + // As in, an element does not contain itself + contains = hasCompare || rnative.test( docElem.contains ) ? + function( a, b ) { + var adown = a.nodeType === 9 ? a.documentElement : a, + bup = b && b.parentNode; + return a === bup || !!( bup && bup.nodeType === 1 && ( + adown.contains ? + adown.contains( bup ) : + a.compareDocumentPosition && a.compareDocumentPosition( bup ) & 16 + )); + } : + function( a, b ) { + if ( b ) { + while ( (b = b.parentNode) ) { + if ( b === a ) { + return true; + } + } + } + return false; + }; + + /* Sorting + ---------------------------------------------------------------------- */ + + // Document order sorting + sortOrder = hasCompare ? + function( a, b ) { + + // Flag for duplicate removal + if ( a === b ) { + hasDuplicate = true; + return 0; + } + + // Sort on method existence if only one input has compareDocumentPosition + var compare = !a.compareDocumentPosition - !b.compareDocumentPosition; + if ( compare ) { + return compare; + } + + // Calculate position if both inputs belong to the same document + compare = ( a.ownerDocument || a ) === ( b.ownerDocument || b ) ? + a.compareDocumentPosition( b ) : + + // Otherwise we know they are disconnected + 1; + + // Disconnected nodes + if ( compare & 1 || + (!support.sortDetached && b.compareDocumentPosition( a ) === compare) ) { + + // Choose the first element that is related to our preferred document + if ( a === document || a.ownerDocument === preferredDoc && contains(preferredDoc, a) ) { + return -1; + } + if ( b === document || b.ownerDocument === preferredDoc && contains(preferredDoc, b) ) { + return 1; + } + + // Maintain original order + return sortInput ? + ( indexOf( sortInput, a ) - indexOf( sortInput, b ) ) : + 0; + } + + return compare & 4 ? -1 : 1; + } : + function( a, b ) { + // Exit early if the nodes are identical + if ( a === b ) { + hasDuplicate = true; + return 0; + } + + var cur, + i = 0, + aup = a.parentNode, + bup = b.parentNode, + ap = [ a ], + bp = [ b ]; + + // Parentless nodes are either documents or disconnected + if ( !aup || !bup ) { + return a === document ? -1 : + b === document ? 1 : + aup ? -1 : + bup ? 1 : + sortInput ? + ( indexOf( sortInput, a ) - indexOf( sortInput, b ) ) : + 0; + + // If the nodes are siblings, we can do a quick check + } else if ( aup === bup ) { + return siblingCheck( a, b ); + } + + // Otherwise we need full lists of their ancestors for comparison + cur = a; + while ( (cur = cur.parentNode) ) { + ap.unshift( cur ); + } + cur = b; + while ( (cur = cur.parentNode) ) { + bp.unshift( cur ); + } + + // Walk down the tree looking for a discrepancy + while ( ap[i] === bp[i] ) { + i++; + } + + return i ? + // Do a sibling check if the nodes have a common ancestor + siblingCheck( ap[i], bp[i] ) : + + // Otherwise nodes in our document sort first + ap[i] === preferredDoc ? -1 : + bp[i] === preferredDoc ? 1 : + 0; + }; + + return document; +}; + +Sizzle.matches = function( expr, elements ) { + return Sizzle( expr, null, null, elements ); +}; + +Sizzle.matchesSelector = function( elem, expr ) { + // Set document vars if needed + if ( ( elem.ownerDocument || elem ) !== document ) { + setDocument( elem ); + } + + // Make sure that attribute selectors are quoted + expr = expr.replace( rattributeQuotes, "='$1']" ); + + if ( support.matchesSelector && documentIsHTML && + !compilerCache[ expr + " " ] && + ( !rbuggyMatches || !rbuggyMatches.test( expr ) ) && + ( !rbuggyQSA || !rbuggyQSA.test( expr ) ) ) { + + try { + var ret = matches.call( elem, expr ); + + // IE 9's matchesSelector returns false on disconnected nodes + if ( ret || support.disconnectedMatch || + // As well, disconnected nodes are said to be in a document + // fragment in IE 9 + elem.document && elem.document.nodeType !== 11 ) { + return ret; + } + } catch (e) {} + } + + return Sizzle( expr, document, null, [ elem ] ).length > 0; +}; + +Sizzle.contains = function( context, elem ) { + // Set document vars if needed + if ( ( context.ownerDocument || context ) !== document ) { + setDocument( context ); + } + return contains( context, elem ); +}; + +Sizzle.attr = function( elem, name ) { + // Set document vars if needed + if ( ( elem.ownerDocument || elem ) !== document ) { + setDocument( elem ); + } + + var fn = Expr.attrHandle[ name.toLowerCase() ], + // Don't get fooled by Object.prototype properties (jQuery #13807) + val = fn && hasOwn.call( Expr.attrHandle, name.toLowerCase() ) ? + fn( elem, name, !documentIsHTML ) : + undefined; + + return val !== undefined ? + val : + support.attributes || !documentIsHTML ? + elem.getAttribute( name ) : + (val = elem.getAttributeNode(name)) && val.specified ? + val.value : + null; +}; + +Sizzle.escape = function( sel ) { + return (sel + "").replace( rcssescape, fcssescape ); +}; + +Sizzle.error = function( msg ) { + throw new Error( "Syntax error, unrecognized expression: " + msg ); +}; + +/** + * Document sorting and removing duplicates + * @param {ArrayLike} results + */ +Sizzle.uniqueSort = function( results ) { + var elem, + duplicates = [], + j = 0, + i = 0; + + // Unless we *know* we can detect duplicates, assume their presence + hasDuplicate = !support.detectDuplicates; + sortInput = !support.sortStable && results.slice( 0 ); + results.sort( sortOrder ); + + if ( hasDuplicate ) { + while ( (elem = results[i++]) ) { + if ( elem === results[ i ] ) { + j = duplicates.push( i ); + } + } + while ( j-- ) { + results.splice( duplicates[ j ], 1 ); + } + } + + // Clear input after sorting to release objects + // See https://github.com/jquery/sizzle/pull/225 + sortInput = null; + + return results; +}; + +/** + * Utility function for retrieving the text value of an array of DOM nodes + * @param {Array|Element} elem + */ +getText = Sizzle.getText = function( elem ) { + var node, + ret = "", + i = 0, + nodeType = elem.nodeType; + + if ( !nodeType ) { + // If no nodeType, this is expected to be an array + while ( (node = elem[i++]) ) { + // Do not traverse comment nodes + ret += getText( node ); + } + } else if ( nodeType === 1 || nodeType === 9 || nodeType === 11 ) { + // Use textContent for elements + // innerText usage removed for consistency of new lines (jQuery #11153) + if ( typeof elem.textContent === "string" ) { + return elem.textContent; + } else { + // Traverse its children + for ( elem = elem.firstChild; elem; elem = elem.nextSibling ) { + ret += getText( elem ); + } + } + } else if ( nodeType === 3 || nodeType === 4 ) { + return elem.nodeValue; + } + // Do not include comment or processing instruction nodes + + return ret; +}; + +Expr = Sizzle.selectors = { + + // Can be adjusted by the user + cacheLength: 50, + + createPseudo: markFunction, + + match: matchExpr, + + attrHandle: {}, + + find: {}, + + relative: { + ">": { dir: "parentNode", first: true }, + " ": { dir: "parentNode" }, + "+": { dir: "previousSibling", first: true }, + "~": { dir: "previousSibling" } + }, + + preFilter: { + "ATTR": function( match ) { + match[1] = match[1].replace( runescape, funescape ); + + // Move the given value to match[3] whether quoted or unquoted + match[3] = ( match[3] || match[4] || match[5] || "" ).replace( runescape, funescape ); + + if ( match[2] === "~=" ) { + match[3] = " " + match[3] + " "; + } + + return match.slice( 0, 4 ); + }, + + "CHILD": function( match ) { + /* matches from matchExpr["CHILD"] + 1 type (only|nth|...) + 2 what (child|of-type) + 3 argument (even|odd|\d*|\d*n([+-]\d+)?|...) + 4 xn-component of xn+y argument ([+-]?\d*n|) + 5 sign of xn-component + 6 x of xn-component + 7 sign of y-component + 8 y of y-component + */ + match[1] = match[1].toLowerCase(); + + if ( match[1].slice( 0, 3 ) === "nth" ) { + // nth-* requires argument + if ( !match[3] ) { + Sizzle.error( match[0] ); + } + + // numeric x and y parameters for Expr.filter.CHILD + // remember that false/true cast respectively to 0/1 + match[4] = +( match[4] ? match[5] + (match[6] || 1) : 2 * ( match[3] === "even" || match[3] === "odd" ) ); + match[5] = +( ( match[7] + match[8] ) || match[3] === "odd" ); + + // other types prohibit arguments + } else if ( match[3] ) { + Sizzle.error( match[0] ); + } + + return match; + }, + + "PSEUDO": function( match ) { + var excess, + unquoted = !match[6] && match[2]; + + if ( matchExpr["CHILD"].test( match[0] ) ) { + return null; + } + + // Accept quoted arguments as-is + if ( match[3] ) { + match[2] = match[4] || match[5] || ""; + + // Strip excess characters from unquoted arguments + } else if ( unquoted && rpseudo.test( unquoted ) && + // Get excess from tokenize (recursively) + (excess = tokenize( unquoted, true )) && + // advance to the next closing parenthesis + (excess = unquoted.indexOf( ")", unquoted.length - excess ) - unquoted.length) ) { + + // excess is a negative index + match[0] = match[0].slice( 0, excess ); + match[2] = unquoted.slice( 0, excess ); + } + + // Return only captures needed by the pseudo filter method (type and argument) + return match.slice( 0, 3 ); + } + }, + + filter: { + + "TAG": function( nodeNameSelector ) { + var nodeName = nodeNameSelector.replace( runescape, funescape ).toLowerCase(); + return nodeNameSelector === "*" ? + function() { return true; } : + function( elem ) { + return elem.nodeName && elem.nodeName.toLowerCase() === nodeName; + }; + }, + + "CLASS": function( className ) { + var pattern = classCache[ className + " " ]; + + return pattern || + (pattern = new RegExp( "(^|" + whitespace + ")" + className + "(" + whitespace + "|$)" )) && + classCache( className, function( elem ) { + return pattern.test( typeof elem.className === "string" && elem.className || typeof elem.getAttribute !== "undefined" && elem.getAttribute("class") || "" ); + }); + }, + + "ATTR": function( name, operator, check ) { + return function( elem ) { + var result = Sizzle.attr( elem, name ); + + if ( result == null ) { + return operator === "!="; + } + if ( !operator ) { + return true; + } + + result += ""; + + return operator === "=" ? result === check : + operator === "!=" ? result !== check : + operator === "^=" ? check && result.indexOf( check ) === 0 : + operator === "*=" ? check && result.indexOf( check ) > -1 : + operator === "$=" ? check && result.slice( -check.length ) === check : + operator === "~=" ? ( " " + result.replace( rwhitespace, " " ) + " " ).indexOf( check ) > -1 : + operator === "|=" ? result === check || result.slice( 0, check.length + 1 ) === check + "-" : + false; + }; + }, + + "CHILD": function( type, what, argument, first, last ) { + var simple = type.slice( 0, 3 ) !== "nth", + forward = type.slice( -4 ) !== "last", + ofType = what === "of-type"; + + return first === 1 && last === 0 ? + + // Shortcut for :nth-*(n) + function( elem ) { + return !!elem.parentNode; + } : + + function( elem, context, xml ) { + var cache, uniqueCache, outerCache, node, nodeIndex, start, + dir = simple !== forward ? "nextSibling" : "previousSibling", + parent = elem.parentNode, + name = ofType && elem.nodeName.toLowerCase(), + useCache = !xml && !ofType, + diff = false; + + if ( parent ) { + + // :(first|last|only)-(child|of-type) + if ( simple ) { + while ( dir ) { + node = elem; + while ( (node = node[ dir ]) ) { + if ( ofType ? + node.nodeName.toLowerCase() === name : + node.nodeType === 1 ) { + + return false; + } + } + // Reverse direction for :only-* (if we haven't yet done so) + start = dir = type === "only" && !start && "nextSibling"; + } + return true; + } + + start = [ forward ? parent.firstChild : parent.lastChild ]; + + // non-xml :nth-child(...) stores cache data on `parent` + if ( forward && useCache ) { + + // Seek `elem` from a previously-cached index + + // ...in a gzip-friendly way + node = parent; + outerCache = node[ expando ] || (node[ expando ] = {}); + + // Support: IE <9 only + // Defend against cloned attroperties (jQuery gh-1709) + uniqueCache = outerCache[ node.uniqueID ] || + (outerCache[ node.uniqueID ] = {}); + + cache = uniqueCache[ type ] || []; + nodeIndex = cache[ 0 ] === dirruns && cache[ 1 ]; + diff = nodeIndex && cache[ 2 ]; + node = nodeIndex && parent.childNodes[ nodeIndex ]; + + while ( (node = ++nodeIndex && node && node[ dir ] || + + // Fallback to seeking `elem` from the start + (diff = nodeIndex = 0) || start.pop()) ) { + + // When found, cache indexes on `parent` and break + if ( node.nodeType === 1 && ++diff && node === elem ) { + uniqueCache[ type ] = [ dirruns, nodeIndex, diff ]; + break; + } + } + + } else { + // Use previously-cached element index if available + if ( useCache ) { + // ...in a gzip-friendly way + node = elem; + outerCache = node[ expando ] || (node[ expando ] = {}); + + // Support: IE <9 only + // Defend against cloned attroperties (jQuery gh-1709) + uniqueCache = outerCache[ node.uniqueID ] || + (outerCache[ node.uniqueID ] = {}); + + cache = uniqueCache[ type ] || []; + nodeIndex = cache[ 0 ] === dirruns && cache[ 1 ]; + diff = nodeIndex; + } + + // xml :nth-child(...) + // or :nth-last-child(...) or :nth(-last)?-of-type(...) + if ( diff === false ) { + // Use the same loop as above to seek `elem` from the start + while ( (node = ++nodeIndex && node && node[ dir ] || + (diff = nodeIndex = 0) || start.pop()) ) { + + if ( ( ofType ? + node.nodeName.toLowerCase() === name : + node.nodeType === 1 ) && + ++diff ) { + + // Cache the index of each encountered element + if ( useCache ) { + outerCache = node[ expando ] || (node[ expando ] = {}); + + // Support: IE <9 only + // Defend against cloned attroperties (jQuery gh-1709) + uniqueCache = outerCache[ node.uniqueID ] || + (outerCache[ node.uniqueID ] = {}); + + uniqueCache[ type ] = [ dirruns, diff ]; + } + + if ( node === elem ) { + break; + } + } + } + } + } + + // Incorporate the offset, then check against cycle size + diff -= last; + return diff === first || ( diff % first === 0 && diff / first >= 0 ); + } + }; + }, + + "PSEUDO": function( pseudo, argument ) { + // pseudo-class names are case-insensitive + // http://www.w3.org/TR/selectors/#pseudo-classes + // Prioritize by case sensitivity in case custom pseudos are added with uppercase letters + // Remember that setFilters inherits from pseudos + var args, + fn = Expr.pseudos[ pseudo ] || Expr.setFilters[ pseudo.toLowerCase() ] || + Sizzle.error( "unsupported pseudo: " + pseudo ); + + // The user may use createPseudo to indicate that + // arguments are needed to create the filter function + // just as Sizzle does + if ( fn[ expando ] ) { + return fn( argument ); + } + + // But maintain support for old signatures + if ( fn.length > 1 ) { + args = [ pseudo, pseudo, "", argument ]; + return Expr.setFilters.hasOwnProperty( pseudo.toLowerCase() ) ? + markFunction(function( seed, matches ) { + var idx, + matched = fn( seed, argument ), + i = matched.length; + while ( i-- ) { + idx = indexOf( seed, matched[i] ); + seed[ idx ] = !( matches[ idx ] = matched[i] ); + } + }) : + function( elem ) { + return fn( elem, 0, args ); + }; + } + + return fn; + } + }, + + pseudos: { + // Potentially complex pseudos + "not": markFunction(function( selector ) { + // Trim the selector passed to compile + // to avoid treating leading and trailing + // spaces as combinators + var input = [], + results = [], + matcher = compile( selector.replace( rtrim, "$1" ) ); + + return matcher[ expando ] ? + markFunction(function( seed, matches, context, xml ) { + var elem, + unmatched = matcher( seed, null, xml, [] ), + i = seed.length; + + // Match elements unmatched by `matcher` + while ( i-- ) { + if ( (elem = unmatched[i]) ) { + seed[i] = !(matches[i] = elem); + } + } + }) : + function( elem, context, xml ) { + input[0] = elem; + matcher( input, null, xml, results ); + // Don't keep the element (issue #299) + input[0] = null; + return !results.pop(); + }; + }), + + "has": markFunction(function( selector ) { + return function( elem ) { + return Sizzle( selector, elem ).length > 0; + }; + }), + + "contains": markFunction(function( text ) { + text = text.replace( runescape, funescape ); + return function( elem ) { + return ( elem.textContent || elem.innerText || getText( elem ) ).indexOf( text ) > -1; + }; + }), + + // "Whether an element is represented by a :lang() selector + // is based solely on the element's language value + // being equal to the identifier C, + // or beginning with the identifier C immediately followed by "-". + // The matching of C against the element's language value is performed case-insensitively. + // The identifier C does not have to be a valid language name." + // http://www.w3.org/TR/selectors/#lang-pseudo + "lang": markFunction( function( lang ) { + // lang value must be a valid identifier + if ( !ridentifier.test(lang || "") ) { + Sizzle.error( "unsupported lang: " + lang ); + } + lang = lang.replace( runescape, funescape ).toLowerCase(); + return function( elem ) { + var elemLang; + do { + if ( (elemLang = documentIsHTML ? + elem.lang : + elem.getAttribute("xml:lang") || elem.getAttribute("lang")) ) { + + elemLang = elemLang.toLowerCase(); + return elemLang === lang || elemLang.indexOf( lang + "-" ) === 0; + } + } while ( (elem = elem.parentNode) && elem.nodeType === 1 ); + return false; + }; + }), + + // Miscellaneous + "target": function( elem ) { + var hash = window.location && window.location.hash; + return hash && hash.slice( 1 ) === elem.id; + }, + + "root": function( elem ) { + return elem === docElem; + }, + + "focus": function( elem ) { + return elem === document.activeElement && (!document.hasFocus || document.hasFocus()) && !!(elem.type || elem.href || ~elem.tabIndex); + }, + + // Boolean properties + "enabled": createDisabledPseudo( false ), + "disabled": createDisabledPseudo( true ), + + "checked": function( elem ) { + // In CSS3, :checked should return both checked and selected elements + // http://www.w3.org/TR/2011/REC-css3-selectors-20110929/#checked + var nodeName = elem.nodeName.toLowerCase(); + return (nodeName === "input" && !!elem.checked) || (nodeName === "option" && !!elem.selected); + }, + + "selected": function( elem ) { + // Accessing this property makes selected-by-default + // options in Safari work properly + if ( elem.parentNode ) { + elem.parentNode.selectedIndex; + } + + return elem.selected === true; + }, + + // Contents + "empty": function( elem ) { + // http://www.w3.org/TR/selectors/#empty-pseudo + // :empty is negated by element (1) or content nodes (text: 3; cdata: 4; entity ref: 5), + // but not by others (comment: 8; processing instruction: 7; etc.) + // nodeType < 6 works because attributes (2) do not appear as children + for ( elem = elem.firstChild; elem; elem = elem.nextSibling ) { + if ( elem.nodeType < 6 ) { + return false; + } + } + return true; + }, + + "parent": function( elem ) { + return !Expr.pseudos["empty"]( elem ); + }, + + // Element/input types + "header": function( elem ) { + return rheader.test( elem.nodeName ); + }, + + "input": function( elem ) { + return rinputs.test( elem.nodeName ); + }, + + "button": function( elem ) { + var name = elem.nodeName.toLowerCase(); + return name === "input" && elem.type === "button" || name === "button"; + }, + + "text": function( elem ) { + var attr; + return elem.nodeName.toLowerCase() === "input" && + elem.type === "text" && + + // Support: IE<8 + // New HTML5 attribute values (e.g., "search") appear with elem.type === "text" + ( (attr = elem.getAttribute("type")) == null || attr.toLowerCase() === "text" ); + }, + + // Position-in-collection + "first": createPositionalPseudo(function() { + return [ 0 ]; + }), + + "last": createPositionalPseudo(function( matchIndexes, length ) { + return [ length - 1 ]; + }), + + "eq": createPositionalPseudo(function( matchIndexes, length, argument ) { + return [ argument < 0 ? argument + length : argument ]; + }), + + "even": createPositionalPseudo(function( matchIndexes, length ) { + var i = 0; + for ( ; i < length; i += 2 ) { + matchIndexes.push( i ); + } + return matchIndexes; + }), + + "odd": createPositionalPseudo(function( matchIndexes, length ) { + var i = 1; + for ( ; i < length; i += 2 ) { + matchIndexes.push( i ); + } + return matchIndexes; + }), + + "lt": createPositionalPseudo(function( matchIndexes, length, argument ) { + var i = argument < 0 ? argument + length : argument; + for ( ; --i >= 0; ) { + matchIndexes.push( i ); + } + return matchIndexes; + }), + + "gt": createPositionalPseudo(function( matchIndexes, length, argument ) { + var i = argument < 0 ? argument + length : argument; + for ( ; ++i < length; ) { + matchIndexes.push( i ); + } + return matchIndexes; + }) + } +}; + +Expr.pseudos["nth"] = Expr.pseudos["eq"]; + +// Add button/input type pseudos +for ( i in { radio: true, checkbox: true, file: true, password: true, image: true } ) { + Expr.pseudos[ i ] = createInputPseudo( i ); +} +for ( i in { submit: true, reset: true } ) { + Expr.pseudos[ i ] = createButtonPseudo( i ); +} + +// Easy API for creating new setFilters +function setFilters() {} +setFilters.prototype = Expr.filters = Expr.pseudos; +Expr.setFilters = new setFilters(); + +tokenize = Sizzle.tokenize = function( selector, parseOnly ) { + var matched, match, tokens, type, + soFar, groups, preFilters, + cached = tokenCache[ selector + " " ]; + + if ( cached ) { + return parseOnly ? 0 : cached.slice( 0 ); + } + + soFar = selector; + groups = []; + preFilters = Expr.preFilter; + + while ( soFar ) { + + // Comma and first run + if ( !matched || (match = rcomma.exec( soFar )) ) { + if ( match ) { + // Don't consume trailing commas as valid + soFar = soFar.slice( match[0].length ) || soFar; + } + groups.push( (tokens = []) ); + } + + matched = false; + + // Combinators + if ( (match = rcombinators.exec( soFar )) ) { + matched = match.shift(); + tokens.push({ + value: matched, + // Cast descendant combinators to space + type: match[0].replace( rtrim, " " ) + }); + soFar = soFar.slice( matched.length ); + } + + // Filters + for ( type in Expr.filter ) { + if ( (match = matchExpr[ type ].exec( soFar )) && (!preFilters[ type ] || + (match = preFilters[ type ]( match ))) ) { + matched = match.shift(); + tokens.push({ + value: matched, + type: type, + matches: match + }); + soFar = soFar.slice( matched.length ); + } + } + + if ( !matched ) { + break; + } + } + + // Return the length of the invalid excess + // if we're just parsing + // Otherwise, throw an error or return tokens + return parseOnly ? + soFar.length : + soFar ? + Sizzle.error( selector ) : + // Cache the tokens + tokenCache( selector, groups ).slice( 0 ); +}; + +function toSelector( tokens ) { + var i = 0, + len = tokens.length, + selector = ""; + for ( ; i < len; i++ ) { + selector += tokens[i].value; + } + return selector; +} + +function addCombinator( matcher, combinator, base ) { + var dir = combinator.dir, + skip = combinator.next, + key = skip || dir, + checkNonElements = base && key === "parentNode", + doneName = done++; + + return combinator.first ? + // Check against closest ancestor/preceding element + function( elem, context, xml ) { + while ( (elem = elem[ dir ]) ) { + if ( elem.nodeType === 1 || checkNonElements ) { + return matcher( elem, context, xml ); + } + } + return false; + } : + + // Check against all ancestor/preceding elements + function( elem, context, xml ) { + var oldCache, uniqueCache, outerCache, + newCache = [ dirruns, doneName ]; + + // We can't set arbitrary data on XML nodes, so they don't benefit from combinator caching + if ( xml ) { + while ( (elem = elem[ dir ]) ) { + if ( elem.nodeType === 1 || checkNonElements ) { + if ( matcher( elem, context, xml ) ) { + return true; + } + } + } + } else { + while ( (elem = elem[ dir ]) ) { + if ( elem.nodeType === 1 || checkNonElements ) { + outerCache = elem[ expando ] || (elem[ expando ] = {}); + + // Support: IE <9 only + // Defend against cloned attroperties (jQuery gh-1709) + uniqueCache = outerCache[ elem.uniqueID ] || (outerCache[ elem.uniqueID ] = {}); + + if ( skip && skip === elem.nodeName.toLowerCase() ) { + elem = elem[ dir ] || elem; + } else if ( (oldCache = uniqueCache[ key ]) && + oldCache[ 0 ] === dirruns && oldCache[ 1 ] === doneName ) { + + // Assign to newCache so results back-propagate to previous elements + return (newCache[ 2 ] = oldCache[ 2 ]); + } else { + // Reuse newcache so results back-propagate to previous elements + uniqueCache[ key ] = newCache; + + // A match means we're done; a fail means we have to keep checking + if ( (newCache[ 2 ] = matcher( elem, context, xml )) ) { + return true; + } + } + } + } + } + return false; + }; +} + +function elementMatcher( matchers ) { + return matchers.length > 1 ? + function( elem, context, xml ) { + var i = matchers.length; + while ( i-- ) { + if ( !matchers[i]( elem, context, xml ) ) { + return false; + } + } + return true; + } : + matchers[0]; +} + +function multipleContexts( selector, contexts, results ) { + var i = 0, + len = contexts.length; + for ( ; i < len; i++ ) { + Sizzle( selector, contexts[i], results ); + } + return results; +} + +function condense( unmatched, map, filter, context, xml ) { + var elem, + newUnmatched = [], + i = 0, + len = unmatched.length, + mapped = map != null; + + for ( ; i < len; i++ ) { + if ( (elem = unmatched[i]) ) { + if ( !filter || filter( elem, context, xml ) ) { + newUnmatched.push( elem ); + if ( mapped ) { + map.push( i ); + } + } + } + } + + return newUnmatched; +} + +function setMatcher( preFilter, selector, matcher, postFilter, postFinder, postSelector ) { + if ( postFilter && !postFilter[ expando ] ) { + postFilter = setMatcher( postFilter ); + } + if ( postFinder && !postFinder[ expando ] ) { + postFinder = setMatcher( postFinder, postSelector ); + } + return markFunction(function( seed, results, context, xml ) { + var temp, i, elem, + preMap = [], + postMap = [], + preexisting = results.length, + + // Get initial elements from seed or context + elems = seed || multipleContexts( selector || "*", context.nodeType ? [ context ] : context, [] ), + + // Prefilter to get matcher input, preserving a map for seed-results synchronization + matcherIn = preFilter && ( seed || !selector ) ? + condense( elems, preMap, preFilter, context, xml ) : + elems, + + matcherOut = matcher ? + // If we have a postFinder, or filtered seed, or non-seed postFilter or preexisting results, + postFinder || ( seed ? preFilter : preexisting || postFilter ) ? + + // ...intermediate processing is necessary + [] : + + // ...otherwise use results directly + results : + matcherIn; + + // Find primary matches + if ( matcher ) { + matcher( matcherIn, matcherOut, context, xml ); + } + + // Apply postFilter + if ( postFilter ) { + temp = condense( matcherOut, postMap ); + postFilter( temp, [], context, xml ); + + // Un-match failing elements by moving them back to matcherIn + i = temp.length; + while ( i-- ) { + if ( (elem = temp[i]) ) { + matcherOut[ postMap[i] ] = !(matcherIn[ postMap[i] ] = elem); + } + } + } + + if ( seed ) { + if ( postFinder || preFilter ) { + if ( postFinder ) { + // Get the final matcherOut by condensing this intermediate into postFinder contexts + temp = []; + i = matcherOut.length; + while ( i-- ) { + if ( (elem = matcherOut[i]) ) { + // Restore matcherIn since elem is not yet a final match + temp.push( (matcherIn[i] = elem) ); + } + } + postFinder( null, (matcherOut = []), temp, xml ); + } + + // Move matched elements from seed to results to keep them synchronized + i = matcherOut.length; + while ( i-- ) { + if ( (elem = matcherOut[i]) && + (temp = postFinder ? indexOf( seed, elem ) : preMap[i]) > -1 ) { + + seed[temp] = !(results[temp] = elem); + } + } + } + + // Add elements to results, through postFinder if defined + } else { + matcherOut = condense( + matcherOut === results ? + matcherOut.splice( preexisting, matcherOut.length ) : + matcherOut + ); + if ( postFinder ) { + postFinder( null, results, matcherOut, xml ); + } else { + push.apply( results, matcherOut ); + } + } + }); +} + +function matcherFromTokens( tokens ) { + var checkContext, matcher, j, + len = tokens.length, + leadingRelative = Expr.relative[ tokens[0].type ], + implicitRelative = leadingRelative || Expr.relative[" "], + i = leadingRelative ? 1 : 0, + + // The foundational matcher ensures that elements are reachable from top-level context(s) + matchContext = addCombinator( function( elem ) { + return elem === checkContext; + }, implicitRelative, true ), + matchAnyContext = addCombinator( function( elem ) { + return indexOf( checkContext, elem ) > -1; + }, implicitRelative, true ), + matchers = [ function( elem, context, xml ) { + var ret = ( !leadingRelative && ( xml || context !== outermostContext ) ) || ( + (checkContext = context).nodeType ? + matchContext( elem, context, xml ) : + matchAnyContext( elem, context, xml ) ); + // Avoid hanging onto element (issue #299) + checkContext = null; + return ret; + } ]; + + for ( ; i < len; i++ ) { + if ( (matcher = Expr.relative[ tokens[i].type ]) ) { + matchers = [ addCombinator(elementMatcher( matchers ), matcher) ]; + } else { + matcher = Expr.filter[ tokens[i].type ].apply( null, tokens[i].matches ); + + // Return special upon seeing a positional matcher + if ( matcher[ expando ] ) { + // Find the next relative operator (if any) for proper handling + j = ++i; + for ( ; j < len; j++ ) { + if ( Expr.relative[ tokens[j].type ] ) { + break; + } + } + return setMatcher( + i > 1 && elementMatcher( matchers ), + i > 1 && toSelector( + // If the preceding token was a descendant combinator, insert an implicit any-element `*` + tokens.slice( 0, i - 1 ).concat({ value: tokens[ i - 2 ].type === " " ? "*" : "" }) + ).replace( rtrim, "$1" ), + matcher, + i < j && matcherFromTokens( tokens.slice( i, j ) ), + j < len && matcherFromTokens( (tokens = tokens.slice( j )) ), + j < len && toSelector( tokens ) + ); + } + matchers.push( matcher ); + } + } + + return elementMatcher( matchers ); +} + +function matcherFromGroupMatchers( elementMatchers, setMatchers ) { + var bySet = setMatchers.length > 0, + byElement = elementMatchers.length > 0, + superMatcher = function( seed, context, xml, results, outermost ) { + var elem, j, matcher, + matchedCount = 0, + i = "0", + unmatched = seed && [], + setMatched = [], + contextBackup = outermostContext, + // We must always have either seed elements or outermost context + elems = seed || byElement && Expr.find["TAG"]( "*", outermost ), + // Use integer dirruns iff this is the outermost matcher + dirrunsUnique = (dirruns += contextBackup == null ? 1 : Math.random() || 0.1), + len = elems.length; + + if ( outermost ) { + outermostContext = context === document || context || outermost; + } + + // Add elements passing elementMatchers directly to results + // Support: IE<9, Safari + // Tolerate NodeList properties (IE: "length"; Safari: ) matching elements by id + for ( ; i !== len && (elem = elems[i]) != null; i++ ) { + if ( byElement && elem ) { + j = 0; + if ( !context && elem.ownerDocument !== document ) { + setDocument( elem ); + xml = !documentIsHTML; + } + while ( (matcher = elementMatchers[j++]) ) { + if ( matcher( elem, context || document, xml) ) { + results.push( elem ); + break; + } + } + if ( outermost ) { + dirruns = dirrunsUnique; + } + } + + // Track unmatched elements for set filters + if ( bySet ) { + // They will have gone through all possible matchers + if ( (elem = !matcher && elem) ) { + matchedCount--; + } + + // Lengthen the array for every element, matched or not + if ( seed ) { + unmatched.push( elem ); + } + } + } + + // `i` is now the count of elements visited above, and adding it to `matchedCount` + // makes the latter nonnegative. + matchedCount += i; + + // Apply set filters to unmatched elements + // NOTE: This can be skipped if there are no unmatched elements (i.e., `matchedCount` + // equals `i`), unless we didn't visit _any_ elements in the above loop because we have + // no element matchers and no seed. + // Incrementing an initially-string "0" `i` allows `i` to remain a string only in that + // case, which will result in a "00" `matchedCount` that differs from `i` but is also + // numerically zero. + if ( bySet && i !== matchedCount ) { + j = 0; + while ( (matcher = setMatchers[j++]) ) { + matcher( unmatched, setMatched, context, xml ); + } + + if ( seed ) { + // Reintegrate element matches to eliminate the need for sorting + if ( matchedCount > 0 ) { + while ( i-- ) { + if ( !(unmatched[i] || setMatched[i]) ) { + setMatched[i] = pop.call( results ); + } + } + } + + // Discard index placeholder values to get only actual matches + setMatched = condense( setMatched ); + } + + // Add matches to results + push.apply( results, setMatched ); + + // Seedless set matches succeeding multiple successful matchers stipulate sorting + if ( outermost && !seed && setMatched.length > 0 && + ( matchedCount + setMatchers.length ) > 1 ) { + + Sizzle.uniqueSort( results ); + } + } + + // Override manipulation of globals by nested matchers + if ( outermost ) { + dirruns = dirrunsUnique; + outermostContext = contextBackup; + } + + return unmatched; + }; + + return bySet ? + markFunction( superMatcher ) : + superMatcher; +} + +compile = Sizzle.compile = function( selector, match /* Internal Use Only */ ) { + var i, + setMatchers = [], + elementMatchers = [], + cached = compilerCache[ selector + " " ]; + + if ( !cached ) { + // Generate a function of recursive functions that can be used to check each element + if ( !match ) { + match = tokenize( selector ); + } + i = match.length; + while ( i-- ) { + cached = matcherFromTokens( match[i] ); + if ( cached[ expando ] ) { + setMatchers.push( cached ); + } else { + elementMatchers.push( cached ); + } + } + + // Cache the compiled function + cached = compilerCache( selector, matcherFromGroupMatchers( elementMatchers, setMatchers ) ); + + // Save selector and tokenization + cached.selector = selector; + } + return cached; +}; + +/** + * A low-level selection function that works with Sizzle's compiled + * selector functions + * @param {String|Function} selector A selector or a pre-compiled + * selector function built with Sizzle.compile + * @param {Element} context + * @param {Array} [results] + * @param {Array} [seed] A set of elements to match against + */ +select = Sizzle.select = function( selector, context, results, seed ) { + var i, tokens, token, type, find, + compiled = typeof selector === "function" && selector, + match = !seed && tokenize( (selector = compiled.selector || selector) ); + + results = results || []; + + // Try to minimize operations if there is only one selector in the list and no seed + // (the latter of which guarantees us context) + if ( match.length === 1 ) { + + // Reduce context if the leading compound selector is an ID + tokens = match[0] = match[0].slice( 0 ); + if ( tokens.length > 2 && (token = tokens[0]).type === "ID" && + context.nodeType === 9 && documentIsHTML && Expr.relative[ tokens[1].type ] ) { + + context = ( Expr.find["ID"]( token.matches[0].replace(runescape, funescape), context ) || [] )[0]; + if ( !context ) { + return results; + + // Precompiled matchers will still verify ancestry, so step up a level + } else if ( compiled ) { + context = context.parentNode; + } + + selector = selector.slice( tokens.shift().value.length ); + } + + // Fetch a seed set for right-to-left matching + i = matchExpr["needsContext"].test( selector ) ? 0 : tokens.length; + while ( i-- ) { + token = tokens[i]; + + // Abort if we hit a combinator + if ( Expr.relative[ (type = token.type) ] ) { + break; + } + if ( (find = Expr.find[ type ]) ) { + // Search, expanding context for leading sibling combinators + if ( (seed = find( + token.matches[0].replace( runescape, funescape ), + rsibling.test( tokens[0].type ) && testContext( context.parentNode ) || context + )) ) { + + // If seed is empty or no tokens remain, we can return early + tokens.splice( i, 1 ); + selector = seed.length && toSelector( tokens ); + if ( !selector ) { + push.apply( results, seed ); + return results; + } + + break; + } + } + } + } + + // Compile and execute a filtering function if one is not provided + // Provide `match` to avoid retokenization if we modified the selector above + ( compiled || compile( selector, match ) )( + seed, + context, + !documentIsHTML, + results, + !context || rsibling.test( selector ) && testContext( context.parentNode ) || context + ); + return results; +}; + +// One-time assignments + +// Sort stability +support.sortStable = expando.split("").sort( sortOrder ).join("") === expando; + +// Support: Chrome 14-35+ +// Always assume duplicates if they aren't passed to the comparison function +support.detectDuplicates = !!hasDuplicate; + +// Initialize against the default document +setDocument(); + +// Support: Webkit<537.32 - Safari 6.0.3/Chrome 25 (fixed in Chrome 27) +// Detached nodes confoundingly follow *each other* +support.sortDetached = assert(function( el ) { + // Should return 1, but returns 4 (following) + return el.compareDocumentPosition( document.createElement("fieldset") ) & 1; +}); + +// Support: IE<8 +// Prevent attribute/property "interpolation" +// https://msdn.microsoft.com/en-us/library/ms536429%28VS.85%29.aspx +if ( !assert(function( el ) { + el.innerHTML = ""; + return el.firstChild.getAttribute("href") === "#" ; +}) ) { + addHandle( "type|href|height|width", function( elem, name, isXML ) { + if ( !isXML ) { + return elem.getAttribute( name, name.toLowerCase() === "type" ? 1 : 2 ); + } + }); +} + +// Support: IE<9 +// Use defaultValue in place of getAttribute("value") +if ( !support.attributes || !assert(function( el ) { + el.innerHTML = ""; + el.firstChild.setAttribute( "value", "" ); + return el.firstChild.getAttribute( "value" ) === ""; +}) ) { + addHandle( "value", function( elem, name, isXML ) { + if ( !isXML && elem.nodeName.toLowerCase() === "input" ) { + return elem.defaultValue; + } + }); +} + +// Support: IE<9 +// Use getAttributeNode to fetch booleans when getAttribute lies +if ( !assert(function( el ) { + return el.getAttribute("disabled") == null; +}) ) { + addHandle( booleans, function( elem, name, isXML ) { + var val; + if ( !isXML ) { + return elem[ name ] === true ? name.toLowerCase() : + (val = elem.getAttributeNode( name )) && val.specified ? + val.value : + null; + } + }); +} + +return Sizzle; + +})( window ); + + + +jQuery.find = Sizzle; +jQuery.expr = Sizzle.selectors; + +// Deprecated +jQuery.expr[ ":" ] = jQuery.expr.pseudos; +jQuery.uniqueSort = jQuery.unique = Sizzle.uniqueSort; +jQuery.text = Sizzle.getText; +jQuery.isXMLDoc = Sizzle.isXML; +jQuery.contains = Sizzle.contains; +jQuery.escapeSelector = Sizzle.escape; + + + + +var dir = function( elem, dir, until ) { + var matched = [], + truncate = until !== undefined; + + while ( ( elem = elem[ dir ] ) && elem.nodeType !== 9 ) { + if ( elem.nodeType === 1 ) { + if ( truncate && jQuery( elem ).is( until ) ) { + break; + } + matched.push( elem ); + } + } + return matched; +}; + + +var siblings = function( n, elem ) { + var matched = []; + + for ( ; n; n = n.nextSibling ) { + if ( n.nodeType === 1 && n !== elem ) { + matched.push( n ); + } + } + + return matched; +}; + + +var rneedsContext = jQuery.expr.match.needsContext; + + + +function nodeName( elem, name ) { + + return elem.nodeName && elem.nodeName.toLowerCase() === name.toLowerCase(); + +}; +var rsingleTag = ( /^<([a-z][^\/\0>:\x20\t\r\n\f]*)[\x20\t\r\n\f]*\/?>(?:<\/\1>|)$/i ); + + + +var risSimple = /^.[^:#\[\.,]*$/; + +// Implement the identical functionality for filter and not +function winnow( elements, qualifier, not ) { + if ( jQuery.isFunction( qualifier ) ) { + return jQuery.grep( elements, function( elem, i ) { + return !!qualifier.call( elem, i, elem ) !== not; + } ); + } + + // Single element + if ( qualifier.nodeType ) { + return jQuery.grep( elements, function( elem ) { + return ( elem === qualifier ) !== not; + } ); + } + + // Arraylike of elements (jQuery, arguments, Array) + if ( typeof qualifier !== "string" ) { + return jQuery.grep( elements, function( elem ) { + return ( indexOf.call( qualifier, elem ) > -1 ) !== not; + } ); + } + + // Simple selector that can be filtered directly, removing non-Elements + if ( risSimple.test( qualifier ) ) { + return jQuery.filter( qualifier, elements, not ); + } + + // Complex selector, compare the two sets, removing non-Elements + qualifier = jQuery.filter( qualifier, elements ); + return jQuery.grep( elements, function( elem ) { + return ( indexOf.call( qualifier, elem ) > -1 ) !== not && elem.nodeType === 1; + } ); +} + +jQuery.filter = function( expr, elems, not ) { + var elem = elems[ 0 ]; + + if ( not ) { + expr = ":not(" + expr + ")"; + } + + if ( elems.length === 1 && elem.nodeType === 1 ) { + return jQuery.find.matchesSelector( elem, expr ) ? [ elem ] : []; + } + + return jQuery.find.matches( expr, jQuery.grep( elems, function( elem ) { + return elem.nodeType === 1; + } ) ); +}; + +jQuery.fn.extend( { + find: function( selector ) { + var i, ret, + len = this.length, + self = this; + + if ( typeof selector !== "string" ) { + return this.pushStack( jQuery( selector ).filter( function() { + for ( i = 0; i < len; i++ ) { + if ( jQuery.contains( self[ i ], this ) ) { + return true; + } + } + } ) ); + } + + ret = this.pushStack( [] ); + + for ( i = 0; i < len; i++ ) { + jQuery.find( selector, self[ i ], ret ); + } + + return len > 1 ? jQuery.uniqueSort( ret ) : ret; + }, + filter: function( selector ) { + return this.pushStack( winnow( this, selector || [], false ) ); + }, + not: function( selector ) { + return this.pushStack( winnow( this, selector || [], true ) ); + }, + is: function( selector ) { + return !!winnow( + this, + + // If this is a positional/relative selector, check membership in the returned set + // so $("p:first").is("p:last") won't return true for a doc with two "p". + typeof selector === "string" && rneedsContext.test( selector ) ? + jQuery( selector ) : + selector || [], + false + ).length; + } +} ); + + +// Initialize a jQuery object + + +// A central reference to the root jQuery(document) +var rootjQuery, + + // A simple way to check for HTML strings + // Prioritize #id over to avoid XSS via location.hash (#9521) + // Strict HTML recognition (#11290: must start with <) + // Shortcut simple #id case for speed + rquickExpr = /^(?:\s*(<[\w\W]+>)[^>]*|#([\w-]+))$/, + + init = jQuery.fn.init = function( selector, context, root ) { + var match, elem; + + // HANDLE: $(""), $(null), $(undefined), $(false) + if ( !selector ) { + return this; + } + + // Method init() accepts an alternate rootjQuery + // so migrate can support jQuery.sub (gh-2101) + root = root || rootjQuery; + + // Handle HTML strings + if ( typeof selector === "string" ) { + if ( selector[ 0 ] === "<" && + selector[ selector.length - 1 ] === ">" && + selector.length >= 3 ) { + + // Assume that strings that start and end with <> are HTML and skip the regex check + match = [ null, selector, null ]; + + } else { + match = rquickExpr.exec( selector ); + } + + // Match html or make sure no context is specified for #id + if ( match && ( match[ 1 ] || !context ) ) { + + // HANDLE: $(html) -> $(array) + if ( match[ 1 ] ) { + context = context instanceof jQuery ? context[ 0 ] : context; + + // Option to run scripts is true for back-compat + // Intentionally let the error be thrown if parseHTML is not present + jQuery.merge( this, jQuery.parseHTML( + match[ 1 ], + context && context.nodeType ? context.ownerDocument || context : document, + true + ) ); + + // HANDLE: $(html, props) + if ( rsingleTag.test( match[ 1 ] ) && jQuery.isPlainObject( context ) ) { + for ( match in context ) { + + // Properties of context are called as methods if possible + if ( jQuery.isFunction( this[ match ] ) ) { + this[ match ]( context[ match ] ); + + // ...and otherwise set as attributes + } else { + this.attr( match, context[ match ] ); + } + } + } + + return this; + + // HANDLE: $(#id) + } else { + elem = document.getElementById( match[ 2 ] ); + + if ( elem ) { + + // Inject the element directly into the jQuery object + this[ 0 ] = elem; + this.length = 1; + } + return this; + } + + // HANDLE: $(expr, $(...)) + } else if ( !context || context.jquery ) { + return ( context || root ).find( selector ); + + // HANDLE: $(expr, context) + // (which is just equivalent to: $(context).find(expr) + } else { + return this.constructor( context ).find( selector ); + } + + // HANDLE: $(DOMElement) + } else if ( selector.nodeType ) { + this[ 0 ] = selector; + this.length = 1; + return this; + + // HANDLE: $(function) + // Shortcut for document ready + } else if ( jQuery.isFunction( selector ) ) { + return root.ready !== undefined ? + root.ready( selector ) : + + // Execute immediately if ready is not present + selector( jQuery ); + } + + return jQuery.makeArray( selector, this ); + }; + +// Give the init function the jQuery prototype for later instantiation +init.prototype = jQuery.fn; + +// Initialize central reference +rootjQuery = jQuery( document ); + + +var rparentsprev = /^(?:parents|prev(?:Until|All))/, + + // Methods guaranteed to produce a unique set when starting from a unique set + guaranteedUnique = { + children: true, + contents: true, + next: true, + prev: true + }; + +jQuery.fn.extend( { + has: function( target ) { + var targets = jQuery( target, this ), + l = targets.length; + + return this.filter( function() { + var i = 0; + for ( ; i < l; i++ ) { + if ( jQuery.contains( this, targets[ i ] ) ) { + return true; + } + } + } ); + }, + + closest: function( selectors, context ) { + var cur, + i = 0, + l = this.length, + matched = [], + targets = typeof selectors !== "string" && jQuery( selectors ); + + // Positional selectors never match, since there's no _selection_ context + if ( !rneedsContext.test( selectors ) ) { + for ( ; i < l; i++ ) { + for ( cur = this[ i ]; cur && cur !== context; cur = cur.parentNode ) { + + // Always skip document fragments + if ( cur.nodeType < 11 && ( targets ? + targets.index( cur ) > -1 : + + // Don't pass non-elements to Sizzle + cur.nodeType === 1 && + jQuery.find.matchesSelector( cur, selectors ) ) ) { + + matched.push( cur ); + break; + } + } + } + } + + return this.pushStack( matched.length > 1 ? jQuery.uniqueSort( matched ) : matched ); + }, + + // Determine the position of an element within the set + index: function( elem ) { + + // No argument, return index in parent + if ( !elem ) { + return ( this[ 0 ] && this[ 0 ].parentNode ) ? this.first().prevAll().length : -1; + } + + // Index in selector + if ( typeof elem === "string" ) { + return indexOf.call( jQuery( elem ), this[ 0 ] ); + } + + // Locate the position of the desired element + return indexOf.call( this, + + // If it receives a jQuery object, the first element is used + elem.jquery ? elem[ 0 ] : elem + ); + }, + + add: function( selector, context ) { + return this.pushStack( + jQuery.uniqueSort( + jQuery.merge( this.get(), jQuery( selector, context ) ) + ) + ); + }, + + addBack: function( selector ) { + return this.add( selector == null ? + this.prevObject : this.prevObject.filter( selector ) + ); + } +} ); + +function sibling( cur, dir ) { + while ( ( cur = cur[ dir ] ) && cur.nodeType !== 1 ) {} + return cur; +} + +jQuery.each( { + parent: function( elem ) { + var parent = elem.parentNode; + return parent && parent.nodeType !== 11 ? parent : null; + }, + parents: function( elem ) { + return dir( elem, "parentNode" ); + }, + parentsUntil: function( elem, i, until ) { + return dir( elem, "parentNode", until ); + }, + next: function( elem ) { + return sibling( elem, "nextSibling" ); + }, + prev: function( elem ) { + return sibling( elem, "previousSibling" ); + }, + nextAll: function( elem ) { + return dir( elem, "nextSibling" ); + }, + prevAll: function( elem ) { + return dir( elem, "previousSibling" ); + }, + nextUntil: function( elem, i, until ) { + return dir( elem, "nextSibling", until ); + }, + prevUntil: function( elem, i, until ) { + return dir( elem, "previousSibling", until ); + }, + siblings: function( elem ) { + return siblings( ( elem.parentNode || {} ).firstChild, elem ); + }, + children: function( elem ) { + return siblings( elem.firstChild ); + }, + contents: function( elem ) { + if ( nodeName( elem, "iframe" ) ) { + return elem.contentDocument; + } + + // Support: IE 9 - 11 only, iOS 7 only, Android Browser <=4.3 only + // Treat the template element as a regular one in browsers that + // don't support it. + if ( nodeName( elem, "template" ) ) { + elem = elem.content || elem; + } + + return jQuery.merge( [], elem.childNodes ); + } +}, function( name, fn ) { + jQuery.fn[ name ] = function( until, selector ) { + var matched = jQuery.map( this, fn, until ); + + if ( name.slice( -5 ) !== "Until" ) { + selector = until; + } + + if ( selector && typeof selector === "string" ) { + matched = jQuery.filter( selector, matched ); + } + + if ( this.length > 1 ) { + + // Remove duplicates + if ( !guaranteedUnique[ name ] ) { + jQuery.uniqueSort( matched ); + } + + // Reverse order for parents* and prev-derivatives + if ( rparentsprev.test( name ) ) { + matched.reverse(); + } + } + + return this.pushStack( matched ); + }; +} ); +var rnothtmlwhite = ( /[^\x20\t\r\n\f]+/g ); + + + +// Convert String-formatted options into Object-formatted ones +function createOptions( options ) { + var object = {}; + jQuery.each( options.match( rnothtmlwhite ) || [], function( _, flag ) { + object[ flag ] = true; + } ); + return object; +} + +/* + * Create a callback list using the following parameters: + * + * options: an optional list of space-separated options that will change how + * the callback list behaves or a more traditional option object + * + * By default a callback list will act like an event callback list and can be + * "fired" multiple times. + * + * Possible options: + * + * once: will ensure the callback list can only be fired once (like a Deferred) + * + * memory: will keep track of previous values and will call any callback added + * after the list has been fired right away with the latest "memorized" + * values (like a Deferred) + * + * unique: will ensure a callback can only be added once (no duplicate in the list) + * + * stopOnFalse: interrupt callings when a callback returns false + * + */ +jQuery.Callbacks = function( options ) { + + // Convert options from String-formatted to Object-formatted if needed + // (we check in cache first) + options = typeof options === "string" ? + createOptions( options ) : + jQuery.extend( {}, options ); + + var // Flag to know if list is currently firing + firing, + + // Last fire value for non-forgettable lists + memory, + + // Flag to know if list was already fired + fired, + + // Flag to prevent firing + locked, + + // Actual callback list + list = [], + + // Queue of execution data for repeatable lists + queue = [], + + // Index of currently firing callback (modified by add/remove as needed) + firingIndex = -1, + + // Fire callbacks + fire = function() { + + // Enforce single-firing + locked = locked || options.once; + + // Execute callbacks for all pending executions, + // respecting firingIndex overrides and runtime changes + fired = firing = true; + for ( ; queue.length; firingIndex = -1 ) { + memory = queue.shift(); + while ( ++firingIndex < list.length ) { + + // Run callback and check for early termination + if ( list[ firingIndex ].apply( memory[ 0 ], memory[ 1 ] ) === false && + options.stopOnFalse ) { + + // Jump to end and forget the data so .add doesn't re-fire + firingIndex = list.length; + memory = false; + } + } + } + + // Forget the data if we're done with it + if ( !options.memory ) { + memory = false; + } + + firing = false; + + // Clean up if we're done firing for good + if ( locked ) { + + // Keep an empty list if we have data for future add calls + if ( memory ) { + list = []; + + // Otherwise, this object is spent + } else { + list = ""; + } + } + }, + + // Actual Callbacks object + self = { + + // Add a callback or a collection of callbacks to the list + add: function() { + if ( list ) { + + // If we have memory from a past run, we should fire after adding + if ( memory && !firing ) { + firingIndex = list.length - 1; + queue.push( memory ); + } + + ( function add( args ) { + jQuery.each( args, function( _, arg ) { + if ( jQuery.isFunction( arg ) ) { + if ( !options.unique || !self.has( arg ) ) { + list.push( arg ); + } + } else if ( arg && arg.length && jQuery.type( arg ) !== "string" ) { + + // Inspect recursively + add( arg ); + } + } ); + } )( arguments ); + + if ( memory && !firing ) { + fire(); + } + } + return this; + }, + + // Remove a callback from the list + remove: function() { + jQuery.each( arguments, function( _, arg ) { + var index; + while ( ( index = jQuery.inArray( arg, list, index ) ) > -1 ) { + list.splice( index, 1 ); + + // Handle firing indexes + if ( index <= firingIndex ) { + firingIndex--; + } + } + } ); + return this; + }, + + // Check if a given callback is in the list. + // If no argument is given, return whether or not list has callbacks attached. + has: function( fn ) { + return fn ? + jQuery.inArray( fn, list ) > -1 : + list.length > 0; + }, + + // Remove all callbacks from the list + empty: function() { + if ( list ) { + list = []; + } + return this; + }, + + // Disable .fire and .add + // Abort any current/pending executions + // Clear all callbacks and values + disable: function() { + locked = queue = []; + list = memory = ""; + return this; + }, + disabled: function() { + return !list; + }, + + // Disable .fire + // Also disable .add unless we have memory (since it would have no effect) + // Abort any pending executions + lock: function() { + locked = queue = []; + if ( !memory && !firing ) { + list = memory = ""; + } + return this; + }, + locked: function() { + return !!locked; + }, + + // Call all callbacks with the given context and arguments + fireWith: function( context, args ) { + if ( !locked ) { + args = args || []; + args = [ context, args.slice ? args.slice() : args ]; + queue.push( args ); + if ( !firing ) { + fire(); + } + } + return this; + }, + + // Call all the callbacks with the given arguments + fire: function() { + self.fireWith( this, arguments ); + return this; + }, + + // To know if the callbacks have already been called at least once + fired: function() { + return !!fired; + } + }; + + return self; +}; + + +function Identity( v ) { + return v; +} +function Thrower( ex ) { + throw ex; +} + +function adoptValue( value, resolve, reject, noValue ) { + var method; + + try { + + // Check for promise aspect first to privilege synchronous behavior + if ( value && jQuery.isFunction( ( method = value.promise ) ) ) { + method.call( value ).done( resolve ).fail( reject ); + + // Other thenables + } else if ( value && jQuery.isFunction( ( method = value.then ) ) ) { + method.call( value, resolve, reject ); + + // Other non-thenables + } else { + + // Control `resolve` arguments by letting Array#slice cast boolean `noValue` to integer: + // * false: [ value ].slice( 0 ) => resolve( value ) + // * true: [ value ].slice( 1 ) => resolve() + resolve.apply( undefined, [ value ].slice( noValue ) ); + } + + // For Promises/A+, convert exceptions into rejections + // Since jQuery.when doesn't unwrap thenables, we can skip the extra checks appearing in + // Deferred#then to conditionally suppress rejection. + } catch ( value ) { + + // Support: Android 4.0 only + // Strict mode functions invoked without .call/.apply get global-object context + reject.apply( undefined, [ value ] ); + } +} + +jQuery.extend( { + + Deferred: function( func ) { + var tuples = [ + + // action, add listener, callbacks, + // ... .then handlers, argument index, [final state] + [ "notify", "progress", jQuery.Callbacks( "memory" ), + jQuery.Callbacks( "memory" ), 2 ], + [ "resolve", "done", jQuery.Callbacks( "once memory" ), + jQuery.Callbacks( "once memory" ), 0, "resolved" ], + [ "reject", "fail", jQuery.Callbacks( "once memory" ), + jQuery.Callbacks( "once memory" ), 1, "rejected" ] + ], + state = "pending", + promise = { + state: function() { + return state; + }, + always: function() { + deferred.done( arguments ).fail( arguments ); + return this; + }, + "catch": function( fn ) { + return promise.then( null, fn ); + }, + + // Keep pipe for back-compat + pipe: function( /* fnDone, fnFail, fnProgress */ ) { + var fns = arguments; + + return jQuery.Deferred( function( newDefer ) { + jQuery.each( tuples, function( i, tuple ) { + + // Map tuples (progress, done, fail) to arguments (done, fail, progress) + var fn = jQuery.isFunction( fns[ tuple[ 4 ] ] ) && fns[ tuple[ 4 ] ]; + + // deferred.progress(function() { bind to newDefer or newDefer.notify }) + // deferred.done(function() { bind to newDefer or newDefer.resolve }) + // deferred.fail(function() { bind to newDefer or newDefer.reject }) + deferred[ tuple[ 1 ] ]( function() { + var returned = fn && fn.apply( this, arguments ); + if ( returned && jQuery.isFunction( returned.promise ) ) { + returned.promise() + .progress( newDefer.notify ) + .done( newDefer.resolve ) + .fail( newDefer.reject ); + } else { + newDefer[ tuple[ 0 ] + "With" ]( + this, + fn ? [ returned ] : arguments + ); + } + } ); + } ); + fns = null; + } ).promise(); + }, + then: function( onFulfilled, onRejected, onProgress ) { + var maxDepth = 0; + function resolve( depth, deferred, handler, special ) { + return function() { + var that = this, + args = arguments, + mightThrow = function() { + var returned, then; + + // Support: Promises/A+ section 2.3.3.3.3 + // https://promisesaplus.com/#point-59 + // Ignore double-resolution attempts + if ( depth < maxDepth ) { + return; + } + + returned = handler.apply( that, args ); + + // Support: Promises/A+ section 2.3.1 + // https://promisesaplus.com/#point-48 + if ( returned === deferred.promise() ) { + throw new TypeError( "Thenable self-resolution" ); + } + + // Support: Promises/A+ sections 2.3.3.1, 3.5 + // https://promisesaplus.com/#point-54 + // https://promisesaplus.com/#point-75 + // Retrieve `then` only once + then = returned && + + // Support: Promises/A+ section 2.3.4 + // https://promisesaplus.com/#point-64 + // Only check objects and functions for thenability + ( typeof returned === "object" || + typeof returned === "function" ) && + returned.then; + + // Handle a returned thenable + if ( jQuery.isFunction( then ) ) { + + // Special processors (notify) just wait for resolution + if ( special ) { + then.call( + returned, + resolve( maxDepth, deferred, Identity, special ), + resolve( maxDepth, deferred, Thrower, special ) + ); + + // Normal processors (resolve) also hook into progress + } else { + + // ...and disregard older resolution values + maxDepth++; + + then.call( + returned, + resolve( maxDepth, deferred, Identity, special ), + resolve( maxDepth, deferred, Thrower, special ), + resolve( maxDepth, deferred, Identity, + deferred.notifyWith ) + ); + } + + // Handle all other returned values + } else { + + // Only substitute handlers pass on context + // and multiple values (non-spec behavior) + if ( handler !== Identity ) { + that = undefined; + args = [ returned ]; + } + + // Process the value(s) + // Default process is resolve + ( special || deferred.resolveWith )( that, args ); + } + }, + + // Only normal processors (resolve) catch and reject exceptions + process = special ? + mightThrow : + function() { + try { + mightThrow(); + } catch ( e ) { + + if ( jQuery.Deferred.exceptionHook ) { + jQuery.Deferred.exceptionHook( e, + process.stackTrace ); + } + + // Support: Promises/A+ section 2.3.3.3.4.1 + // https://promisesaplus.com/#point-61 + // Ignore post-resolution exceptions + if ( depth + 1 >= maxDepth ) { + + // Only substitute handlers pass on context + // and multiple values (non-spec behavior) + if ( handler !== Thrower ) { + that = undefined; + args = [ e ]; + } + + deferred.rejectWith( that, args ); + } + } + }; + + // Support: Promises/A+ section 2.3.3.3.1 + // https://promisesaplus.com/#point-57 + // Re-resolve promises immediately to dodge false rejection from + // subsequent errors + if ( depth ) { + process(); + } else { + + // Call an optional hook to record the stack, in case of exception + // since it's otherwise lost when execution goes async + if ( jQuery.Deferred.getStackHook ) { + process.stackTrace = jQuery.Deferred.getStackHook(); + } + window.setTimeout( process ); + } + }; + } + + return jQuery.Deferred( function( newDefer ) { + + // progress_handlers.add( ... ) + tuples[ 0 ][ 3 ].add( + resolve( + 0, + newDefer, + jQuery.isFunction( onProgress ) ? + onProgress : + Identity, + newDefer.notifyWith + ) + ); + + // fulfilled_handlers.add( ... ) + tuples[ 1 ][ 3 ].add( + resolve( + 0, + newDefer, + jQuery.isFunction( onFulfilled ) ? + onFulfilled : + Identity + ) + ); + + // rejected_handlers.add( ... ) + tuples[ 2 ][ 3 ].add( + resolve( + 0, + newDefer, + jQuery.isFunction( onRejected ) ? + onRejected : + Thrower + ) + ); + } ).promise(); + }, + + // Get a promise for this deferred + // If obj is provided, the promise aspect is added to the object + promise: function( obj ) { + return obj != null ? jQuery.extend( obj, promise ) : promise; + } + }, + deferred = {}; + + // Add list-specific methods + jQuery.each( tuples, function( i, tuple ) { + var list = tuple[ 2 ], + stateString = tuple[ 5 ]; + + // promise.progress = list.add + // promise.done = list.add + // promise.fail = list.add + promise[ tuple[ 1 ] ] = list.add; + + // Handle state + if ( stateString ) { + list.add( + function() { + + // state = "resolved" (i.e., fulfilled) + // state = "rejected" + state = stateString; + }, + + // rejected_callbacks.disable + // fulfilled_callbacks.disable + tuples[ 3 - i ][ 2 ].disable, + + // progress_callbacks.lock + tuples[ 0 ][ 2 ].lock + ); + } + + // progress_handlers.fire + // fulfilled_handlers.fire + // rejected_handlers.fire + list.add( tuple[ 3 ].fire ); + + // deferred.notify = function() { deferred.notifyWith(...) } + // deferred.resolve = function() { deferred.resolveWith(...) } + // deferred.reject = function() { deferred.rejectWith(...) } + deferred[ tuple[ 0 ] ] = function() { + deferred[ tuple[ 0 ] + "With" ]( this === deferred ? undefined : this, arguments ); + return this; + }; + + // deferred.notifyWith = list.fireWith + // deferred.resolveWith = list.fireWith + // deferred.rejectWith = list.fireWith + deferred[ tuple[ 0 ] + "With" ] = list.fireWith; + } ); + + // Make the deferred a promise + promise.promise( deferred ); + + // Call given func if any + if ( func ) { + func.call( deferred, deferred ); + } + + // All done! + return deferred; + }, + + // Deferred helper + when: function( singleValue ) { + var + + // count of uncompleted subordinates + remaining = arguments.length, + + // count of unprocessed arguments + i = remaining, + + // subordinate fulfillment data + resolveContexts = Array( i ), + resolveValues = slice.call( arguments ), + + // the master Deferred + master = jQuery.Deferred(), + + // subordinate callback factory + updateFunc = function( i ) { + return function( value ) { + resolveContexts[ i ] = this; + resolveValues[ i ] = arguments.length > 1 ? slice.call( arguments ) : value; + if ( !( --remaining ) ) { + master.resolveWith( resolveContexts, resolveValues ); + } + }; + }; + + // Single- and empty arguments are adopted like Promise.resolve + if ( remaining <= 1 ) { + adoptValue( singleValue, master.done( updateFunc( i ) ).resolve, master.reject, + !remaining ); + + // Use .then() to unwrap secondary thenables (cf. gh-3000) + if ( master.state() === "pending" || + jQuery.isFunction( resolveValues[ i ] && resolveValues[ i ].then ) ) { + + return master.then(); + } + } + + // Multiple arguments are aggregated like Promise.all array elements + while ( i-- ) { + adoptValue( resolveValues[ i ], updateFunc( i ), master.reject ); + } + + return master.promise(); + } +} ); + + +// These usually indicate a programmer mistake during development, +// warn about them ASAP rather than swallowing them by default. +var rerrorNames = /^(Eval|Internal|Range|Reference|Syntax|Type|URI)Error$/; + +jQuery.Deferred.exceptionHook = function( error, stack ) { + + // Support: IE 8 - 9 only + // Console exists when dev tools are open, which can happen at any time + if ( window.console && window.console.warn && error && rerrorNames.test( error.name ) ) { + window.console.warn( "jQuery.Deferred exception: " + error.message, error.stack, stack ); + } +}; + + + + +jQuery.readyException = function( error ) { + window.setTimeout( function() { + throw error; + } ); +}; + + + + +// The deferred used on DOM ready +var readyList = jQuery.Deferred(); + +jQuery.fn.ready = function( fn ) { + + readyList + .then( fn ) + + // Wrap jQuery.readyException in a function so that the lookup + // happens at the time of error handling instead of callback + // registration. + .catch( function( error ) { + jQuery.readyException( error ); + } ); + + return this; +}; + +jQuery.extend( { + + // Is the DOM ready to be used? Set to true once it occurs. + isReady: false, + + // A counter to track how many items to wait for before + // the ready event fires. See #6781 + readyWait: 1, + + // Handle when the DOM is ready + ready: function( wait ) { + + // Abort if there are pending holds or we're already ready + if ( wait === true ? --jQuery.readyWait : jQuery.isReady ) { + return; + } + + // Remember that the DOM is ready + jQuery.isReady = true; + + // If a normal DOM Ready event fired, decrement, and wait if need be + if ( wait !== true && --jQuery.readyWait > 0 ) { + return; + } + + // If there are functions bound, to execute + readyList.resolveWith( document, [ jQuery ] ); + } +} ); + +jQuery.ready.then = readyList.then; + +// The ready event handler and self cleanup method +function completed() { + document.removeEventListener( "DOMContentLoaded", completed ); + window.removeEventListener( "load", completed ); + jQuery.ready(); +} + +// Catch cases where $(document).ready() is called +// after the browser event has already occurred. +// Support: IE <=9 - 10 only +// Older IE sometimes signals "interactive" too soon +if ( document.readyState === "complete" || + ( document.readyState !== "loading" && !document.documentElement.doScroll ) ) { + + // Handle it asynchronously to allow scripts the opportunity to delay ready + window.setTimeout( jQuery.ready ); + +} else { + + // Use the handy event callback + document.addEventListener( "DOMContentLoaded", completed ); + + // A fallback to window.onload, that will always work + window.addEventListener( "load", completed ); +} + + + + +// Multifunctional method to get and set values of a collection +// The value/s can optionally be executed if it's a function +var access = function( elems, fn, key, value, chainable, emptyGet, raw ) { + var i = 0, + len = elems.length, + bulk = key == null; + + // Sets many values + if ( jQuery.type( key ) === "object" ) { + chainable = true; + for ( i in key ) { + access( elems, fn, i, key[ i ], true, emptyGet, raw ); + } + + // Sets one value + } else if ( value !== undefined ) { + chainable = true; + + if ( !jQuery.isFunction( value ) ) { + raw = true; + } + + if ( bulk ) { + + // Bulk operations run against the entire set + if ( raw ) { + fn.call( elems, value ); + fn = null; + + // ...except when executing function values + } else { + bulk = fn; + fn = function( elem, key, value ) { + return bulk.call( jQuery( elem ), value ); + }; + } + } + + if ( fn ) { + for ( ; i < len; i++ ) { + fn( + elems[ i ], key, raw ? + value : + value.call( elems[ i ], i, fn( elems[ i ], key ) ) + ); + } + } + } + + if ( chainable ) { + return elems; + } + + // Gets + if ( bulk ) { + return fn.call( elems ); + } + + return len ? fn( elems[ 0 ], key ) : emptyGet; +}; +var acceptData = function( owner ) { + + // Accepts only: + // - Node + // - Node.ELEMENT_NODE + // - Node.DOCUMENT_NODE + // - Object + // - Any + return owner.nodeType === 1 || owner.nodeType === 9 || !( +owner.nodeType ); +}; + + + + +function Data() { + this.expando = jQuery.expando + Data.uid++; +} + +Data.uid = 1; + +Data.prototype = { + + cache: function( owner ) { + + // Check if the owner object already has a cache + var value = owner[ this.expando ]; + + // If not, create one + if ( !value ) { + value = {}; + + // We can accept data for non-element nodes in modern browsers, + // but we should not, see #8335. + // Always return an empty object. + if ( acceptData( owner ) ) { + + // If it is a node unlikely to be stringify-ed or looped over + // use plain assignment + if ( owner.nodeType ) { + owner[ this.expando ] = value; + + // Otherwise secure it in a non-enumerable property + // configurable must be true to allow the property to be + // deleted when data is removed + } else { + Object.defineProperty( owner, this.expando, { + value: value, + configurable: true + } ); + } + } + } + + return value; + }, + set: function( owner, data, value ) { + var prop, + cache = this.cache( owner ); + + // Handle: [ owner, key, value ] args + // Always use camelCase key (gh-2257) + if ( typeof data === "string" ) { + cache[ jQuery.camelCase( data ) ] = value; + + // Handle: [ owner, { properties } ] args + } else { + + // Copy the properties one-by-one to the cache object + for ( prop in data ) { + cache[ jQuery.camelCase( prop ) ] = data[ prop ]; + } + } + return cache; + }, + get: function( owner, key ) { + return key === undefined ? + this.cache( owner ) : + + // Always use camelCase key (gh-2257) + owner[ this.expando ] && owner[ this.expando ][ jQuery.camelCase( key ) ]; + }, + access: function( owner, key, value ) { + + // In cases where either: + // + // 1. No key was specified + // 2. A string key was specified, but no value provided + // + // Take the "read" path and allow the get method to determine + // which value to return, respectively either: + // + // 1. The entire cache object + // 2. The data stored at the key + // + if ( key === undefined || + ( ( key && typeof key === "string" ) && value === undefined ) ) { + + return this.get( owner, key ); + } + + // When the key is not a string, or both a key and value + // are specified, set or extend (existing objects) with either: + // + // 1. An object of properties + // 2. A key and value + // + this.set( owner, key, value ); + + // Since the "set" path can have two possible entry points + // return the expected data based on which path was taken[*] + return value !== undefined ? value : key; + }, + remove: function( owner, key ) { + var i, + cache = owner[ this.expando ]; + + if ( cache === undefined ) { + return; + } + + if ( key !== undefined ) { + + // Support array or space separated string of keys + if ( Array.isArray( key ) ) { + + // If key is an array of keys... + // We always set camelCase keys, so remove that. + key = key.map( jQuery.camelCase ); + } else { + key = jQuery.camelCase( key ); + + // If a key with the spaces exists, use it. + // Otherwise, create an array by matching non-whitespace + key = key in cache ? + [ key ] : + ( key.match( rnothtmlwhite ) || [] ); + } + + i = key.length; + + while ( i-- ) { + delete cache[ key[ i ] ]; + } + } + + // Remove the expando if there's no more data + if ( key === undefined || jQuery.isEmptyObject( cache ) ) { + + // Support: Chrome <=35 - 45 + // Webkit & Blink performance suffers when deleting properties + // from DOM nodes, so set to undefined instead + // https://bugs.chromium.org/p/chromium/issues/detail?id=378607 (bug restricted) + if ( owner.nodeType ) { + owner[ this.expando ] = undefined; + } else { + delete owner[ this.expando ]; + } + } + }, + hasData: function( owner ) { + var cache = owner[ this.expando ]; + return cache !== undefined && !jQuery.isEmptyObject( cache ); + } +}; +var dataPriv = new Data(); + +var dataUser = new Data(); + + + +// Implementation Summary +// +// 1. Enforce API surface and semantic compatibility with 1.9.x branch +// 2. Improve the module's maintainability by reducing the storage +// paths to a single mechanism. +// 3. Use the same single mechanism to support "private" and "user" data. +// 4. _Never_ expose "private" data to user code (TODO: Drop _data, _removeData) +// 5. Avoid exposing implementation details on user objects (eg. expando properties) +// 6. Provide a clear path for implementation upgrade to WeakMap in 2014 + +var rbrace = /^(?:\{[\w\W]*\}|\[[\w\W]*\])$/, + rmultiDash = /[A-Z]/g; + +function getData( data ) { + if ( data === "true" ) { + return true; + } + + if ( data === "false" ) { + return false; + } + + if ( data === "null" ) { + return null; + } + + // Only convert to a number if it doesn't change the string + if ( data === +data + "" ) { + return +data; + } + + if ( rbrace.test( data ) ) { + return JSON.parse( data ); + } + + return data; +} + +function dataAttr( elem, key, data ) { + var name; + + // If nothing was found internally, try to fetch any + // data from the HTML5 data-* attribute + if ( data === undefined && elem.nodeType === 1 ) { + name = "data-" + key.replace( rmultiDash, "-$&" ).toLowerCase(); + data = elem.getAttribute( name ); + + if ( typeof data === "string" ) { + try { + data = getData( data ); + } catch ( e ) {} + + // Make sure we set the data so it isn't changed later + dataUser.set( elem, key, data ); + } else { + data = undefined; + } + } + return data; +} + +jQuery.extend( { + hasData: function( elem ) { + return dataUser.hasData( elem ) || dataPriv.hasData( elem ); + }, + + data: function( elem, name, data ) { + return dataUser.access( elem, name, data ); + }, + + removeData: function( elem, name ) { + dataUser.remove( elem, name ); + }, + + // TODO: Now that all calls to _data and _removeData have been replaced + // with direct calls to dataPriv methods, these can be deprecated. + _data: function( elem, name, data ) { + return dataPriv.access( elem, name, data ); + }, + + _removeData: function( elem, name ) { + dataPriv.remove( elem, name ); + } +} ); + +jQuery.fn.extend( { + data: function( key, value ) { + var i, name, data, + elem = this[ 0 ], + attrs = elem && elem.attributes; + + // Gets all values + if ( key === undefined ) { + if ( this.length ) { + data = dataUser.get( elem ); + + if ( elem.nodeType === 1 && !dataPriv.get( elem, "hasDataAttrs" ) ) { + i = attrs.length; + while ( i-- ) { + + // Support: IE 11 only + // The attrs elements can be null (#14894) + if ( attrs[ i ] ) { + name = attrs[ i ].name; + if ( name.indexOf( "data-" ) === 0 ) { + name = jQuery.camelCase( name.slice( 5 ) ); + dataAttr( elem, name, data[ name ] ); + } + } + } + dataPriv.set( elem, "hasDataAttrs", true ); + } + } + + return data; + } + + // Sets multiple values + if ( typeof key === "object" ) { + return this.each( function() { + dataUser.set( this, key ); + } ); + } + + return access( this, function( value ) { + var data; + + // The calling jQuery object (element matches) is not empty + // (and therefore has an element appears at this[ 0 ]) and the + // `value` parameter was not undefined. An empty jQuery object + // will result in `undefined` for elem = this[ 0 ] which will + // throw an exception if an attempt to read a data cache is made. + if ( elem && value === undefined ) { + + // Attempt to get data from the cache + // The key will always be camelCased in Data + data = dataUser.get( elem, key ); + if ( data !== undefined ) { + return data; + } + + // Attempt to "discover" the data in + // HTML5 custom data-* attrs + data = dataAttr( elem, key ); + if ( data !== undefined ) { + return data; + } + + // We tried really hard, but the data doesn't exist. + return; + } + + // Set the data... + this.each( function() { + + // We always store the camelCased key + dataUser.set( this, key, value ); + } ); + }, null, value, arguments.length > 1, null, true ); + }, + + removeData: function( key ) { + return this.each( function() { + dataUser.remove( this, key ); + } ); + } +} ); + + +jQuery.extend( { + queue: function( elem, type, data ) { + var queue; + + if ( elem ) { + type = ( type || "fx" ) + "queue"; + queue = dataPriv.get( elem, type ); + + // Speed up dequeue by getting out quickly if this is just a lookup + if ( data ) { + if ( !queue || Array.isArray( data ) ) { + queue = dataPriv.access( elem, type, jQuery.makeArray( data ) ); + } else { + queue.push( data ); + } + } + return queue || []; + } + }, + + dequeue: function( elem, type ) { + type = type || "fx"; + + var queue = jQuery.queue( elem, type ), + startLength = queue.length, + fn = queue.shift(), + hooks = jQuery._queueHooks( elem, type ), + next = function() { + jQuery.dequeue( elem, type ); + }; + + // If the fx queue is dequeued, always remove the progress sentinel + if ( fn === "inprogress" ) { + fn = queue.shift(); + startLength--; + } + + if ( fn ) { + + // Add a progress sentinel to prevent the fx queue from being + // automatically dequeued + if ( type === "fx" ) { + queue.unshift( "inprogress" ); + } + + // Clear up the last queue stop function + delete hooks.stop; + fn.call( elem, next, hooks ); + } + + if ( !startLength && hooks ) { + hooks.empty.fire(); + } + }, + + // Not public - generate a queueHooks object, or return the current one + _queueHooks: function( elem, type ) { + var key = type + "queueHooks"; + return dataPriv.get( elem, key ) || dataPriv.access( elem, key, { + empty: jQuery.Callbacks( "once memory" ).add( function() { + dataPriv.remove( elem, [ type + "queue", key ] ); + } ) + } ); + } +} ); + +jQuery.fn.extend( { + queue: function( type, data ) { + var setter = 2; + + if ( typeof type !== "string" ) { + data = type; + type = "fx"; + setter--; + } + + if ( arguments.length < setter ) { + return jQuery.queue( this[ 0 ], type ); + } + + return data === undefined ? + this : + this.each( function() { + var queue = jQuery.queue( this, type, data ); + + // Ensure a hooks for this queue + jQuery._queueHooks( this, type ); + + if ( type === "fx" && queue[ 0 ] !== "inprogress" ) { + jQuery.dequeue( this, type ); + } + } ); + }, + dequeue: function( type ) { + return this.each( function() { + jQuery.dequeue( this, type ); + } ); + }, + clearQueue: function( type ) { + return this.queue( type || "fx", [] ); + }, + + // Get a promise resolved when queues of a certain type + // are emptied (fx is the type by default) + promise: function( type, obj ) { + var tmp, + count = 1, + defer = jQuery.Deferred(), + elements = this, + i = this.length, + resolve = function() { + if ( !( --count ) ) { + defer.resolveWith( elements, [ elements ] ); + } + }; + + if ( typeof type !== "string" ) { + obj = type; + type = undefined; + } + type = type || "fx"; + + while ( i-- ) { + tmp = dataPriv.get( elements[ i ], type + "queueHooks" ); + if ( tmp && tmp.empty ) { + count++; + tmp.empty.add( resolve ); + } + } + resolve(); + return defer.promise( obj ); + } +} ); +var pnum = ( /[+-]?(?:\d*\.|)\d+(?:[eE][+-]?\d+|)/ ).source; + +var rcssNum = new RegExp( "^(?:([+-])=|)(" + pnum + ")([a-z%]*)$", "i" ); + + +var cssExpand = [ "Top", "Right", "Bottom", "Left" ]; + +var isHiddenWithinTree = function( elem, el ) { + + // isHiddenWithinTree might be called from jQuery#filter function; + // in that case, element will be second argument + elem = el || elem; + + // Inline style trumps all + return elem.style.display === "none" || + elem.style.display === "" && + + // Otherwise, check computed style + // Support: Firefox <=43 - 45 + // Disconnected elements can have computed display: none, so first confirm that elem is + // in the document. + jQuery.contains( elem.ownerDocument, elem ) && + + jQuery.css( elem, "display" ) === "none"; + }; + +var swap = function( elem, options, callback, args ) { + var ret, name, + old = {}; + + // Remember the old values, and insert the new ones + for ( name in options ) { + old[ name ] = elem.style[ name ]; + elem.style[ name ] = options[ name ]; + } + + ret = callback.apply( elem, args || [] ); + + // Revert the old values + for ( name in options ) { + elem.style[ name ] = old[ name ]; + } + + return ret; +}; + + + + +function adjustCSS( elem, prop, valueParts, tween ) { + var adjusted, + scale = 1, + maxIterations = 20, + currentValue = tween ? + function() { + return tween.cur(); + } : + function() { + return jQuery.css( elem, prop, "" ); + }, + initial = currentValue(), + unit = valueParts && valueParts[ 3 ] || ( jQuery.cssNumber[ prop ] ? "" : "px" ), + + // Starting value computation is required for potential unit mismatches + initialInUnit = ( jQuery.cssNumber[ prop ] || unit !== "px" && +initial ) && + rcssNum.exec( jQuery.css( elem, prop ) ); + + if ( initialInUnit && initialInUnit[ 3 ] !== unit ) { + + // Trust units reported by jQuery.css + unit = unit || initialInUnit[ 3 ]; + + // Make sure we update the tween properties later on + valueParts = valueParts || []; + + // Iteratively approximate from a nonzero starting point + initialInUnit = +initial || 1; + + do { + + // If previous iteration zeroed out, double until we get *something*. + // Use string for doubling so we don't accidentally see scale as unchanged below + scale = scale || ".5"; + + // Adjust and apply + initialInUnit = initialInUnit / scale; + jQuery.style( elem, prop, initialInUnit + unit ); + + // Update scale, tolerating zero or NaN from tween.cur() + // Break the loop if scale is unchanged or perfect, or if we've just had enough. + } while ( + scale !== ( scale = currentValue() / initial ) && scale !== 1 && --maxIterations + ); + } + + if ( valueParts ) { + initialInUnit = +initialInUnit || +initial || 0; + + // Apply relative offset (+=/-=) if specified + adjusted = valueParts[ 1 ] ? + initialInUnit + ( valueParts[ 1 ] + 1 ) * valueParts[ 2 ] : + +valueParts[ 2 ]; + if ( tween ) { + tween.unit = unit; + tween.start = initialInUnit; + tween.end = adjusted; + } + } + return adjusted; +} + + +var defaultDisplayMap = {}; + +function getDefaultDisplay( elem ) { + var temp, + doc = elem.ownerDocument, + nodeName = elem.nodeName, + display = defaultDisplayMap[ nodeName ]; + + if ( display ) { + return display; + } + + temp = doc.body.appendChild( doc.createElement( nodeName ) ); + display = jQuery.css( temp, "display" ); + + temp.parentNode.removeChild( temp ); + + if ( display === "none" ) { + display = "block"; + } + defaultDisplayMap[ nodeName ] = display; + + return display; +} + +function showHide( elements, show ) { + var display, elem, + values = [], + index = 0, + length = elements.length; + + // Determine new display value for elements that need to change + for ( ; index < length; index++ ) { + elem = elements[ index ]; + if ( !elem.style ) { + continue; + } + + display = elem.style.display; + if ( show ) { + + // Since we force visibility upon cascade-hidden elements, an immediate (and slow) + // check is required in this first loop unless we have a nonempty display value (either + // inline or about-to-be-restored) + if ( display === "none" ) { + values[ index ] = dataPriv.get( elem, "display" ) || null; + if ( !values[ index ] ) { + elem.style.display = ""; + } + } + if ( elem.style.display === "" && isHiddenWithinTree( elem ) ) { + values[ index ] = getDefaultDisplay( elem ); + } + } else { + if ( display !== "none" ) { + values[ index ] = "none"; + + // Remember what we're overwriting + dataPriv.set( elem, "display", display ); + } + } + } + + // Set the display of the elements in a second loop to avoid constant reflow + for ( index = 0; index < length; index++ ) { + if ( values[ index ] != null ) { + elements[ index ].style.display = values[ index ]; + } + } + + return elements; +} + +jQuery.fn.extend( { + show: function() { + return showHide( this, true ); + }, + hide: function() { + return showHide( this ); + }, + toggle: function( state ) { + if ( typeof state === "boolean" ) { + return state ? this.show() : this.hide(); + } + + return this.each( function() { + if ( isHiddenWithinTree( this ) ) { + jQuery( this ).show(); + } else { + jQuery( this ).hide(); + } + } ); + } +} ); +var rcheckableType = ( /^(?:checkbox|radio)$/i ); + +var rtagName = ( /<([a-z][^\/\0>\x20\t\r\n\f]+)/i ); + +var rscriptType = ( /^$|\/(?:java|ecma)script/i ); + + + +// We have to close these tags to support XHTML (#13200) +var wrapMap = { + + // Support: IE <=9 only + option: [ 1, "" ], + + // XHTML parsers do not magically insert elements in the + // same way that tag soup parsers do. So we cannot shorten + // this by omitting or other required elements. + thead: [ 1, "", "
" ], + col: [ 2, "", "
" ], + tr: [ 2, "", "
" ], + td: [ 3, "", "
" ], + + _default: [ 0, "", "" ] +}; + +// Support: IE <=9 only +wrapMap.optgroup = wrapMap.option; + +wrapMap.tbody = wrapMap.tfoot = wrapMap.colgroup = wrapMap.caption = wrapMap.thead; +wrapMap.th = wrapMap.td; + + +function getAll( context, tag ) { + + // Support: IE <=9 - 11 only + // Use typeof to avoid zero-argument method invocation on host objects (#15151) + var ret; + + if ( typeof context.getElementsByTagName !== "undefined" ) { + ret = context.getElementsByTagName( tag || "*" ); + + } else if ( typeof context.querySelectorAll !== "undefined" ) { + ret = context.querySelectorAll( tag || "*" ); + + } else { + ret = []; + } + + if ( tag === undefined || tag && nodeName( context, tag ) ) { + return jQuery.merge( [ context ], ret ); + } + + return ret; +} + + +// Mark scripts as having already been evaluated +function setGlobalEval( elems, refElements ) { + var i = 0, + l = elems.length; + + for ( ; i < l; i++ ) { + dataPriv.set( + elems[ i ], + "globalEval", + !refElements || dataPriv.get( refElements[ i ], "globalEval" ) + ); + } +} + + +var rhtml = /<|&#?\w+;/; + +function buildFragment( elems, context, scripts, selection, ignored ) { + var elem, tmp, tag, wrap, contains, j, + fragment = context.createDocumentFragment(), + nodes = [], + i = 0, + l = elems.length; + + for ( ; i < l; i++ ) { + elem = elems[ i ]; + + if ( elem || elem === 0 ) { + + // Add nodes directly + if ( jQuery.type( elem ) === "object" ) { + + // Support: Android <=4.0 only, PhantomJS 1 only + // push.apply(_, arraylike) throws on ancient WebKit + jQuery.merge( nodes, elem.nodeType ? [ elem ] : elem ); + + // Convert non-html into a text node + } else if ( !rhtml.test( elem ) ) { + nodes.push( context.createTextNode( elem ) ); + + // Convert html into DOM nodes + } else { + tmp = tmp || fragment.appendChild( context.createElement( "div" ) ); + + // Deserialize a standard representation + tag = ( rtagName.exec( elem ) || [ "", "" ] )[ 1 ].toLowerCase(); + wrap = wrapMap[ tag ] || wrapMap._default; + tmp.innerHTML = wrap[ 1 ] + jQuery.htmlPrefilter( elem ) + wrap[ 2 ]; + + // Descend through wrappers to the right content + j = wrap[ 0 ]; + while ( j-- ) { + tmp = tmp.lastChild; + } + + // Support: Android <=4.0 only, PhantomJS 1 only + // push.apply(_, arraylike) throws on ancient WebKit + jQuery.merge( nodes, tmp.childNodes ); + + // Remember the top-level container + tmp = fragment.firstChild; + + // Ensure the created nodes are orphaned (#12392) + tmp.textContent = ""; + } + } + } + + // Remove wrapper from fragment + fragment.textContent = ""; + + i = 0; + while ( ( elem = nodes[ i++ ] ) ) { + + // Skip elements already in the context collection (trac-4087) + if ( selection && jQuery.inArray( elem, selection ) > -1 ) { + if ( ignored ) { + ignored.push( elem ); + } + continue; + } + + contains = jQuery.contains( elem.ownerDocument, elem ); + + // Append to fragment + tmp = getAll( fragment.appendChild( elem ), "script" ); + + // Preserve script evaluation history + if ( contains ) { + setGlobalEval( tmp ); + } + + // Capture executables + if ( scripts ) { + j = 0; + while ( ( elem = tmp[ j++ ] ) ) { + if ( rscriptType.test( elem.type || "" ) ) { + scripts.push( elem ); + } + } + } + } + + return fragment; +} + + +( function() { + var fragment = document.createDocumentFragment(), + div = fragment.appendChild( document.createElement( "div" ) ), + input = document.createElement( "input" ); + + // Support: Android 4.0 - 4.3 only + // Check state lost if the name is set (#11217) + // Support: Windows Web Apps (WWA) + // `name` and `type` must use .setAttribute for WWA (#14901) + input.setAttribute( "type", "radio" ); + input.setAttribute( "checked", "checked" ); + input.setAttribute( "name", "t" ); + + div.appendChild( input ); + + // Support: Android <=4.1 only + // Older WebKit doesn't clone checked state correctly in fragments + support.checkClone = div.cloneNode( true ).cloneNode( true ).lastChild.checked; + + // Support: IE <=11 only + // Make sure textarea (and checkbox) defaultValue is properly cloned + div.innerHTML = ""; + support.noCloneChecked = !!div.cloneNode( true ).lastChild.defaultValue; +} )(); +var documentElement = document.documentElement; + + + +var + rkeyEvent = /^key/, + rmouseEvent = /^(?:mouse|pointer|contextmenu|drag|drop)|click/, + rtypenamespace = /^([^.]*)(?:\.(.+)|)/; + +function returnTrue() { + return true; +} + +function returnFalse() { + return false; +} + +// Support: IE <=9 only +// See #13393 for more info +function safeActiveElement() { + try { + return document.activeElement; + } catch ( err ) { } +} + +function on( elem, types, selector, data, fn, one ) { + var origFn, type; + + // Types can be a map of types/handlers + if ( typeof types === "object" ) { + + // ( types-Object, selector, data ) + if ( typeof selector !== "string" ) { + + // ( types-Object, data ) + data = data || selector; + selector = undefined; + } + for ( type in types ) { + on( elem, type, selector, data, types[ type ], one ); + } + return elem; + } + + if ( data == null && fn == null ) { + + // ( types, fn ) + fn = selector; + data = selector = undefined; + } else if ( fn == null ) { + if ( typeof selector === "string" ) { + + // ( types, selector, fn ) + fn = data; + data = undefined; + } else { + + // ( types, data, fn ) + fn = data; + data = selector; + selector = undefined; + } + } + if ( fn === false ) { + fn = returnFalse; + } else if ( !fn ) { + return elem; + } + + if ( one === 1 ) { + origFn = fn; + fn = function( event ) { + + // Can use an empty set, since event contains the info + jQuery().off( event ); + return origFn.apply( this, arguments ); + }; + + // Use same guid so caller can remove using origFn + fn.guid = origFn.guid || ( origFn.guid = jQuery.guid++ ); + } + return elem.each( function() { + jQuery.event.add( this, types, fn, data, selector ); + } ); +} + +/* + * Helper functions for managing events -- not part of the public interface. + * Props to Dean Edwards' addEvent library for many of the ideas. + */ +jQuery.event = { + + global: {}, + + add: function( elem, types, handler, data, selector ) { + + var handleObjIn, eventHandle, tmp, + events, t, handleObj, + special, handlers, type, namespaces, origType, + elemData = dataPriv.get( elem ); + + // Don't attach events to noData or text/comment nodes (but allow plain objects) + if ( !elemData ) { + return; + } + + // Caller can pass in an object of custom data in lieu of the handler + if ( handler.handler ) { + handleObjIn = handler; + handler = handleObjIn.handler; + selector = handleObjIn.selector; + } + + // Ensure that invalid selectors throw exceptions at attach time + // Evaluate against documentElement in case elem is a non-element node (e.g., document) + if ( selector ) { + jQuery.find.matchesSelector( documentElement, selector ); + } + + // Make sure that the handler has a unique ID, used to find/remove it later + if ( !handler.guid ) { + handler.guid = jQuery.guid++; + } + + // Init the element's event structure and main handler, if this is the first + if ( !( events = elemData.events ) ) { + events = elemData.events = {}; + } + if ( !( eventHandle = elemData.handle ) ) { + eventHandle = elemData.handle = function( e ) { + + // Discard the second event of a jQuery.event.trigger() and + // when an event is called after a page has unloaded + return typeof jQuery !== "undefined" && jQuery.event.triggered !== e.type ? + jQuery.event.dispatch.apply( elem, arguments ) : undefined; + }; + } + + // Handle multiple events separated by a space + types = ( types || "" ).match( rnothtmlwhite ) || [ "" ]; + t = types.length; + while ( t-- ) { + tmp = rtypenamespace.exec( types[ t ] ) || []; + type = origType = tmp[ 1 ]; + namespaces = ( tmp[ 2 ] || "" ).split( "." ).sort(); + + // There *must* be a type, no attaching namespace-only handlers + if ( !type ) { + continue; + } + + // If event changes its type, use the special event handlers for the changed type + special = jQuery.event.special[ type ] || {}; + + // If selector defined, determine special event api type, otherwise given type + type = ( selector ? special.delegateType : special.bindType ) || type; + + // Update special based on newly reset type + special = jQuery.event.special[ type ] || {}; + + // handleObj is passed to all event handlers + handleObj = jQuery.extend( { + type: type, + origType: origType, + data: data, + handler: handler, + guid: handler.guid, + selector: selector, + needsContext: selector && jQuery.expr.match.needsContext.test( selector ), + namespace: namespaces.join( "." ) + }, handleObjIn ); + + // Init the event handler queue if we're the first + if ( !( handlers = events[ type ] ) ) { + handlers = events[ type ] = []; + handlers.delegateCount = 0; + + // Only use addEventListener if the special events handler returns false + if ( !special.setup || + special.setup.call( elem, data, namespaces, eventHandle ) === false ) { + + if ( elem.addEventListener ) { + elem.addEventListener( type, eventHandle ); + } + } + } + + if ( special.add ) { + special.add.call( elem, handleObj ); + + if ( !handleObj.handler.guid ) { + handleObj.handler.guid = handler.guid; + } + } + + // Add to the element's handler list, delegates in front + if ( selector ) { + handlers.splice( handlers.delegateCount++, 0, handleObj ); + } else { + handlers.push( handleObj ); + } + + // Keep track of which events have ever been used, for event optimization + jQuery.event.global[ type ] = true; + } + + }, + + // Detach an event or set of events from an element + remove: function( elem, types, handler, selector, mappedTypes ) { + + var j, origCount, tmp, + events, t, handleObj, + special, handlers, type, namespaces, origType, + elemData = dataPriv.hasData( elem ) && dataPriv.get( elem ); + + if ( !elemData || !( events = elemData.events ) ) { + return; + } + + // Once for each type.namespace in types; type may be omitted + types = ( types || "" ).match( rnothtmlwhite ) || [ "" ]; + t = types.length; + while ( t-- ) { + tmp = rtypenamespace.exec( types[ t ] ) || []; + type = origType = tmp[ 1 ]; + namespaces = ( tmp[ 2 ] || "" ).split( "." ).sort(); + + // Unbind all events (on this namespace, if provided) for the element + if ( !type ) { + for ( type in events ) { + jQuery.event.remove( elem, type + types[ t ], handler, selector, true ); + } + continue; + } + + special = jQuery.event.special[ type ] || {}; + type = ( selector ? special.delegateType : special.bindType ) || type; + handlers = events[ type ] || []; + tmp = tmp[ 2 ] && + new RegExp( "(^|\\.)" + namespaces.join( "\\.(?:.*\\.|)" ) + "(\\.|$)" ); + + // Remove matching events + origCount = j = handlers.length; + while ( j-- ) { + handleObj = handlers[ j ]; + + if ( ( mappedTypes || origType === handleObj.origType ) && + ( !handler || handler.guid === handleObj.guid ) && + ( !tmp || tmp.test( handleObj.namespace ) ) && + ( !selector || selector === handleObj.selector || + selector === "**" && handleObj.selector ) ) { + handlers.splice( j, 1 ); + + if ( handleObj.selector ) { + handlers.delegateCount--; + } + if ( special.remove ) { + special.remove.call( elem, handleObj ); + } + } + } + + // Remove generic event handler if we removed something and no more handlers exist + // (avoids potential for endless recursion during removal of special event handlers) + if ( origCount && !handlers.length ) { + if ( !special.teardown || + special.teardown.call( elem, namespaces, elemData.handle ) === false ) { + + jQuery.removeEvent( elem, type, elemData.handle ); + } + + delete events[ type ]; + } + } + + // Remove data and the expando if it's no longer used + if ( jQuery.isEmptyObject( events ) ) { + dataPriv.remove( elem, "handle events" ); + } + }, + + dispatch: function( nativeEvent ) { + + // Make a writable jQuery.Event from the native event object + var event = jQuery.event.fix( nativeEvent ); + + var i, j, ret, matched, handleObj, handlerQueue, + args = new Array( arguments.length ), + handlers = ( dataPriv.get( this, "events" ) || {} )[ event.type ] || [], + special = jQuery.event.special[ event.type ] || {}; + + // Use the fix-ed jQuery.Event rather than the (read-only) native event + args[ 0 ] = event; + + for ( i = 1; i < arguments.length; i++ ) { + args[ i ] = arguments[ i ]; + } + + event.delegateTarget = this; + + // Call the preDispatch hook for the mapped type, and let it bail if desired + if ( special.preDispatch && special.preDispatch.call( this, event ) === false ) { + return; + } + + // Determine handlers + handlerQueue = jQuery.event.handlers.call( this, event, handlers ); + + // Run delegates first; they may want to stop propagation beneath us + i = 0; + while ( ( matched = handlerQueue[ i++ ] ) && !event.isPropagationStopped() ) { + event.currentTarget = matched.elem; + + j = 0; + while ( ( handleObj = matched.handlers[ j++ ] ) && + !event.isImmediatePropagationStopped() ) { + + // Triggered event must either 1) have no namespace, or 2) have namespace(s) + // a subset or equal to those in the bound event (both can have no namespace). + if ( !event.rnamespace || event.rnamespace.test( handleObj.namespace ) ) { + + event.handleObj = handleObj; + event.data = handleObj.data; + + ret = ( ( jQuery.event.special[ handleObj.origType ] || {} ).handle || + handleObj.handler ).apply( matched.elem, args ); + + if ( ret !== undefined ) { + if ( ( event.result = ret ) === false ) { + event.preventDefault(); + event.stopPropagation(); + } + } + } + } + } + + // Call the postDispatch hook for the mapped type + if ( special.postDispatch ) { + special.postDispatch.call( this, event ); + } + + return event.result; + }, + + handlers: function( event, handlers ) { + var i, handleObj, sel, matchedHandlers, matchedSelectors, + handlerQueue = [], + delegateCount = handlers.delegateCount, + cur = event.target; + + // Find delegate handlers + if ( delegateCount && + + // Support: IE <=9 + // Black-hole SVG instance trees (trac-13180) + cur.nodeType && + + // Support: Firefox <=42 + // Suppress spec-violating clicks indicating a non-primary pointer button (trac-3861) + // https://www.w3.org/TR/DOM-Level-3-Events/#event-type-click + // Support: IE 11 only + // ...but not arrow key "clicks" of radio inputs, which can have `button` -1 (gh-2343) + !( event.type === "click" && event.button >= 1 ) ) { + + for ( ; cur !== this; cur = cur.parentNode || this ) { + + // Don't check non-elements (#13208) + // Don't process clicks on disabled elements (#6911, #8165, #11382, #11764) + if ( cur.nodeType === 1 && !( event.type === "click" && cur.disabled === true ) ) { + matchedHandlers = []; + matchedSelectors = {}; + for ( i = 0; i < delegateCount; i++ ) { + handleObj = handlers[ i ]; + + // Don't conflict with Object.prototype properties (#13203) + sel = handleObj.selector + " "; + + if ( matchedSelectors[ sel ] === undefined ) { + matchedSelectors[ sel ] = handleObj.needsContext ? + jQuery( sel, this ).index( cur ) > -1 : + jQuery.find( sel, this, null, [ cur ] ).length; + } + if ( matchedSelectors[ sel ] ) { + matchedHandlers.push( handleObj ); + } + } + if ( matchedHandlers.length ) { + handlerQueue.push( { elem: cur, handlers: matchedHandlers } ); + } + } + } + } + + // Add the remaining (directly-bound) handlers + cur = this; + if ( delegateCount < handlers.length ) { + handlerQueue.push( { elem: cur, handlers: handlers.slice( delegateCount ) } ); + } + + return handlerQueue; + }, + + addProp: function( name, hook ) { + Object.defineProperty( jQuery.Event.prototype, name, { + enumerable: true, + configurable: true, + + get: jQuery.isFunction( hook ) ? + function() { + if ( this.originalEvent ) { + return hook( this.originalEvent ); + } + } : + function() { + if ( this.originalEvent ) { + return this.originalEvent[ name ]; + } + }, + + set: function( value ) { + Object.defineProperty( this, name, { + enumerable: true, + configurable: true, + writable: true, + value: value + } ); + } + } ); + }, + + fix: function( originalEvent ) { + return originalEvent[ jQuery.expando ] ? + originalEvent : + new jQuery.Event( originalEvent ); + }, + + special: { + load: { + + // Prevent triggered image.load events from bubbling to window.load + noBubble: true + }, + focus: { + + // Fire native event if possible so blur/focus sequence is correct + trigger: function() { + if ( this !== safeActiveElement() && this.focus ) { + this.focus(); + return false; + } + }, + delegateType: "focusin" + }, + blur: { + trigger: function() { + if ( this === safeActiveElement() && this.blur ) { + this.blur(); + return false; + } + }, + delegateType: "focusout" + }, + click: { + + // For checkbox, fire native event so checked state will be right + trigger: function() { + if ( this.type === "checkbox" && this.click && nodeName( this, "input" ) ) { + this.click(); + return false; + } + }, + + // For cross-browser consistency, don't fire native .click() on links + _default: function( event ) { + return nodeName( event.target, "a" ); + } + }, + + beforeunload: { + postDispatch: function( event ) { + + // Support: Firefox 20+ + // Firefox doesn't alert if the returnValue field is not set. + if ( event.result !== undefined && event.originalEvent ) { + event.originalEvent.returnValue = event.result; + } + } + } + } +}; + +jQuery.removeEvent = function( elem, type, handle ) { + + // This "if" is needed for plain objects + if ( elem.removeEventListener ) { + elem.removeEventListener( type, handle ); + } +}; + +jQuery.Event = function( src, props ) { + + // Allow instantiation without the 'new' keyword + if ( !( this instanceof jQuery.Event ) ) { + return new jQuery.Event( src, props ); + } + + // Event object + if ( src && src.type ) { + this.originalEvent = src; + this.type = src.type; + + // Events bubbling up the document may have been marked as prevented + // by a handler lower down the tree; reflect the correct value. + this.isDefaultPrevented = src.defaultPrevented || + src.defaultPrevented === undefined && + + // Support: Android <=2.3 only + src.returnValue === false ? + returnTrue : + returnFalse; + + // Create target properties + // Support: Safari <=6 - 7 only + // Target should not be a text node (#504, #13143) + this.target = ( src.target && src.target.nodeType === 3 ) ? + src.target.parentNode : + src.target; + + this.currentTarget = src.currentTarget; + this.relatedTarget = src.relatedTarget; + + // Event type + } else { + this.type = src; + } + + // Put explicitly provided properties onto the event object + if ( props ) { + jQuery.extend( this, props ); + } + + // Create a timestamp if incoming event doesn't have one + this.timeStamp = src && src.timeStamp || jQuery.now(); + + // Mark it as fixed + this[ jQuery.expando ] = true; +}; + +// jQuery.Event is based on DOM3 Events as specified by the ECMAScript Language Binding +// https://www.w3.org/TR/2003/WD-DOM-Level-3-Events-20030331/ecma-script-binding.html +jQuery.Event.prototype = { + constructor: jQuery.Event, + isDefaultPrevented: returnFalse, + isPropagationStopped: returnFalse, + isImmediatePropagationStopped: returnFalse, + isSimulated: false, + + preventDefault: function() { + var e = this.originalEvent; + + this.isDefaultPrevented = returnTrue; + + if ( e && !this.isSimulated ) { + e.preventDefault(); + } + }, + stopPropagation: function() { + var e = this.originalEvent; + + this.isPropagationStopped = returnTrue; + + if ( e && !this.isSimulated ) { + e.stopPropagation(); + } + }, + stopImmediatePropagation: function() { + var e = this.originalEvent; + + this.isImmediatePropagationStopped = returnTrue; + + if ( e && !this.isSimulated ) { + e.stopImmediatePropagation(); + } + + this.stopPropagation(); + } +}; + +// Includes all common event props including KeyEvent and MouseEvent specific props +jQuery.each( { + altKey: true, + bubbles: true, + cancelable: true, + changedTouches: true, + ctrlKey: true, + detail: true, + eventPhase: true, + metaKey: true, + pageX: true, + pageY: true, + shiftKey: true, + view: true, + "char": true, + charCode: true, + key: true, + keyCode: true, + button: true, + buttons: true, + clientX: true, + clientY: true, + offsetX: true, + offsetY: true, + pointerId: true, + pointerType: true, + screenX: true, + screenY: true, + targetTouches: true, + toElement: true, + touches: true, + + which: function( event ) { + var button = event.button; + + // Add which for key events + if ( event.which == null && rkeyEvent.test( event.type ) ) { + return event.charCode != null ? event.charCode : event.keyCode; + } + + // Add which for click: 1 === left; 2 === middle; 3 === right + if ( !event.which && button !== undefined && rmouseEvent.test( event.type ) ) { + if ( button & 1 ) { + return 1; + } + + if ( button & 2 ) { + return 3; + } + + if ( button & 4 ) { + return 2; + } + + return 0; + } + + return event.which; + } +}, jQuery.event.addProp ); + +// Create mouseenter/leave events using mouseover/out and event-time checks +// so that event delegation works in jQuery. +// Do the same for pointerenter/pointerleave and pointerover/pointerout +// +// Support: Safari 7 only +// Safari sends mouseenter too often; see: +// https://bugs.chromium.org/p/chromium/issues/detail?id=470258 +// for the description of the bug (it existed in older Chrome versions as well). +jQuery.each( { + mouseenter: "mouseover", + mouseleave: "mouseout", + pointerenter: "pointerover", + pointerleave: "pointerout" +}, function( orig, fix ) { + jQuery.event.special[ orig ] = { + delegateType: fix, + bindType: fix, + + handle: function( event ) { + var ret, + target = this, + related = event.relatedTarget, + handleObj = event.handleObj; + + // For mouseenter/leave call the handler if related is outside the target. + // NB: No relatedTarget if the mouse left/entered the browser window + if ( !related || ( related !== target && !jQuery.contains( target, related ) ) ) { + event.type = handleObj.origType; + ret = handleObj.handler.apply( this, arguments ); + event.type = fix; + } + return ret; + } + }; +} ); + +jQuery.fn.extend( { + + on: function( types, selector, data, fn ) { + return on( this, types, selector, data, fn ); + }, + one: function( types, selector, data, fn ) { + return on( this, types, selector, data, fn, 1 ); + }, + off: function( types, selector, fn ) { + var handleObj, type; + if ( types && types.preventDefault && types.handleObj ) { + + // ( event ) dispatched jQuery.Event + handleObj = types.handleObj; + jQuery( types.delegateTarget ).off( + handleObj.namespace ? + handleObj.origType + "." + handleObj.namespace : + handleObj.origType, + handleObj.selector, + handleObj.handler + ); + return this; + } + if ( typeof types === "object" ) { + + // ( types-object [, selector] ) + for ( type in types ) { + this.off( type, selector, types[ type ] ); + } + return this; + } + if ( selector === false || typeof selector === "function" ) { + + // ( types [, fn] ) + fn = selector; + selector = undefined; + } + if ( fn === false ) { + fn = returnFalse; + } + return this.each( function() { + jQuery.event.remove( this, types, fn, selector ); + } ); + } +} ); + + +var + + /* eslint-disable max-len */ + + // See https://github.com/eslint/eslint/issues/3229 + rxhtmlTag = /<(?!area|br|col|embed|hr|img|input|link|meta|param)(([a-z][^\/\0>\x20\t\r\n\f]*)[^>]*)\/>/gi, + + /* eslint-enable */ + + // Support: IE <=10 - 11, Edge 12 - 13 + // In IE/Edge using regex groups here causes severe slowdowns. + // See https://connect.microsoft.com/IE/feedback/details/1736512/ + rnoInnerhtml = /\s*$/g; + +// Prefer a tbody over its parent table for containing new rows +function manipulationTarget( elem, content ) { + if ( nodeName( elem, "table" ) && + nodeName( content.nodeType !== 11 ? content : content.firstChild, "tr" ) ) { + + return jQuery( ">tbody", elem )[ 0 ] || elem; + } + + return elem; +} + +// Replace/restore the type attribute of script elements for safe DOM manipulation +function disableScript( elem ) { + elem.type = ( elem.getAttribute( "type" ) !== null ) + "/" + elem.type; + return elem; +} +function restoreScript( elem ) { + var match = rscriptTypeMasked.exec( elem.type ); + + if ( match ) { + elem.type = match[ 1 ]; + } else { + elem.removeAttribute( "type" ); + } + + return elem; +} + +function cloneCopyEvent( src, dest ) { + var i, l, type, pdataOld, pdataCur, udataOld, udataCur, events; + + if ( dest.nodeType !== 1 ) { + return; + } + + // 1. Copy private data: events, handlers, etc. + if ( dataPriv.hasData( src ) ) { + pdataOld = dataPriv.access( src ); + pdataCur = dataPriv.set( dest, pdataOld ); + events = pdataOld.events; + + if ( events ) { + delete pdataCur.handle; + pdataCur.events = {}; + + for ( type in events ) { + for ( i = 0, l = events[ type ].length; i < l; i++ ) { + jQuery.event.add( dest, type, events[ type ][ i ] ); + } + } + } + } + + // 2. Copy user data + if ( dataUser.hasData( src ) ) { + udataOld = dataUser.access( src ); + udataCur = jQuery.extend( {}, udataOld ); + + dataUser.set( dest, udataCur ); + } +} + +// Fix IE bugs, see support tests +function fixInput( src, dest ) { + var nodeName = dest.nodeName.toLowerCase(); + + // Fails to persist the checked state of a cloned checkbox or radio button. + if ( nodeName === "input" && rcheckableType.test( src.type ) ) { + dest.checked = src.checked; + + // Fails to return the selected option to the default selected state when cloning options + } else if ( nodeName === "input" || nodeName === "textarea" ) { + dest.defaultValue = src.defaultValue; + } +} + +function domManip( collection, args, callback, ignored ) { + + // Flatten any nested arrays + args = concat.apply( [], args ); + + var fragment, first, scripts, hasScripts, node, doc, + i = 0, + l = collection.length, + iNoClone = l - 1, + value = args[ 0 ], + isFunction = jQuery.isFunction( value ); + + // We can't cloneNode fragments that contain checked, in WebKit + if ( isFunction || + ( l > 1 && typeof value === "string" && + !support.checkClone && rchecked.test( value ) ) ) { + return collection.each( function( index ) { + var self = collection.eq( index ); + if ( isFunction ) { + args[ 0 ] = value.call( this, index, self.html() ); + } + domManip( self, args, callback, ignored ); + } ); + } + + if ( l ) { + fragment = buildFragment( args, collection[ 0 ].ownerDocument, false, collection, ignored ); + first = fragment.firstChild; + + if ( fragment.childNodes.length === 1 ) { + fragment = first; + } + + // Require either new content or an interest in ignored elements to invoke the callback + if ( first || ignored ) { + scripts = jQuery.map( getAll( fragment, "script" ), disableScript ); + hasScripts = scripts.length; + + // Use the original fragment for the last item + // instead of the first because it can end up + // being emptied incorrectly in certain situations (#8070). + for ( ; i < l; i++ ) { + node = fragment; + + if ( i !== iNoClone ) { + node = jQuery.clone( node, true, true ); + + // Keep references to cloned scripts for later restoration + if ( hasScripts ) { + + // Support: Android <=4.0 only, PhantomJS 1 only + // push.apply(_, arraylike) throws on ancient WebKit + jQuery.merge( scripts, getAll( node, "script" ) ); + } + } + + callback.call( collection[ i ], node, i ); + } + + if ( hasScripts ) { + doc = scripts[ scripts.length - 1 ].ownerDocument; + + // Reenable scripts + jQuery.map( scripts, restoreScript ); + + // Evaluate executable scripts on first document insertion + for ( i = 0; i < hasScripts; i++ ) { + node = scripts[ i ]; + if ( rscriptType.test( node.type || "" ) && + !dataPriv.access( node, "globalEval" ) && + jQuery.contains( doc, node ) ) { + + if ( node.src ) { + + // Optional AJAX dependency, but won't run scripts if not present + if ( jQuery._evalUrl ) { + jQuery._evalUrl( node.src ); + } + } else { + DOMEval( node.textContent.replace( rcleanScript, "" ), doc ); + } + } + } + } + } + } + + return collection; +} + +function remove( elem, selector, keepData ) { + var node, + nodes = selector ? jQuery.filter( selector, elem ) : elem, + i = 0; + + for ( ; ( node = nodes[ i ] ) != null; i++ ) { + if ( !keepData && node.nodeType === 1 ) { + jQuery.cleanData( getAll( node ) ); + } + + if ( node.parentNode ) { + if ( keepData && jQuery.contains( node.ownerDocument, node ) ) { + setGlobalEval( getAll( node, "script" ) ); + } + node.parentNode.removeChild( node ); + } + } + + return elem; +} + +jQuery.extend( { + htmlPrefilter: function( html ) { + return html.replace( rxhtmlTag, "<$1>" ); + }, + + clone: function( elem, dataAndEvents, deepDataAndEvents ) { + var i, l, srcElements, destElements, + clone = elem.cloneNode( true ), + inPage = jQuery.contains( elem.ownerDocument, elem ); + + // Fix IE cloning issues + if ( !support.noCloneChecked && ( elem.nodeType === 1 || elem.nodeType === 11 ) && + !jQuery.isXMLDoc( elem ) ) { + + // We eschew Sizzle here for performance reasons: https://jsperf.com/getall-vs-sizzle/2 + destElements = getAll( clone ); + srcElements = getAll( elem ); + + for ( i = 0, l = srcElements.length; i < l; i++ ) { + fixInput( srcElements[ i ], destElements[ i ] ); + } + } + + // Copy the events from the original to the clone + if ( dataAndEvents ) { + if ( deepDataAndEvents ) { + srcElements = srcElements || getAll( elem ); + destElements = destElements || getAll( clone ); + + for ( i = 0, l = srcElements.length; i < l; i++ ) { + cloneCopyEvent( srcElements[ i ], destElements[ i ] ); + } + } else { + cloneCopyEvent( elem, clone ); + } + } + + // Preserve script evaluation history + destElements = getAll( clone, "script" ); + if ( destElements.length > 0 ) { + setGlobalEval( destElements, !inPage && getAll( elem, "script" ) ); + } + + // Return the cloned set + return clone; + }, + + cleanData: function( elems ) { + var data, elem, type, + special = jQuery.event.special, + i = 0; + + for ( ; ( elem = elems[ i ] ) !== undefined; i++ ) { + if ( acceptData( elem ) ) { + if ( ( data = elem[ dataPriv.expando ] ) ) { + if ( data.events ) { + for ( type in data.events ) { + if ( special[ type ] ) { + jQuery.event.remove( elem, type ); + + // This is a shortcut to avoid jQuery.event.remove's overhead + } else { + jQuery.removeEvent( elem, type, data.handle ); + } + } + } + + // Support: Chrome <=35 - 45+ + // Assign undefined instead of using delete, see Data#remove + elem[ dataPriv.expando ] = undefined; + } + if ( elem[ dataUser.expando ] ) { + + // Support: Chrome <=35 - 45+ + // Assign undefined instead of using delete, see Data#remove + elem[ dataUser.expando ] = undefined; + } + } + } + } +} ); + +jQuery.fn.extend( { + detach: function( selector ) { + return remove( this, selector, true ); + }, + + remove: function( selector ) { + return remove( this, selector ); + }, + + text: function( value ) { + return access( this, function( value ) { + return value === undefined ? + jQuery.text( this ) : + this.empty().each( function() { + if ( this.nodeType === 1 || this.nodeType === 11 || this.nodeType === 9 ) { + this.textContent = value; + } + } ); + }, null, value, arguments.length ); + }, + + append: function() { + return domManip( this, arguments, function( elem ) { + if ( this.nodeType === 1 || this.nodeType === 11 || this.nodeType === 9 ) { + var target = manipulationTarget( this, elem ); + target.appendChild( elem ); + } + } ); + }, + + prepend: function() { + return domManip( this, arguments, function( elem ) { + if ( this.nodeType === 1 || this.nodeType === 11 || this.nodeType === 9 ) { + var target = manipulationTarget( this, elem ); + target.insertBefore( elem, target.firstChild ); + } + } ); + }, + + before: function() { + return domManip( this, arguments, function( elem ) { + if ( this.parentNode ) { + this.parentNode.insertBefore( elem, this ); + } + } ); + }, + + after: function() { + return domManip( this, arguments, function( elem ) { + if ( this.parentNode ) { + this.parentNode.insertBefore( elem, this.nextSibling ); + } + } ); + }, + + empty: function() { + var elem, + i = 0; + + for ( ; ( elem = this[ i ] ) != null; i++ ) { + if ( elem.nodeType === 1 ) { + + // Prevent memory leaks + jQuery.cleanData( getAll( elem, false ) ); + + // Remove any remaining nodes + elem.textContent = ""; + } + } + + return this; + }, + + clone: function( dataAndEvents, deepDataAndEvents ) { + dataAndEvents = dataAndEvents == null ? false : dataAndEvents; + deepDataAndEvents = deepDataAndEvents == null ? dataAndEvents : deepDataAndEvents; + + return this.map( function() { + return jQuery.clone( this, dataAndEvents, deepDataAndEvents ); + } ); + }, + + html: function( value ) { + return access( this, function( value ) { + var elem = this[ 0 ] || {}, + i = 0, + l = this.length; + + if ( value === undefined && elem.nodeType === 1 ) { + return elem.innerHTML; + } + + // See if we can take a shortcut and just use innerHTML + if ( typeof value === "string" && !rnoInnerhtml.test( value ) && + !wrapMap[ ( rtagName.exec( value ) || [ "", "" ] )[ 1 ].toLowerCase() ] ) { + + value = jQuery.htmlPrefilter( value ); + + try { + for ( ; i < l; i++ ) { + elem = this[ i ] || {}; + + // Remove element nodes and prevent memory leaks + if ( elem.nodeType === 1 ) { + jQuery.cleanData( getAll( elem, false ) ); + elem.innerHTML = value; + } + } + + elem = 0; + + // If using innerHTML throws an exception, use the fallback method + } catch ( e ) {} + } + + if ( elem ) { + this.empty().append( value ); + } + }, null, value, arguments.length ); + }, + + replaceWith: function() { + var ignored = []; + + // Make the changes, replacing each non-ignored context element with the new content + return domManip( this, arguments, function( elem ) { + var parent = this.parentNode; + + if ( jQuery.inArray( this, ignored ) < 0 ) { + jQuery.cleanData( getAll( this ) ); + if ( parent ) { + parent.replaceChild( elem, this ); + } + } + + // Force callback invocation + }, ignored ); + } +} ); + +jQuery.each( { + appendTo: "append", + prependTo: "prepend", + insertBefore: "before", + insertAfter: "after", + replaceAll: "replaceWith" +}, function( name, original ) { + jQuery.fn[ name ] = function( selector ) { + var elems, + ret = [], + insert = jQuery( selector ), + last = insert.length - 1, + i = 0; + + for ( ; i <= last; i++ ) { + elems = i === last ? this : this.clone( true ); + jQuery( insert[ i ] )[ original ]( elems ); + + // Support: Android <=4.0 only, PhantomJS 1 only + // .get() because push.apply(_, arraylike) throws on ancient WebKit + push.apply( ret, elems.get() ); + } + + return this.pushStack( ret ); + }; +} ); +var rmargin = ( /^margin/ ); + +var rnumnonpx = new RegExp( "^(" + pnum + ")(?!px)[a-z%]+$", "i" ); + +var getStyles = function( elem ) { + + // Support: IE <=11 only, Firefox <=30 (#15098, #14150) + // IE throws on elements created in popups + // FF meanwhile throws on frame elements through "defaultView.getComputedStyle" + var view = elem.ownerDocument.defaultView; + + if ( !view || !view.opener ) { + view = window; + } + + return view.getComputedStyle( elem ); + }; + + + +( function() { + + // Executing both pixelPosition & boxSizingReliable tests require only one layout + // so they're executed at the same time to save the second computation. + function computeStyleTests() { + + // This is a singleton, we need to execute it only once + if ( !div ) { + return; + } + + div.style.cssText = + "box-sizing:border-box;" + + "position:relative;display:block;" + + "margin:auto;border:1px;padding:1px;" + + "top:1%;width:50%"; + div.innerHTML = ""; + documentElement.appendChild( container ); + + var divStyle = window.getComputedStyle( div ); + pixelPositionVal = divStyle.top !== "1%"; + + // Support: Android 4.0 - 4.3 only, Firefox <=3 - 44 + reliableMarginLeftVal = divStyle.marginLeft === "2px"; + boxSizingReliableVal = divStyle.width === "4px"; + + // Support: Android 4.0 - 4.3 only + // Some styles come back with percentage values, even though they shouldn't + div.style.marginRight = "50%"; + pixelMarginRightVal = divStyle.marginRight === "4px"; + + documentElement.removeChild( container ); + + // Nullify the div so it wouldn't be stored in the memory and + // it will also be a sign that checks already performed + div = null; + } + + var pixelPositionVal, boxSizingReliableVal, pixelMarginRightVal, reliableMarginLeftVal, + container = document.createElement( "div" ), + div = document.createElement( "div" ); + + // Finish early in limited (non-browser) environments + if ( !div.style ) { + return; + } + + // Support: IE <=9 - 11 only + // Style of cloned element affects source element cloned (#8908) + div.style.backgroundClip = "content-box"; + div.cloneNode( true ).style.backgroundClip = ""; + support.clearCloneStyle = div.style.backgroundClip === "content-box"; + + container.style.cssText = "border:0;width:8px;height:0;top:0;left:-9999px;" + + "padding:0;margin-top:1px;position:absolute"; + container.appendChild( div ); + + jQuery.extend( support, { + pixelPosition: function() { + computeStyleTests(); + return pixelPositionVal; + }, + boxSizingReliable: function() { + computeStyleTests(); + return boxSizingReliableVal; + }, + pixelMarginRight: function() { + computeStyleTests(); + return pixelMarginRightVal; + }, + reliableMarginLeft: function() { + computeStyleTests(); + return reliableMarginLeftVal; + } + } ); +} )(); + + +function curCSS( elem, name, computed ) { + var width, minWidth, maxWidth, ret, + + // Support: Firefox 51+ + // Retrieving style before computed somehow + // fixes an issue with getting wrong values + // on detached elements + style = elem.style; + + computed = computed || getStyles( elem ); + + // getPropertyValue is needed for: + // .css('filter') (IE 9 only, #12537) + // .css('--customProperty) (#3144) + if ( computed ) { + ret = computed.getPropertyValue( name ) || computed[ name ]; + + if ( ret === "" && !jQuery.contains( elem.ownerDocument, elem ) ) { + ret = jQuery.style( elem, name ); + } + + // A tribute to the "awesome hack by Dean Edwards" + // Android Browser returns percentage for some values, + // but width seems to be reliably pixels. + // This is against the CSSOM draft spec: + // https://drafts.csswg.org/cssom/#resolved-values + if ( !support.pixelMarginRight() && rnumnonpx.test( ret ) && rmargin.test( name ) ) { + + // Remember the original values + width = style.width; + minWidth = style.minWidth; + maxWidth = style.maxWidth; + + // Put in the new values to get a computed value out + style.minWidth = style.maxWidth = style.width = ret; + ret = computed.width; + + // Revert the changed values + style.width = width; + style.minWidth = minWidth; + style.maxWidth = maxWidth; + } + } + + return ret !== undefined ? + + // Support: IE <=9 - 11 only + // IE returns zIndex value as an integer. + ret + "" : + ret; +} + + +function addGetHookIf( conditionFn, hookFn ) { + + // Define the hook, we'll check on the first run if it's really needed. + return { + get: function() { + if ( conditionFn() ) { + + // Hook not needed (or it's not possible to use it due + // to missing dependency), remove it. + delete this.get; + return; + } + + // Hook needed; redefine it so that the support test is not executed again. + return ( this.get = hookFn ).apply( this, arguments ); + } + }; +} + + +var + + // Swappable if display is none or starts with table + // except "table", "table-cell", or "table-caption" + // See here for display values: https://developer.mozilla.org/en-US/docs/CSS/display + rdisplayswap = /^(none|table(?!-c[ea]).+)/, + rcustomProp = /^--/, + cssShow = { position: "absolute", visibility: "hidden", display: "block" }, + cssNormalTransform = { + letterSpacing: "0", + fontWeight: "400" + }, + + cssPrefixes = [ "Webkit", "Moz", "ms" ], + emptyStyle = document.createElement( "div" ).style; + +// Return a css property mapped to a potentially vendor prefixed property +function vendorPropName( name ) { + + // Shortcut for names that are not vendor prefixed + if ( name in emptyStyle ) { + return name; + } + + // Check for vendor prefixed names + var capName = name[ 0 ].toUpperCase() + name.slice( 1 ), + i = cssPrefixes.length; + + while ( i-- ) { + name = cssPrefixes[ i ] + capName; + if ( name in emptyStyle ) { + return name; + } + } +} + +// Return a property mapped along what jQuery.cssProps suggests or to +// a vendor prefixed property. +function finalPropName( name ) { + var ret = jQuery.cssProps[ name ]; + if ( !ret ) { + ret = jQuery.cssProps[ name ] = vendorPropName( name ) || name; + } + return ret; +} + +function setPositiveNumber( elem, value, subtract ) { + + // Any relative (+/-) values have already been + // normalized at this point + var matches = rcssNum.exec( value ); + return matches ? + + // Guard against undefined "subtract", e.g., when used as in cssHooks + Math.max( 0, matches[ 2 ] - ( subtract || 0 ) ) + ( matches[ 3 ] || "px" ) : + value; +} + +function augmentWidthOrHeight( elem, name, extra, isBorderBox, styles ) { + var i, + val = 0; + + // If we already have the right measurement, avoid augmentation + if ( extra === ( isBorderBox ? "border" : "content" ) ) { + i = 4; + + // Otherwise initialize for horizontal or vertical properties + } else { + i = name === "width" ? 1 : 0; + } + + for ( ; i < 4; i += 2 ) { + + // Both box models exclude margin, so add it if we want it + if ( extra === "margin" ) { + val += jQuery.css( elem, extra + cssExpand[ i ], true, styles ); + } + + if ( isBorderBox ) { + + // border-box includes padding, so remove it if we want content + if ( extra === "content" ) { + val -= jQuery.css( elem, "padding" + cssExpand[ i ], true, styles ); + } + + // At this point, extra isn't border nor margin, so remove border + if ( extra !== "margin" ) { + val -= jQuery.css( elem, "border" + cssExpand[ i ] + "Width", true, styles ); + } + } else { + + // At this point, extra isn't content, so add padding + val += jQuery.css( elem, "padding" + cssExpand[ i ], true, styles ); + + // At this point, extra isn't content nor padding, so add border + if ( extra !== "padding" ) { + val += jQuery.css( elem, "border" + cssExpand[ i ] + "Width", true, styles ); + } + } + } + + return val; +} + +function getWidthOrHeight( elem, name, extra ) { + + // Start with computed style + var valueIsBorderBox, + styles = getStyles( elem ), + val = curCSS( elem, name, styles ), + isBorderBox = jQuery.css( elem, "boxSizing", false, styles ) === "border-box"; + + // Computed unit is not pixels. Stop here and return. + if ( rnumnonpx.test( val ) ) { + return val; + } + + // Check for style in case a browser which returns unreliable values + // for getComputedStyle silently falls back to the reliable elem.style + valueIsBorderBox = isBorderBox && + ( support.boxSizingReliable() || val === elem.style[ name ] ); + + // Fall back to offsetWidth/Height when value is "auto" + // This happens for inline elements with no explicit setting (gh-3571) + if ( val === "auto" ) { + val = elem[ "offset" + name[ 0 ].toUpperCase() + name.slice( 1 ) ]; + } + + // Normalize "", auto, and prepare for extra + val = parseFloat( val ) || 0; + + // Use the active box-sizing model to add/subtract irrelevant styles + return ( val + + augmentWidthOrHeight( + elem, + name, + extra || ( isBorderBox ? "border" : "content" ), + valueIsBorderBox, + styles + ) + ) + "px"; +} + +jQuery.extend( { + + // Add in style property hooks for overriding the default + // behavior of getting and setting a style property + cssHooks: { + opacity: { + get: function( elem, computed ) { + if ( computed ) { + + // We should always get a number back from opacity + var ret = curCSS( elem, "opacity" ); + return ret === "" ? "1" : ret; + } + } + } + }, + + // Don't automatically add "px" to these possibly-unitless properties + cssNumber: { + "animationIterationCount": true, + "columnCount": true, + "fillOpacity": true, + "flexGrow": true, + "flexShrink": true, + "fontWeight": true, + "lineHeight": true, + "opacity": true, + "order": true, + "orphans": true, + "widows": true, + "zIndex": true, + "zoom": true + }, + + // Add in properties whose names you wish to fix before + // setting or getting the value + cssProps: { + "float": "cssFloat" + }, + + // Get and set the style property on a DOM Node + style: function( elem, name, value, extra ) { + + // Don't set styles on text and comment nodes + if ( !elem || elem.nodeType === 3 || elem.nodeType === 8 || !elem.style ) { + return; + } + + // Make sure that we're working with the right name + var ret, type, hooks, + origName = jQuery.camelCase( name ), + isCustomProp = rcustomProp.test( name ), + style = elem.style; + + // Make sure that we're working with the right name. We don't + // want to query the value if it is a CSS custom property + // since they are user-defined. + if ( !isCustomProp ) { + name = finalPropName( origName ); + } + + // Gets hook for the prefixed version, then unprefixed version + hooks = jQuery.cssHooks[ name ] || jQuery.cssHooks[ origName ]; + + // Check if we're setting a value + if ( value !== undefined ) { + type = typeof value; + + // Convert "+=" or "-=" to relative numbers (#7345) + if ( type === "string" && ( ret = rcssNum.exec( value ) ) && ret[ 1 ] ) { + value = adjustCSS( elem, name, ret ); + + // Fixes bug #9237 + type = "number"; + } + + // Make sure that null and NaN values aren't set (#7116) + if ( value == null || value !== value ) { + return; + } + + // If a number was passed in, add the unit (except for certain CSS properties) + if ( type === "number" ) { + value += ret && ret[ 3 ] || ( jQuery.cssNumber[ origName ] ? "" : "px" ); + } + + // background-* props affect original clone's values + if ( !support.clearCloneStyle && value === "" && name.indexOf( "background" ) === 0 ) { + style[ name ] = "inherit"; + } + + // If a hook was provided, use that value, otherwise just set the specified value + if ( !hooks || !( "set" in hooks ) || + ( value = hooks.set( elem, value, extra ) ) !== undefined ) { + + if ( isCustomProp ) { + style.setProperty( name, value ); + } else { + style[ name ] = value; + } + } + + } else { + + // If a hook was provided get the non-computed value from there + if ( hooks && "get" in hooks && + ( ret = hooks.get( elem, false, extra ) ) !== undefined ) { + + return ret; + } + + // Otherwise just get the value from the style object + return style[ name ]; + } + }, + + css: function( elem, name, extra, styles ) { + var val, num, hooks, + origName = jQuery.camelCase( name ), + isCustomProp = rcustomProp.test( name ); + + // Make sure that we're working with the right name. We don't + // want to modify the value if it is a CSS custom property + // since they are user-defined. + if ( !isCustomProp ) { + name = finalPropName( origName ); + } + + // Try prefixed name followed by the unprefixed name + hooks = jQuery.cssHooks[ name ] || jQuery.cssHooks[ origName ]; + + // If a hook was provided get the computed value from there + if ( hooks && "get" in hooks ) { + val = hooks.get( elem, true, extra ); + } + + // Otherwise, if a way to get the computed value exists, use that + if ( val === undefined ) { + val = curCSS( elem, name, styles ); + } + + // Convert "normal" to computed value + if ( val === "normal" && name in cssNormalTransform ) { + val = cssNormalTransform[ name ]; + } + + // Make numeric if forced or a qualifier was provided and val looks numeric + if ( extra === "" || extra ) { + num = parseFloat( val ); + return extra === true || isFinite( num ) ? num || 0 : val; + } + + return val; + } +} ); + +jQuery.each( [ "height", "width" ], function( i, name ) { + jQuery.cssHooks[ name ] = { + get: function( elem, computed, extra ) { + if ( computed ) { + + // Certain elements can have dimension info if we invisibly show them + // but it must have a current display style that would benefit + return rdisplayswap.test( jQuery.css( elem, "display" ) ) && + + // Support: Safari 8+ + // Table columns in Safari have non-zero offsetWidth & zero + // getBoundingClientRect().width unless display is changed. + // Support: IE <=11 only + // Running getBoundingClientRect on a disconnected node + // in IE throws an error. + ( !elem.getClientRects().length || !elem.getBoundingClientRect().width ) ? + swap( elem, cssShow, function() { + return getWidthOrHeight( elem, name, extra ); + } ) : + getWidthOrHeight( elem, name, extra ); + } + }, + + set: function( elem, value, extra ) { + var matches, + styles = extra && getStyles( elem ), + subtract = extra && augmentWidthOrHeight( + elem, + name, + extra, + jQuery.css( elem, "boxSizing", false, styles ) === "border-box", + styles + ); + + // Convert to pixels if value adjustment is needed + if ( subtract && ( matches = rcssNum.exec( value ) ) && + ( matches[ 3 ] || "px" ) !== "px" ) { + + elem.style[ name ] = value; + value = jQuery.css( elem, name ); + } + + return setPositiveNumber( elem, value, subtract ); + } + }; +} ); + +jQuery.cssHooks.marginLeft = addGetHookIf( support.reliableMarginLeft, + function( elem, computed ) { + if ( computed ) { + return ( parseFloat( curCSS( elem, "marginLeft" ) ) || + elem.getBoundingClientRect().left - + swap( elem, { marginLeft: 0 }, function() { + return elem.getBoundingClientRect().left; + } ) + ) + "px"; + } + } +); + +// These hooks are used by animate to expand properties +jQuery.each( { + margin: "", + padding: "", + border: "Width" +}, function( prefix, suffix ) { + jQuery.cssHooks[ prefix + suffix ] = { + expand: function( value ) { + var i = 0, + expanded = {}, + + // Assumes a single number if not a string + parts = typeof value === "string" ? value.split( " " ) : [ value ]; + + for ( ; i < 4; i++ ) { + expanded[ prefix + cssExpand[ i ] + suffix ] = + parts[ i ] || parts[ i - 2 ] || parts[ 0 ]; + } + + return expanded; + } + }; + + if ( !rmargin.test( prefix ) ) { + jQuery.cssHooks[ prefix + suffix ].set = setPositiveNumber; + } +} ); + +jQuery.fn.extend( { + css: function( name, value ) { + return access( this, function( elem, name, value ) { + var styles, len, + map = {}, + i = 0; + + if ( Array.isArray( name ) ) { + styles = getStyles( elem ); + len = name.length; + + for ( ; i < len; i++ ) { + map[ name[ i ] ] = jQuery.css( elem, name[ i ], false, styles ); + } + + return map; + } + + return value !== undefined ? + jQuery.style( elem, name, value ) : + jQuery.css( elem, name ); + }, name, value, arguments.length > 1 ); + } +} ); + + +function Tween( elem, options, prop, end, easing ) { + return new Tween.prototype.init( elem, options, prop, end, easing ); +} +jQuery.Tween = Tween; + +Tween.prototype = { + constructor: Tween, + init: function( elem, options, prop, end, easing, unit ) { + this.elem = elem; + this.prop = prop; + this.easing = easing || jQuery.easing._default; + this.options = options; + this.start = this.now = this.cur(); + this.end = end; + this.unit = unit || ( jQuery.cssNumber[ prop ] ? "" : "px" ); + }, + cur: function() { + var hooks = Tween.propHooks[ this.prop ]; + + return hooks && hooks.get ? + hooks.get( this ) : + Tween.propHooks._default.get( this ); + }, + run: function( percent ) { + var eased, + hooks = Tween.propHooks[ this.prop ]; + + if ( this.options.duration ) { + this.pos = eased = jQuery.easing[ this.easing ]( + percent, this.options.duration * percent, 0, 1, this.options.duration + ); + } else { + this.pos = eased = percent; + } + this.now = ( this.end - this.start ) * eased + this.start; + + if ( this.options.step ) { + this.options.step.call( this.elem, this.now, this ); + } + + if ( hooks && hooks.set ) { + hooks.set( this ); + } else { + Tween.propHooks._default.set( this ); + } + return this; + } +}; + +Tween.prototype.init.prototype = Tween.prototype; + +Tween.propHooks = { + _default: { + get: function( tween ) { + var result; + + // Use a property on the element directly when it is not a DOM element, + // or when there is no matching style property that exists. + if ( tween.elem.nodeType !== 1 || + tween.elem[ tween.prop ] != null && tween.elem.style[ tween.prop ] == null ) { + return tween.elem[ tween.prop ]; + } + + // Passing an empty string as a 3rd parameter to .css will automatically + // attempt a parseFloat and fallback to a string if the parse fails. + // Simple values such as "10px" are parsed to Float; + // complex values such as "rotate(1rad)" are returned as-is. + result = jQuery.css( tween.elem, tween.prop, "" ); + + // Empty strings, null, undefined and "auto" are converted to 0. + return !result || result === "auto" ? 0 : result; + }, + set: function( tween ) { + + // Use step hook for back compat. + // Use cssHook if its there. + // Use .style if available and use plain properties where available. + if ( jQuery.fx.step[ tween.prop ] ) { + jQuery.fx.step[ tween.prop ]( tween ); + } else if ( tween.elem.nodeType === 1 && + ( tween.elem.style[ jQuery.cssProps[ tween.prop ] ] != null || + jQuery.cssHooks[ tween.prop ] ) ) { + jQuery.style( tween.elem, tween.prop, tween.now + tween.unit ); + } else { + tween.elem[ tween.prop ] = tween.now; + } + } + } +}; + +// Support: IE <=9 only +// Panic based approach to setting things on disconnected nodes +Tween.propHooks.scrollTop = Tween.propHooks.scrollLeft = { + set: function( tween ) { + if ( tween.elem.nodeType && tween.elem.parentNode ) { + tween.elem[ tween.prop ] = tween.now; + } + } +}; + +jQuery.easing = { + linear: function( p ) { + return p; + }, + swing: function( p ) { + return 0.5 - Math.cos( p * Math.PI ) / 2; + }, + _default: "swing" +}; + +jQuery.fx = Tween.prototype.init; + +// Back compat <1.8 extension point +jQuery.fx.step = {}; + + + + +var + fxNow, inProgress, + rfxtypes = /^(?:toggle|show|hide)$/, + rrun = /queueHooks$/; + +function schedule() { + if ( inProgress ) { + if ( document.hidden === false && window.requestAnimationFrame ) { + window.requestAnimationFrame( schedule ); + } else { + window.setTimeout( schedule, jQuery.fx.interval ); + } + + jQuery.fx.tick(); + } +} + +// Animations created synchronously will run synchronously +function createFxNow() { + window.setTimeout( function() { + fxNow = undefined; + } ); + return ( fxNow = jQuery.now() ); +} + +// Generate parameters to create a standard animation +function genFx( type, includeWidth ) { + var which, + i = 0, + attrs = { height: type }; + + // If we include width, step value is 1 to do all cssExpand values, + // otherwise step value is 2 to skip over Left and Right + includeWidth = includeWidth ? 1 : 0; + for ( ; i < 4; i += 2 - includeWidth ) { + which = cssExpand[ i ]; + attrs[ "margin" + which ] = attrs[ "padding" + which ] = type; + } + + if ( includeWidth ) { + attrs.opacity = attrs.width = type; + } + + return attrs; +} + +function createTween( value, prop, animation ) { + var tween, + collection = ( Animation.tweeners[ prop ] || [] ).concat( Animation.tweeners[ "*" ] ), + index = 0, + length = collection.length; + for ( ; index < length; index++ ) { + if ( ( tween = collection[ index ].call( animation, prop, value ) ) ) { + + // We're done with this property + return tween; + } + } +} + +function defaultPrefilter( elem, props, opts ) { + var prop, value, toggle, hooks, oldfire, propTween, restoreDisplay, display, + isBox = "width" in props || "height" in props, + anim = this, + orig = {}, + style = elem.style, + hidden = elem.nodeType && isHiddenWithinTree( elem ), + dataShow = dataPriv.get( elem, "fxshow" ); + + // Queue-skipping animations hijack the fx hooks + if ( !opts.queue ) { + hooks = jQuery._queueHooks( elem, "fx" ); + if ( hooks.unqueued == null ) { + hooks.unqueued = 0; + oldfire = hooks.empty.fire; + hooks.empty.fire = function() { + if ( !hooks.unqueued ) { + oldfire(); + } + }; + } + hooks.unqueued++; + + anim.always( function() { + + // Ensure the complete handler is called before this completes + anim.always( function() { + hooks.unqueued--; + if ( !jQuery.queue( elem, "fx" ).length ) { + hooks.empty.fire(); + } + } ); + } ); + } + + // Detect show/hide animations + for ( prop in props ) { + value = props[ prop ]; + if ( rfxtypes.test( value ) ) { + delete props[ prop ]; + toggle = toggle || value === "toggle"; + if ( value === ( hidden ? "hide" : "show" ) ) { + + // Pretend to be hidden if this is a "show" and + // there is still data from a stopped show/hide + if ( value === "show" && dataShow && dataShow[ prop ] !== undefined ) { + hidden = true; + + // Ignore all other no-op show/hide data + } else { + continue; + } + } + orig[ prop ] = dataShow && dataShow[ prop ] || jQuery.style( elem, prop ); + } + } + + // Bail out if this is a no-op like .hide().hide() + propTween = !jQuery.isEmptyObject( props ); + if ( !propTween && jQuery.isEmptyObject( orig ) ) { + return; + } + + // Restrict "overflow" and "display" styles during box animations + if ( isBox && elem.nodeType === 1 ) { + + // Support: IE <=9 - 11, Edge 12 - 13 + // Record all 3 overflow attributes because IE does not infer the shorthand + // from identically-valued overflowX and overflowY + opts.overflow = [ style.overflow, style.overflowX, style.overflowY ]; + + // Identify a display type, preferring old show/hide data over the CSS cascade + restoreDisplay = dataShow && dataShow.display; + if ( restoreDisplay == null ) { + restoreDisplay = dataPriv.get( elem, "display" ); + } + display = jQuery.css( elem, "display" ); + if ( display === "none" ) { + if ( restoreDisplay ) { + display = restoreDisplay; + } else { + + // Get nonempty value(s) by temporarily forcing visibility + showHide( [ elem ], true ); + restoreDisplay = elem.style.display || restoreDisplay; + display = jQuery.css( elem, "display" ); + showHide( [ elem ] ); + } + } + + // Animate inline elements as inline-block + if ( display === "inline" || display === "inline-block" && restoreDisplay != null ) { + if ( jQuery.css( elem, "float" ) === "none" ) { + + // Restore the original display value at the end of pure show/hide animations + if ( !propTween ) { + anim.done( function() { + style.display = restoreDisplay; + } ); + if ( restoreDisplay == null ) { + display = style.display; + restoreDisplay = display === "none" ? "" : display; + } + } + style.display = "inline-block"; + } + } + } + + if ( opts.overflow ) { + style.overflow = "hidden"; + anim.always( function() { + style.overflow = opts.overflow[ 0 ]; + style.overflowX = opts.overflow[ 1 ]; + style.overflowY = opts.overflow[ 2 ]; + } ); + } + + // Implement show/hide animations + propTween = false; + for ( prop in orig ) { + + // General show/hide setup for this element animation + if ( !propTween ) { + if ( dataShow ) { + if ( "hidden" in dataShow ) { + hidden = dataShow.hidden; + } + } else { + dataShow = dataPriv.access( elem, "fxshow", { display: restoreDisplay } ); + } + + // Store hidden/visible for toggle so `.stop().toggle()` "reverses" + if ( toggle ) { + dataShow.hidden = !hidden; + } + + // Show elements before animating them + if ( hidden ) { + showHide( [ elem ], true ); + } + + /* eslint-disable no-loop-func */ + + anim.done( function() { + + /* eslint-enable no-loop-func */ + + // The final step of a "hide" animation is actually hiding the element + if ( !hidden ) { + showHide( [ elem ] ); + } + dataPriv.remove( elem, "fxshow" ); + for ( prop in orig ) { + jQuery.style( elem, prop, orig[ prop ] ); + } + } ); + } + + // Per-property setup + propTween = createTween( hidden ? dataShow[ prop ] : 0, prop, anim ); + if ( !( prop in dataShow ) ) { + dataShow[ prop ] = propTween.start; + if ( hidden ) { + propTween.end = propTween.start; + propTween.start = 0; + } + } + } +} + +function propFilter( props, specialEasing ) { + var index, name, easing, value, hooks; + + // camelCase, specialEasing and expand cssHook pass + for ( index in props ) { + name = jQuery.camelCase( index ); + easing = specialEasing[ name ]; + value = props[ index ]; + if ( Array.isArray( value ) ) { + easing = value[ 1 ]; + value = props[ index ] = value[ 0 ]; + } + + if ( index !== name ) { + props[ name ] = value; + delete props[ index ]; + } + + hooks = jQuery.cssHooks[ name ]; + if ( hooks && "expand" in hooks ) { + value = hooks.expand( value ); + delete props[ name ]; + + // Not quite $.extend, this won't overwrite existing keys. + // Reusing 'index' because we have the correct "name" + for ( index in value ) { + if ( !( index in props ) ) { + props[ index ] = value[ index ]; + specialEasing[ index ] = easing; + } + } + } else { + specialEasing[ name ] = easing; + } + } +} + +function Animation( elem, properties, options ) { + var result, + stopped, + index = 0, + length = Animation.prefilters.length, + deferred = jQuery.Deferred().always( function() { + + // Don't match elem in the :animated selector + delete tick.elem; + } ), + tick = function() { + if ( stopped ) { + return false; + } + var currentTime = fxNow || createFxNow(), + remaining = Math.max( 0, animation.startTime + animation.duration - currentTime ), + + // Support: Android 2.3 only + // Archaic crash bug won't allow us to use `1 - ( 0.5 || 0 )` (#12497) + temp = remaining / animation.duration || 0, + percent = 1 - temp, + index = 0, + length = animation.tweens.length; + + for ( ; index < length; index++ ) { + animation.tweens[ index ].run( percent ); + } + + deferred.notifyWith( elem, [ animation, percent, remaining ] ); + + // If there's more to do, yield + if ( percent < 1 && length ) { + return remaining; + } + + // If this was an empty animation, synthesize a final progress notification + if ( !length ) { + deferred.notifyWith( elem, [ animation, 1, 0 ] ); + } + + // Resolve the animation and report its conclusion + deferred.resolveWith( elem, [ animation ] ); + return false; + }, + animation = deferred.promise( { + elem: elem, + props: jQuery.extend( {}, properties ), + opts: jQuery.extend( true, { + specialEasing: {}, + easing: jQuery.easing._default + }, options ), + originalProperties: properties, + originalOptions: options, + startTime: fxNow || createFxNow(), + duration: options.duration, + tweens: [], + createTween: function( prop, end ) { + var tween = jQuery.Tween( elem, animation.opts, prop, end, + animation.opts.specialEasing[ prop ] || animation.opts.easing ); + animation.tweens.push( tween ); + return tween; + }, + stop: function( gotoEnd ) { + var index = 0, + + // If we are going to the end, we want to run all the tweens + // otherwise we skip this part + length = gotoEnd ? animation.tweens.length : 0; + if ( stopped ) { + return this; + } + stopped = true; + for ( ; index < length; index++ ) { + animation.tweens[ index ].run( 1 ); + } + + // Resolve when we played the last frame; otherwise, reject + if ( gotoEnd ) { + deferred.notifyWith( elem, [ animation, 1, 0 ] ); + deferred.resolveWith( elem, [ animation, gotoEnd ] ); + } else { + deferred.rejectWith( elem, [ animation, gotoEnd ] ); + } + return this; + } + } ), + props = animation.props; + + propFilter( props, animation.opts.specialEasing ); + + for ( ; index < length; index++ ) { + result = Animation.prefilters[ index ].call( animation, elem, props, animation.opts ); + if ( result ) { + if ( jQuery.isFunction( result.stop ) ) { + jQuery._queueHooks( animation.elem, animation.opts.queue ).stop = + jQuery.proxy( result.stop, result ); + } + return result; + } + } + + jQuery.map( props, createTween, animation ); + + if ( jQuery.isFunction( animation.opts.start ) ) { + animation.opts.start.call( elem, animation ); + } + + // Attach callbacks from options + animation + .progress( animation.opts.progress ) + .done( animation.opts.done, animation.opts.complete ) + .fail( animation.opts.fail ) + .always( animation.opts.always ); + + jQuery.fx.timer( + jQuery.extend( tick, { + elem: elem, + anim: animation, + queue: animation.opts.queue + } ) + ); + + return animation; +} + +jQuery.Animation = jQuery.extend( Animation, { + + tweeners: { + "*": [ function( prop, value ) { + var tween = this.createTween( prop, value ); + adjustCSS( tween.elem, prop, rcssNum.exec( value ), tween ); + return tween; + } ] + }, + + tweener: function( props, callback ) { + if ( jQuery.isFunction( props ) ) { + callback = props; + props = [ "*" ]; + } else { + props = props.match( rnothtmlwhite ); + } + + var prop, + index = 0, + length = props.length; + + for ( ; index < length; index++ ) { + prop = props[ index ]; + Animation.tweeners[ prop ] = Animation.tweeners[ prop ] || []; + Animation.tweeners[ prop ].unshift( callback ); + } + }, + + prefilters: [ defaultPrefilter ], + + prefilter: function( callback, prepend ) { + if ( prepend ) { + Animation.prefilters.unshift( callback ); + } else { + Animation.prefilters.push( callback ); + } + } +} ); + +jQuery.speed = function( speed, easing, fn ) { + var opt = speed && typeof speed === "object" ? jQuery.extend( {}, speed ) : { + complete: fn || !fn && easing || + jQuery.isFunction( speed ) && speed, + duration: speed, + easing: fn && easing || easing && !jQuery.isFunction( easing ) && easing + }; + + // Go to the end state if fx are off + if ( jQuery.fx.off ) { + opt.duration = 0; + + } else { + if ( typeof opt.duration !== "number" ) { + if ( opt.duration in jQuery.fx.speeds ) { + opt.duration = jQuery.fx.speeds[ opt.duration ]; + + } else { + opt.duration = jQuery.fx.speeds._default; + } + } + } + + // Normalize opt.queue - true/undefined/null -> "fx" + if ( opt.queue == null || opt.queue === true ) { + opt.queue = "fx"; + } + + // Queueing + opt.old = opt.complete; + + opt.complete = function() { + if ( jQuery.isFunction( opt.old ) ) { + opt.old.call( this ); + } + + if ( opt.queue ) { + jQuery.dequeue( this, opt.queue ); + } + }; + + return opt; +}; + +jQuery.fn.extend( { + fadeTo: function( speed, to, easing, callback ) { + + // Show any hidden elements after setting opacity to 0 + return this.filter( isHiddenWithinTree ).css( "opacity", 0 ).show() + + // Animate to the value specified + .end().animate( { opacity: to }, speed, easing, callback ); + }, + animate: function( prop, speed, easing, callback ) { + var empty = jQuery.isEmptyObject( prop ), + optall = jQuery.speed( speed, easing, callback ), + doAnimation = function() { + + // Operate on a copy of prop so per-property easing won't be lost + var anim = Animation( this, jQuery.extend( {}, prop ), optall ); + + // Empty animations, or finishing resolves immediately + if ( empty || dataPriv.get( this, "finish" ) ) { + anim.stop( true ); + } + }; + doAnimation.finish = doAnimation; + + return empty || optall.queue === false ? + this.each( doAnimation ) : + this.queue( optall.queue, doAnimation ); + }, + stop: function( type, clearQueue, gotoEnd ) { + var stopQueue = function( hooks ) { + var stop = hooks.stop; + delete hooks.stop; + stop( gotoEnd ); + }; + + if ( typeof type !== "string" ) { + gotoEnd = clearQueue; + clearQueue = type; + type = undefined; + } + if ( clearQueue && type !== false ) { + this.queue( type || "fx", [] ); + } + + return this.each( function() { + var dequeue = true, + index = type != null && type + "queueHooks", + timers = jQuery.timers, + data = dataPriv.get( this ); + + if ( index ) { + if ( data[ index ] && data[ index ].stop ) { + stopQueue( data[ index ] ); + } + } else { + for ( index in data ) { + if ( data[ index ] && data[ index ].stop && rrun.test( index ) ) { + stopQueue( data[ index ] ); + } + } + } + + for ( index = timers.length; index--; ) { + if ( timers[ index ].elem === this && + ( type == null || timers[ index ].queue === type ) ) { + + timers[ index ].anim.stop( gotoEnd ); + dequeue = false; + timers.splice( index, 1 ); + } + } + + // Start the next in the queue if the last step wasn't forced. + // Timers currently will call their complete callbacks, which + // will dequeue but only if they were gotoEnd. + if ( dequeue || !gotoEnd ) { + jQuery.dequeue( this, type ); + } + } ); + }, + finish: function( type ) { + if ( type !== false ) { + type = type || "fx"; + } + return this.each( function() { + var index, + data = dataPriv.get( this ), + queue = data[ type + "queue" ], + hooks = data[ type + "queueHooks" ], + timers = jQuery.timers, + length = queue ? queue.length : 0; + + // Enable finishing flag on private data + data.finish = true; + + // Empty the queue first + jQuery.queue( this, type, [] ); + + if ( hooks && hooks.stop ) { + hooks.stop.call( this, true ); + } + + // Look for any active animations, and finish them + for ( index = timers.length; index--; ) { + if ( timers[ index ].elem === this && timers[ index ].queue === type ) { + timers[ index ].anim.stop( true ); + timers.splice( index, 1 ); + } + } + + // Look for any animations in the old queue and finish them + for ( index = 0; index < length; index++ ) { + if ( queue[ index ] && queue[ index ].finish ) { + queue[ index ].finish.call( this ); + } + } + + // Turn off finishing flag + delete data.finish; + } ); + } +} ); + +jQuery.each( [ "toggle", "show", "hide" ], function( i, name ) { + var cssFn = jQuery.fn[ name ]; + jQuery.fn[ name ] = function( speed, easing, callback ) { + return speed == null || typeof speed === "boolean" ? + cssFn.apply( this, arguments ) : + this.animate( genFx( name, true ), speed, easing, callback ); + }; +} ); + +// Generate shortcuts for custom animations +jQuery.each( { + slideDown: genFx( "show" ), + slideUp: genFx( "hide" ), + slideToggle: genFx( "toggle" ), + fadeIn: { opacity: "show" }, + fadeOut: { opacity: "hide" }, + fadeToggle: { opacity: "toggle" } +}, function( name, props ) { + jQuery.fn[ name ] = function( speed, easing, callback ) { + return this.animate( props, speed, easing, callback ); + }; +} ); + +jQuery.timers = []; +jQuery.fx.tick = function() { + var timer, + i = 0, + timers = jQuery.timers; + + fxNow = jQuery.now(); + + for ( ; i < timers.length; i++ ) { + timer = timers[ i ]; + + // Run the timer and safely remove it when done (allowing for external removal) + if ( !timer() && timers[ i ] === timer ) { + timers.splice( i--, 1 ); + } + } + + if ( !timers.length ) { + jQuery.fx.stop(); + } + fxNow = undefined; +}; + +jQuery.fx.timer = function( timer ) { + jQuery.timers.push( timer ); + jQuery.fx.start(); +}; + +jQuery.fx.interval = 13; +jQuery.fx.start = function() { + if ( inProgress ) { + return; + } + + inProgress = true; + schedule(); +}; + +jQuery.fx.stop = function() { + inProgress = null; +}; + +jQuery.fx.speeds = { + slow: 600, + fast: 200, + + // Default speed + _default: 400 +}; + + +// Based off of the plugin by Clint Helfers, with permission. +// https://web.archive.org/web/20100324014747/http://blindsignals.com/index.php/2009/07/jquery-delay/ +jQuery.fn.delay = function( time, type ) { + time = jQuery.fx ? jQuery.fx.speeds[ time ] || time : time; + type = type || "fx"; + + return this.queue( type, function( next, hooks ) { + var timeout = window.setTimeout( next, time ); + hooks.stop = function() { + window.clearTimeout( timeout ); + }; + } ); +}; + + +( function() { + var input = document.createElement( "input" ), + select = document.createElement( "select" ), + opt = select.appendChild( document.createElement( "option" ) ); + + input.type = "checkbox"; + + // Support: Android <=4.3 only + // Default value for a checkbox should be "on" + support.checkOn = input.value !== ""; + + // Support: IE <=11 only + // Must access selectedIndex to make default options select + support.optSelected = opt.selected; + + // Support: IE <=11 only + // An input loses its value after becoming a radio + input = document.createElement( "input" ); + input.value = "t"; + input.type = "radio"; + support.radioValue = input.value === "t"; +} )(); + + +var boolHook, + attrHandle = jQuery.expr.attrHandle; + +jQuery.fn.extend( { + attr: function( name, value ) { + return access( this, jQuery.attr, name, value, arguments.length > 1 ); + }, + + removeAttr: function( name ) { + return this.each( function() { + jQuery.removeAttr( this, name ); + } ); + } +} ); + +jQuery.extend( { + attr: function( elem, name, value ) { + var ret, hooks, + nType = elem.nodeType; + + // Don't get/set attributes on text, comment and attribute nodes + if ( nType === 3 || nType === 8 || nType === 2 ) { + return; + } + + // Fallback to prop when attributes are not supported + if ( typeof elem.getAttribute === "undefined" ) { + return jQuery.prop( elem, name, value ); + } + + // Attribute hooks are determined by the lowercase version + // Grab necessary hook if one is defined + if ( nType !== 1 || !jQuery.isXMLDoc( elem ) ) { + hooks = jQuery.attrHooks[ name.toLowerCase() ] || + ( jQuery.expr.match.bool.test( name ) ? boolHook : undefined ); + } + + if ( value !== undefined ) { + if ( value === null ) { + jQuery.removeAttr( elem, name ); + return; + } + + if ( hooks && "set" in hooks && + ( ret = hooks.set( elem, value, name ) ) !== undefined ) { + return ret; + } + + elem.setAttribute( name, value + "" ); + return value; + } + + if ( hooks && "get" in hooks && ( ret = hooks.get( elem, name ) ) !== null ) { + return ret; + } + + ret = jQuery.find.attr( elem, name ); + + // Non-existent attributes return null, we normalize to undefined + return ret == null ? undefined : ret; + }, + + attrHooks: { + type: { + set: function( elem, value ) { + if ( !support.radioValue && value === "radio" && + nodeName( elem, "input" ) ) { + var val = elem.value; + elem.setAttribute( "type", value ); + if ( val ) { + elem.value = val; + } + return value; + } + } + } + }, + + removeAttr: function( elem, value ) { + var name, + i = 0, + + // Attribute names can contain non-HTML whitespace characters + // https://html.spec.whatwg.org/multipage/syntax.html#attributes-2 + attrNames = value && value.match( rnothtmlwhite ); + + if ( attrNames && elem.nodeType === 1 ) { + while ( ( name = attrNames[ i++ ] ) ) { + elem.removeAttribute( name ); + } + } + } +} ); + +// Hooks for boolean attributes +boolHook = { + set: function( elem, value, name ) { + if ( value === false ) { + + // Remove boolean attributes when set to false + jQuery.removeAttr( elem, name ); + } else { + elem.setAttribute( name, name ); + } + return name; + } +}; + +jQuery.each( jQuery.expr.match.bool.source.match( /\w+/g ), function( i, name ) { + var getter = attrHandle[ name ] || jQuery.find.attr; + + attrHandle[ name ] = function( elem, name, isXML ) { + var ret, handle, + lowercaseName = name.toLowerCase(); + + if ( !isXML ) { + + // Avoid an infinite loop by temporarily removing this function from the getter + handle = attrHandle[ lowercaseName ]; + attrHandle[ lowercaseName ] = ret; + ret = getter( elem, name, isXML ) != null ? + lowercaseName : + null; + attrHandle[ lowercaseName ] = handle; + } + return ret; + }; +} ); + + + + +var rfocusable = /^(?:input|select|textarea|button)$/i, + rclickable = /^(?:a|area)$/i; + +jQuery.fn.extend( { + prop: function( name, value ) { + return access( this, jQuery.prop, name, value, arguments.length > 1 ); + }, + + removeProp: function( name ) { + return this.each( function() { + delete this[ jQuery.propFix[ name ] || name ]; + } ); + } +} ); + +jQuery.extend( { + prop: function( elem, name, value ) { + var ret, hooks, + nType = elem.nodeType; + + // Don't get/set properties on text, comment and attribute nodes + if ( nType === 3 || nType === 8 || nType === 2 ) { + return; + } + + if ( nType !== 1 || !jQuery.isXMLDoc( elem ) ) { + + // Fix name and attach hooks + name = jQuery.propFix[ name ] || name; + hooks = jQuery.propHooks[ name ]; + } + + if ( value !== undefined ) { + if ( hooks && "set" in hooks && + ( ret = hooks.set( elem, value, name ) ) !== undefined ) { + return ret; + } + + return ( elem[ name ] = value ); + } + + if ( hooks && "get" in hooks && ( ret = hooks.get( elem, name ) ) !== null ) { + return ret; + } + + return elem[ name ]; + }, + + propHooks: { + tabIndex: { + get: function( elem ) { + + // Support: IE <=9 - 11 only + // elem.tabIndex doesn't always return the + // correct value when it hasn't been explicitly set + // https://web.archive.org/web/20141116233347/http://fluidproject.org/blog/2008/01/09/getting-setting-and-removing-tabindex-values-with-javascript/ + // Use proper attribute retrieval(#12072) + var tabindex = jQuery.find.attr( elem, "tabindex" ); + + if ( tabindex ) { + return parseInt( tabindex, 10 ); + } + + if ( + rfocusable.test( elem.nodeName ) || + rclickable.test( elem.nodeName ) && + elem.href + ) { + return 0; + } + + return -1; + } + } + }, + + propFix: { + "for": "htmlFor", + "class": "className" + } +} ); + +// Support: IE <=11 only +// Accessing the selectedIndex property +// forces the browser to respect setting selected +// on the option +// The getter ensures a default option is selected +// when in an optgroup +// eslint rule "no-unused-expressions" is disabled for this code +// since it considers such accessions noop +if ( !support.optSelected ) { + jQuery.propHooks.selected = { + get: function( elem ) { + + /* eslint no-unused-expressions: "off" */ + + var parent = elem.parentNode; + if ( parent && parent.parentNode ) { + parent.parentNode.selectedIndex; + } + return null; + }, + set: function( elem ) { + + /* eslint no-unused-expressions: "off" */ + + var parent = elem.parentNode; + if ( parent ) { + parent.selectedIndex; + + if ( parent.parentNode ) { + parent.parentNode.selectedIndex; + } + } + } + }; +} + +jQuery.each( [ + "tabIndex", + "readOnly", + "maxLength", + "cellSpacing", + "cellPadding", + "rowSpan", + "colSpan", + "useMap", + "frameBorder", + "contentEditable" +], function() { + jQuery.propFix[ this.toLowerCase() ] = this; +} ); + + + + + // Strip and collapse whitespace according to HTML spec + // https://html.spec.whatwg.org/multipage/infrastructure.html#strip-and-collapse-whitespace + function stripAndCollapse( value ) { + var tokens = value.match( rnothtmlwhite ) || []; + return tokens.join( " " ); + } + + +function getClass( elem ) { + return elem.getAttribute && elem.getAttribute( "class" ) || ""; +} + +jQuery.fn.extend( { + addClass: function( value ) { + var classes, elem, cur, curValue, clazz, j, finalValue, + i = 0; + + if ( jQuery.isFunction( value ) ) { + return this.each( function( j ) { + jQuery( this ).addClass( value.call( this, j, getClass( this ) ) ); + } ); + } + + if ( typeof value === "string" && value ) { + classes = value.match( rnothtmlwhite ) || []; + + while ( ( elem = this[ i++ ] ) ) { + curValue = getClass( elem ); + cur = elem.nodeType === 1 && ( " " + stripAndCollapse( curValue ) + " " ); + + if ( cur ) { + j = 0; + while ( ( clazz = classes[ j++ ] ) ) { + if ( cur.indexOf( " " + clazz + " " ) < 0 ) { + cur += clazz + " "; + } + } + + // Only assign if different to avoid unneeded rendering. + finalValue = stripAndCollapse( cur ); + if ( curValue !== finalValue ) { + elem.setAttribute( "class", finalValue ); + } + } + } + } + + return this; + }, + + removeClass: function( value ) { + var classes, elem, cur, curValue, clazz, j, finalValue, + i = 0; + + if ( jQuery.isFunction( value ) ) { + return this.each( function( j ) { + jQuery( this ).removeClass( value.call( this, j, getClass( this ) ) ); + } ); + } + + if ( !arguments.length ) { + return this.attr( "class", "" ); + } + + if ( typeof value === "string" && value ) { + classes = value.match( rnothtmlwhite ) || []; + + while ( ( elem = this[ i++ ] ) ) { + curValue = getClass( elem ); + + // This expression is here for better compressibility (see addClass) + cur = elem.nodeType === 1 && ( " " + stripAndCollapse( curValue ) + " " ); + + if ( cur ) { + j = 0; + while ( ( clazz = classes[ j++ ] ) ) { + + // Remove *all* instances + while ( cur.indexOf( " " + clazz + " " ) > -1 ) { + cur = cur.replace( " " + clazz + " ", " " ); + } + } + + // Only assign if different to avoid unneeded rendering. + finalValue = stripAndCollapse( cur ); + if ( curValue !== finalValue ) { + elem.setAttribute( "class", finalValue ); + } + } + } + } + + return this; + }, + + toggleClass: function( value, stateVal ) { + var type = typeof value; + + if ( typeof stateVal === "boolean" && type === "string" ) { + return stateVal ? this.addClass( value ) : this.removeClass( value ); + } + + if ( jQuery.isFunction( value ) ) { + return this.each( function( i ) { + jQuery( this ).toggleClass( + value.call( this, i, getClass( this ), stateVal ), + stateVal + ); + } ); + } + + return this.each( function() { + var className, i, self, classNames; + + if ( type === "string" ) { + + // Toggle individual class names + i = 0; + self = jQuery( this ); + classNames = value.match( rnothtmlwhite ) || []; + + while ( ( className = classNames[ i++ ] ) ) { + + // Check each className given, space separated list + if ( self.hasClass( className ) ) { + self.removeClass( className ); + } else { + self.addClass( className ); + } + } + + // Toggle whole class name + } else if ( value === undefined || type === "boolean" ) { + className = getClass( this ); + if ( className ) { + + // Store className if set + dataPriv.set( this, "__className__", className ); + } + + // If the element has a class name or if we're passed `false`, + // then remove the whole classname (if there was one, the above saved it). + // Otherwise bring back whatever was previously saved (if anything), + // falling back to the empty string if nothing was stored. + if ( this.setAttribute ) { + this.setAttribute( "class", + className || value === false ? + "" : + dataPriv.get( this, "__className__" ) || "" + ); + } + } + } ); + }, + + hasClass: function( selector ) { + var className, elem, + i = 0; + + className = " " + selector + " "; + while ( ( elem = this[ i++ ] ) ) { + if ( elem.nodeType === 1 && + ( " " + stripAndCollapse( getClass( elem ) ) + " " ).indexOf( className ) > -1 ) { + return true; + } + } + + return false; + } +} ); + + + + +var rreturn = /\r/g; + +jQuery.fn.extend( { + val: function( value ) { + var hooks, ret, isFunction, + elem = this[ 0 ]; + + if ( !arguments.length ) { + if ( elem ) { + hooks = jQuery.valHooks[ elem.type ] || + jQuery.valHooks[ elem.nodeName.toLowerCase() ]; + + if ( hooks && + "get" in hooks && + ( ret = hooks.get( elem, "value" ) ) !== undefined + ) { + return ret; + } + + ret = elem.value; + + // Handle most common string cases + if ( typeof ret === "string" ) { + return ret.replace( rreturn, "" ); + } + + // Handle cases where value is null/undef or number + return ret == null ? "" : ret; + } + + return; + } + + isFunction = jQuery.isFunction( value ); + + return this.each( function( i ) { + var val; + + if ( this.nodeType !== 1 ) { + return; + } + + if ( isFunction ) { + val = value.call( this, i, jQuery( this ).val() ); + } else { + val = value; + } + + // Treat null/undefined as ""; convert numbers to string + if ( val == null ) { + val = ""; + + } else if ( typeof val === "number" ) { + val += ""; + + } else if ( Array.isArray( val ) ) { + val = jQuery.map( val, function( value ) { + return value == null ? "" : value + ""; + } ); + } + + hooks = jQuery.valHooks[ this.type ] || jQuery.valHooks[ this.nodeName.toLowerCase() ]; + + // If set returns undefined, fall back to normal setting + if ( !hooks || !( "set" in hooks ) || hooks.set( this, val, "value" ) === undefined ) { + this.value = val; + } + } ); + } +} ); + +jQuery.extend( { + valHooks: { + option: { + get: function( elem ) { + + var val = jQuery.find.attr( elem, "value" ); + return val != null ? + val : + + // Support: IE <=10 - 11 only + // option.text throws exceptions (#14686, #14858) + // Strip and collapse whitespace + // https://html.spec.whatwg.org/#strip-and-collapse-whitespace + stripAndCollapse( jQuery.text( elem ) ); + } + }, + select: { + get: function( elem ) { + var value, option, i, + options = elem.options, + index = elem.selectedIndex, + one = elem.type === "select-one", + values = one ? null : [], + max = one ? index + 1 : options.length; + + if ( index < 0 ) { + i = max; + + } else { + i = one ? index : 0; + } + + // Loop through all the selected options + for ( ; i < max; i++ ) { + option = options[ i ]; + + // Support: IE <=9 only + // IE8-9 doesn't update selected after form reset (#2551) + if ( ( option.selected || i === index ) && + + // Don't return options that are disabled or in a disabled optgroup + !option.disabled && + ( !option.parentNode.disabled || + !nodeName( option.parentNode, "optgroup" ) ) ) { + + // Get the specific value for the option + value = jQuery( option ).val(); + + // We don't need an array for one selects + if ( one ) { + return value; + } + + // Multi-Selects return an array + values.push( value ); + } + } + + return values; + }, + + set: function( elem, value ) { + var optionSet, option, + options = elem.options, + values = jQuery.makeArray( value ), + i = options.length; + + while ( i-- ) { + option = options[ i ]; + + /* eslint-disable no-cond-assign */ + + if ( option.selected = + jQuery.inArray( jQuery.valHooks.option.get( option ), values ) > -1 + ) { + optionSet = true; + } + + /* eslint-enable no-cond-assign */ + } + + // Force browsers to behave consistently when non-matching value is set + if ( !optionSet ) { + elem.selectedIndex = -1; + } + return values; + } + } + } +} ); + +// Radios and checkboxes getter/setter +jQuery.each( [ "radio", "checkbox" ], function() { + jQuery.valHooks[ this ] = { + set: function( elem, value ) { + if ( Array.isArray( value ) ) { + return ( elem.checked = jQuery.inArray( jQuery( elem ).val(), value ) > -1 ); + } + } + }; + if ( !support.checkOn ) { + jQuery.valHooks[ this ].get = function( elem ) { + return elem.getAttribute( "value" ) === null ? "on" : elem.value; + }; + } +} ); + + + + +// Return jQuery for attributes-only inclusion + + +var rfocusMorph = /^(?:focusinfocus|focusoutblur)$/; + +jQuery.extend( jQuery.event, { + + trigger: function( event, data, elem, onlyHandlers ) { + + var i, cur, tmp, bubbleType, ontype, handle, special, + eventPath = [ elem || document ], + type = hasOwn.call( event, "type" ) ? event.type : event, + namespaces = hasOwn.call( event, "namespace" ) ? event.namespace.split( "." ) : []; + + cur = tmp = elem = elem || document; + + // Don't do events on text and comment nodes + if ( elem.nodeType === 3 || elem.nodeType === 8 ) { + return; + } + + // focus/blur morphs to focusin/out; ensure we're not firing them right now + if ( rfocusMorph.test( type + jQuery.event.triggered ) ) { + return; + } + + if ( type.indexOf( "." ) > -1 ) { + + // Namespaced trigger; create a regexp to match event type in handle() + namespaces = type.split( "." ); + type = namespaces.shift(); + namespaces.sort(); + } + ontype = type.indexOf( ":" ) < 0 && "on" + type; + + // Caller can pass in a jQuery.Event object, Object, or just an event type string + event = event[ jQuery.expando ] ? + event : + new jQuery.Event( type, typeof event === "object" && event ); + + // Trigger bitmask: & 1 for native handlers; & 2 for jQuery (always true) + event.isTrigger = onlyHandlers ? 2 : 3; + event.namespace = namespaces.join( "." ); + event.rnamespace = event.namespace ? + new RegExp( "(^|\\.)" + namespaces.join( "\\.(?:.*\\.|)" ) + "(\\.|$)" ) : + null; + + // Clean up the event in case it is being reused + event.result = undefined; + if ( !event.target ) { + event.target = elem; + } + + // Clone any incoming data and prepend the event, creating the handler arg list + data = data == null ? + [ event ] : + jQuery.makeArray( data, [ event ] ); + + // Allow special events to draw outside the lines + special = jQuery.event.special[ type ] || {}; + if ( !onlyHandlers && special.trigger && special.trigger.apply( elem, data ) === false ) { + return; + } + + // Determine event propagation path in advance, per W3C events spec (#9951) + // Bubble up to document, then to window; watch for a global ownerDocument var (#9724) + if ( !onlyHandlers && !special.noBubble && !jQuery.isWindow( elem ) ) { + + bubbleType = special.delegateType || type; + if ( !rfocusMorph.test( bubbleType + type ) ) { + cur = cur.parentNode; + } + for ( ; cur; cur = cur.parentNode ) { + eventPath.push( cur ); + tmp = cur; + } + + // Only add window if we got to document (e.g., not plain obj or detached DOM) + if ( tmp === ( elem.ownerDocument || document ) ) { + eventPath.push( tmp.defaultView || tmp.parentWindow || window ); + } + } + + // Fire handlers on the event path + i = 0; + while ( ( cur = eventPath[ i++ ] ) && !event.isPropagationStopped() ) { + + event.type = i > 1 ? + bubbleType : + special.bindType || type; + + // jQuery handler + handle = ( dataPriv.get( cur, "events" ) || {} )[ event.type ] && + dataPriv.get( cur, "handle" ); + if ( handle ) { + handle.apply( cur, data ); + } + + // Native handler + handle = ontype && cur[ ontype ]; + if ( handle && handle.apply && acceptData( cur ) ) { + event.result = handle.apply( cur, data ); + if ( event.result === false ) { + event.preventDefault(); + } + } + } + event.type = type; + + // If nobody prevented the default action, do it now + if ( !onlyHandlers && !event.isDefaultPrevented() ) { + + if ( ( !special._default || + special._default.apply( eventPath.pop(), data ) === false ) && + acceptData( elem ) ) { + + // Call a native DOM method on the target with the same name as the event. + // Don't do default actions on window, that's where global variables be (#6170) + if ( ontype && jQuery.isFunction( elem[ type ] ) && !jQuery.isWindow( elem ) ) { + + // Don't re-trigger an onFOO event when we call its FOO() method + tmp = elem[ ontype ]; + + if ( tmp ) { + elem[ ontype ] = null; + } + + // Prevent re-triggering of the same event, since we already bubbled it above + jQuery.event.triggered = type; + elem[ type ](); + jQuery.event.triggered = undefined; + + if ( tmp ) { + elem[ ontype ] = tmp; + } + } + } + } + + return event.result; + }, + + // Piggyback on a donor event to simulate a different one + // Used only for `focus(in | out)` events + simulate: function( type, elem, event ) { + var e = jQuery.extend( + new jQuery.Event(), + event, + { + type: type, + isSimulated: true + } + ); + + jQuery.event.trigger( e, null, elem ); + } + +} ); + +jQuery.fn.extend( { + + trigger: function( type, data ) { + return this.each( function() { + jQuery.event.trigger( type, data, this ); + } ); + }, + triggerHandler: function( type, data ) { + var elem = this[ 0 ]; + if ( elem ) { + return jQuery.event.trigger( type, data, elem, true ); + } + } +} ); + + +jQuery.each( ( "blur focus focusin focusout resize scroll click dblclick " + + "mousedown mouseup mousemove mouseover mouseout mouseenter mouseleave " + + "change select submit keydown keypress keyup contextmenu" ).split( " " ), + function( i, name ) { + + // Handle event binding + jQuery.fn[ name ] = function( data, fn ) { + return arguments.length > 0 ? + this.on( name, null, data, fn ) : + this.trigger( name ); + }; +} ); + +jQuery.fn.extend( { + hover: function( fnOver, fnOut ) { + return this.mouseenter( fnOver ).mouseleave( fnOut || fnOver ); + } +} ); + + + + +support.focusin = "onfocusin" in window; + + +// Support: Firefox <=44 +// Firefox doesn't have focus(in | out) events +// Related ticket - https://bugzilla.mozilla.org/show_bug.cgi?id=687787 +// +// Support: Chrome <=48 - 49, Safari <=9.0 - 9.1 +// focus(in | out) events fire after focus & blur events, +// which is spec violation - http://www.w3.org/TR/DOM-Level-3-Events/#events-focusevent-event-order +// Related ticket - https://bugs.chromium.org/p/chromium/issues/detail?id=449857 +if ( !support.focusin ) { + jQuery.each( { focus: "focusin", blur: "focusout" }, function( orig, fix ) { + + // Attach a single capturing handler on the document while someone wants focusin/focusout + var handler = function( event ) { + jQuery.event.simulate( fix, event.target, jQuery.event.fix( event ) ); + }; + + jQuery.event.special[ fix ] = { + setup: function() { + var doc = this.ownerDocument || this, + attaches = dataPriv.access( doc, fix ); + + if ( !attaches ) { + doc.addEventListener( orig, handler, true ); + } + dataPriv.access( doc, fix, ( attaches || 0 ) + 1 ); + }, + teardown: function() { + var doc = this.ownerDocument || this, + attaches = dataPriv.access( doc, fix ) - 1; + + if ( !attaches ) { + doc.removeEventListener( orig, handler, true ); + dataPriv.remove( doc, fix ); + + } else { + dataPriv.access( doc, fix, attaches ); + } + } + }; + } ); +} +var location = window.location; + +var nonce = jQuery.now(); + +var rquery = ( /\?/ ); + + + +// Cross-browser xml parsing +jQuery.parseXML = function( data ) { + var xml; + if ( !data || typeof data !== "string" ) { + return null; + } + + // Support: IE 9 - 11 only + // IE throws on parseFromString with invalid input. + try { + xml = ( new window.DOMParser() ).parseFromString( data, "text/xml" ); + } catch ( e ) { + xml = undefined; + } + + if ( !xml || xml.getElementsByTagName( "parsererror" ).length ) { + jQuery.error( "Invalid XML: " + data ); + } + return xml; +}; + + +var + rbracket = /\[\]$/, + rCRLF = /\r?\n/g, + rsubmitterTypes = /^(?:submit|button|image|reset|file)$/i, + rsubmittable = /^(?:input|select|textarea|keygen)/i; + +function buildParams( prefix, obj, traditional, add ) { + var name; + + if ( Array.isArray( obj ) ) { + + // Serialize array item. + jQuery.each( obj, function( i, v ) { + if ( traditional || rbracket.test( prefix ) ) { + + // Treat each array item as a scalar. + add( prefix, v ); + + } else { + + // Item is non-scalar (array or object), encode its numeric index. + buildParams( + prefix + "[" + ( typeof v === "object" && v != null ? i : "" ) + "]", + v, + traditional, + add + ); + } + } ); + + } else if ( !traditional && jQuery.type( obj ) === "object" ) { + + // Serialize object item. + for ( name in obj ) { + buildParams( prefix + "[" + name + "]", obj[ name ], traditional, add ); + } + + } else { + + // Serialize scalar item. + add( prefix, obj ); + } +} + +// Serialize an array of form elements or a set of +// key/values into a query string +jQuery.param = function( a, traditional ) { + var prefix, + s = [], + add = function( key, valueOrFunction ) { + + // If value is a function, invoke it and use its return value + var value = jQuery.isFunction( valueOrFunction ) ? + valueOrFunction() : + valueOrFunction; + + s[ s.length ] = encodeURIComponent( key ) + "=" + + encodeURIComponent( value == null ? "" : value ); + }; + + // If an array was passed in, assume that it is an array of form elements. + if ( Array.isArray( a ) || ( a.jquery && !jQuery.isPlainObject( a ) ) ) { + + // Serialize the form elements + jQuery.each( a, function() { + add( this.name, this.value ); + } ); + + } else { + + // If traditional, encode the "old" way (the way 1.3.2 or older + // did it), otherwise encode params recursively. + for ( prefix in a ) { + buildParams( prefix, a[ prefix ], traditional, add ); + } + } + + // Return the resulting serialization + return s.join( "&" ); +}; + +jQuery.fn.extend( { + serialize: function() { + return jQuery.param( this.serializeArray() ); + }, + serializeArray: function() { + return this.map( function() { + + // Can add propHook for "elements" to filter or add form elements + var elements = jQuery.prop( this, "elements" ); + return elements ? jQuery.makeArray( elements ) : this; + } ) + .filter( function() { + var type = this.type; + + // Use .is( ":disabled" ) so that fieldset[disabled] works + return this.name && !jQuery( this ).is( ":disabled" ) && + rsubmittable.test( this.nodeName ) && !rsubmitterTypes.test( type ) && + ( this.checked || !rcheckableType.test( type ) ); + } ) + .map( function( i, elem ) { + var val = jQuery( this ).val(); + + if ( val == null ) { + return null; + } + + if ( Array.isArray( val ) ) { + return jQuery.map( val, function( val ) { + return { name: elem.name, value: val.replace( rCRLF, "\r\n" ) }; + } ); + } + + return { name: elem.name, value: val.replace( rCRLF, "\r\n" ) }; + } ).get(); + } +} ); + + +var + r20 = /%20/g, + rhash = /#.*$/, + rantiCache = /([?&])_=[^&]*/, + rheaders = /^(.*?):[ \t]*([^\r\n]*)$/mg, + + // #7653, #8125, #8152: local protocol detection + rlocalProtocol = /^(?:about|app|app-storage|.+-extension|file|res|widget):$/, + rnoContent = /^(?:GET|HEAD)$/, + rprotocol = /^\/\//, + + /* Prefilters + * 1) They are useful to introduce custom dataTypes (see ajax/jsonp.js for an example) + * 2) These are called: + * - BEFORE asking for a transport + * - AFTER param serialization (s.data is a string if s.processData is true) + * 3) key is the dataType + * 4) the catchall symbol "*" can be used + * 5) execution will start with transport dataType and THEN continue down to "*" if needed + */ + prefilters = {}, + + /* Transports bindings + * 1) key is the dataType + * 2) the catchall symbol "*" can be used + * 3) selection will start with transport dataType and THEN go to "*" if needed + */ + transports = {}, + + // Avoid comment-prolog char sequence (#10098); must appease lint and evade compression + allTypes = "*/".concat( "*" ), + + // Anchor tag for parsing the document origin + originAnchor = document.createElement( "a" ); + originAnchor.href = location.href; + +// Base "constructor" for jQuery.ajaxPrefilter and jQuery.ajaxTransport +function addToPrefiltersOrTransports( structure ) { + + // dataTypeExpression is optional and defaults to "*" + return function( dataTypeExpression, func ) { + + if ( typeof dataTypeExpression !== "string" ) { + func = dataTypeExpression; + dataTypeExpression = "*"; + } + + var dataType, + i = 0, + dataTypes = dataTypeExpression.toLowerCase().match( rnothtmlwhite ) || []; + + if ( jQuery.isFunction( func ) ) { + + // For each dataType in the dataTypeExpression + while ( ( dataType = dataTypes[ i++ ] ) ) { + + // Prepend if requested + if ( dataType[ 0 ] === "+" ) { + dataType = dataType.slice( 1 ) || "*"; + ( structure[ dataType ] = structure[ dataType ] || [] ).unshift( func ); + + // Otherwise append + } else { + ( structure[ dataType ] = structure[ dataType ] || [] ).push( func ); + } + } + } + }; +} + +// Base inspection function for prefilters and transports +function inspectPrefiltersOrTransports( structure, options, originalOptions, jqXHR ) { + + var inspected = {}, + seekingTransport = ( structure === transports ); + + function inspect( dataType ) { + var selected; + inspected[ dataType ] = true; + jQuery.each( structure[ dataType ] || [], function( _, prefilterOrFactory ) { + var dataTypeOrTransport = prefilterOrFactory( options, originalOptions, jqXHR ); + if ( typeof dataTypeOrTransport === "string" && + !seekingTransport && !inspected[ dataTypeOrTransport ] ) { + + options.dataTypes.unshift( dataTypeOrTransport ); + inspect( dataTypeOrTransport ); + return false; + } else if ( seekingTransport ) { + return !( selected = dataTypeOrTransport ); + } + } ); + return selected; + } + + return inspect( options.dataTypes[ 0 ] ) || !inspected[ "*" ] && inspect( "*" ); +} + +// A special extend for ajax options +// that takes "flat" options (not to be deep extended) +// Fixes #9887 +function ajaxExtend( target, src ) { + var key, deep, + flatOptions = jQuery.ajaxSettings.flatOptions || {}; + + for ( key in src ) { + if ( src[ key ] !== undefined ) { + ( flatOptions[ key ] ? target : ( deep || ( deep = {} ) ) )[ key ] = src[ key ]; + } + } + if ( deep ) { + jQuery.extend( true, target, deep ); + } + + return target; +} + +/* Handles responses to an ajax request: + * - finds the right dataType (mediates between content-type and expected dataType) + * - returns the corresponding response + */ +function ajaxHandleResponses( s, jqXHR, responses ) { + + var ct, type, finalDataType, firstDataType, + contents = s.contents, + dataTypes = s.dataTypes; + + // Remove auto dataType and get content-type in the process + while ( dataTypes[ 0 ] === "*" ) { + dataTypes.shift(); + if ( ct === undefined ) { + ct = s.mimeType || jqXHR.getResponseHeader( "Content-Type" ); + } + } + + // Check if we're dealing with a known content-type + if ( ct ) { + for ( type in contents ) { + if ( contents[ type ] && contents[ type ].test( ct ) ) { + dataTypes.unshift( type ); + break; + } + } + } + + // Check to see if we have a response for the expected dataType + if ( dataTypes[ 0 ] in responses ) { + finalDataType = dataTypes[ 0 ]; + } else { + + // Try convertible dataTypes + for ( type in responses ) { + if ( !dataTypes[ 0 ] || s.converters[ type + " " + dataTypes[ 0 ] ] ) { + finalDataType = type; + break; + } + if ( !firstDataType ) { + firstDataType = type; + } + } + + // Or just use first one + finalDataType = finalDataType || firstDataType; + } + + // If we found a dataType + // We add the dataType to the list if needed + // and return the corresponding response + if ( finalDataType ) { + if ( finalDataType !== dataTypes[ 0 ] ) { + dataTypes.unshift( finalDataType ); + } + return responses[ finalDataType ]; + } +} + +/* Chain conversions given the request and the original response + * Also sets the responseXXX fields on the jqXHR instance + */ +function ajaxConvert( s, response, jqXHR, isSuccess ) { + var conv2, current, conv, tmp, prev, + converters = {}, + + // Work with a copy of dataTypes in case we need to modify it for conversion + dataTypes = s.dataTypes.slice(); + + // Create converters map with lowercased keys + if ( dataTypes[ 1 ] ) { + for ( conv in s.converters ) { + converters[ conv.toLowerCase() ] = s.converters[ conv ]; + } + } + + current = dataTypes.shift(); + + // Convert to each sequential dataType + while ( current ) { + + if ( s.responseFields[ current ] ) { + jqXHR[ s.responseFields[ current ] ] = response; + } + + // Apply the dataFilter if provided + if ( !prev && isSuccess && s.dataFilter ) { + response = s.dataFilter( response, s.dataType ); + } + + prev = current; + current = dataTypes.shift(); + + if ( current ) { + + // There's only work to do if current dataType is non-auto + if ( current === "*" ) { + + current = prev; + + // Convert response if prev dataType is non-auto and differs from current + } else if ( prev !== "*" && prev !== current ) { + + // Seek a direct converter + conv = converters[ prev + " " + current ] || converters[ "* " + current ]; + + // If none found, seek a pair + if ( !conv ) { + for ( conv2 in converters ) { + + // If conv2 outputs current + tmp = conv2.split( " " ); + if ( tmp[ 1 ] === current ) { + + // If prev can be converted to accepted input + conv = converters[ prev + " " + tmp[ 0 ] ] || + converters[ "* " + tmp[ 0 ] ]; + if ( conv ) { + + // Condense equivalence converters + if ( conv === true ) { + conv = converters[ conv2 ]; + + // Otherwise, insert the intermediate dataType + } else if ( converters[ conv2 ] !== true ) { + current = tmp[ 0 ]; + dataTypes.unshift( tmp[ 1 ] ); + } + break; + } + } + } + } + + // Apply converter (if not an equivalence) + if ( conv !== true ) { + + // Unless errors are allowed to bubble, catch and return them + if ( conv && s.throws ) { + response = conv( response ); + } else { + try { + response = conv( response ); + } catch ( e ) { + return { + state: "parsererror", + error: conv ? e : "No conversion from " + prev + " to " + current + }; + } + } + } + } + } + } + + return { state: "success", data: response }; +} + +jQuery.extend( { + + // Counter for holding the number of active queries + active: 0, + + // Last-Modified header cache for next request + lastModified: {}, + etag: {}, + + ajaxSettings: { + url: location.href, + type: "GET", + isLocal: rlocalProtocol.test( location.protocol ), + global: true, + processData: true, + async: true, + contentType: "application/x-www-form-urlencoded; charset=UTF-8", + + /* + timeout: 0, + data: null, + dataType: null, + username: null, + password: null, + cache: null, + throws: false, + traditional: false, + headers: {}, + */ + + accepts: { + "*": allTypes, + text: "text/plain", + html: "text/html", + xml: "application/xml, text/xml", + json: "application/json, text/javascript" + }, + + contents: { + xml: /\bxml\b/, + html: /\bhtml/, + json: /\bjson\b/ + }, + + responseFields: { + xml: "responseXML", + text: "responseText", + json: "responseJSON" + }, + + // Data converters + // Keys separate source (or catchall "*") and destination types with a single space + converters: { + + // Convert anything to text + "* text": String, + + // Text to html (true = no transformation) + "text html": true, + + // Evaluate text as a json expression + "text json": JSON.parse, + + // Parse text as xml + "text xml": jQuery.parseXML + }, + + // For options that shouldn't be deep extended: + // you can add your own custom options here if + // and when you create one that shouldn't be + // deep extended (see ajaxExtend) + flatOptions: { + url: true, + context: true + } + }, + + // Creates a full fledged settings object into target + // with both ajaxSettings and settings fields. + // If target is omitted, writes into ajaxSettings. + ajaxSetup: function( target, settings ) { + return settings ? + + // Building a settings object + ajaxExtend( ajaxExtend( target, jQuery.ajaxSettings ), settings ) : + + // Extending ajaxSettings + ajaxExtend( jQuery.ajaxSettings, target ); + }, + + ajaxPrefilter: addToPrefiltersOrTransports( prefilters ), + ajaxTransport: addToPrefiltersOrTransports( transports ), + + // Main method + ajax: function( url, options ) { + + // If url is an object, simulate pre-1.5 signature + if ( typeof url === "object" ) { + options = url; + url = undefined; + } + + // Force options to be an object + options = options || {}; + + var transport, + + // URL without anti-cache param + cacheURL, + + // Response headers + responseHeadersString, + responseHeaders, + + // timeout handle + timeoutTimer, + + // Url cleanup var + urlAnchor, + + // Request state (becomes false upon send and true upon completion) + completed, + + // To know if global events are to be dispatched + fireGlobals, + + // Loop variable + i, + + // uncached part of the url + uncached, + + // Create the final options object + s = jQuery.ajaxSetup( {}, options ), + + // Callbacks context + callbackContext = s.context || s, + + // Context for global events is callbackContext if it is a DOM node or jQuery collection + globalEventContext = s.context && + ( callbackContext.nodeType || callbackContext.jquery ) ? + jQuery( callbackContext ) : + jQuery.event, + + // Deferreds + deferred = jQuery.Deferred(), + completeDeferred = jQuery.Callbacks( "once memory" ), + + // Status-dependent callbacks + statusCode = s.statusCode || {}, + + // Headers (they are sent all at once) + requestHeaders = {}, + requestHeadersNames = {}, + + // Default abort message + strAbort = "canceled", + + // Fake xhr + jqXHR = { + readyState: 0, + + // Builds headers hashtable if needed + getResponseHeader: function( key ) { + var match; + if ( completed ) { + if ( !responseHeaders ) { + responseHeaders = {}; + while ( ( match = rheaders.exec( responseHeadersString ) ) ) { + responseHeaders[ match[ 1 ].toLowerCase() ] = match[ 2 ]; + } + } + match = responseHeaders[ key.toLowerCase() ]; + } + return match == null ? null : match; + }, + + // Raw string + getAllResponseHeaders: function() { + return completed ? responseHeadersString : null; + }, + + // Caches the header + setRequestHeader: function( name, value ) { + if ( completed == null ) { + name = requestHeadersNames[ name.toLowerCase() ] = + requestHeadersNames[ name.toLowerCase() ] || name; + requestHeaders[ name ] = value; + } + return this; + }, + + // Overrides response content-type header + overrideMimeType: function( type ) { + if ( completed == null ) { + s.mimeType = type; + } + return this; + }, + + // Status-dependent callbacks + statusCode: function( map ) { + var code; + if ( map ) { + if ( completed ) { + + // Execute the appropriate callbacks + jqXHR.always( map[ jqXHR.status ] ); + } else { + + // Lazy-add the new callbacks in a way that preserves old ones + for ( code in map ) { + statusCode[ code ] = [ statusCode[ code ], map[ code ] ]; + } + } + } + return this; + }, + + // Cancel the request + abort: function( statusText ) { + var finalText = statusText || strAbort; + if ( transport ) { + transport.abort( finalText ); + } + done( 0, finalText ); + return this; + } + }; + + // Attach deferreds + deferred.promise( jqXHR ); + + // Add protocol if not provided (prefilters might expect it) + // Handle falsy url in the settings object (#10093: consistency with old signature) + // We also use the url parameter if available + s.url = ( ( url || s.url || location.href ) + "" ) + .replace( rprotocol, location.protocol + "//" ); + + // Alias method option to type as per ticket #12004 + s.type = options.method || options.type || s.method || s.type; + + // Extract dataTypes list + s.dataTypes = ( s.dataType || "*" ).toLowerCase().match( rnothtmlwhite ) || [ "" ]; + + // A cross-domain request is in order when the origin doesn't match the current origin. + if ( s.crossDomain == null ) { + urlAnchor = document.createElement( "a" ); + + // Support: IE <=8 - 11, Edge 12 - 13 + // IE throws exception on accessing the href property if url is malformed, + // e.g. http://example.com:80x/ + try { + urlAnchor.href = s.url; + + // Support: IE <=8 - 11 only + // Anchor's host property isn't correctly set when s.url is relative + urlAnchor.href = urlAnchor.href; + s.crossDomain = originAnchor.protocol + "//" + originAnchor.host !== + urlAnchor.protocol + "//" + urlAnchor.host; + } catch ( e ) { + + // If there is an error parsing the URL, assume it is crossDomain, + // it can be rejected by the transport if it is invalid + s.crossDomain = true; + } + } + + // Convert data if not already a string + if ( s.data && s.processData && typeof s.data !== "string" ) { + s.data = jQuery.param( s.data, s.traditional ); + } + + // Apply prefilters + inspectPrefiltersOrTransports( prefilters, s, options, jqXHR ); + + // If request was aborted inside a prefilter, stop there + if ( completed ) { + return jqXHR; + } + + // We can fire global events as of now if asked to + // Don't fire events if jQuery.event is undefined in an AMD-usage scenario (#15118) + fireGlobals = jQuery.event && s.global; + + // Watch for a new set of requests + if ( fireGlobals && jQuery.active++ === 0 ) { + jQuery.event.trigger( "ajaxStart" ); + } + + // Uppercase the type + s.type = s.type.toUpperCase(); + + // Determine if request has content + s.hasContent = !rnoContent.test( s.type ); + + // Save the URL in case we're toying with the If-Modified-Since + // and/or If-None-Match header later on + // Remove hash to simplify url manipulation + cacheURL = s.url.replace( rhash, "" ); + + // More options handling for requests with no content + if ( !s.hasContent ) { + + // Remember the hash so we can put it back + uncached = s.url.slice( cacheURL.length ); + + // If data is available, append data to url + if ( s.data ) { + cacheURL += ( rquery.test( cacheURL ) ? "&" : "?" ) + s.data; + + // #9682: remove data so that it's not used in an eventual retry + delete s.data; + } + + // Add or update anti-cache param if needed + if ( s.cache === false ) { + cacheURL = cacheURL.replace( rantiCache, "$1" ); + uncached = ( rquery.test( cacheURL ) ? "&" : "?" ) + "_=" + ( nonce++ ) + uncached; + } + + // Put hash and anti-cache on the URL that will be requested (gh-1732) + s.url = cacheURL + uncached; + + // Change '%20' to '+' if this is encoded form body content (gh-2658) + } else if ( s.data && s.processData && + ( s.contentType || "" ).indexOf( "application/x-www-form-urlencoded" ) === 0 ) { + s.data = s.data.replace( r20, "+" ); + } + + // Set the If-Modified-Since and/or If-None-Match header, if in ifModified mode. + if ( s.ifModified ) { + if ( jQuery.lastModified[ cacheURL ] ) { + jqXHR.setRequestHeader( "If-Modified-Since", jQuery.lastModified[ cacheURL ] ); + } + if ( jQuery.etag[ cacheURL ] ) { + jqXHR.setRequestHeader( "If-None-Match", jQuery.etag[ cacheURL ] ); + } + } + + // Set the correct header, if data is being sent + if ( s.data && s.hasContent && s.contentType !== false || options.contentType ) { + jqXHR.setRequestHeader( "Content-Type", s.contentType ); + } + + // Set the Accepts header for the server, depending on the dataType + jqXHR.setRequestHeader( + "Accept", + s.dataTypes[ 0 ] && s.accepts[ s.dataTypes[ 0 ] ] ? + s.accepts[ s.dataTypes[ 0 ] ] + + ( s.dataTypes[ 0 ] !== "*" ? ", " + allTypes + "; q=0.01" : "" ) : + s.accepts[ "*" ] + ); + + // Check for headers option + for ( i in s.headers ) { + jqXHR.setRequestHeader( i, s.headers[ i ] ); + } + + // Allow custom headers/mimetypes and early abort + if ( s.beforeSend && + ( s.beforeSend.call( callbackContext, jqXHR, s ) === false || completed ) ) { + + // Abort if not done already and return + return jqXHR.abort(); + } + + // Aborting is no longer a cancellation + strAbort = "abort"; + + // Install callbacks on deferreds + completeDeferred.add( s.complete ); + jqXHR.done( s.success ); + jqXHR.fail( s.error ); + + // Get transport + transport = inspectPrefiltersOrTransports( transports, s, options, jqXHR ); + + // If no transport, we auto-abort + if ( !transport ) { + done( -1, "No Transport" ); + } else { + jqXHR.readyState = 1; + + // Send global event + if ( fireGlobals ) { + globalEventContext.trigger( "ajaxSend", [ jqXHR, s ] ); + } + + // If request was aborted inside ajaxSend, stop there + if ( completed ) { + return jqXHR; + } + + // Timeout + if ( s.async && s.timeout > 0 ) { + timeoutTimer = window.setTimeout( function() { + jqXHR.abort( "timeout" ); + }, s.timeout ); + } + + try { + completed = false; + transport.send( requestHeaders, done ); + } catch ( e ) { + + // Rethrow post-completion exceptions + if ( completed ) { + throw e; + } + + // Propagate others as results + done( -1, e ); + } + } + + // Callback for when everything is done + function done( status, nativeStatusText, responses, headers ) { + var isSuccess, success, error, response, modified, + statusText = nativeStatusText; + + // Ignore repeat invocations + if ( completed ) { + return; + } + + completed = true; + + // Clear timeout if it exists + if ( timeoutTimer ) { + window.clearTimeout( timeoutTimer ); + } + + // Dereference transport for early garbage collection + // (no matter how long the jqXHR object will be used) + transport = undefined; + + // Cache response headers + responseHeadersString = headers || ""; + + // Set readyState + jqXHR.readyState = status > 0 ? 4 : 0; + + // Determine if successful + isSuccess = status >= 200 && status < 300 || status === 304; + + // Get response data + if ( responses ) { + response = ajaxHandleResponses( s, jqXHR, responses ); + } + + // Convert no matter what (that way responseXXX fields are always set) + response = ajaxConvert( s, response, jqXHR, isSuccess ); + + // If successful, handle type chaining + if ( isSuccess ) { + + // Set the If-Modified-Since and/or If-None-Match header, if in ifModified mode. + if ( s.ifModified ) { + modified = jqXHR.getResponseHeader( "Last-Modified" ); + if ( modified ) { + jQuery.lastModified[ cacheURL ] = modified; + } + modified = jqXHR.getResponseHeader( "etag" ); + if ( modified ) { + jQuery.etag[ cacheURL ] = modified; + } + } + + // if no content + if ( status === 204 || s.type === "HEAD" ) { + statusText = "nocontent"; + + // if not modified + } else if ( status === 304 ) { + statusText = "notmodified"; + + // If we have data, let's convert it + } else { + statusText = response.state; + success = response.data; + error = response.error; + isSuccess = !error; + } + } else { + + // Extract error from statusText and normalize for non-aborts + error = statusText; + if ( status || !statusText ) { + statusText = "error"; + if ( status < 0 ) { + status = 0; + } + } + } + + // Set data for the fake xhr object + jqXHR.status = status; + jqXHR.statusText = ( nativeStatusText || statusText ) + ""; + + // Success/Error + if ( isSuccess ) { + deferred.resolveWith( callbackContext, [ success, statusText, jqXHR ] ); + } else { + deferred.rejectWith( callbackContext, [ jqXHR, statusText, error ] ); + } + + // Status-dependent callbacks + jqXHR.statusCode( statusCode ); + statusCode = undefined; + + if ( fireGlobals ) { + globalEventContext.trigger( isSuccess ? "ajaxSuccess" : "ajaxError", + [ jqXHR, s, isSuccess ? success : error ] ); + } + + // Complete + completeDeferred.fireWith( callbackContext, [ jqXHR, statusText ] ); + + if ( fireGlobals ) { + globalEventContext.trigger( "ajaxComplete", [ jqXHR, s ] ); + + // Handle the global AJAX counter + if ( !( --jQuery.active ) ) { + jQuery.event.trigger( "ajaxStop" ); + } + } + } + + return jqXHR; + }, + + getJSON: function( url, data, callback ) { + return jQuery.get( url, data, callback, "json" ); + }, + + getScript: function( url, callback ) { + return jQuery.get( url, undefined, callback, "script" ); + } +} ); + +jQuery.each( [ "get", "post" ], function( i, method ) { + jQuery[ method ] = function( url, data, callback, type ) { + + // Shift arguments if data argument was omitted + if ( jQuery.isFunction( data ) ) { + type = type || callback; + callback = data; + data = undefined; + } + + // The url can be an options object (which then must have .url) + return jQuery.ajax( jQuery.extend( { + url: url, + type: method, + dataType: type, + data: data, + success: callback + }, jQuery.isPlainObject( url ) && url ) ); + }; +} ); + + +jQuery._evalUrl = function( url ) { + return jQuery.ajax( { + url: url, + + // Make this explicit, since user can override this through ajaxSetup (#11264) + type: "GET", + dataType: "script", + cache: true, + async: false, + global: false, + "throws": true + } ); +}; + + +jQuery.fn.extend( { + wrapAll: function( html ) { + var wrap; + + if ( this[ 0 ] ) { + if ( jQuery.isFunction( html ) ) { + html = html.call( this[ 0 ] ); + } + + // The elements to wrap the target around + wrap = jQuery( html, this[ 0 ].ownerDocument ).eq( 0 ).clone( true ); + + if ( this[ 0 ].parentNode ) { + wrap.insertBefore( this[ 0 ] ); + } + + wrap.map( function() { + var elem = this; + + while ( elem.firstElementChild ) { + elem = elem.firstElementChild; + } + + return elem; + } ).append( this ); + } + + return this; + }, + + wrapInner: function( html ) { + if ( jQuery.isFunction( html ) ) { + return this.each( function( i ) { + jQuery( this ).wrapInner( html.call( this, i ) ); + } ); + } + + return this.each( function() { + var self = jQuery( this ), + contents = self.contents(); + + if ( contents.length ) { + contents.wrapAll( html ); + + } else { + self.append( html ); + } + } ); + }, + + wrap: function( html ) { + var isFunction = jQuery.isFunction( html ); + + return this.each( function( i ) { + jQuery( this ).wrapAll( isFunction ? html.call( this, i ) : html ); + } ); + }, + + unwrap: function( selector ) { + this.parent( selector ).not( "body" ).each( function() { + jQuery( this ).replaceWith( this.childNodes ); + } ); + return this; + } +} ); + + +jQuery.expr.pseudos.hidden = function( elem ) { + return !jQuery.expr.pseudos.visible( elem ); +}; +jQuery.expr.pseudos.visible = function( elem ) { + return !!( elem.offsetWidth || elem.offsetHeight || elem.getClientRects().length ); +}; + + + + +jQuery.ajaxSettings.xhr = function() { + try { + return new window.XMLHttpRequest(); + } catch ( e ) {} +}; + +var xhrSuccessStatus = { + + // File protocol always yields status code 0, assume 200 + 0: 200, + + // Support: IE <=9 only + // #1450: sometimes IE returns 1223 when it should be 204 + 1223: 204 + }, + xhrSupported = jQuery.ajaxSettings.xhr(); + +support.cors = !!xhrSupported && ( "withCredentials" in xhrSupported ); +support.ajax = xhrSupported = !!xhrSupported; + +jQuery.ajaxTransport( function( options ) { + var callback, errorCallback; + + // Cross domain only allowed if supported through XMLHttpRequest + if ( support.cors || xhrSupported && !options.crossDomain ) { + return { + send: function( headers, complete ) { + var i, + xhr = options.xhr(); + + xhr.open( + options.type, + options.url, + options.async, + options.username, + options.password + ); + + // Apply custom fields if provided + if ( options.xhrFields ) { + for ( i in options.xhrFields ) { + xhr[ i ] = options.xhrFields[ i ]; + } + } + + // Override mime type if needed + if ( options.mimeType && xhr.overrideMimeType ) { + xhr.overrideMimeType( options.mimeType ); + } + + // X-Requested-With header + // For cross-domain requests, seeing as conditions for a preflight are + // akin to a jigsaw puzzle, we simply never set it to be sure. + // (it can always be set on a per-request basis or even using ajaxSetup) + // For same-domain requests, won't change header if already provided. + if ( !options.crossDomain && !headers[ "X-Requested-With" ] ) { + headers[ "X-Requested-With" ] = "XMLHttpRequest"; + } + + // Set headers + for ( i in headers ) { + xhr.setRequestHeader( i, headers[ i ] ); + } + + // Callback + callback = function( type ) { + return function() { + if ( callback ) { + callback = errorCallback = xhr.onload = + xhr.onerror = xhr.onabort = xhr.onreadystatechange = null; + + if ( type === "abort" ) { + xhr.abort(); + } else if ( type === "error" ) { + + // Support: IE <=9 only + // On a manual native abort, IE9 throws + // errors on any property access that is not readyState + if ( typeof xhr.status !== "number" ) { + complete( 0, "error" ); + } else { + complete( + + // File: protocol always yields status 0; see #8605, #14207 + xhr.status, + xhr.statusText + ); + } + } else { + complete( + xhrSuccessStatus[ xhr.status ] || xhr.status, + xhr.statusText, + + // Support: IE <=9 only + // IE9 has no XHR2 but throws on binary (trac-11426) + // For XHR2 non-text, let the caller handle it (gh-2498) + ( xhr.responseType || "text" ) !== "text" || + typeof xhr.responseText !== "string" ? + { binary: xhr.response } : + { text: xhr.responseText }, + xhr.getAllResponseHeaders() + ); + } + } + }; + }; + + // Listen to events + xhr.onload = callback(); + errorCallback = xhr.onerror = callback( "error" ); + + // Support: IE 9 only + // Use onreadystatechange to replace onabort + // to handle uncaught aborts + if ( xhr.onabort !== undefined ) { + xhr.onabort = errorCallback; + } else { + xhr.onreadystatechange = function() { + + // Check readyState before timeout as it changes + if ( xhr.readyState === 4 ) { + + // Allow onerror to be called first, + // but that will not handle a native abort + // Also, save errorCallback to a variable + // as xhr.onerror cannot be accessed + window.setTimeout( function() { + if ( callback ) { + errorCallback(); + } + } ); + } + }; + } + + // Create the abort callback + callback = callback( "abort" ); + + try { + + // Do send the request (this may raise an exception) + xhr.send( options.hasContent && options.data || null ); + } catch ( e ) { + + // #14683: Only rethrow if this hasn't been notified as an error yet + if ( callback ) { + throw e; + } + } + }, + + abort: function() { + if ( callback ) { + callback(); + } + } + }; + } +} ); + + + + +// Prevent auto-execution of scripts when no explicit dataType was provided (See gh-2432) +jQuery.ajaxPrefilter( function( s ) { + if ( s.crossDomain ) { + s.contents.script = false; + } +} ); + +// Install script dataType +jQuery.ajaxSetup( { + accepts: { + script: "text/javascript, application/javascript, " + + "application/ecmascript, application/x-ecmascript" + }, + contents: { + script: /\b(?:java|ecma)script\b/ + }, + converters: { + "text script": function( text ) { + jQuery.globalEval( text ); + return text; + } + } +} ); + +// Handle cache's special case and crossDomain +jQuery.ajaxPrefilter( "script", function( s ) { + if ( s.cache === undefined ) { + s.cache = false; + } + if ( s.crossDomain ) { + s.type = "GET"; + } +} ); + +// Bind script tag hack transport +jQuery.ajaxTransport( "script", function( s ) { + + // This transport only deals with cross domain requests + if ( s.crossDomain ) { + var script, callback; + return { + send: function( _, complete ) { + script = jQuery( " + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + +
+ +
    + +
  • Docs »
  • + +
  • Index
  • + + +
  • + + + +
  • + +
+ + +
+
+
+
+ + +

Index

+ +
+ A + | B + | C + | D + | E + | G + | I + | L + | N + | P + | R + | S + | T + | U + +
+

A

+ + + +
+ +

B

+ + +
+ +

C

+ + + +
+ +

D

+ + + +
+ +

E

+ + +
+ +

G

+ + + +
+ +

I

+ + + +
+ +

L

+ + +
+ +

N

+ + + +
+ +

P

+ + +
+ +

R

+ + + +
+ +

S

+ + + +
+ +

T

+ + + +
+ +

U

+ + + +
+ + + +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/index.html b/docs/build/html/index.html new file mode 100644 index 0000000..db15280 --- /dev/null +++ b/docs/build/html/index.html @@ -0,0 +1,227 @@ + + + + + + + + + + + Tasktk documentation — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + + + +
+ + + + +
+
+
+
+ +
+

Tasktk documentation¶

+

This is a toolkit for developing task-oriented dialog system. We followed the classical pipeline framework, where there are 4 seperated components: NLU, DST, Policy and NLG.

+

We offered the base class and some SOTA baseline models (coming soon) for each component. Specially, the NLU, DST and NLG models are trained individually, while the Policy is trained within a complete pipeline model in a RL-based manner.

+
+
+
+

Package Reference

+ +
+
+
+

Introduction¶

+

This is an introductino demo.

+
+
+

Indices and tables¶

+ +
+ + +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/modules.html b/docs/build/html/modules.html new file mode 100644 index 0000000..622a767 --- /dev/null +++ b/docs/build/html/modules.html @@ -0,0 +1,251 @@ + + + + + + + + + + + tasktk — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/nlu.html b/docs/build/html/nlu.html new file mode 100644 index 0000000..7d1f992 --- /dev/null +++ b/docs/build/html/nlu.html @@ -0,0 +1,207 @@ + + + + + + + + + + + NLU — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + +
+ + + + +
+
+
+
+ +
+

NLU¶

+
+

NLU class¶

+

Metric-like class

+
+
+ + +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/objects.inv b/docs/build/html/objects.inv new file mode 100644 index 0000000..83d162e --- /dev/null +++ b/docs/build/html/objects.inv @@ -0,0 +1,7 @@ +# Sphinx inventory version 2 +# Project: Tasktk +# Version: +# The remainder of this file is compressed using zlib. +xÚ­˜MÛ †ïùHí5¨{ÝÛJ[­*µÕªÙ=#‚i‚‚ŇÔüû‚±bC‚m›Þ† ŒÆê¤O =?×¢2œ‚o@w&xÔ5ÿâÛ¯`»éÍÃ\>ÐFÇda{ª³Ò´.ˆ‚¯Þ¶»€ ÇJ§4w²†i¤¨RL4Ý´©>Šª^RÕŠFÑùhß•vžmRkŠ´ÄäDåZ=üc{ +lìyöRHM[YsÔ¹Öà}™Ý’àÞ0^!ëRÊ NÐ’–kÚGW)ž³ä~ˆE¦5§"Ó5-VÁß?ß"[}ÆÐJ*wOÛ™ùC^}ºRû(óA£/•Š·„T„Å&+&+R)…\ªƒßݧêgtóLlŽc%ÄmËÏñEæÕ¨³¡tèÆIË\æþæ-¹WÀVÒŠ=sŠÃéš;bK«´OW.(ãtå¢Ò§+›>]SD+8#çX´ø–TÀô­EäÐ^¯Ðû…4ÚΔAx´©sqwb{.êa”d?•+½ ֮ǒnë×Á_ìÏu….n„ Eï½ +–a6=c¢‹2™B´nõ¹1}ÑžÉ{˜¯ßGľ¡º$¥•#b­%Û;ËUT×Q·œ[p9÷G•Šï)óáxýÅòÅå—î¯iü1ZBÚÈfͨèýКSùÊ5)VŽµX¥õ~Ý…¨Q$\H™ˆ‡?x¯Ö…iÆ£>±ö¤S\›=`˜ \ÅK3äÐý‹‡À•2‘÷e¢—~‘ÃW›vdm÷AiFЋŽ·5cCÍia§9âEó芋\Ñ)íнþîˆ6•°¦¢ÿ€ÒÕ3Ç{{Ú>ÁÚõ?Ü×͵[%ˆëôøðRÛ`jÚØížoìì"èö¼¼ö—_žįH…Ãô&ßÙ¯aãžUA—á: ì¥{£(–äx;¨·ù>;ßþŽ´÷Zˆ +êºýwÐbrºv¾­íN•“ê#ˆÖ„GLE©AM„®|3w–†ÆBš‘ÐŒ…ý;cª ’;=in .ÝOåC&áÂHè[D94¸I€½ö?cy”I \ No newline at end of file diff --git a/docs/build/html/py-modindex.html b/docs/build/html/py-modindex.html new file mode 100644 index 0000000..0083923 --- /dev/null +++ b/docs/build/html/py-modindex.html @@ -0,0 +1,296 @@ + + + + + + + + + + + Python Module Index — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + +
+ +
    + +
  • Docs »
  • + +
  • Python Module Index
  • + + +
  • + +
  • + +
+ + +
+
+
+
+ + +

Python Module Index

+ +
+ t +
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
 
+ t
+ tasktk +
    + tasktk.dialog_agent +
    + tasktk.dialog_agent.system +
    + tasktk.dst +
    + tasktk.dst.state_tracker +
    + tasktk.nlg +
    + tasktk.nlg.nlg +
    + tasktk.nlu +
    + tasktk.nlu.error +
    + tasktk.nlu.nlu +
    + tasktk.policy +
    + tasktk.policy.policy +
    + tasktk.policy.policy_user_rule +
    + tasktk.usr +
    + tasktk.usr.simulator +
    + tasktk.util +
    + tasktk.util.dataloader +
    + tasktk.util.dialog_act +
    + tasktk.util.state +
+ + +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/search.html b/docs/build/html/search.html new file mode 100644 index 0000000..a69ed65 --- /dev/null +++ b/docs/build/html/search.html @@ -0,0 +1,207 @@ + + + + + + + + + + + Search — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + +
+ +
    + +
  • Docs »
  • + +
  • Search
  • + + +
  • + + + +
  • + +
+ + +
+
+
+
+ + + + +
+ +
+ +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/searchindex.js b/docs/build/html/searchindex.js new file mode 100644 index 0000000..120508a --- /dev/null +++ b/docs/build/html/searchindex.js @@ -0,0 +1 @@ +Search.setIndex({docnames:["index","modules","nlu","tasktk","tasktk.dialog_agent","tasktk.dst","tasktk.nlg","tasktk.nlu","tasktk.policy","tasktk.usr","tasktk.util"],envversion:{"sphinx.domains.c":1,"sphinx.domains.changeset":1,"sphinx.domains.cpp":1,"sphinx.domains.javascript":1,"sphinx.domains.math":2,"sphinx.domains.python":1,"sphinx.domains.rst":1,"sphinx.domains.std":1,sphinx:54},filenames:["index.rst","modules.rst","nlu.rst","tasktk.rst","tasktk.dialog_agent.rst","tasktk.dst.rst","tasktk.nlg.rst","tasktk.nlu.rst","tasktk.policy.rst","tasktk.usr.rst","tasktk.util.rst"],objects:{"":{tasktk:[3,0,0,"-"]},"tasktk.dialog_agent":{system:[4,0,0,"-"]},"tasktk.dialog_agent.system":{DialogSystem:[4,1,1,""]},"tasktk.dialog_agent.system.DialogSystem":{init_session:[4,2,1,""],response:[4,2,1,""]},"tasktk.dst":{state_tracker:[5,0,0,"-"]},"tasktk.dst.state_tracker":{Rule_Tracker:[5,1,1,""],Tracker:[5,1,1,""],Trainable_Tracker:[5,1,1,""]},"tasktk.dst.state_tracker.Tracker":{update:[5,2,1,""]},"tasktk.dst.state_tracker.Trainable_Tracker":{build_model:[5,2,1,""],restore_model:[5,2,1,""],test:[5,2,1,""],train:[5,2,1,""]},"tasktk.nlg":{nlg:[6,0,0,"-"]},"tasktk.nlg.nlg":{NLG:[6,1,1,""],Rule_NLG:[6,1,1,""],Trainable_NLG:[6,1,1,""]},"tasktk.nlg.nlg.NLG":{generate:[6,2,1,""]},"tasktk.nlg.nlg.Trainable_NLG":{build_model:[6,2,1,""],restore_model:[6,2,1,""],test:[6,2,1,""],train:[6,2,1,""]},"tasktk.nlu":{error:[7,0,0,"-"],nlu:[7,0,0,"-"]},"tasktk.nlu.error":{ErrorNLU:[7,1,1,""]},"tasktk.nlu.error.ErrorNLU":{apply:[7,2,1,""],set_error_rate:[7,2,1,""]},"tasktk.nlu.nlu":{NLU:[7,1,1,""],Rule_NLU:[7,1,1,""],Trainable_NLU:[7,1,1,""]},"tasktk.nlu.nlu.NLU":{predict:[7,2,1,""]},"tasktk.nlu.nlu.Trainable_NLU":{build_model:[7,2,1,""],restore_model:[7,2,1,""],test:[7,2,1,""],train:[7,2,1,""]},"tasktk.policy":{policy:[8,0,0,"-"],policy_user_rule:[8,0,0,"-"]},"tasktk.policy.policy":{SysPolicy:[8,1,1,""],UserPolicy:[8,1,1,""]},"tasktk.policy.policy.SysPolicy":{build_model:[8,2,1,""],predict:[8,2,1,""],restore_model:[8,2,1,""]},"tasktk.policy.policy.UserPolicy":{predict:[8,2,1,""]},"tasktk.policy.policy_user_rule":{Agenda:[8,1,1,""],Goal:[8,1,1,""],User_Policy_Agenda:[8,1,1,""],test:[8,4,1,""],test_turn:[8,4,1,""]},"tasktk.policy.policy_user_rule.Agenda":{close_session:[8,2,1,""],get_action:[8,2,1,""],is_empty:[8,2,1,""],update:[8,2,1,""]},"tasktk.policy.policy_user_rule.Goal":{constraints:[8,3,1,""],task_complete:[8,2,1,""],update:[8,2,1,""]},"tasktk.policy.policy_user_rule.User_Policy_Agenda":{init_session:[8,2,1,""],predict:[8,2,1,""]},"tasktk.usr":{simulator:[9,0,0,"-"]},"tasktk.usr.simulator":{UserSimulator:[9,1,1,""]},"tasktk.usr.simulator.UserSimulator":{init_session:[9,2,1,""],response:[9,2,1,""]},"tasktk.util":{dataloader:[10,0,0,"-"],dialog_act:[10,0,0,"-"],state:[10,0,0,"-"]},"tasktk.util.dataloader":{load:[10,4,1,""]},"tasktk.util.dialog_act":{DeterministicAct:[10,1,1,""],DialogAct:[10,1,1,""],StochasticAct:[10,1,1,""]},"tasktk.util.state":{State:[10,1,1,""]},tasktk:{dialog_agent:[4,0,0,"-"],dst:[5,0,0,"-"],nlg:[6,0,0,"-"],nlu:[7,0,0,"-"],policy:[8,0,0,"-"],usr:[9,0,0,"-"],util:[10,0,0,"-"]}},objnames:{"0":["py","module","Python module"],"1":["py","class","Python class"],"2":["py","method","Python method"],"3":["py","attribute","Python attribute"],"4":["py","function","Python function"]},objtypes:{"0":"py:module","1":"py:class","2":"py:method","3":"py:attribute","4":"py:function"},terms:{"1st":[4,5,6,7,8,9,10],"boolean":8,"class":[0,4,5,6,7,8,9,10],"float":[7,8],"int":8,"new":[4,8,9],"return":[4,5,6,7,8,9],"true":8,"while":0,For:[5,7,8],The:[5,6,7,8,10],__init__:[5,8],accomplish:8,act:[4,6,7,8,9,10],act_set:6,act_typ:[5,6,7,8,10],act_type_r:7,act_type_vec:10,action:8,after:7,agenda:8,agent:8,aggreg:9,all:8,alreadi:8,appli:7,author:[4,5,6,7,8,9,10],base:[0,5,6,7,8,10],baselin:0,been:8,bot:[4,8],british:[5,8],build:[5,6,7,8],build_model:[5,6,7,8],bye:8,can:7,cheap:[5,7,8],check:8,chines:[5,8],citi:8,classic:0,clear:8,close_sess:8,collect:[5,8],come:0,complet:0,compon:[0,9],condit:6,constraint:8,constraint_nam:8,contain:8,content:1,continu:8,creat:[4,5,6,7,8,9,10],cuisin:[5,8],current:[5,8],data:[8,10],dataload:[1,3],default_value_unk:8,demo:0,deriv:8,desc:8,determinist:10,deterministic_act:10,develop:0,diaact:8,dialog:[0,4,5,6,7,8,9,10],dialog_act:[1,3,6,7],dialog_ag:[1,3],dialog_sess:1,dialog_system:4,differ:7,dimens:[5,8],distribut:[5,8],domain_nam:10,dst:[0,1,3],each:[0,5,8],els:[4,9],empti:8,error:[1,3],error_nlu:7,exampl:[5,7,8],expens:[5,8],extra:[5,8],fals:8,file:[6,7,8],follow:0,form:[5,6,8],framework:[0,10],french:[5,8],from:[5,6,7,8],gener:[4,6,7,9],get:8,get_act:8,given:8,goal:8,have:8,ideal:[5,8],ident:[5,6,7],index:0,indic:[5,8],individu:0,inform:[7,8],init:[4,9],init_sess:[4,8,9],initi:8,input:[4,7,9],introductino:0,is_empti:8,jan:[4,5,6,7,8,9,10],just:8,keep:8,kei:8,langaug:6,languag:[6,7],last:8,like:2,list:8,load:10,loader:10,manner:0,mention:[5,8],met:8,method:5,metric:2,min_constraint:8,mode:[4,9],model:[0,5,6,7,8],model_path:[5,6,7,8],modul:[0,1],multipl:8,name:8,natur:[6,7],new_stat:5,next:8,nlg:[0,1,3],nlg_model:[4,9],nlu:[0,1,3],nlu_model:[4,9],nois:7,none:8,note:[5,8],number:8,numpeopl:8,object:8,offer:0,one:[5,8],orient:[0,10],otherwis:8,output:[4,7,9],packag:[0,1],page:0,param:[4,5,6,7,8,9],paramet:[4,5,7,8,9],path:[5,6,7,8],pipelin:0,place:7,polici:[0,1,3,4,9],policy_user_rul:[1,3],predict:[7,8],preorder:[4,8,9],previou:5,previous_st:5,price:[5,7,8],rate:7,refer:0,request:8,request_nam:8,request_typ:8,respons:[4,6,9],restor:[5,6,7,8],restore_model:[5,6,7,8],result:7,reward:8,rtype:8,rule:[5,6,7,8],rule_nlg:6,rule_nlu:7,rule_track:5,same:[5,8],search:0,self:[4,8,9],seper:0,sequenc:[5,8],session:[4,8,9],session_ov:8,set:7,set_error_r:7,should:7,simul:[1,3],slot:[5,6,7,8],slot_dict:[5,6,7,8],slot_name_1:[6,8],slot_name_2:[6,8],slot_rat:7,slot_set:6,slot_vec:10,some:0,soon:0,sota:0,special:0,stack:8,state:[1,3,5,8],state_track:[1,3],stochast:10,stochastic_act:10,str:[5,6,7,8],string:[4,9],submodul:1,subpackag:1,suystem:4,sv_pair:10,sv_pair_vec:10,sys_act:8,sys_polici:8,system:[0,1,3,8,9],task:[0,10],task_complet:8,termin:8,test:[5,6,7,8],test_turn:8,thi:0,time:8,toolkit:0,tracker:[4,5,9],train:[0,5,6,7],trainabl:[5,6,7],trainable_nlg:6,trainable_nlu:7,trainable_track:5,tupl:[5,7,8],type:[4,5,6,7,8,9],updat:[5,8],user:[4,8,9],user_polici:8,user_policy_agenda:8,user_simul:[8,9],usr:[1,3],util:[1,3],utter:[6,7],valu:[5,8],value_1:[6,8],value_2:[6,8],variabl:[5,8],want:7,where:0,which:[5,8],within:0,xiang:8,yet:[5,8],zhangzthu:[4,5,6,7,8,9,10]},titles:["Tasktk documentation","tasktk","NLU","tasktk package","tasktk.dialog_agent package","tasktk.dst package","tasktk.nlg package","tasktk.nlu package","tasktk.policy package","tasktk.usr package","tasktk.util package"],titleterms:{"class":2,content:[3,4,5,6,7,8,9,10],dataload:10,dialog_act:10,dialog_ag:4,dialog_sess:3,document:0,dst:5,error:7,indic:0,introduct:0,modul:[3,4,5,6,7,8,9,10],nlg:6,nlu:[2,7],packag:[3,4,5,6,7,8,9,10],polici:8,policy_user_rul:8,simul:9,state:10,state_track:5,submodul:[3,4,5,6,7,8,9,10],subpackag:3,system:4,tabl:0,tasktk:[0,1,3,4,5,6,7,8,9,10],usr:9,util:10}}) \ No newline at end of file diff --git a/docs/build/html/tasktk.dialog_agent.html b/docs/build/html/tasktk.dialog_agent.html new file mode 100644 index 0000000..24d5fda --- /dev/null +++ b/docs/build/html/tasktk.dialog_agent.html @@ -0,0 +1,231 @@ + + + + + + + + + + + tasktk.dialog_agent package — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + +
+ + + + +
+
+
+
+ +
+

tasktk.dialog_agent package¶

+
+

Submodules¶

+
+
+

tasktk.dialog_agent.system module¶

+

Created on Jan 1st, 2019

+

@author: zhangzthu

+
+
+class tasktk.dialog_agent.system.DialogSystem(nlu_model, tracker, policy, nlg_model, mode=0)¶
+
+
+init_session()¶
+

Init the parameters for a new session.

+
+ +
+
+response(input)¶
+

Generate the response of system bot. +:param input: Preorder user output, a 1) string if self.mode == 0, else 2) dialog act if self.mode == 1.

+ +++ + + + + + +
Returns:Suystem response, a 1) string if self.mode == 0, else 2) dialog act if self.mode == 1.
Return type:output
+
+ +
+ +
+
+

Module contents¶

+
+
+ + +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/tasktk.dst.html b/docs/build/html/tasktk.dst.html new file mode 100644 index 0000000..c859452 --- /dev/null +++ b/docs/build/html/tasktk.dst.html @@ -0,0 +1,277 @@ + + + + + + + + + + + tasktk.dst package — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + +
+ + + + +
+
+
+
+ +
+

tasktk.dst package¶

+
+

Submodules¶

+
+
+

tasktk.dst.state_tracker module¶

+

Created on Jan 1st, 2019

+

@author: zhangzthu

+
+
+class tasktk.dst.state_tracker.Rule_Tracker(act_types, slots, slot_dict)¶
+

Bases: tasktk.dst.state_tracker.Tracker

+

The base class for rule-based DST methods, identical to Tracker class.

+
+ +
+
+class tasktk.dst.state_tracker.Tracker(act_types, slots, slot_dict)¶
+

Base class for dialog state tracker models.

+
+
+update(previous_state)¶
+

Update dialog state. +:param previous_state: Previous dialog state, which is a collection of distributions on the values of each

+
+

slot, in the same sequence of slots (__init__() parameter). For example, if slots = [‘price’, +cuisine] and slot_dict = {‘price’: [‘cheap’, ‘expensive’], ‘cuisine’: [‘chinese’, ‘british’, +‘french’]}, and the current state is [cheap, british], then the ideal state variable is +(

+
+
[1.0, 0.0, 0.0], +[0.0, 1.0, 0.0, 0.0]
+

). +Note that the extra one dimension indicates the slot is not mentioned yet.

+
+ +++ + + + + + +
Returns:Updated dialog state, with the same form of previous state.
Return type:new_state (tuple)
+
+ +
+ +
+
+class tasktk.dst.state_tracker.Trainable_Tracker(act_types, slots, slot_dict)¶
+

Bases: tasktk.dst.state_tracker.Tracker

+

Base class for trainable DST models

+
+
+build_model()¶
+

Build the model for DST.

+
+ +
+
+restore_model(model_path)¶
+

Restore model from model_path. +:param model_path: Model path. +:type model_path: str

+
+ +
+
+test()¶
+

Test model.

+
+ +
+
+train()¶
+

Train the model.

+
+ +
+ +
+
+

Module contents¶

+
+
+ + +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/tasktk.html b/docs/build/html/tasktk.html new file mode 100644 index 0000000..8bea5ed --- /dev/null +++ b/docs/build/html/tasktk.html @@ -0,0 +1,254 @@ + + + + + + + + + + + tasktk package — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + + + +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/tasktk.nlg.html b/docs/build/html/tasktk.nlg.html new file mode 100644 index 0000000..1ba1b4a --- /dev/null +++ b/docs/build/html/tasktk.nlg.html @@ -0,0 +1,268 @@ + + + + + + + + + + + tasktk.nlg package — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + +
+ + + + +
+
+
+
+ +
+

tasktk.nlg package¶

+
+

Submodules¶

+
+
+

tasktk.nlg.nlg module¶

+

Created on Jan 1st, 2019

+

@author: zhangzthu

+
+
+class tasktk.nlg.nlg.NLG(act_types, slots, slot_dict)¶
+

Base class for NLG model.

+
+
+generate(dialog_act)¶
+

Generate a natural language utterance conditioned on the dialog act. +:param dialog_act: Dialog act, with the form of (act_type, {slot_name_1: value_1,

+
+
slot_name_2, value_2, …})
+ +++ + + + + + +
Returns:A natural langauge utterance.
Return type:response (str)
+
+ +
+ +
+
+class tasktk.nlg.nlg.Rule_NLG(act_types, slots, slot_dict)¶
+

Bases: tasktk.nlg.nlg.NLG

+

Base class for rule-based NLG model, identical to NLG class.

+
+ +
+
+class tasktk.nlg.nlg.Trainable_NLG(act_set, slot_set, slot_dict)¶
+

Bases: tasktk.nlg.nlg.NLG

+

Base class for trainable NLG model.

+
+
+build_model()¶
+

Build NLG model.

+
+ +
+
+restore_model(model_path)¶
+

Restore model from model_path. +:param model_path: The path of model file. +:type model_path: str

+
+ +
+
+test()¶
+

Test the trained nlg model.

+
+ +
+
+train()¶
+

Train the nlg model.

+
+ +
+ +
+
+

Module contents¶

+
+
+ + +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/tasktk.nlu.html b/docs/build/html/tasktk.nlu.html new file mode 100644 index 0000000..09ca8cd --- /dev/null +++ b/docs/build/html/tasktk.nlu.html @@ -0,0 +1,315 @@ + + + + + + + + + + + tasktk.nlu package — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + +
+ + + + +
+
+
+
+ +
+

tasktk.nlu package¶

+
+

Submodules¶

+
+
+

tasktk.nlu.error module¶

+

Created on Jan 1st, 2019

+

@author: zhangzthu

+
+
+class tasktk.nlu.error.ErrorNLU(act_type_rate=0.0, slot_rate=0.0)¶
+

Base model for generating NLU error.

+
+
+apply(dialog_act)¶
+

Apply the error model on dialog act. +:param dialog_act: Dialog act. +:type dialog_act: tuple

+ +++ + + + + + +
Returns:Dialog act with noise.
Return type:dialog_act (tuple)
+
+ +
+
+set_error_rate(act_type_rate, slot_rate)¶
+

Set error rate parameter for error model. +:param act_type_rate: The error rate applied on dialog act type. +:type act_type_rate: float +:param slot_rate: Error rate applied on slots. +:type slot_rate: float

+
+ +
+ +
+
+

tasktk.nlu.nlu module¶

+

Created on Jan 1st, 2019

+

@author: zhangzthu

+
+
+class tasktk.nlu.nlu.NLU(act_types, slots, slot_dict, act_type_rate=0, slot_rate=0)¶
+

Base class for NLU model.

+
+
+predict(utterance)¶
+

Predict the dialog act of a natural language utterance and apply error model. +:param utterance: A natural language utterance. +:type utterance: str

+ +++ + + + + + +
Returns:
+
Dialog act with noise.
+
For example, for an utterance input ‘i want a cheap place’, the output dialog act should be: +(‘inform’, {‘price’=’cheap’}). After applying noise, the result can be different.
+
+
Return type:output (tuple)
+
+ +
+ +
+
+class tasktk.nlu.nlu.Rule_NLU(act_types, slots, slot_dict, act_type_rate=0, slot_rate=0)¶
+

Bases: tasktk.nlu.nlu.NLU

+

Base class for rule-based NLU model, identical to NLU class.

+
+ +
+
+class tasktk.nlu.nlu.Trainable_NLU(act_types, slots, slot_dict)¶
+

Bases: tasktk.nlu.nlu.NLU

+

Base class for trainable NLU model.

+
+
+build_model()¶
+

Build NLU model. +Returns:

+
+ +
+
+restore_model(model_path)¶
+

Restore model from model_path. +:param model_path: The path of model file. +:type model_path: str

+

Returns:

+
+ +
+
+test()¶
+

Test the trained dialog model. +Returns:

+
+ +
+
+train()¶
+

Train the dialog model. +Returns:

+
+ +
+ +
+
+

Module contents¶

+
+
+ + +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/tasktk.policy.html b/docs/build/html/tasktk.policy.html new file mode 100644 index 0000000..4cf73a2 --- /dev/null +++ b/docs/build/html/tasktk.policy.html @@ -0,0 +1,415 @@ + + + + + + + + + + + tasktk.policy package — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + +
+ + + + +
+
+
+
+ +
+

tasktk.policy package¶

+
+

Submodules¶

+
+
+

tasktk.policy.policy module¶

+

Created on Jan 1st, 2019

+

The policy base class for system and user bot.

+

@author: zhangzthu

+
+
+class tasktk.policy.policy.SysPolicy(act_types, slots, slot_dict)¶
+

Base class for system policy model.

+
+
+build_model()¶
+

Build model for system policy.

+
+ +
+
+predict(state)¶
+

Predict an system action given state. +:param state: Dialog state, which is a collection of distributions on the values of each slot, in the same

+
+

sequence of slots (__init__() parameter). For example, if slots = [‘price’, cuisine] and slot_dict = +{‘price’: [‘cheap’, ‘expensive’], ‘cuisine’: [‘chinese’, ‘british’, ‘french’]}, and the current +state is [cheap, british], the ideal state variable is +(

+
+
[1.0, 0.0, 0.0], +[0.0, 1.0, 0.0, 0.0]
+

). +Note that the extra one dimension indicates the slot is not mentioned yet.

+
+ +++ + + + + + +
Returns:System act, with the form of (act_type, {slot_name_1: value_1, slot_name_2, value_2, …})
Return type:action (tuple)
+
+ +
+
+restore_model(model_path)¶
+

Restore +:param model_path: The path of model. +:type model_path: str

+
+ +
+ +
+
+class tasktk.policy.policy.UserPolicy(act_types, slots, slot_dict)¶
+

Base model for user policy model.

+
+
+predict(state, sys_action)¶
+

Predict an user act based on state and preorder system action. +:param state: Dialog state. +:type state: tuple +:param sys_action: Preorder system action.s +:type sys_action: tuple

+ +++ + + + + + +
Returns:User act. +session_over (boolean): True to terminate session, otherwise session continues. +reward (float): Reward given by user.
Return type:action (tuple)
+
+ +
+ +
+
+

tasktk.policy.policy_user_rule module¶

+

@File : policy_user_rule.py +@Time : 2019/1/11 17:04 +@Author : Li Xiang +@Desc : The rule-based user policy model by agenda

+
+
+class tasktk.policy.policy_user_rule.Agenda(goal)¶
+

Bases: object

+

Stack-based agenda model class

+
+
+close_session()¶
+

Clear up all actions, just keep an ‘bye’ action

+
+ +
+
+get_action(initiative=1)¶
+

get multiple acts based on initiative +:param initiative: number of slots , just for ‘inform’ +:type initiative: int

+ +++ + + + + + +
Returns:diaact +slots (list): slots list +values (list): values list
Return type:diaact (str)
+
+ +
+
+is_empty()¶
+

Is the agenda already empty +:returns: True for empty, False for not. +:rtype: (boolean)

+
+ +
+
+update(sys_action, goal)¶
+

update Goal by current agent action and current goal. { A’ + G†+ sys_action -> A†} +:param sys_action: Preorder system action.s +:type sys_action: tuple

+
+ +
+ +
+
+class tasktk.policy.policy_user_rule.Goal(slots, slot_dict, request_types, min_constraints=1)¶
+

Bases: object

+

User Goal Model Class. Goal(G) contains Requests(R) and Constraints(C)

+
+
+constraints = None¶
+

# test data +self.requests = {‘name’: default_value_UNK, ‘city’: default_value_UNK} +#self.requests = {‘city’: default_value_UNK} +self.request_names = list(self.requests.keys())

+

self.constraints = {‘numpeople’: ‘4’, ‘price’: ‘cheap’, ‘cuisine’: ‘british’} +self.constraint_names = list(self.constraints.keys())

+
+ +
+
+task_complete()¶
+

Check that all requests have been met +:returns: True to accomplish. +:rtype: (boolean)

+
+ +
+
+update(sys_action)¶
+

update Goal by last Goal and current agent action. { G’ + sys_action -> G†} +:param sys_action: Preorder system action.s +:type sys_action: tuple

+
+ +
+ +
+
+class tasktk.policy.policy_user_rule.User_Policy_Agenda(act_types, slots, slot_dict, request_types=None)¶
+

Bases: tasktk.policy.policy.UserPolicy

+

The rule-based user policy model by agenda. Derived from the UserPolicy class

+
+
+init_session()¶
+

Build new Goal and Agenda for next session

+
+ +
+
+predict(state, sys_action)¶
+

Predict an user act based on state and preorder system action. +:param state: Dialog state. +:type state: tuple +:param sys_action: Preorder system action.s +:type sys_action: tuple

+ +++ + + + + + +
Returns:User act. +session_over (boolean): True to terminate session, otherwise session continues. +reward (float): Reward given by user.
Return type:action (tuple)
+
+ +
+ +
+
+tasktk.policy.policy_user_rule.test()¶
+
+ +
+
+tasktk.policy.policy_user_rule.test_turn(user_simulator, sys_action)¶
+
+ +
+
+

Module contents¶

+
+
+ + +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/tasktk.usr.html b/docs/build/html/tasktk.usr.html new file mode 100644 index 0000000..d083b9d --- /dev/null +++ b/docs/build/html/tasktk.usr.html @@ -0,0 +1,232 @@ + + + + + + + + + + + tasktk.usr package — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + +
+ + + + +
+
+
+
+ +
+

tasktk.usr package¶

+
+

Submodules¶

+
+
+

tasktk.usr.simulator module¶

+

Created on Jan 1st, 2019

+

@author: zhangzthu

+
+
+class tasktk.usr.simulator.UserSimulator(nlu_model, tracker, policy, nlg_model, mode=0)¶
+

An aggregation of user simulator components.

+
+
+init_session()¶
+

Init the parameters for a new session.

+
+ +
+
+response(input)¶
+

Generate the response of user. +:param input: Preorder system output, a 1) string if self.mode == 0, else 2) dialog act if self.mode == 1.

+ +++ + + + + + +
Returns:User response, a 1) string if self.mode == 0, else 2) dialog act if self.mode == 1.
Return type:output
+
+ +
+ +
+
+

Module contents¶

+
+
+ + +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/tasktk.util.html b/docs/build/html/tasktk.util.html new file mode 100644 index 0000000..6861728 --- /dev/null +++ b/docs/build/html/tasktk.util.html @@ -0,0 +1,245 @@ + + + + + + + + + + + tasktk.util package — Tasktk documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + +
+ + + + + +
+ +
+ + + + + + + + + + + + + + + + + +
+ + + + +
+
+
+
+ +
+

tasktk.util package¶

+
+

Submodules¶

+
+
+

tasktk.util.dataloader module¶

+

Created on Jan 1st, 2019

+

Data loader for task-oriented dialog framework.

+

@author: zhangzthu

+
+
+tasktk.util.dataloader.load(domain_name)¶
+
+ +
+
+

tasktk.util.dialog_act module¶

+

Created on Jan 1st, 2019

+

@author: zhangzthu

+
+
+class tasktk.util.dialog_act.DeterministicAct(act_type, sv_pairs)¶
+

Bases: tasktk.util.dialog_act.DialogAct

+

Deterministic dialog act class.

+
+ +
+
+class tasktk.util.dialog_act.DialogAct¶
+

The class for dialog act.

+
+ +
+
+class tasktk.util.dialog_act.StochasticAct(act_type_vec, sv_pair_vecs)¶
+

Bases: tasktk.util.dialog_act.DialogAct

+

Stochastic dialog act class.

+
+ +
+
+

tasktk.util.state module¶

+

Created on Jan 1st, 2019

+

@author: zhangzthu

+
+
+class tasktk.util.state.State(slot_vecs)¶
+

Base class for dialog state.

+
+ +
+
+

Module contents¶

+
+
+ + +
+ +
+ + +
+
+ +
+ +
+ + + + + + + + + + + + \ No newline at end of file diff --git a/docs/make.bat b/docs/make.bat new file mode 100644 index 0000000..4d9eb83 --- /dev/null +++ b/docs/make.bat @@ -0,0 +1,35 @@ +@ECHO OFF + +pushd %~dp0 + +REM Command file for Sphinx documentation + +if "%SPHINXBUILD%" == "" ( + set SPHINXBUILD=sphinx-build +) +set SOURCEDIR=source +set BUILDDIR=build + +if "%1" == "" goto help + +%SPHINXBUILD% >NUL 2>NUL +if errorlevel 9009 ( + echo. + echo.The 'sphinx-build' command was not found. Make sure you have Sphinx + echo.installed, then set the SPHINXBUILD environment variable to point + echo.to the full path of the 'sphinx-build' executable. Alternatively you + echo.may add the Sphinx directory to PATH. + echo. + echo.If you don't have Sphinx installed, grab it from + echo.http://sphinx-doc.org/ + exit /b 1 +) + +%SPHINXBUILD% -M %1 %SOURCEDIR% %BUILDDIR% %SPHINXOPTS% +goto end + +:help +%SPHINXBUILD% -M help %SOURCEDIR% %BUILDDIR% %SPHINXOPTS% + +:end +popd diff --git a/docs/modules.rst b/docs/modules.rst new file mode 100644 index 0000000..270746c --- /dev/null +++ b/docs/modules.rst @@ -0,0 +1,7 @@ +tasktk +====== + +.. toctree:: + :maxdepth: 4 + + tasktk diff --git a/docs/source/_templates/sphinx_rtd_theme/__init__.py b/docs/source/_templates/sphinx_rtd_theme/__init__.py new file mode 100644 index 0000000..9e31e7f --- /dev/null +++ b/docs/source/_templates/sphinx_rtd_theme/__init__.py @@ -0,0 +1,19 @@ +"""Sphinx ReadTheDocs theme. + +From https://github.com/ryan-roemer/sphinx-bootstrap-theme. + +""" +from os import path + +__version__ = '0.4.2' +__version_full__ = __version__ + + +def get_html_theme_path(): + """Return list of HTML theme paths.""" + cur_dir = path.abspath(path.dirname(path.dirname(__file__))) + return cur_dir + +# See http://www.sphinx-doc.org/en/stable/theming.html#distribute-your-theme-as-a-python-package +def setup(app): + app.add_html_theme('sphinx_rtd_theme', path.abspath(path.dirname(__file__))) diff --git a/docs/source/_templates/sphinx_rtd_theme/breadcrumbs.html b/docs/source/_templates/sphinx_rtd_theme/breadcrumbs.html new file mode 100644 index 0000000..31550d8 --- /dev/null +++ b/docs/source/_templates/sphinx_rtd_theme/breadcrumbs.html @@ -0,0 +1,82 @@ +{# Support for Sphinx 1.3+ page_source_suffix, but don't break old builds. #} + +{% if page_source_suffix %} +{% set suffix = page_source_suffix %} +{% else %} +{% set suffix = source_suffix %} +{% endif %} + +{% if meta is defined and meta is not none %} +{% set check_meta = True %} +{% else %} +{% set check_meta = False %} +{% endif %} + +{% if check_meta and 'github_url' in meta %} +{% set display_github = True %} +{% endif %} + +{% if check_meta and 'bitbucket_url' in meta %} +{% set display_bitbucket = True %} +{% endif %} + +{% if check_meta and 'gitlab_url' in meta %} +{% set display_gitlab = True %} +{% endif %} + +
+ + + + {% if (theme_prev_next_buttons_location == 'top' or theme_prev_next_buttons_location == 'both') and (next or prev) %} + + {% endif %} +
+
diff --git a/docs/source/_templates/sphinx_rtd_theme/footer.html b/docs/source/_templates/sphinx_rtd_theme/footer.html new file mode 100644 index 0000000..66261c1 --- /dev/null +++ b/docs/source/_templates/sphinx_rtd_theme/footer.html @@ -0,0 +1,52 @@ +
+ {% if (theme_prev_next_buttons_location == 'bottom' or theme_prev_next_buttons_location == 'both') and (next or prev) %} + + {% endif %} + +
+ +
+

+ {%- if show_copyright %} + {%- if hasdoc('copyright') %} + {% trans path=pathto('copyright'), copyright=copyright|e %}© Copyright {{ copyright }}{% endtrans %} + {%- else %} + {% trans copyright=copyright|e %}© Copyright {{ copyright }}{% endtrans %} + {%- endif %} + {%- endif %} + + {%- if build_id and build_url %} + {% trans build_url=build_url, build_id=build_id %} + + Build + {{ build_id }}. + + {% endtrans %} + {%- elif commit %} + {% trans commit=commit %} + + Revision {{ commit }}. + + {% endtrans %} + {%- elif last_updated %} + {% trans last_updated=last_updated|e %}Last updated on {{ last_updated }}.{% endtrans %} + {%- endif %} + +

+
+ + {%- if show_sphinx %} + {% trans %}Built with Sphinx using a theme provided by Read the Docs{% endtrans %}. + {%- endif %} + + {%- block extrafooter %} {% endblock %} + +
+ diff --git a/docs/source/_templates/sphinx_rtd_theme/layout.html b/docs/source/_templates/sphinx_rtd_theme/layout.html new file mode 100644 index 0000000..2df1b39 --- /dev/null +++ b/docs/source/_templates/sphinx_rtd_theme/layout.html @@ -0,0 +1,236 @@ +{# TEMPLATE VAR SETTINGS #} +{%- set url_root = pathto('', 1) %} +{%- if url_root == '#' %}{% set url_root = '' %}{% endif %} +{%- if not embedded and docstitle %} + {%- set titlesuffix = " — "|safe + docstitle|e %} +{%- else %} + {%- set titlesuffix = "" %} +{%- endif %} +{%- set lang_attr = 'en' if language == None else (language | replace('_', '-')) %} + + + + + + + {{ metatags }} + + {% block htmltitle %} + {{ title|striptags|e }}{{ titlesuffix }} + {% endblock %} + + {# FAVICON #} + {% if favicon %} + + {% endif %} + {# CANONICAL URL #} + {% if theme_canonical_url %} + + {% endif %} + + {# JAVASCRIPTS #} + + {%- if not embedded %} + {# XXX Sphinx 1.8.0 made this an external js-file, quick fix until we refactor the template to inherert more blocks directly from sphinx #} + {% if sphinx_version >= "1.8.0" %} + + {%- for scriptfile in script_files %} + {{ js_tag(scriptfile) }} + {%- endfor %} + {% else %} + + {%- for scriptfile in script_files %} + + {%- endfor %} + {% endif %} + + + {# OPENSEARCH #} + {%- if use_opensearch %} + + {%- endif %} + {%- endif %} + + {# CSS #} + + + {%- for css in css_files %} + {%- if css|attr("rel") %} + + {%- else %} + + {%- endif %} + {%- endfor %} + + {%- for cssfile in extra_css_files %} + + {%- endfor %} + + {%- block linktags %} + {%- if hasdoc('about') %} + + {%- endif %} + {%- if hasdoc('genindex') %} + + {%- endif %} + {%- if hasdoc('search') %} + + {%- endif %} + {%- if hasdoc('copyright') %} + + {%- endif %} + {%- if next %} + + {%- endif %} + {%- if prev %} + + {%- endif %} + {%- endblock %} + {%- block extrahead %} {% endblock %} + + + + + {% block extrabody %} {% endblock %} +
+ + {# SIDE NAV, TOGGLES ON MOBILE #} + + +
+ + {# MOBILE NAV, TRIGGLES SIDE NAV ON TOGGLE #} + + + +
+ {%- block content %} + {% if theme_style_external_links|tobool %} + + +
+ +
+ {% include "versions.html" %} + + + + {# Do not conflict with RTD insertion of analytics script #} + {% if not READTHEDOCS %} + {% if theme_analytics_id %} + + + + {% endif %} + {% endif %} + + {%- block footer %} {% endblock %} + + + diff --git a/docs/source/_templates/sphinx_rtd_theme/search.html b/docs/source/_templates/sphinx_rtd_theme/search.html new file mode 100644 index 0000000..e3aa9b5 --- /dev/null +++ b/docs/source/_templates/sphinx_rtd_theme/search.html @@ -0,0 +1,50 @@ +{# + basic/search.html + ~~~~~~~~~~~~~~~~~ + + Template for the search page. + + :copyright: Copyright 2007-2013 by the Sphinx team, see AUTHORS. + :license: BSD, see LICENSE for details. +#} +{%- extends "layout.html" %} +{% set title = _('Search') %} +{% set script_files = script_files + ['_static/searchtools.js'] %} +{% block footer %} + + {# this is used when loading the search index using $.ajax fails, + such as on Chrome for documents on localhost #} + + {{ super() }} +{% endblock %} +{% block body %} + + + {% if search_performed %} +

{{ _('Search Results') }}

+ {% if not search_results %} +

{{ _('Your search did not match any documents. Please make sure that all words are spelled correctly and that you\'ve selected enough categories.') }}

+ {% endif %} + {% endif %} +
+ {% if search_results %} +
    + {% for href, caption, context in search_results %} +
  • + {{ caption }} +

    {{ context|e }}

    +
  • + {% endfor %} +
+ {% endif %} +
+{% endblock %} diff --git a/docs/source/_templates/sphinx_rtd_theme/searchbox.html b/docs/source/_templates/sphinx_rtd_theme/searchbox.html new file mode 100644 index 0000000..606f5c8 --- /dev/null +++ b/docs/source/_templates/sphinx_rtd_theme/searchbox.html @@ -0,0 +1,9 @@ +{%- if builder != 'singlehtml' %} +
+
+ + + +
+
+{%- endif %} diff --git a/docs/source/_templates/sphinx_rtd_theme/static/css/badge_only.css b/docs/source/_templates/sphinx_rtd_theme/static/css/badge_only.css new file mode 100644 index 0000000..323730a --- /dev/null +++ b/docs/source/_templates/sphinx_rtd_theme/static/css/badge_only.css @@ -0,0 +1 @@ +.fa:before{-webkit-font-smoothing:antialiased}.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;content:""}.clearfix:after{clear:both}@font-face{font-family:FontAwesome;font-weight:normal;font-style:normal;src:url("../fonts/fontawesome-webfont.eot");src:url("../fonts/fontawesome-webfont.eot?#iefix") format("embedded-opentype"),url("../fonts/fontawesome-webfont.woff") format("woff"),url("../fonts/fontawesome-webfont.ttf") format("truetype"),url("../fonts/fontawesome-webfont.svg#FontAwesome") format("svg")}.fa:before{display:inline-block;font-family:FontAwesome;font-style:normal;font-weight:normal;line-height:1;text-decoration:inherit}a .fa{display:inline-block;text-decoration:inherit}li .fa{display:inline-block}li .fa-large:before,li .fa-large:before{width:1.875em}ul.fas{list-style-type:none;margin-left:2em;text-indent:-0.8em}ul.fas li .fa{width:.8em}ul.fas li .fa-large:before,ul.fas li .fa-large:before{vertical-align:baseline}.fa-book:before{content:""}.icon-book:before{content:""}.fa-caret-down:before{content:""}.icon-caret-down:before{content:""}.fa-caret-up:before{content:""}.icon-caret-up:before{content:""}.fa-caret-left:before{content:""}.icon-caret-left:before{content:""}.fa-caret-right:before{content:""}.icon-caret-right:before{content:""}.rst-versions{position:fixed;bottom:0;left:0;width:300px;color:#fcfcfc;background:#1f1d1d;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;z-index:400}.rst-versions a{color:#2980B9;text-decoration:none}.rst-versions .rst-badge-small{display:none}.rst-versions .rst-current-version{padding:12px;background-color:#272525;display:block;text-align:right;font-size:90%;cursor:pointer;color:#27AE60;*zoom:1}.rst-versions .rst-current-version:before,.rst-versions .rst-current-version:after{display:table;content:""}.rst-versions .rst-current-version:after{clear:both}.rst-versions .rst-current-version .fa{color:#fcfcfc}.rst-versions .rst-current-version .fa-book{float:left}.rst-versions .rst-current-version .icon-book{float:left}.rst-versions .rst-current-version.rst-out-of-date{background-color:#E74C3C;color:#fff}.rst-versions .rst-current-version.rst-active-old-version{background-color:#F1C40F;color:#000}.rst-versions.shift-up{height:auto;max-height:100%}.rst-versions.shift-up .rst-other-versions{display:block}.rst-versions .rst-other-versions{font-size:90%;padding:12px;color:gray;display:none}.rst-versions .rst-other-versions hr{display:block;height:1px;border:0;margin:20px 0;padding:0;border-top:solid 1px #413d3d}.rst-versions .rst-other-versions dd{display:inline-block;margin:0}.rst-versions .rst-other-versions dd a{display:inline-block;padding:6px;color:#fcfcfc}.rst-versions.rst-badge{width:auto;bottom:20px;right:20px;left:auto;border:none;max-width:300px}.rst-versions.rst-badge .icon-book{float:none}.rst-versions.rst-badge .fa-book{float:none}.rst-versions.rst-badge.shift-up .rst-current-version{text-align:right}.rst-versions.rst-badge.shift-up .rst-current-version .fa-book{float:left}.rst-versions.rst-badge.shift-up .rst-current-version .icon-book{float:left}.rst-versions.rst-badge .rst-current-version{width:auto;height:30px;line-height:30px;padding:0 6px;display:block;text-align:center}@media screen and (max-width: 768px){.rst-versions{width:85%;display:none}.rst-versions.shift{display:block}} diff --git a/docs/source/_templates/sphinx_rtd_theme/static/css/theme.css b/docs/source/_templates/sphinx_rtd_theme/static/css/theme.css new file mode 100644 index 0000000..b19dbfe --- /dev/null +++ b/docs/source/_templates/sphinx_rtd_theme/static/css/theme.css @@ -0,0 +1,6 @@ +/* sphinx_rtd_theme version 0.4.2 | MIT license */ +/* Built 20181005 13:10 */ +*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}[hidden]{display:none}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}body{margin:0}a:hover,a:active{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}blockquote{margin:0}dfn{font-style:italic}ins{background:#ff9;color:#000;text-decoration:none}mark{background:#ff0;color:#000;font-style:italic;font-weight:bold}pre,code,.rst-content tt,.rst-content code,kbd,samp{font-family:monospace,serif;_font-family:"courier new",monospace;font-size:1em}pre{white-space:pre}q{quotes:none}q:before,q:after{content:"";content:none}small{font-size:85%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}ul,ol,dl{margin:0;padding:0;list-style:none;list-style-image:none}li{list-style:none}dd{margin:0}img{border:0;-ms-interpolation-mode:bicubic;vertical-align:middle;max-width:100%}svg:not(:root){overflow:hidden}figure{margin:0}form{margin:0}fieldset{border:0;margin:0;padding:0}label{cursor:pointer}legend{border:0;*margin-left:-7px;padding:0;white-space:normal}button,input,select,textarea{font-size:100%;margin:0;vertical-align:baseline;*vertical-align:middle}button,input{line-height:normal}button,input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button;*overflow:visible}button[disabled],input[disabled]{cursor:default}input[type="checkbox"],input[type="radio"]{box-sizing:border-box;padding:0;*width:13px;*height:13px}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}textarea{overflow:auto;vertical-align:top;resize:vertical}table{border-collapse:collapse;border-spacing:0}td{vertical-align:top}.chromeframe{margin:.2em 0;background:#ccc;color:#000;padding:.2em 0}.ir{display:block;border:0;text-indent:-999em;overflow:hidden;background-color:transparent;background-repeat:no-repeat;text-align:left;direction:ltr;*line-height:0}.ir br{display:none}.hidden{display:none !important;visibility:hidden}.visuallyhidden{border:0;clip:rect(0 0 0 0);height:1px;margin:-1px;overflow:hidden;padding:0;position:absolute;width:1px}.visuallyhidden.focusable:active,.visuallyhidden.focusable:focus{clip:auto;height:auto;margin:0;overflow:visible;position:static;width:auto}.invisible{visibility:hidden}.relative{position:relative}big,small{font-size:100%}@media print{html,body,section{background:none !important}*{box-shadow:none !important;text-shadow:none !important;filter:none !important;-ms-filter:none !important}a,a:visited{text-decoration:underline}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}@page{margin:.5cm}p,h2,.rst-content .toctree-wrapper p.caption,h3{orphans:3;widows:3}h2,.rst-content .toctree-wrapper p.caption,h3{page-break-after:avoid}}.fa:before,.wy-menu-vertical li span.toctree-expand:before,.wy-menu-vertical li.on a span.toctree-expand:before,.wy-menu-vertical li.current>a span.toctree-expand:before,.rst-content .admonition-title:before,.rst-content h1 .headerlink:before,.rst-content h2 .headerlink:before,.rst-content h3 .headerlink:before,.rst-content h4 .headerlink:before,.rst-content h5 .headerlink:before,.rst-content h6 .headerlink:before,.rst-content dl dt .headerlink:before,.rst-content p.caption .headerlink:before,.rst-content table>caption .headerlink:before,.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before,.icon:before,.wy-dropdown .caret:before,.wy-inline-validate.wy-inline-validate-success .wy-input-context:before,.wy-inline-validate.wy-inline-validate-danger .wy-input-context:before,.wy-inline-validate.wy-inline-validate-warning .wy-input-context:before,.wy-inline-validate.wy-inline-validate-info .wy-input-context:before,.wy-alert,.rst-content .note,.rst-content .attention,.rst-content .caution,.rst-content .danger,.rst-content .error,.rst-content .hint,.rst-content .important,.rst-content .tip,.rst-content .warning,.rst-content .seealso,.rst-content .admonition-todo,.rst-content .admonition,.btn,input[type="text"],input[type="password"],input[type="email"],input[type="url"],input[type="date"],input[type="month"],input[type="time"],input[type="datetime"],input[type="datetime-local"],input[type="week"],input[type="number"],input[type="search"],input[type="tel"],input[type="color"],select,textarea,.wy-menu-vertical li.on a,.wy-menu-vertical li.current>a,.wy-side-nav-search>a,.wy-side-nav-search .wy-dropdown>a,.wy-nav-top a{-webkit-font-smoothing:antialiased}.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;content:""}.clearfix:after{clear:both}/*! + * Font Awesome 4.7.0 by @davegandy - http://fontawesome.io - @fontawesome + * License - http://fontawesome.io/license (Font: SIL OFL 1.1, CSS: MIT License) + */@font-face{font-family:'FontAwesome';src:url("../fonts/fontawesome-webfont.eot?v=4.7.0");src:url("../fonts/fontawesome-webfont.eot?#iefix&v=4.7.0") format("embedded-opentype"),url("../fonts/fontawesome-webfont.woff2?v=4.7.0") format("woff2"),url("../fonts/fontawesome-webfont.woff?v=4.7.0") format("woff"),url("../fonts/fontawesome-webfont.ttf?v=4.7.0") format("truetype"),url("../fonts/fontawesome-webfont.svg?v=4.7.0#fontawesomeregular") format("svg");font-weight:normal;font-style:normal}.fa,.wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand,.rst-content .admonition-title,.rst-content h1 .headerlink,.rst-content h2 .headerlink,.rst-content h3 .headerlink,.rst-content h4 .headerlink,.rst-content h5 .headerlink,.rst-content h6 .headerlink,.rst-content dl dt .headerlink,.rst-content p.caption .headerlink,.rst-content table>caption .headerlink,.rst-content tt.download span:first-child,.rst-content code.download span:first-child,.icon{display:inline-block;font:normal normal normal 14px/1 FontAwesome;font-size:inherit;text-rendering:auto;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.fa-lg{font-size:1.3333333333em;line-height:.75em;vertical-align:-15%}.fa-2x{font-size:2em}.fa-3x{font-size:3em}.fa-4x{font-size:4em}.fa-5x{font-size:5em}.fa-fw{width:1.2857142857em;text-align:center}.fa-ul{padding-left:0;margin-left:2.1428571429em;list-style-type:none}.fa-ul>li{position:relative}.fa-li{position:absolute;left:-2.1428571429em;width:2.1428571429em;top:.1428571429em;text-align:center}.fa-li.fa-lg{left:-1.8571428571em}.fa-border{padding:.2em .25em .15em;border:solid 0.08em #eee;border-radius:.1em}.fa-pull-left{float:left}.fa-pull-right{float:right}.fa.fa-pull-left,.wy-menu-vertical li span.fa-pull-left.toctree-expand,.wy-menu-vertical li.on a span.fa-pull-left.toctree-expand,.wy-menu-vertical li.current>a span.fa-pull-left.toctree-expand,.rst-content .fa-pull-left.admonition-title,.rst-content h1 .fa-pull-left.headerlink,.rst-content h2 .fa-pull-left.headerlink,.rst-content h3 .fa-pull-left.headerlink,.rst-content h4 .fa-pull-left.headerlink,.rst-content h5 .fa-pull-left.headerlink,.rst-content h6 .fa-pull-left.headerlink,.rst-content dl dt .fa-pull-left.headerlink,.rst-content p.caption .fa-pull-left.headerlink,.rst-content table>caption .fa-pull-left.headerlink,.rst-content tt.download span.fa-pull-left:first-child,.rst-content code.download span.fa-pull-left:first-child,.fa-pull-left.icon{margin-right:.3em}.fa.fa-pull-right,.wy-menu-vertical li span.fa-pull-right.toctree-expand,.wy-menu-vertical li.on a span.fa-pull-right.toctree-expand,.wy-menu-vertical li.current>a span.fa-pull-right.toctree-expand,.rst-content .fa-pull-right.admonition-title,.rst-content h1 .fa-pull-right.headerlink,.rst-content h2 .fa-pull-right.headerlink,.rst-content h3 .fa-pull-right.headerlink,.rst-content h4 .fa-pull-right.headerlink,.rst-content h5 .fa-pull-right.headerlink,.rst-content h6 .fa-pull-right.headerlink,.rst-content dl dt .fa-pull-right.headerlink,.rst-content p.caption .fa-pull-right.headerlink,.rst-content table>caption .fa-pull-right.headerlink,.rst-content tt.download span.fa-pull-right:first-child,.rst-content code.download span.fa-pull-right:first-child,.fa-pull-right.icon{margin-left:.3em}.pull-right{float:right}.pull-left{float:left}.fa.pull-left,.wy-menu-vertical li span.pull-left.toctree-expand,.wy-menu-vertical li.on a span.pull-left.toctree-expand,.wy-menu-vertical li.current>a span.pull-left.toctree-expand,.rst-content .pull-left.admonition-title,.rst-content h1 .pull-left.headerlink,.rst-content h2 .pull-left.headerlink,.rst-content h3 .pull-left.headerlink,.rst-content h4 .pull-left.headerlink,.rst-content h5 .pull-left.headerlink,.rst-content h6 .pull-left.headerlink,.rst-content dl dt .pull-left.headerlink,.rst-content p.caption .pull-left.headerlink,.rst-content table>caption .pull-left.headerlink,.rst-content tt.download span.pull-left:first-child,.rst-content code.download span.pull-left:first-child,.pull-left.icon{margin-right:.3em}.fa.pull-right,.wy-menu-vertical li span.pull-right.toctree-expand,.wy-menu-vertical li.on a span.pull-right.toctree-expand,.wy-menu-vertical li.current>a span.pull-right.toctree-expand,.rst-content .pull-right.admonition-title,.rst-content h1 .pull-right.headerlink,.rst-content h2 .pull-right.headerlink,.rst-content h3 .pull-right.headerlink,.rst-content h4 .pull-right.headerlink,.rst-content h5 .pull-right.headerlink,.rst-content h6 .pull-right.headerlink,.rst-content dl dt .pull-right.headerlink,.rst-content p.caption .pull-right.headerlink,.rst-content table>caption .pull-right.headerlink,.rst-content tt.download span.pull-right:first-child,.rst-content code.download span.pull-right:first-child,.pull-right.icon{margin-left:.3em}.fa-spin{-webkit-animation:fa-spin 2s infinite linear;animation:fa-spin 2s infinite linear}.fa-pulse{-webkit-animation:fa-spin 1s infinite steps(8);animation:fa-spin 1s infinite steps(8)}@-webkit-keyframes fa-spin{0%{-webkit-transform:rotate(0deg);transform:rotate(0deg)}100%{-webkit-transform:rotate(359deg);transform:rotate(359deg)}}@keyframes fa-spin{0%{-webkit-transform:rotate(0deg);transform:rotate(0deg)}100%{-webkit-transform:rotate(359deg);transform:rotate(359deg)}}.fa-rotate-90{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=1)";-webkit-transform:rotate(90deg);-ms-transform:rotate(90deg);transform:rotate(90deg)}.fa-rotate-180{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=2)";-webkit-transform:rotate(180deg);-ms-transform:rotate(180deg);transform:rotate(180deg)}.fa-rotate-270{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=3)";-webkit-transform:rotate(270deg);-ms-transform:rotate(270deg);transform:rotate(270deg)}.fa-flip-horizontal{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=0, mirror=1)";-webkit-transform:scale(-1, 1);-ms-transform:scale(-1, 1);transform:scale(-1, 1)}.fa-flip-vertical{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=2, mirror=1)";-webkit-transform:scale(1, -1);-ms-transform:scale(1, -1);transform:scale(1, -1)}:root .fa-rotate-90,:root .fa-rotate-180,:root .fa-rotate-270,:root .fa-flip-horizontal,:root .fa-flip-vertical{filter:none}.fa-stack{position:relative;display:inline-block;width:2em;height:2em;line-height:2em;vertical-align:middle}.fa-stack-1x,.fa-stack-2x{position:absolute;left:0;width:100%;text-align:center}.fa-stack-1x{line-height:inherit}.fa-stack-2x{font-size:2em}.fa-inverse{color:#fff}.fa-glass:before{content:""}.fa-music:before{content:"ï€"}.fa-search:before,.icon-search:before{content:""}.fa-envelope-o:before{content:""}.fa-heart:before{content:""}.fa-star:before{content:""}.fa-star-o:before{content:""}.fa-user:before{content:""}.fa-film:before{content:""}.fa-th-large:before{content:""}.fa-th:before{content:""}.fa-th-list:before{content:""}.fa-check:before{content:""}.fa-remove:before,.fa-close:before,.fa-times:before{content:"ï€"}.fa-search-plus:before{content:""}.fa-search-minus:before{content:"ï€"}.fa-power-off:before{content:""}.fa-signal:before{content:""}.fa-gear:before,.fa-cog:before{content:""}.fa-trash-o:before{content:""}.fa-home:before,.icon-home:before{content:""}.fa-file-o:before{content:""}.fa-clock-o:before{content:""}.fa-road:before{content:""}.fa-download:before,.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before{content:""}.fa-arrow-circle-o-down:before{content:""}.fa-arrow-circle-o-up:before{content:""}.fa-inbox:before{content:""}.fa-play-circle-o:before{content:"ï€"}.fa-rotate-right:before,.fa-repeat:before{content:""}.fa-refresh:before{content:""}.fa-list-alt:before{content:""}.fa-lock:before{content:""}.fa-flag:before{content:""}.fa-headphones:before{content:""}.fa-volume-off:before{content:""}.fa-volume-down:before{content:""}.fa-volume-up:before{content:""}.fa-qrcode:before{content:""}.fa-barcode:before{content:""}.fa-tag:before{content:""}.fa-tags:before{content:""}.fa-book:before,.icon-book:before{content:""}.fa-bookmark:before{content:""}.fa-print:before{content:""}.fa-camera:before{content:""}.fa-font:before{content:""}.fa-bold:before{content:""}.fa-italic:before{content:""}.fa-text-height:before{content:""}.fa-text-width:before{content:""}.fa-align-left:before{content:""}.fa-align-center:before{content:""}.fa-align-right:before{content:""}.fa-align-justify:before{content:""}.fa-list:before{content:""}.fa-dedent:before,.fa-outdent:before{content:""}.fa-indent:before{content:""}.fa-video-camera:before{content:""}.fa-photo:before,.fa-image:before,.fa-picture-o:before{content:""}.fa-pencil:before{content:"ï€"}.fa-map-marker:before{content:"ï"}.fa-adjust:before{content:"ï‚"}.fa-tint:before{content:"ïƒ"}.fa-edit:before,.fa-pencil-square-o:before{content:"ï„"}.fa-share-square-o:before{content:"ï…"}.fa-check-square-o:before{content:"ï†"}.fa-arrows:before{content:"ï‡"}.fa-step-backward:before{content:"ïˆ"}.fa-fast-backward:before{content:"ï‰"}.fa-backward:before{content:"ïŠ"}.fa-play:before{content:"ï‹"}.fa-pause:before{content:"ïŒ"}.fa-stop:before{content:"ï"}.fa-forward:before{content:"ïŽ"}.fa-fast-forward:before{content:"ï"}.fa-step-forward:before{content:"ï‘"}.fa-eject:before{content:"ï’"}.fa-chevron-left:before{content:"ï“"}.fa-chevron-right:before{content:"ï”"}.fa-plus-circle:before{content:"ï•"}.fa-minus-circle:before{content:"ï–"}.fa-times-circle:before,.wy-inline-validate.wy-inline-validate-danger .wy-input-context:before{content:"ï—"}.fa-check-circle:before,.wy-inline-validate.wy-inline-validate-success .wy-input-context:before{content:"ï˜"}.fa-question-circle:before{content:"ï™"}.fa-info-circle:before{content:"ïš"}.fa-crosshairs:before{content:"ï›"}.fa-times-circle-o:before{content:"ïœ"}.fa-check-circle-o:before{content:"ï"}.fa-ban:before{content:"ïž"}.fa-arrow-left:before{content:"ï "}.fa-arrow-right:before{content:"ï¡"}.fa-arrow-up:before{content:"ï¢"}.fa-arrow-down:before{content:"ï£"}.fa-mail-forward:before,.fa-share:before{content:"ï¤"}.fa-expand:before{content:"ï¥"}.fa-compress:before{content:"ï¦"}.fa-plus:before{content:"ï§"}.fa-minus:before{content:"ï¨"}.fa-asterisk:before{content:"ï©"}.fa-exclamation-circle:before,.wy-inline-validate.wy-inline-validate-warning .wy-input-context:before,.wy-inline-validate.wy-inline-validate-info .wy-input-context:before,.rst-content .admonition-title:before{content:"ïª"}.fa-gift:before{content:"ï«"}.fa-leaf:before{content:"ï¬"}.fa-fire:before,.icon-fire:before{content:"ï­"}.fa-eye:before{content:"ï®"}.fa-eye-slash:before{content:"ï°"}.fa-warning:before,.fa-exclamation-triangle:before{content:"ï±"}.fa-plane:before{content:"ï²"}.fa-calendar:before{content:"ï³"}.fa-random:before{content:"ï´"}.fa-comment:before{content:"ïµ"}.fa-magnet:before{content:"ï¶"}.fa-chevron-up:before{content:"ï·"}.fa-chevron-down:before{content:"ï¸"}.fa-retweet:before{content:"ï¹"}.fa-shopping-cart:before{content:"ïº"}.fa-folder:before{content:"ï»"}.fa-folder-open:before{content:"ï¼"}.fa-arrows-v:before{content:"ï½"}.fa-arrows-h:before{content:"ï¾"}.fa-bar-chart-o:before,.fa-bar-chart:before{content:"ï‚€"}.fa-twitter-square:before{content:"ï‚"}.fa-facebook-square:before{content:"ï‚‚"}.fa-camera-retro:before{content:""}.fa-key:before{content:"ï‚„"}.fa-gears:before,.fa-cogs:before{content:"ï‚…"}.fa-comments:before{content:""}.fa-thumbs-o-up:before{content:""}.fa-thumbs-o-down:before{content:""}.fa-star-half:before{content:""}.fa-heart-o:before{content:"ï‚Š"}.fa-sign-out:before{content:"ï‚‹"}.fa-linkedin-square:before{content:"ï‚Œ"}.fa-thumb-tack:before{content:"ï‚"}.fa-external-link:before{content:"ï‚Ž"}.fa-sign-in:before{content:"ï‚"}.fa-trophy:before{content:"ï‚‘"}.fa-github-square:before{content:"ï‚’"}.fa-upload:before{content:"ï‚“"}.fa-lemon-o:before{content:"ï‚”"}.fa-phone:before{content:"ï‚•"}.fa-square-o:before{content:"ï‚–"}.fa-bookmark-o:before{content:"ï‚—"}.fa-phone-square:before{content:""}.fa-twitter:before{content:"ï‚™"}.fa-facebook-f:before,.fa-facebook:before{content:"ï‚š"}.fa-github:before,.icon-github:before{content:"ï‚›"}.fa-unlock:before{content:"ï‚œ"}.fa-credit-card:before{content:"ï‚"}.fa-feed:before,.fa-rss:before{content:"ï‚ž"}.fa-hdd-o:before{content:"ï‚ "}.fa-bullhorn:before{content:"ï‚¡"}.fa-bell:before{content:""}.fa-certificate:before{content:"ï‚£"}.fa-hand-o-right:before{content:""}.fa-hand-o-left:before{content:"ï‚¥"}.fa-hand-o-up:before{content:""}.fa-hand-o-down:before{content:""}.fa-arrow-circle-left:before,.icon-circle-arrow-left:before{content:""}.fa-arrow-circle-right:before,.icon-circle-arrow-right:before{content:"ï‚©"}.fa-arrow-circle-up:before{content:""}.fa-arrow-circle-down:before{content:"ï‚«"}.fa-globe:before{content:""}.fa-wrench:before{content:"ï‚­"}.fa-tasks:before{content:"ï‚®"}.fa-filter:before{content:"ï‚°"}.fa-briefcase:before{content:""}.fa-arrows-alt:before{content:""}.fa-group:before,.fa-users:before{content:""}.fa-chain:before,.fa-link:before,.icon-link:before{content:"ïƒ"}.fa-cloud:before{content:""}.fa-flask:before{content:""}.fa-cut:before,.fa-scissors:before{content:""}.fa-copy:before,.fa-files-o:before{content:""}.fa-paperclip:before{content:""}.fa-save:before,.fa-floppy-o:before{content:""}.fa-square:before{content:""}.fa-navicon:before,.fa-reorder:before,.fa-bars:before{content:""}.fa-list-ul:before{content:""}.fa-list-ol:before{content:""}.fa-strikethrough:before{content:""}.fa-underline:before{content:"ïƒ"}.fa-table:before{content:""}.fa-magic:before{content:"ïƒ"}.fa-truck:before{content:""}.fa-pinterest:before{content:""}.fa-pinterest-square:before{content:""}.fa-google-plus-square:before{content:""}.fa-google-plus:before{content:""}.fa-money:before{content:""}.fa-caret-down:before,.wy-dropdown .caret:before,.icon-caret-down:before{content:""}.fa-caret-up:before{content:""}.fa-caret-left:before{content:""}.fa-caret-right:before{content:""}.fa-columns:before{content:""}.fa-unsorted:before,.fa-sort:before{content:""}.fa-sort-down:before,.fa-sort-desc:before{content:"ïƒ"}.fa-sort-up:before,.fa-sort-asc:before{content:""}.fa-envelope:before{content:""}.fa-linkedin:before{content:""}.fa-rotate-left:before,.fa-undo:before{content:""}.fa-legal:before,.fa-gavel:before{content:""}.fa-dashboard:before,.fa-tachometer:before{content:""}.fa-comment-o:before{content:""}.fa-comments-o:before{content:""}.fa-flash:before,.fa-bolt:before{content:""}.fa-sitemap:before{content:""}.fa-umbrella:before{content:""}.fa-paste:before,.fa-clipboard:before{content:""}.fa-lightbulb-o:before{content:""}.fa-exchange:before{content:""}.fa-cloud-download:before{content:""}.fa-cloud-upload:before{content:""}.fa-user-md:before{content:""}.fa-stethoscope:before{content:""}.fa-suitcase:before{content:""}.fa-bell-o:before{content:"ï‚¢"}.fa-coffee:before{content:""}.fa-cutlery:before{content:""}.fa-file-text-o:before{content:""}.fa-building-o:before{content:""}.fa-hospital-o:before{content:""}.fa-ambulance:before{content:""}.fa-medkit:before{content:""}.fa-fighter-jet:before{content:""}.fa-beer:before{content:""}.fa-h-square:before{content:""}.fa-plus-square:before{content:""}.fa-angle-double-left:before{content:"ï„€"}.fa-angle-double-right:before{content:"ï„"}.fa-angle-double-up:before{content:"ï„‚"}.fa-angle-double-down:before{content:""}.fa-angle-left:before{content:"ï„„"}.fa-angle-right:before{content:"ï„…"}.fa-angle-up:before{content:""}.fa-angle-down:before{content:""}.fa-desktop:before{content:""}.fa-laptop:before{content:""}.fa-tablet:before{content:"ï„Š"}.fa-mobile-phone:before,.fa-mobile:before{content:"ï„‹"}.fa-circle-o:before{content:"ï„Œ"}.fa-quote-left:before{content:"ï„"}.fa-quote-right:before{content:"ï„Ž"}.fa-spinner:before{content:"ï„"}.fa-circle:before{content:"ï„‘"}.fa-mail-reply:before,.fa-reply:before{content:"ï„’"}.fa-github-alt:before{content:"ï„“"}.fa-folder-o:before{content:"ï„”"}.fa-folder-open-o:before{content:"ï„•"}.fa-smile-o:before{content:""}.fa-frown-o:before{content:"ï„™"}.fa-meh-o:before{content:"ï„š"}.fa-gamepad:before{content:"ï„›"}.fa-keyboard-o:before{content:"ï„œ"}.fa-flag-o:before{content:"ï„"}.fa-flag-checkered:before{content:"ï„ž"}.fa-terminal:before{content:"ï„ "}.fa-code:before{content:"ï„¡"}.fa-mail-reply-all:before,.fa-reply-all:before{content:"ï„¢"}.fa-star-half-empty:before,.fa-star-half-full:before,.fa-star-half-o:before{content:"ï„£"}.fa-location-arrow:before{content:""}.fa-crop:before{content:"ï„¥"}.fa-code-fork:before{content:""}.fa-unlink:before,.fa-chain-broken:before{content:""}.fa-question:before{content:""}.fa-info:before{content:"ï„©"}.fa-exclamation:before{content:""}.fa-superscript:before{content:"ï„«"}.fa-subscript:before{content:""}.fa-eraser:before{content:"ï„­"}.fa-puzzle-piece:before{content:"ï„®"}.fa-microphone:before{content:"ï„°"}.fa-microphone-slash:before{content:""}.fa-shield:before{content:""}.fa-calendar-o:before{content:""}.fa-fire-extinguisher:before{content:"ï„´"}.fa-rocket:before{content:""}.fa-maxcdn:before{content:""}.fa-chevron-circle-left:before{content:"ï„·"}.fa-chevron-circle-right:before{content:""}.fa-chevron-circle-up:before{content:""}.fa-chevron-circle-down:before{content:""}.fa-html5:before{content:"ï„»"}.fa-css3:before{content:""}.fa-anchor:before{content:""}.fa-unlock-alt:before{content:""}.fa-bullseye:before{content:"ï…€"}.fa-ellipsis-h:before{content:"ï…"}.fa-ellipsis-v:before{content:"ï…‚"}.fa-rss-square:before{content:"ï…ƒ"}.fa-play-circle:before{content:"ï…„"}.fa-ticket:before{content:"ï……"}.fa-minus-square:before{content:"ï…†"}.fa-minus-square-o:before,.wy-menu-vertical li.on a span.toctree-expand:before,.wy-menu-vertical li.current>a span.toctree-expand:before{content:"ï…‡"}.fa-level-up:before{content:"ï…ˆ"}.fa-level-down:before{content:"ï…‰"}.fa-check-square:before{content:"ï…Š"}.fa-pencil-square:before{content:"ï…‹"}.fa-external-link-square:before{content:"ï…Œ"}.fa-share-square:before{content:"ï…"}.fa-compass:before{content:"ï…Ž"}.fa-toggle-down:before,.fa-caret-square-o-down:before{content:"ï…"}.fa-toggle-up:before,.fa-caret-square-o-up:before{content:"ï…‘"}.fa-toggle-right:before,.fa-caret-square-o-right:before{content:"ï…’"}.fa-euro:before,.fa-eur:before{content:"ï…“"}.fa-gbp:before{content:"ï…”"}.fa-dollar:before,.fa-usd:before{content:"ï…•"}.fa-rupee:before,.fa-inr:before{content:"ï…–"}.fa-cny:before,.fa-rmb:before,.fa-yen:before,.fa-jpy:before{content:"ï…—"}.fa-ruble:before,.fa-rouble:before,.fa-rub:before{content:"ï…˜"}.fa-won:before,.fa-krw:before{content:"ï…™"}.fa-bitcoin:before,.fa-btc:before{content:"ï…š"}.fa-file:before{content:"ï…›"}.fa-file-text:before{content:"ï…œ"}.fa-sort-alpha-asc:before{content:"ï…"}.fa-sort-alpha-desc:before{content:"ï…ž"}.fa-sort-amount-asc:before{content:"ï… "}.fa-sort-amount-desc:before{content:"ï…¡"}.fa-sort-numeric-asc:before{content:"ï…¢"}.fa-sort-numeric-desc:before{content:"ï…£"}.fa-thumbs-up:before{content:"ï…¤"}.fa-thumbs-down:before{content:"ï…¥"}.fa-youtube-square:before{content:"ï…¦"}.fa-youtube:before{content:"ï…§"}.fa-xing:before{content:"ï…¨"}.fa-xing-square:before{content:"ï…©"}.fa-youtube-play:before{content:"ï…ª"}.fa-dropbox:before{content:"ï…«"}.fa-stack-overflow:before{content:"ï…¬"}.fa-instagram:before{content:"ï…­"}.fa-flickr:before{content:"ï…®"}.fa-adn:before{content:"ï…°"}.fa-bitbucket:before,.icon-bitbucket:before{content:"ï…±"}.fa-bitbucket-square:before{content:"ï…²"}.fa-tumblr:before{content:"ï…³"}.fa-tumblr-square:before{content:"ï…´"}.fa-long-arrow-down:before{content:"ï…µ"}.fa-long-arrow-up:before{content:"ï…¶"}.fa-long-arrow-left:before{content:"ï…·"}.fa-long-arrow-right:before{content:"ï…¸"}.fa-apple:before{content:"ï…¹"}.fa-windows:before{content:"ï…º"}.fa-android:before{content:"ï…»"}.fa-linux:before{content:"ï…¼"}.fa-dribbble:before{content:"ï…½"}.fa-skype:before{content:"ï…¾"}.fa-foursquare:before{content:""}.fa-trello:before{content:"ï†"}.fa-female:before{content:""}.fa-male:before{content:""}.fa-gittip:before,.fa-gratipay:before{content:""}.fa-sun-o:before{content:""}.fa-moon-o:before{content:""}.fa-archive:before{content:""}.fa-bug:before{content:""}.fa-vk:before{content:""}.fa-weibo:before{content:""}.fa-renren:before{content:""}.fa-pagelines:before{content:""}.fa-stack-exchange:before{content:"ï†"}.fa-arrow-circle-o-right:before{content:""}.fa-arrow-circle-o-left:before{content:"ï†"}.fa-toggle-left:before,.fa-caret-square-o-left:before{content:""}.fa-dot-circle-o:before{content:""}.fa-wheelchair:before{content:""}.fa-vimeo-square:before{content:""}.fa-turkish-lira:before,.fa-try:before{content:""}.fa-plus-square-o:before,.wy-menu-vertical li span.toctree-expand:before{content:""}.fa-space-shuttle:before{content:""}.fa-slack:before{content:""}.fa-envelope-square:before{content:""}.fa-wordpress:before{content:""}.fa-openid:before{content:""}.fa-institution:before,.fa-bank:before,.fa-university:before{content:""}.fa-mortar-board:before,.fa-graduation-cap:before{content:"ï†"}.fa-yahoo:before{content:""}.fa-google:before{content:""}.fa-reddit:before{content:""}.fa-reddit-square:before{content:""}.fa-stumbleupon-circle:before{content:""}.fa-stumbleupon:before{content:""}.fa-delicious:before{content:""}.fa-digg:before{content:""}.fa-pied-piper-pp:before{content:""}.fa-pied-piper-alt:before{content:""}.fa-drupal:before{content:""}.fa-joomla:before{content:""}.fa-language:before{content:""}.fa-fax:before{content:""}.fa-building:before{content:""}.fa-child:before{content:""}.fa-paw:before{content:""}.fa-spoon:before{content:""}.fa-cube:before{content:""}.fa-cubes:before{content:""}.fa-behance:before{content:""}.fa-behance-square:before{content:""}.fa-steam:before{content:""}.fa-steam-square:before{content:""}.fa-recycle:before{content:""}.fa-automobile:before,.fa-car:before{content:""}.fa-cab:before,.fa-taxi:before{content:""}.fa-tree:before{content:""}.fa-spotify:before{content:""}.fa-deviantart:before{content:""}.fa-soundcloud:before{content:""}.fa-database:before{content:""}.fa-file-pdf-o:before{content:"ï‡"}.fa-file-word-o:before{content:""}.fa-file-excel-o:before{content:""}.fa-file-powerpoint-o:before{content:""}.fa-file-photo-o:before,.fa-file-picture-o:before,.fa-file-image-o:before{content:""}.fa-file-zip-o:before,.fa-file-archive-o:before{content:""}.fa-file-sound-o:before,.fa-file-audio-o:before{content:""}.fa-file-movie-o:before,.fa-file-video-o:before{content:""}.fa-file-code-o:before{content:""}.fa-vine:before{content:""}.fa-codepen:before{content:""}.fa-jsfiddle:before{content:""}.fa-life-bouy:before,.fa-life-buoy:before,.fa-life-saver:before,.fa-support:before,.fa-life-ring:before{content:"ï‡"}.fa-circle-o-notch:before{content:""}.fa-ra:before,.fa-resistance:before,.fa-rebel:before{content:"ï‡"}.fa-ge:before,.fa-empire:before{content:""}.fa-git-square:before{content:""}.fa-git:before{content:""}.fa-y-combinator-square:before,.fa-yc-square:before,.fa-hacker-news:before{content:""}.fa-tencent-weibo:before{content:""}.fa-qq:before{content:""}.fa-wechat:before,.fa-weixin:before{content:""}.fa-send:before,.fa-paper-plane:before{content:""}.fa-send-o:before,.fa-paper-plane-o:before{content:""}.fa-history:before{content:""}.fa-circle-thin:before{content:""}.fa-header:before{content:""}.fa-paragraph:before{content:"ï‡"}.fa-sliders:before{content:""}.fa-share-alt:before{content:""}.fa-share-alt-square:before{content:""}.fa-bomb:before{content:""}.fa-soccer-ball-o:before,.fa-futbol-o:before{content:""}.fa-tty:before{content:""}.fa-binoculars:before{content:""}.fa-plug:before{content:""}.fa-slideshare:before{content:""}.fa-twitch:before{content:""}.fa-yelp:before{content:""}.fa-newspaper-o:before{content:""}.fa-wifi:before{content:""}.fa-calculator:before{content:""}.fa-paypal:before{content:""}.fa-google-wallet:before{content:""}.fa-cc-visa:before{content:""}.fa-cc-mastercard:before{content:""}.fa-cc-discover:before{content:""}.fa-cc-amex:before{content:""}.fa-cc-paypal:before{content:""}.fa-cc-stripe:before{content:""}.fa-bell-slash:before{content:""}.fa-bell-slash-o:before{content:""}.fa-trash:before{content:""}.fa-copyright:before{content:""}.fa-at:before{content:""}.fa-eyedropper:before{content:""}.fa-paint-brush:before{content:""}.fa-birthday-cake:before{content:""}.fa-area-chart:before{content:""}.fa-pie-chart:before{content:""}.fa-line-chart:before{content:"ïˆ"}.fa-lastfm:before{content:""}.fa-lastfm-square:before{content:""}.fa-toggle-off:before{content:""}.fa-toggle-on:before{content:""}.fa-bicycle:before{content:""}.fa-bus:before{content:""}.fa-ioxhost:before{content:""}.fa-angellist:before{content:""}.fa-cc:before{content:""}.fa-shekel:before,.fa-sheqel:before,.fa-ils:before{content:""}.fa-meanpath:before{content:""}.fa-buysellads:before{content:"ïˆ"}.fa-connectdevelop:before{content:""}.fa-dashcube:before{content:"ïˆ"}.fa-forumbee:before{content:""}.fa-leanpub:before{content:""}.fa-sellsy:before{content:""}.fa-shirtsinbulk:before{content:""}.fa-simplybuilt:before{content:""}.fa-skyatlas:before{content:""}.fa-cart-plus:before{content:""}.fa-cart-arrow-down:before{content:""}.fa-diamond:before{content:""}.fa-ship:before{content:""}.fa-user-secret:before{content:""}.fa-motorcycle:before{content:""}.fa-street-view:before{content:"ïˆ"}.fa-heartbeat:before{content:""}.fa-venus:before{content:""}.fa-mars:before{content:""}.fa-mercury:before{content:""}.fa-intersex:before,.fa-transgender:before{content:""}.fa-transgender-alt:before{content:""}.fa-venus-double:before{content:""}.fa-mars-double:before{content:""}.fa-venus-mars:before{content:""}.fa-mars-stroke:before{content:""}.fa-mars-stroke-v:before{content:""}.fa-mars-stroke-h:before{content:""}.fa-neuter:before{content:""}.fa-genderless:before{content:""}.fa-facebook-official:before{content:""}.fa-pinterest-p:before{content:""}.fa-whatsapp:before{content:""}.fa-server:before{content:""}.fa-user-plus:before{content:""}.fa-user-times:before{content:""}.fa-hotel:before,.fa-bed:before{content:""}.fa-viacoin:before{content:""}.fa-train:before{content:""}.fa-subway:before{content:""}.fa-medium:before{content:""}.fa-yc:before,.fa-y-combinator:before{content:""}.fa-optin-monster:before{content:""}.fa-opencart:before{content:""}.fa-expeditedssl:before{content:""}.fa-battery-4:before,.fa-battery:before,.fa-battery-full:before{content:""}.fa-battery-3:before,.fa-battery-three-quarters:before{content:"ï‰"}.fa-battery-2:before,.fa-battery-half:before{content:""}.fa-battery-1:before,.fa-battery-quarter:before{content:""}.fa-battery-0:before,.fa-battery-empty:before{content:""}.fa-mouse-pointer:before{content:""}.fa-i-cursor:before{content:""}.fa-object-group:before{content:""}.fa-object-ungroup:before{content:""}.fa-sticky-note:before{content:""}.fa-sticky-note-o:before{content:""}.fa-cc-jcb:before{content:""}.fa-cc-diners-club:before{content:""}.fa-clone:before{content:"ï‰"}.fa-balance-scale:before{content:""}.fa-hourglass-o:before{content:"ï‰"}.fa-hourglass-1:before,.fa-hourglass-start:before{content:""}.fa-hourglass-2:before,.fa-hourglass-half:before{content:""}.fa-hourglass-3:before,.fa-hourglass-end:before{content:""}.fa-hourglass:before{content:""}.fa-hand-grab-o:before,.fa-hand-rock-o:before{content:""}.fa-hand-stop-o:before,.fa-hand-paper-o:before{content:""}.fa-hand-scissors-o:before{content:""}.fa-hand-lizard-o:before{content:""}.fa-hand-spock-o:before{content:""}.fa-hand-pointer-o:before{content:""}.fa-hand-peace-o:before{content:""}.fa-trademark:before{content:""}.fa-registered:before{content:"ï‰"}.fa-creative-commons:before{content:""}.fa-gg:before{content:""}.fa-gg-circle:before{content:""}.fa-tripadvisor:before{content:""}.fa-odnoklassniki:before{content:""}.fa-odnoklassniki-square:before{content:""}.fa-get-pocket:before{content:""}.fa-wikipedia-w:before{content:""}.fa-safari:before{content:""}.fa-chrome:before{content:""}.fa-firefox:before{content:""}.fa-opera:before{content:""}.fa-internet-explorer:before{content:""}.fa-tv:before,.fa-television:before{content:""}.fa-contao:before{content:""}.fa-500px:before{content:""}.fa-amazon:before{content:""}.fa-calendar-plus-o:before{content:""}.fa-calendar-minus-o:before{content:""}.fa-calendar-times-o:before{content:""}.fa-calendar-check-o:before{content:""}.fa-industry:before{content:""}.fa-map-pin:before{content:""}.fa-map-signs:before{content:""}.fa-map-o:before{content:""}.fa-map:before{content:""}.fa-commenting:before{content:""}.fa-commenting-o:before{content:""}.fa-houzz:before{content:""}.fa-vimeo:before{content:""}.fa-black-tie:before{content:""}.fa-fonticons:before{content:""}.fa-reddit-alien:before{content:"ïŠ"}.fa-edge:before{content:""}.fa-credit-card-alt:before{content:""}.fa-codiepie:before{content:""}.fa-modx:before{content:""}.fa-fort-awesome:before{content:""}.fa-usb:before{content:""}.fa-product-hunt:before{content:""}.fa-mixcloud:before{content:""}.fa-scribd:before{content:""}.fa-pause-circle:before{content:""}.fa-pause-circle-o:before{content:""}.fa-stop-circle:before{content:"ïŠ"}.fa-stop-circle-o:before{content:""}.fa-shopping-bag:before{content:"ïŠ"}.fa-shopping-basket:before{content:""}.fa-hashtag:before{content:""}.fa-bluetooth:before{content:""}.fa-bluetooth-b:before{content:""}.fa-percent:before{content:""}.fa-gitlab:before,.icon-gitlab:before{content:""}.fa-wpbeginner:before{content:""}.fa-wpforms:before{content:""}.fa-envira:before{content:""}.fa-universal-access:before{content:""}.fa-wheelchair-alt:before{content:""}.fa-question-circle-o:before{content:""}.fa-blind:before{content:"ïŠ"}.fa-audio-description:before{content:""}.fa-volume-control-phone:before{content:""}.fa-braille:before{content:""}.fa-assistive-listening-systems:before{content:""}.fa-asl-interpreting:before,.fa-american-sign-language-interpreting:before{content:""}.fa-deafness:before,.fa-hard-of-hearing:before,.fa-deaf:before{content:""}.fa-glide:before{content:""}.fa-glide-g:before{content:""}.fa-signing:before,.fa-sign-language:before{content:""}.fa-low-vision:before{content:""}.fa-viadeo:before{content:""}.fa-viadeo-square:before{content:""}.fa-snapchat:before{content:""}.fa-snapchat-ghost:before{content:""}.fa-snapchat-square:before{content:""}.fa-pied-piper:before{content:""}.fa-first-order:before{content:""}.fa-yoast:before{content:""}.fa-themeisle:before{content:""}.fa-google-plus-circle:before,.fa-google-plus-official:before{content:""}.fa-fa:before,.fa-font-awesome:before{content:""}.fa-handshake-o:before{content:""}.fa-envelope-open:before{content:""}.fa-envelope-open-o:before{content:""}.fa-linode:before{content:""}.fa-address-book:before{content:""}.fa-address-book-o:before{content:""}.fa-vcard:before,.fa-address-card:before{content:""}.fa-vcard-o:before,.fa-address-card-o:before{content:""}.fa-user-circle:before{content:""}.fa-user-circle-o:before{content:""}.fa-user-o:before{content:"ï‹€"}.fa-id-badge:before{content:"ï‹"}.fa-drivers-license:before,.fa-id-card:before{content:"ï‹‚"}.fa-drivers-license-o:before,.fa-id-card-o:before{content:""}.fa-quora:before{content:"ï‹„"}.fa-free-code-camp:before{content:"ï‹…"}.fa-telegram:before{content:""}.fa-thermometer-4:before,.fa-thermometer:before,.fa-thermometer-full:before{content:""}.fa-thermometer-3:before,.fa-thermometer-three-quarters:before{content:""}.fa-thermometer-2:before,.fa-thermometer-half:before{content:""}.fa-thermometer-1:before,.fa-thermometer-quarter:before{content:"ï‹Š"}.fa-thermometer-0:before,.fa-thermometer-empty:before{content:"ï‹‹"}.fa-shower:before{content:"ï‹Œ"}.fa-bathtub:before,.fa-s15:before,.fa-bath:before{content:"ï‹"}.fa-podcast:before{content:"ï‹Ž"}.fa-window-maximize:before{content:"ï‹"}.fa-window-minimize:before{content:"ï‹‘"}.fa-window-restore:before{content:"ï‹’"}.fa-times-rectangle:before,.fa-window-close:before{content:"ï‹“"}.fa-times-rectangle-o:before,.fa-window-close-o:before{content:"ï‹”"}.fa-bandcamp:before{content:"ï‹•"}.fa-grav:before{content:"ï‹–"}.fa-etsy:before{content:"ï‹—"}.fa-imdb:before{content:""}.fa-ravelry:before{content:"ï‹™"}.fa-eercast:before{content:"ï‹š"}.fa-microchip:before{content:"ï‹›"}.fa-snowflake-o:before{content:"ï‹œ"}.fa-superpowers:before{content:"ï‹"}.fa-wpexplorer:before{content:"ï‹ž"}.fa-meetup:before{content:"ï‹ "}.sr-only{position:absolute;width:1px;height:1px;padding:0;margin:-1px;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}.fa,.wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand,.rst-content .admonition-title,.rst-content h1 .headerlink,.rst-content h2 .headerlink,.rst-content h3 .headerlink,.rst-content h4 .headerlink,.rst-content h5 .headerlink,.rst-content h6 .headerlink,.rst-content dl dt .headerlink,.rst-content p.caption .headerlink,.rst-content table>caption .headerlink,.rst-content tt.download span:first-child,.rst-content code.download span:first-child,.icon,.wy-dropdown .caret,.wy-inline-validate.wy-inline-validate-success .wy-input-context,.wy-inline-validate.wy-inline-validate-danger .wy-input-context,.wy-inline-validate.wy-inline-validate-warning .wy-input-context,.wy-inline-validate.wy-inline-validate-info .wy-input-context{font-family:inherit}.fa:before,.wy-menu-vertical li span.toctree-expand:before,.wy-menu-vertical li.on a span.toctree-expand:before,.wy-menu-vertical li.current>a span.toctree-expand:before,.rst-content .admonition-title:before,.rst-content h1 .headerlink:before,.rst-content h2 .headerlink:before,.rst-content h3 .headerlink:before,.rst-content h4 .headerlink:before,.rst-content h5 .headerlink:before,.rst-content h6 .headerlink:before,.rst-content dl dt .headerlink:before,.rst-content p.caption .headerlink:before,.rst-content table>caption .headerlink:before,.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before,.icon:before,.wy-dropdown .caret:before,.wy-inline-validate.wy-inline-validate-success .wy-input-context:before,.wy-inline-validate.wy-inline-validate-danger .wy-input-context:before,.wy-inline-validate.wy-inline-validate-warning .wy-input-context:before,.wy-inline-validate.wy-inline-validate-info .wy-input-context:before{font-family:"FontAwesome";display:inline-block;font-style:normal;font-weight:normal;line-height:1;text-decoration:inherit}a .fa,a .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li a span.toctree-expand,.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand,a .rst-content .admonition-title,.rst-content a .admonition-title,a .rst-content h1 .headerlink,.rst-content h1 a .headerlink,a .rst-content h2 .headerlink,.rst-content h2 a .headerlink,a .rst-content h3 .headerlink,.rst-content h3 a .headerlink,a .rst-content h4 .headerlink,.rst-content h4 a .headerlink,a .rst-content h5 .headerlink,.rst-content h5 a .headerlink,a .rst-content h6 .headerlink,.rst-content h6 a .headerlink,a .rst-content dl dt .headerlink,.rst-content dl dt a .headerlink,a .rst-content p.caption .headerlink,.rst-content p.caption a .headerlink,a .rst-content table>caption .headerlink,.rst-content table>caption a .headerlink,a .rst-content tt.download span:first-child,.rst-content tt.download a span:first-child,a .rst-content code.download span:first-child,.rst-content code.download a span:first-child,a .icon{display:inline-block;text-decoration:inherit}.btn .fa,.btn .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li .btn span.toctree-expand,.btn .wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.on a .btn span.toctree-expand,.btn .wy-menu-vertical li.current>a span.toctree-expand,.wy-menu-vertical li.current>a .btn span.toctree-expand,.btn .rst-content .admonition-title,.rst-content .btn .admonition-title,.btn .rst-content h1 .headerlink,.rst-content h1 .btn .headerlink,.btn .rst-content h2 .headerlink,.rst-content h2 .btn .headerlink,.btn .rst-content h3 .headerlink,.rst-content h3 .btn .headerlink,.btn .rst-content h4 .headerlink,.rst-content h4 .btn .headerlink,.btn .rst-content h5 .headerlink,.rst-content h5 .btn .headerlink,.btn .rst-content h6 .headerlink,.rst-content h6 .btn .headerlink,.btn .rst-content dl dt .headerlink,.rst-content dl dt .btn .headerlink,.btn .rst-content p.caption .headerlink,.rst-content p.caption .btn .headerlink,.btn .rst-content table>caption .headerlink,.rst-content table>caption .btn .headerlink,.btn .rst-content tt.download span:first-child,.rst-content tt.download .btn span:first-child,.btn .rst-content code.download span:first-child,.rst-content code.download .btn span:first-child,.btn .icon,.nav .fa,.nav .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li .nav span.toctree-expand,.nav .wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.on a .nav span.toctree-expand,.nav .wy-menu-vertical li.current>a span.toctree-expand,.wy-menu-vertical li.current>a .nav span.toctree-expand,.nav .rst-content .admonition-title,.rst-content .nav .admonition-title,.nav .rst-content h1 .headerlink,.rst-content h1 .nav .headerlink,.nav .rst-content h2 .headerlink,.rst-content h2 .nav .headerlink,.nav .rst-content h3 .headerlink,.rst-content h3 .nav .headerlink,.nav .rst-content h4 .headerlink,.rst-content h4 .nav .headerlink,.nav .rst-content h5 .headerlink,.rst-content h5 .nav .headerlink,.nav .rst-content h6 .headerlink,.rst-content h6 .nav .headerlink,.nav .rst-content dl dt .headerlink,.rst-content dl dt .nav .headerlink,.nav .rst-content p.caption .headerlink,.rst-content p.caption .nav .headerlink,.nav .rst-content table>caption .headerlink,.rst-content table>caption .nav .headerlink,.nav .rst-content tt.download span:first-child,.rst-content tt.download .nav span:first-child,.nav .rst-content code.download span:first-child,.rst-content code.download .nav span:first-child,.nav .icon{display:inline}.btn .fa.fa-large,.btn .wy-menu-vertical li span.fa-large.toctree-expand,.wy-menu-vertical li .btn span.fa-large.toctree-expand,.btn .rst-content .fa-large.admonition-title,.rst-content .btn .fa-large.admonition-title,.btn .rst-content h1 .fa-large.headerlink,.rst-content h1 .btn .fa-large.headerlink,.btn .rst-content h2 .fa-large.headerlink,.rst-content h2 .btn .fa-large.headerlink,.btn .rst-content h3 .fa-large.headerlink,.rst-content h3 .btn .fa-large.headerlink,.btn .rst-content h4 .fa-large.headerlink,.rst-content h4 .btn .fa-large.headerlink,.btn .rst-content h5 .fa-large.headerlink,.rst-content h5 .btn .fa-large.headerlink,.btn .rst-content h6 .fa-large.headerlink,.rst-content h6 .btn .fa-large.headerlink,.btn .rst-content dl dt .fa-large.headerlink,.rst-content dl dt .btn .fa-large.headerlink,.btn .rst-content p.caption .fa-large.headerlink,.rst-content p.caption .btn .fa-large.headerlink,.btn .rst-content table>caption .fa-large.headerlink,.rst-content table>caption .btn .fa-large.headerlink,.btn .rst-content tt.download span.fa-large:first-child,.rst-content tt.download .btn span.fa-large:first-child,.btn .rst-content code.download span.fa-large:first-child,.rst-content code.download .btn span.fa-large:first-child,.btn .fa-large.icon,.nav .fa.fa-large,.nav .wy-menu-vertical li span.fa-large.toctree-expand,.wy-menu-vertical li .nav span.fa-large.toctree-expand,.nav .rst-content .fa-large.admonition-title,.rst-content .nav .fa-large.admonition-title,.nav .rst-content h1 .fa-large.headerlink,.rst-content h1 .nav .fa-large.headerlink,.nav .rst-content h2 .fa-large.headerlink,.rst-content h2 .nav .fa-large.headerlink,.nav .rst-content h3 .fa-large.headerlink,.rst-content h3 .nav .fa-large.headerlink,.nav .rst-content h4 .fa-large.headerlink,.rst-content h4 .nav .fa-large.headerlink,.nav .rst-content h5 .fa-large.headerlink,.rst-content h5 .nav .fa-large.headerlink,.nav .rst-content h6 .fa-large.headerlink,.rst-content h6 .nav .fa-large.headerlink,.nav .rst-content dl dt .fa-large.headerlink,.rst-content dl dt .nav .fa-large.headerlink,.nav .rst-content p.caption .fa-large.headerlink,.rst-content p.caption .nav .fa-large.headerlink,.nav .rst-content table>caption .fa-large.headerlink,.rst-content table>caption .nav .fa-large.headerlink,.nav .rst-content tt.download span.fa-large:first-child,.rst-content tt.download .nav span.fa-large:first-child,.nav .rst-content code.download span.fa-large:first-child,.rst-content code.download .nav span.fa-large:first-child,.nav .fa-large.icon{line-height:.9em}.btn .fa.fa-spin,.btn .wy-menu-vertical li span.fa-spin.toctree-expand,.wy-menu-vertical li .btn span.fa-spin.toctree-expand,.btn .rst-content .fa-spin.admonition-title,.rst-content .btn .fa-spin.admonition-title,.btn .rst-content h1 .fa-spin.headerlink,.rst-content h1 .btn .fa-spin.headerlink,.btn .rst-content h2 .fa-spin.headerlink,.rst-content h2 .btn .fa-spin.headerlink,.btn .rst-content h3 .fa-spin.headerlink,.rst-content h3 .btn .fa-spin.headerlink,.btn .rst-content h4 .fa-spin.headerlink,.rst-content h4 .btn .fa-spin.headerlink,.btn .rst-content h5 .fa-spin.headerlink,.rst-content h5 .btn .fa-spin.headerlink,.btn .rst-content h6 .fa-spin.headerlink,.rst-content h6 .btn .fa-spin.headerlink,.btn .rst-content dl dt .fa-spin.headerlink,.rst-content dl dt .btn .fa-spin.headerlink,.btn .rst-content p.caption .fa-spin.headerlink,.rst-content p.caption .btn .fa-spin.headerlink,.btn .rst-content table>caption .fa-spin.headerlink,.rst-content table>caption .btn .fa-spin.headerlink,.btn .rst-content tt.download span.fa-spin:first-child,.rst-content tt.download .btn span.fa-spin:first-child,.btn .rst-content code.download span.fa-spin:first-child,.rst-content code.download .btn span.fa-spin:first-child,.btn .fa-spin.icon,.nav .fa.fa-spin,.nav .wy-menu-vertical li span.fa-spin.toctree-expand,.wy-menu-vertical li .nav span.fa-spin.toctree-expand,.nav .rst-content .fa-spin.admonition-title,.rst-content .nav .fa-spin.admonition-title,.nav .rst-content h1 .fa-spin.headerlink,.rst-content h1 .nav .fa-spin.headerlink,.nav .rst-content h2 .fa-spin.headerlink,.rst-content h2 .nav .fa-spin.headerlink,.nav .rst-content h3 .fa-spin.headerlink,.rst-content h3 .nav .fa-spin.headerlink,.nav .rst-content h4 .fa-spin.headerlink,.rst-content h4 .nav .fa-spin.headerlink,.nav .rst-content h5 .fa-spin.headerlink,.rst-content h5 .nav .fa-spin.headerlink,.nav .rst-content h6 .fa-spin.headerlink,.rst-content h6 .nav .fa-spin.headerlink,.nav .rst-content dl dt .fa-spin.headerlink,.rst-content dl dt .nav .fa-spin.headerlink,.nav .rst-content p.caption .fa-spin.headerlink,.rst-content p.caption .nav .fa-spin.headerlink,.nav .rst-content table>caption .fa-spin.headerlink,.rst-content table>caption .nav .fa-spin.headerlink,.nav .rst-content tt.download span.fa-spin:first-child,.rst-content tt.download .nav span.fa-spin:first-child,.nav .rst-content code.download span.fa-spin:first-child,.rst-content code.download .nav span.fa-spin:first-child,.nav .fa-spin.icon{display:inline-block}.btn.fa:before,.wy-menu-vertical li span.btn.toctree-expand:before,.rst-content .btn.admonition-title:before,.rst-content h1 .btn.headerlink:before,.rst-content h2 .btn.headerlink:before,.rst-content h3 .btn.headerlink:before,.rst-content h4 .btn.headerlink:before,.rst-content h5 .btn.headerlink:before,.rst-content h6 .btn.headerlink:before,.rst-content dl dt .btn.headerlink:before,.rst-content p.caption .btn.headerlink:before,.rst-content table>caption .btn.headerlink:before,.rst-content tt.download span.btn:first-child:before,.rst-content code.download span.btn:first-child:before,.btn.icon:before{opacity:.5;-webkit-transition:opacity .05s ease-in;-moz-transition:opacity .05s ease-in;transition:opacity .05s ease-in}.btn.fa:hover:before,.wy-menu-vertical li span.btn.toctree-expand:hover:before,.rst-content .btn.admonition-title:hover:before,.rst-content h1 .btn.headerlink:hover:before,.rst-content h2 .btn.headerlink:hover:before,.rst-content h3 .btn.headerlink:hover:before,.rst-content h4 .btn.headerlink:hover:before,.rst-content h5 .btn.headerlink:hover:before,.rst-content h6 .btn.headerlink:hover:before,.rst-content dl dt .btn.headerlink:hover:before,.rst-content p.caption .btn.headerlink:hover:before,.rst-content table>caption .btn.headerlink:hover:before,.rst-content tt.download span.btn:first-child:hover:before,.rst-content code.download span.btn:first-child:hover:before,.btn.icon:hover:before{opacity:1}.btn-mini .fa:before,.btn-mini .wy-menu-vertical li span.toctree-expand:before,.wy-menu-vertical li .btn-mini span.toctree-expand:before,.btn-mini .rst-content .admonition-title:before,.rst-content .btn-mini .admonition-title:before,.btn-mini .rst-content h1 .headerlink:before,.rst-content h1 .btn-mini .headerlink:before,.btn-mini .rst-content h2 .headerlink:before,.rst-content h2 .btn-mini .headerlink:before,.btn-mini .rst-content h3 .headerlink:before,.rst-content h3 .btn-mini .headerlink:before,.btn-mini .rst-content h4 .headerlink:before,.rst-content h4 .btn-mini .headerlink:before,.btn-mini .rst-content h5 .headerlink:before,.rst-content h5 .btn-mini .headerlink:before,.btn-mini .rst-content h6 .headerlink:before,.rst-content h6 .btn-mini .headerlink:before,.btn-mini .rst-content dl dt .headerlink:before,.rst-content dl dt .btn-mini .headerlink:before,.btn-mini .rst-content p.caption .headerlink:before,.rst-content p.caption .btn-mini .headerlink:before,.btn-mini .rst-content table>caption .headerlink:before,.rst-content table>caption .btn-mini .headerlink:before,.btn-mini .rst-content tt.download span:first-child:before,.rst-content tt.download .btn-mini span:first-child:before,.btn-mini .rst-content code.download span:first-child:before,.rst-content code.download .btn-mini span:first-child:before,.btn-mini .icon:before{font-size:14px;vertical-align:-15%}.wy-alert,.rst-content .note,.rst-content .attention,.rst-content .caution,.rst-content .danger,.rst-content .error,.rst-content .hint,.rst-content .important,.rst-content .tip,.rst-content .warning,.rst-content .seealso,.rst-content .admonition-todo,.rst-content .admonition{padding:12px;line-height:24px;margin-bottom:24px;background:#e7f2fa}.wy-alert-title,.rst-content .admonition-title{color:#fff;font-weight:bold;display:block;color:#fff;background:#6ab0de;margin:-12px;padding:6px 12px;margin-bottom:12px}.wy-alert.wy-alert-danger,.rst-content .wy-alert-danger.note,.rst-content .wy-alert-danger.attention,.rst-content .wy-alert-danger.caution,.rst-content .danger,.rst-content .error,.rst-content .wy-alert-danger.hint,.rst-content .wy-alert-danger.important,.rst-content .wy-alert-danger.tip,.rst-content .wy-alert-danger.warning,.rst-content .wy-alert-danger.seealso,.rst-content .wy-alert-danger.admonition-todo,.rst-content .wy-alert-danger.admonition{background:#fdf3f2}.wy-alert.wy-alert-danger .wy-alert-title,.rst-content .wy-alert-danger.note .wy-alert-title,.rst-content .wy-alert-danger.attention .wy-alert-title,.rst-content .wy-alert-danger.caution .wy-alert-title,.rst-content .danger .wy-alert-title,.rst-content .error .wy-alert-title,.rst-content .wy-alert-danger.hint .wy-alert-title,.rst-content .wy-alert-danger.important .wy-alert-title,.rst-content .wy-alert-danger.tip .wy-alert-title,.rst-content .wy-alert-danger.warning .wy-alert-title,.rst-content .wy-alert-danger.seealso .wy-alert-title,.rst-content .wy-alert-danger.admonition-todo .wy-alert-title,.rst-content .wy-alert-danger.admonition .wy-alert-title,.wy-alert.wy-alert-danger .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-danger .admonition-title,.rst-content .wy-alert-danger.note .admonition-title,.rst-content .wy-alert-danger.attention .admonition-title,.rst-content .wy-alert-danger.caution .admonition-title,.rst-content .danger .admonition-title,.rst-content .error .admonition-title,.rst-content .wy-alert-danger.hint .admonition-title,.rst-content .wy-alert-danger.important .admonition-title,.rst-content .wy-alert-danger.tip .admonition-title,.rst-content .wy-alert-danger.warning .admonition-title,.rst-content .wy-alert-danger.seealso .admonition-title,.rst-content .wy-alert-danger.admonition-todo .admonition-title,.rst-content .wy-alert-danger.admonition .admonition-title{background:#f29f97}.wy-alert.wy-alert-warning,.rst-content .wy-alert-warning.note,.rst-content .attention,.rst-content .caution,.rst-content .wy-alert-warning.danger,.rst-content .wy-alert-warning.error,.rst-content .wy-alert-warning.hint,.rst-content .wy-alert-warning.important,.rst-content .wy-alert-warning.tip,.rst-content .warning,.rst-content .wy-alert-warning.seealso,.rst-content .admonition-todo,.rst-content .wy-alert-warning.admonition{background:#ffedcc}.wy-alert.wy-alert-warning .wy-alert-title,.rst-content .wy-alert-warning.note .wy-alert-title,.rst-content .attention .wy-alert-title,.rst-content .caution .wy-alert-title,.rst-content .wy-alert-warning.danger .wy-alert-title,.rst-content .wy-alert-warning.error .wy-alert-title,.rst-content .wy-alert-warning.hint .wy-alert-title,.rst-content .wy-alert-warning.important .wy-alert-title,.rst-content .wy-alert-warning.tip .wy-alert-title,.rst-content .warning .wy-alert-title,.rst-content .wy-alert-warning.seealso .wy-alert-title,.rst-content .admonition-todo .wy-alert-title,.rst-content .wy-alert-warning.admonition .wy-alert-title,.wy-alert.wy-alert-warning .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-warning .admonition-title,.rst-content .wy-alert-warning.note .admonition-title,.rst-content .attention .admonition-title,.rst-content .caution .admonition-title,.rst-content .wy-alert-warning.danger .admonition-title,.rst-content .wy-alert-warning.error .admonition-title,.rst-content .wy-alert-warning.hint .admonition-title,.rst-content .wy-alert-warning.important .admonition-title,.rst-content .wy-alert-warning.tip .admonition-title,.rst-content .warning .admonition-title,.rst-content .wy-alert-warning.seealso .admonition-title,.rst-content .admonition-todo .admonition-title,.rst-content .wy-alert-warning.admonition .admonition-title{background:#f0b37e}.wy-alert.wy-alert-info,.rst-content .note,.rst-content .wy-alert-info.attention,.rst-content .wy-alert-info.caution,.rst-content .wy-alert-info.danger,.rst-content .wy-alert-info.error,.rst-content .wy-alert-info.hint,.rst-content .wy-alert-info.important,.rst-content .wy-alert-info.tip,.rst-content .wy-alert-info.warning,.rst-content .seealso,.rst-content .wy-alert-info.admonition-todo,.rst-content .wy-alert-info.admonition{background:#e7f2fa}.wy-alert.wy-alert-info .wy-alert-title,.rst-content .note .wy-alert-title,.rst-content .wy-alert-info.attention .wy-alert-title,.rst-content .wy-alert-info.caution .wy-alert-title,.rst-content .wy-alert-info.danger .wy-alert-title,.rst-content .wy-alert-info.error .wy-alert-title,.rst-content .wy-alert-info.hint .wy-alert-title,.rst-content .wy-alert-info.important .wy-alert-title,.rst-content .wy-alert-info.tip .wy-alert-title,.rst-content .wy-alert-info.warning .wy-alert-title,.rst-content .seealso .wy-alert-title,.rst-content .wy-alert-info.admonition-todo .wy-alert-title,.rst-content .wy-alert-info.admonition .wy-alert-title,.wy-alert.wy-alert-info .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-info .admonition-title,.rst-content .note .admonition-title,.rst-content .wy-alert-info.attention .admonition-title,.rst-content .wy-alert-info.caution .admonition-title,.rst-content .wy-alert-info.danger .admonition-title,.rst-content .wy-alert-info.error .admonition-title,.rst-content .wy-alert-info.hint .admonition-title,.rst-content .wy-alert-info.important .admonition-title,.rst-content .wy-alert-info.tip .admonition-title,.rst-content .wy-alert-info.warning .admonition-title,.rst-content .seealso .admonition-title,.rst-content .wy-alert-info.admonition-todo .admonition-title,.rst-content .wy-alert-info.admonition .admonition-title{background:#6ab0de}.wy-alert.wy-alert-success,.rst-content .wy-alert-success.note,.rst-content .wy-alert-success.attention,.rst-content .wy-alert-success.caution,.rst-content .wy-alert-success.danger,.rst-content .wy-alert-success.error,.rst-content .hint,.rst-content .important,.rst-content .tip,.rst-content .wy-alert-success.warning,.rst-content .wy-alert-success.seealso,.rst-content .wy-alert-success.admonition-todo,.rst-content .wy-alert-success.admonition{background:#dbfaf4}.wy-alert.wy-alert-success .wy-alert-title,.rst-content .wy-alert-success.note .wy-alert-title,.rst-content .wy-alert-success.attention .wy-alert-title,.rst-content .wy-alert-success.caution .wy-alert-title,.rst-content .wy-alert-success.danger .wy-alert-title,.rst-content .wy-alert-success.error .wy-alert-title,.rst-content .hint .wy-alert-title,.rst-content .important .wy-alert-title,.rst-content .tip .wy-alert-title,.rst-content .wy-alert-success.warning .wy-alert-title,.rst-content .wy-alert-success.seealso .wy-alert-title,.rst-content .wy-alert-success.admonition-todo .wy-alert-title,.rst-content .wy-alert-success.admonition .wy-alert-title,.wy-alert.wy-alert-success .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-success .admonition-title,.rst-content .wy-alert-success.note .admonition-title,.rst-content .wy-alert-success.attention .admonition-title,.rst-content .wy-alert-success.caution .admonition-title,.rst-content .wy-alert-success.danger .admonition-title,.rst-content .wy-alert-success.error .admonition-title,.rst-content .hint .admonition-title,.rst-content .important .admonition-title,.rst-content .tip .admonition-title,.rst-content .wy-alert-success.warning .admonition-title,.rst-content .wy-alert-success.seealso .admonition-title,.rst-content .wy-alert-success.admonition-todo .admonition-title,.rst-content .wy-alert-success.admonition .admonition-title{background:#1abc9c}.wy-alert.wy-alert-neutral,.rst-content .wy-alert-neutral.note,.rst-content .wy-alert-neutral.attention,.rst-content .wy-alert-neutral.caution,.rst-content .wy-alert-neutral.danger,.rst-content .wy-alert-neutral.error,.rst-content .wy-alert-neutral.hint,.rst-content .wy-alert-neutral.important,.rst-content .wy-alert-neutral.tip,.rst-content .wy-alert-neutral.warning,.rst-content .wy-alert-neutral.seealso,.rst-content .wy-alert-neutral.admonition-todo,.rst-content .wy-alert-neutral.admonition{background:#f3f6f6}.wy-alert.wy-alert-neutral .wy-alert-title,.rst-content .wy-alert-neutral.note .wy-alert-title,.rst-content .wy-alert-neutral.attention .wy-alert-title,.rst-content .wy-alert-neutral.caution .wy-alert-title,.rst-content .wy-alert-neutral.danger .wy-alert-title,.rst-content .wy-alert-neutral.error .wy-alert-title,.rst-content .wy-alert-neutral.hint .wy-alert-title,.rst-content .wy-alert-neutral.important .wy-alert-title,.rst-content .wy-alert-neutral.tip .wy-alert-title,.rst-content .wy-alert-neutral.warning .wy-alert-title,.rst-content .wy-alert-neutral.seealso .wy-alert-title,.rst-content .wy-alert-neutral.admonition-todo .wy-alert-title,.rst-content .wy-alert-neutral.admonition .wy-alert-title,.wy-alert.wy-alert-neutral .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-neutral .admonition-title,.rst-content .wy-alert-neutral.note .admonition-title,.rst-content .wy-alert-neutral.attention .admonition-title,.rst-content .wy-alert-neutral.caution .admonition-title,.rst-content .wy-alert-neutral.danger .admonition-title,.rst-content .wy-alert-neutral.error .admonition-title,.rst-content .wy-alert-neutral.hint .admonition-title,.rst-content .wy-alert-neutral.important .admonition-title,.rst-content .wy-alert-neutral.tip .admonition-title,.rst-content .wy-alert-neutral.warning .admonition-title,.rst-content .wy-alert-neutral.seealso .admonition-title,.rst-content .wy-alert-neutral.admonition-todo .admonition-title,.rst-content .wy-alert-neutral.admonition .admonition-title{color:#404040;background:#e1e4e5}.wy-alert.wy-alert-neutral a,.rst-content .wy-alert-neutral.note a,.rst-content .wy-alert-neutral.attention a,.rst-content .wy-alert-neutral.caution a,.rst-content .wy-alert-neutral.danger a,.rst-content .wy-alert-neutral.error a,.rst-content .wy-alert-neutral.hint a,.rst-content .wy-alert-neutral.important a,.rst-content .wy-alert-neutral.tip a,.rst-content .wy-alert-neutral.warning a,.rst-content .wy-alert-neutral.seealso a,.rst-content .wy-alert-neutral.admonition-todo a,.rst-content .wy-alert-neutral.admonition a{color:#2980B9}.wy-alert p:last-child,.rst-content .note p:last-child,.rst-content .attention p:last-child,.rst-content .caution p:last-child,.rst-content .danger p:last-child,.rst-content .error p:last-child,.rst-content .hint p:last-child,.rst-content .important p:last-child,.rst-content .tip p:last-child,.rst-content .warning p:last-child,.rst-content .seealso p:last-child,.rst-content .admonition-todo p:last-child,.rst-content .admonition p:last-child{margin-bottom:0}.wy-tray-container{position:fixed;bottom:0px;left:0;z-index:600}.wy-tray-container li{display:block;width:300px;background:transparent;color:#fff;text-align:center;box-shadow:0 5px 5px 0 rgba(0,0,0,0.1);padding:0 24px;min-width:20%;opacity:0;height:0;line-height:56px;overflow:hidden;-webkit-transition:all .3s ease-in;-moz-transition:all .3s ease-in;transition:all .3s ease-in}.wy-tray-container li.wy-tray-item-success{background:#27AE60}.wy-tray-container li.wy-tray-item-info{background:#2980B9}.wy-tray-container li.wy-tray-item-warning{background:#E67E22}.wy-tray-container li.wy-tray-item-danger{background:#E74C3C}.wy-tray-container li.on{opacity:1;height:56px}@media screen and (max-width: 768px){.wy-tray-container{bottom:auto;top:0;width:100%}.wy-tray-container li{width:100%}}button{font-size:100%;margin:0;vertical-align:baseline;*vertical-align:middle;cursor:pointer;line-height:normal;-webkit-appearance:button;*overflow:visible}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}button[disabled]{cursor:default}.btn{display:inline-block;border-radius:2px;line-height:normal;white-space:nowrap;text-align:center;cursor:pointer;font-size:100%;padding:6px 12px 8px 12px;color:#fff;border:1px solid rgba(0,0,0,0.1);background-color:#27AE60;text-decoration:none;font-weight:normal;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;box-shadow:0px 1px 2px -1px rgba(255,255,255,0.5) inset,0px -2px 0px 0px rgba(0,0,0,0.1) inset;outline-none:false;vertical-align:middle;*display:inline;zoom:1;-webkit-user-drag:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;-webkit-transition:all .1s linear;-moz-transition:all .1s linear;transition:all .1s linear}.btn-hover{background:#2e8ece;color:#fff}.btn:hover{background:#2cc36b;color:#fff}.btn:focus{background:#2cc36b;outline:0}.btn:active{box-shadow:0px -1px 0px 0px rgba(0,0,0,0.05) inset,0px 2px 0px 0px rgba(0,0,0,0.1) inset;padding:8px 12px 6px 12px}.btn:visited{color:#fff}.btn:disabled{background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled = false);filter:alpha(opacity=40);opacity:.4;cursor:not-allowed;box-shadow:none}.btn-disabled{background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled = false);filter:alpha(opacity=40);opacity:.4;cursor:not-allowed;box-shadow:none}.btn-disabled:hover,.btn-disabled:focus,.btn-disabled:active{background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled = false);filter:alpha(opacity=40);opacity:.4;cursor:not-allowed;box-shadow:none}.btn::-moz-focus-inner{padding:0;border:0}.btn-small{font-size:80%}.btn-info{background-color:#2980B9 !important}.btn-info:hover{background-color:#2e8ece !important}.btn-neutral{background-color:#f3f6f6 !important;color:#404040 !important}.btn-neutral:hover{background-color:#e5ebeb !important;color:#404040}.btn-neutral:visited{color:#404040 !important}.btn-success{background-color:#27AE60 !important}.btn-success:hover{background-color:#295 !important}.btn-danger{background-color:#E74C3C !important}.btn-danger:hover{background-color:#ea6153 !important}.btn-warning{background-color:#E67E22 !important}.btn-warning:hover{background-color:#e98b39 !important}.btn-invert{background-color:#222}.btn-invert:hover{background-color:#2f2f2f !important}.btn-link{background-color:transparent !important;color:#2980B9;box-shadow:none;border-color:transparent !important}.btn-link:hover{background-color:transparent !important;color:#409ad5 !important;box-shadow:none}.btn-link:active{background-color:transparent !important;color:#409ad5 !important;box-shadow:none}.btn-link:visited{color:#9B59B6}.wy-btn-group .btn,.wy-control .btn{vertical-align:middle}.wy-btn-group{margin-bottom:24px;*zoom:1}.wy-btn-group:before,.wy-btn-group:after{display:table;content:""}.wy-btn-group:after{clear:both}.wy-dropdown{position:relative;display:inline-block}.wy-dropdown-active .wy-dropdown-menu{display:block}.wy-dropdown-menu{position:absolute;left:0;display:none;float:left;top:100%;min-width:100%;background:#fcfcfc;z-index:100;border:solid 1px #cfd7dd;box-shadow:0 2px 2px 0 rgba(0,0,0,0.1);padding:12px}.wy-dropdown-menu>dd>a{display:block;clear:both;color:#404040;white-space:nowrap;font-size:90%;padding:0 12px;cursor:pointer}.wy-dropdown-menu>dd>a:hover{background:#2980B9;color:#fff}.wy-dropdown-menu>dd.divider{border-top:solid 1px #cfd7dd;margin:6px 0}.wy-dropdown-menu>dd.search{padding-bottom:12px}.wy-dropdown-menu>dd.search input[type="search"]{width:100%}.wy-dropdown-menu>dd.call-to-action{background:#e3e3e3;text-transform:uppercase;font-weight:500;font-size:80%}.wy-dropdown-menu>dd.call-to-action:hover{background:#e3e3e3}.wy-dropdown-menu>dd.call-to-action .btn{color:#fff}.wy-dropdown.wy-dropdown-up .wy-dropdown-menu{bottom:100%;top:auto;left:auto;right:0}.wy-dropdown.wy-dropdown-bubble .wy-dropdown-menu{background:#fcfcfc;margin-top:2px}.wy-dropdown.wy-dropdown-bubble .wy-dropdown-menu a{padding:6px 12px}.wy-dropdown.wy-dropdown-bubble .wy-dropdown-menu a:hover{background:#2980B9;color:#fff}.wy-dropdown.wy-dropdown-left .wy-dropdown-menu{right:0;left:auto;text-align:right}.wy-dropdown-arrow:before{content:" ";border-bottom:5px solid #f5f5f5;border-left:5px solid transparent;border-right:5px solid transparent;position:absolute;display:block;top:-4px;left:50%;margin-left:-3px}.wy-dropdown-arrow.wy-dropdown-arrow-left:before{left:11px}.wy-form-stacked select{display:block}.wy-form-aligned input,.wy-form-aligned textarea,.wy-form-aligned select,.wy-form-aligned .wy-help-inline,.wy-form-aligned label{display:inline-block;*display:inline;*zoom:1;vertical-align:middle}.wy-form-aligned .wy-control-group>label{display:inline-block;vertical-align:middle;width:10em;margin:6px 12px 0 0;float:left}.wy-form-aligned .wy-control{float:left}.wy-form-aligned .wy-control label{display:block}.wy-form-aligned .wy-control select{margin-top:6px}fieldset{border:0;margin:0;padding:0}legend{display:block;width:100%;border:0;padding:0;white-space:normal;margin-bottom:24px;font-size:150%;*margin-left:-7px}label{display:block;margin:0 0 .3125em 0;color:#333;font-size:90%}input,select,textarea{font-size:100%;margin:0;vertical-align:baseline;*vertical-align:middle}.wy-control-group{margin-bottom:24px;*zoom:1;max-width:68em;margin-left:auto;margin-right:auto;*zoom:1}.wy-control-group:before,.wy-control-group:after{display:table;content:""}.wy-control-group:after{clear:both}.wy-control-group:before,.wy-control-group:after{display:table;content:""}.wy-control-group:after{clear:both}.wy-control-group.wy-control-group-required>label:after{content:" *";color:#E74C3C}.wy-control-group .wy-form-full,.wy-control-group .wy-form-halves,.wy-control-group .wy-form-thirds{padding-bottom:12px}.wy-control-group .wy-form-full select,.wy-control-group .wy-form-halves select,.wy-control-group .wy-form-thirds select{width:100%}.wy-control-group .wy-form-full input[type="text"],.wy-control-group .wy-form-full input[type="password"],.wy-control-group .wy-form-full input[type="email"],.wy-control-group .wy-form-full input[type="url"],.wy-control-group .wy-form-full input[type="date"],.wy-control-group .wy-form-full input[type="month"],.wy-control-group .wy-form-full input[type="time"],.wy-control-group .wy-form-full input[type="datetime"],.wy-control-group .wy-form-full input[type="datetime-local"],.wy-control-group .wy-form-full input[type="week"],.wy-control-group .wy-form-full input[type="number"],.wy-control-group .wy-form-full input[type="search"],.wy-control-group .wy-form-full input[type="tel"],.wy-control-group .wy-form-full input[type="color"],.wy-control-group .wy-form-halves input[type="text"],.wy-control-group .wy-form-halves input[type="password"],.wy-control-group .wy-form-halves input[type="email"],.wy-control-group .wy-form-halves input[type="url"],.wy-control-group .wy-form-halves input[type="date"],.wy-control-group .wy-form-halves input[type="month"],.wy-control-group .wy-form-halves input[type="time"],.wy-control-group .wy-form-halves input[type="datetime"],.wy-control-group .wy-form-halves input[type="datetime-local"],.wy-control-group .wy-form-halves input[type="week"],.wy-control-group .wy-form-halves input[type="number"],.wy-control-group .wy-form-halves input[type="search"],.wy-control-group .wy-form-halves input[type="tel"],.wy-control-group .wy-form-halves input[type="color"],.wy-control-group .wy-form-thirds input[type="text"],.wy-control-group .wy-form-thirds input[type="password"],.wy-control-group .wy-form-thirds input[type="email"],.wy-control-group .wy-form-thirds input[type="url"],.wy-control-group .wy-form-thirds input[type="date"],.wy-control-group .wy-form-thirds input[type="month"],.wy-control-group .wy-form-thirds input[type="time"],.wy-control-group .wy-form-thirds input[type="datetime"],.wy-control-group .wy-form-thirds input[type="datetime-local"],.wy-control-group .wy-form-thirds input[type="week"],.wy-control-group .wy-form-thirds input[type="number"],.wy-control-group .wy-form-thirds input[type="search"],.wy-control-group .wy-form-thirds input[type="tel"],.wy-control-group .wy-form-thirds input[type="color"]{width:100%}.wy-control-group .wy-form-full{float:left;display:block;margin-right:2.3576515979%;width:100%;margin-right:0}.wy-control-group .wy-form-full:last-child{margin-right:0}.wy-control-group .wy-form-halves{float:left;display:block;margin-right:2.3576515979%;width:48.821174201%}.wy-control-group .wy-form-halves:last-child{margin-right:0}.wy-control-group .wy-form-halves:nth-of-type(2n){margin-right:0}.wy-control-group .wy-form-halves:nth-of-type(2n+1){clear:left}.wy-control-group .wy-form-thirds{float:left;display:block;margin-right:2.3576515979%;width:31.7615656014%}.wy-control-group .wy-form-thirds:last-child{margin-right:0}.wy-control-group .wy-form-thirds:nth-of-type(3n){margin-right:0}.wy-control-group .wy-form-thirds:nth-of-type(3n+1){clear:left}.wy-control-group.wy-control-group-no-input .wy-control{margin:6px 0 0 0;font-size:90%}.wy-control-no-input{display:inline-block;margin:6px 0 0 0;font-size:90%}.wy-control-group.fluid-input input[type="text"],.wy-control-group.fluid-input input[type="password"],.wy-control-group.fluid-input input[type="email"],.wy-control-group.fluid-input input[type="url"],.wy-control-group.fluid-input input[type="date"],.wy-control-group.fluid-input input[type="month"],.wy-control-group.fluid-input input[type="time"],.wy-control-group.fluid-input input[type="datetime"],.wy-control-group.fluid-input input[type="datetime-local"],.wy-control-group.fluid-input input[type="week"],.wy-control-group.fluid-input input[type="number"],.wy-control-group.fluid-input input[type="search"],.wy-control-group.fluid-input input[type="tel"],.wy-control-group.fluid-input input[type="color"]{width:100%}.wy-form-message-inline{display:inline-block;padding-left:.3em;color:#666;vertical-align:middle;font-size:90%}.wy-form-message{display:block;color:#999;font-size:70%;margin-top:.3125em;font-style:italic}.wy-form-message p{font-size:inherit;font-style:italic;margin-bottom:6px}.wy-form-message p:last-child{margin-bottom:0}input{line-height:normal}input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;*overflow:visible}input[type="text"],input[type="password"],input[type="email"],input[type="url"],input[type="date"],input[type="month"],input[type="time"],input[type="datetime"],input[type="datetime-local"],input[type="week"],input[type="number"],input[type="search"],input[type="tel"],input[type="color"]{-webkit-appearance:none;padding:6px;display:inline-block;border:1px solid #ccc;font-size:80%;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;box-shadow:inset 0 1px 3px #ddd;border-radius:0;-webkit-transition:border .3s linear;-moz-transition:border .3s linear;transition:border .3s linear}input[type="datetime-local"]{padding:.34375em .625em}input[disabled]{cursor:default}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0;margin-right:.3125em;*height:13px;*width:13px}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}input[type="text"]:focus,input[type="password"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus{outline:0;outline:thin dotted \9;border-color:#333}input.no-focus:focus{border-color:#ccc !important}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:1px auto #129FEA}input[type="text"][disabled],input[type="password"][disabled],input[type="email"][disabled],input[type="url"][disabled],input[type="date"][disabled],input[type="month"][disabled],input[type="time"][disabled],input[type="datetime"][disabled],input[type="datetime-local"][disabled],input[type="week"][disabled],input[type="number"][disabled],input[type="search"][disabled],input[type="tel"][disabled],input[type="color"][disabled]{cursor:not-allowed;background-color:#fafafa}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#E74C3C;border:1px solid #E74C3C}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#E74C3C}input[type="file"]:focus:invalid:focus,input[type="radio"]:focus:invalid:focus,input[type="checkbox"]:focus:invalid:focus{outline-color:#E74C3C}input.wy-input-large{padding:12px;font-size:100%}textarea{overflow:auto;vertical-align:top;width:100%;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif}select,textarea{padding:.5em .625em;display:inline-block;border:1px solid #ccc;font-size:80%;box-shadow:inset 0 1px 3px #ddd;-webkit-transition:border .3s linear;-moz-transition:border .3s linear;transition:border .3s linear}select{border:1px solid #ccc;background-color:#fff}select[multiple]{height:auto}select:focus,textarea:focus{outline:0}select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#fafafa}input[type="radio"][disabled],input[type="checkbox"][disabled]{cursor:not-allowed}.wy-checkbox,.wy-radio{margin:6px 0;color:#404040;display:block}.wy-checkbox input,.wy-radio input{vertical-align:baseline}.wy-form-message-inline{display:inline-block;*display:inline;*zoom:1;vertical-align:middle}.wy-input-prefix,.wy-input-suffix{white-space:nowrap;padding:6px}.wy-input-prefix .wy-input-context,.wy-input-suffix .wy-input-context{line-height:27px;padding:0 8px;display:inline-block;font-size:80%;background-color:#f3f6f6;border:solid 1px #ccc;color:#999}.wy-input-suffix .wy-input-context{border-left:0}.wy-input-prefix .wy-input-context{border-right:0}.wy-switch{position:relative;display:block;height:24px;margin-top:12px;cursor:pointer}.wy-switch:before{position:absolute;content:"";display:block;left:0;top:0;width:36px;height:12px;border-radius:4px;background:#ccc;-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;transition:all .2s ease-in-out}.wy-switch:after{position:absolute;content:"";display:block;width:18px;height:18px;border-radius:4px;background:#999;left:-3px;top:-3px;-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;transition:all .2s ease-in-out}.wy-switch span{position:absolute;left:48px;display:block;font-size:12px;color:#ccc;line-height:1}.wy-switch.active:before{background:#1e8449}.wy-switch.active:after{left:24px;background:#27AE60}.wy-switch.disabled{cursor:not-allowed;opacity:.8}.wy-control-group.wy-control-group-error .wy-form-message,.wy-control-group.wy-control-group-error>label{color:#E74C3C}.wy-control-group.wy-control-group-error input[type="text"],.wy-control-group.wy-control-group-error input[type="password"],.wy-control-group.wy-control-group-error input[type="email"],.wy-control-group.wy-control-group-error input[type="url"],.wy-control-group.wy-control-group-error input[type="date"],.wy-control-group.wy-control-group-error input[type="month"],.wy-control-group.wy-control-group-error input[type="time"],.wy-control-group.wy-control-group-error input[type="datetime"],.wy-control-group.wy-control-group-error input[type="datetime-local"],.wy-control-group.wy-control-group-error input[type="week"],.wy-control-group.wy-control-group-error input[type="number"],.wy-control-group.wy-control-group-error input[type="search"],.wy-control-group.wy-control-group-error input[type="tel"],.wy-control-group.wy-control-group-error input[type="color"]{border:solid 1px #E74C3C}.wy-control-group.wy-control-group-error textarea{border:solid 1px #E74C3C}.wy-inline-validate{white-space:nowrap}.wy-inline-validate .wy-input-context{padding:.5em .625em;display:inline-block;font-size:80%}.wy-inline-validate.wy-inline-validate-success .wy-input-context{color:#27AE60}.wy-inline-validate.wy-inline-validate-danger .wy-input-context{color:#E74C3C}.wy-inline-validate.wy-inline-validate-warning .wy-input-context{color:#E67E22}.wy-inline-validate.wy-inline-validate-info .wy-input-context{color:#2980B9}.rotate-90{-webkit-transform:rotate(90deg);-moz-transform:rotate(90deg);-ms-transform:rotate(90deg);-o-transform:rotate(90deg);transform:rotate(90deg)}.rotate-180{-webkit-transform:rotate(180deg);-moz-transform:rotate(180deg);-ms-transform:rotate(180deg);-o-transform:rotate(180deg);transform:rotate(180deg)}.rotate-270{-webkit-transform:rotate(270deg);-moz-transform:rotate(270deg);-ms-transform:rotate(270deg);-o-transform:rotate(270deg);transform:rotate(270deg)}.mirror{-webkit-transform:scaleX(-1);-moz-transform:scaleX(-1);-ms-transform:scaleX(-1);-o-transform:scaleX(-1);transform:scaleX(-1)}.mirror.rotate-90{-webkit-transform:scaleX(-1) rotate(90deg);-moz-transform:scaleX(-1) rotate(90deg);-ms-transform:scaleX(-1) rotate(90deg);-o-transform:scaleX(-1) rotate(90deg);transform:scaleX(-1) rotate(90deg)}.mirror.rotate-180{-webkit-transform:scaleX(-1) rotate(180deg);-moz-transform:scaleX(-1) rotate(180deg);-ms-transform:scaleX(-1) rotate(180deg);-o-transform:scaleX(-1) rotate(180deg);transform:scaleX(-1) rotate(180deg)}.mirror.rotate-270{-webkit-transform:scaleX(-1) rotate(270deg);-moz-transform:scaleX(-1) rotate(270deg);-ms-transform:scaleX(-1) rotate(270deg);-o-transform:scaleX(-1) rotate(270deg);transform:scaleX(-1) rotate(270deg)}@media only screen and (max-width: 480px){.wy-form button[type="submit"]{margin:.7em 0 0}.wy-form input[type="text"],.wy-form input[type="password"],.wy-form input[type="email"],.wy-form input[type="url"],.wy-form input[type="date"],.wy-form input[type="month"],.wy-form input[type="time"],.wy-form input[type="datetime"],.wy-form input[type="datetime-local"],.wy-form input[type="week"],.wy-form input[type="number"],.wy-form input[type="search"],.wy-form input[type="tel"],.wy-form input[type="color"]{margin-bottom:.3em;display:block}.wy-form label{margin-bottom:.3em;display:block}.wy-form input[type="password"],.wy-form input[type="email"],.wy-form input[type="url"],.wy-form input[type="date"],.wy-form input[type="month"],.wy-form input[type="time"],.wy-form input[type="datetime"],.wy-form input[type="datetime-local"],.wy-form input[type="week"],.wy-form input[type="number"],.wy-form input[type="search"],.wy-form input[type="tel"],.wy-form input[type="color"]{margin-bottom:0}.wy-form-aligned .wy-control-group label{margin-bottom:.3em;text-align:left;display:block;width:100%}.wy-form-aligned .wy-control{margin:1.5em 0 0 0}.wy-form .wy-help-inline,.wy-form-message-inline,.wy-form-message{display:block;font-size:80%;padding:6px 0}}@media screen and (max-width: 768px){.tablet-hide{display:none}}@media screen and (max-width: 480px){.mobile-hide{display:none}}.float-left{float:left}.float-right{float:right}.full-width{width:100%}.wy-table,.rst-content table.docutils,.rst-content table.field-list{border-collapse:collapse;border-spacing:0;empty-cells:show;margin-bottom:24px}.wy-table caption,.rst-content table.docutils caption,.rst-content table.field-list caption{color:#000;font:italic 85%/1 arial,sans-serif;padding:1em 0;text-align:center}.wy-table td,.rst-content table.docutils td,.rst-content table.field-list td,.wy-table th,.rst-content table.docutils th,.rst-content table.field-list th{font-size:90%;margin:0;overflow:visible;padding:8px 16px}.wy-table td:first-child,.rst-content table.docutils td:first-child,.rst-content table.field-list td:first-child,.wy-table th:first-child,.rst-content table.docutils th:first-child,.rst-content table.field-list th:first-child{border-left-width:0}.wy-table thead,.rst-content table.docutils thead,.rst-content table.field-list thead{color:#000;text-align:left;vertical-align:bottom;white-space:nowrap}.wy-table thead th,.rst-content table.docutils thead th,.rst-content table.field-list thead th{font-weight:bold;border-bottom:solid 2px #e1e4e5}.wy-table td,.rst-content table.docutils td,.rst-content table.field-list td{background-color:transparent;vertical-align:middle}.wy-table td p,.rst-content table.docutils td p,.rst-content table.field-list td p{line-height:18px}.wy-table td p:last-child,.rst-content table.docutils td p:last-child,.rst-content table.field-list td p:last-child{margin-bottom:0}.wy-table .wy-table-cell-min,.rst-content table.docutils .wy-table-cell-min,.rst-content table.field-list .wy-table-cell-min{width:1%;padding-right:0}.wy-table .wy-table-cell-min input[type=checkbox],.rst-content table.docutils .wy-table-cell-min input[type=checkbox],.rst-content table.field-list .wy-table-cell-min input[type=checkbox],.wy-table .wy-table-cell-min input[type=checkbox],.rst-content table.docutils .wy-table-cell-min input[type=checkbox],.rst-content table.field-list .wy-table-cell-min input[type=checkbox]{margin:0}.wy-table-secondary{color:gray;font-size:90%}.wy-table-tertiary{color:gray;font-size:80%}.wy-table-odd td,.wy-table-striped tr:nth-child(2n-1) td,.rst-content table.docutils:not(.field-list) tr:nth-child(2n-1) td{background-color:#f3f6f6}.wy-table-backed{background-color:#f3f6f6}.wy-table-bordered-all,.rst-content table.docutils{border:1px solid #e1e4e5}.wy-table-bordered-all td,.rst-content table.docutils td{border-bottom:1px solid #e1e4e5;border-left:1px solid #e1e4e5}.wy-table-bordered-all tbody>tr:last-child td,.rst-content table.docutils tbody>tr:last-child td{border-bottom-width:0}.wy-table-bordered{border:1px solid #e1e4e5}.wy-table-bordered-rows td{border-bottom:1px solid #e1e4e5}.wy-table-bordered-rows tbody>tr:last-child td{border-bottom-width:0}.wy-table-horizontal tbody>tr:last-child td{border-bottom-width:0}.wy-table-horizontal td,.wy-table-horizontal th{border-width:0 0 1px 0;border-bottom:1px solid #e1e4e5}.wy-table-horizontal tbody>tr:last-child td{border-bottom-width:0}.wy-table-responsive{margin-bottom:24px;max-width:100%;overflow:auto}.wy-table-responsive table{margin-bottom:0 !important}.wy-table-responsive table td,.wy-table-responsive table th{white-space:nowrap}a{color:#2980B9;text-decoration:none;cursor:pointer}a:hover{color:#3091d1}a:visited{color:#9B59B6}html{height:100%;overflow-x:hidden}body{font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;font-weight:normal;color:#404040;min-height:100%;overflow-x:hidden;background:#edf0f2}.wy-text-left{text-align:left}.wy-text-center{text-align:center}.wy-text-right{text-align:right}.wy-text-large{font-size:120%}.wy-text-normal{font-size:100%}.wy-text-small,small{font-size:80%}.wy-text-strike{text-decoration:line-through}.wy-text-warning{color:#E67E22 !important}a.wy-text-warning:hover{color:#eb9950 !important}.wy-text-info{color:#2980B9 !important}a.wy-text-info:hover{color:#409ad5 !important}.wy-text-success{color:#27AE60 !important}a.wy-text-success:hover{color:#36d278 !important}.wy-text-danger{color:#E74C3C !important}a.wy-text-danger:hover{color:#ed7669 !important}.wy-text-neutral{color:#404040 !important}a.wy-text-neutral:hover{color:#595959 !important}h1,h2,.rst-content .toctree-wrapper p.caption,h3,h4,h5,h6,legend{margin-top:0;font-weight:700;font-family:"Roboto Slab","ff-tisa-web-pro","Georgia",Arial,sans-serif}p{line-height:24px;margin:0;font-size:16px;margin-bottom:24px}h1{font-size:175%}h2,.rst-content .toctree-wrapper p.caption{font-size:150%}h3{font-size:125%}h4{font-size:115%}h5{font-size:110%}h6{font-size:100%}hr{display:block;height:1px;border:0;border-top:1px solid #e1e4e5;margin:24px 0;padding:0}code,.rst-content tt,.rst-content code{white-space:nowrap;max-width:100%;background:#fff;border:solid 1px #e1e4e5;font-size:75%;padding:0 5px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;color:#E74C3C;overflow-x:auto}code.code-large,.rst-content tt.code-large{font-size:90%}.wy-plain-list-disc,.rst-content .section ul,.rst-content .toctree-wrapper ul,article ul{list-style:disc;line-height:24px;margin-bottom:24px}.wy-plain-list-disc li,.rst-content .section ul li,.rst-content .toctree-wrapper ul li,article ul li{list-style:disc;margin-left:24px}.wy-plain-list-disc li p:last-child,.rst-content .section ul li p:last-child,.rst-content .toctree-wrapper ul li p:last-child,article ul li p:last-child{margin-bottom:0}.wy-plain-list-disc li ul,.rst-content .section ul li ul,.rst-content .toctree-wrapper ul li ul,article ul li ul{margin-bottom:0}.wy-plain-list-disc li li,.rst-content .section ul li li,.rst-content .toctree-wrapper ul li li,article ul li li{list-style:circle}.wy-plain-list-disc li li li,.rst-content .section ul li li li,.rst-content .toctree-wrapper ul li li li,article ul li li li{list-style:square}.wy-plain-list-disc li ol li,.rst-content .section ul li ol li,.rst-content .toctree-wrapper ul li ol li,article ul li ol li{list-style:decimal}.wy-plain-list-decimal,.rst-content .section ol,.rst-content ol.arabic,article ol{list-style:decimal;line-height:24px;margin-bottom:24px}.wy-plain-list-decimal li,.rst-content .section ol li,.rst-content ol.arabic li,article ol li{list-style:decimal;margin-left:24px}.wy-plain-list-decimal li p:last-child,.rst-content .section ol li p:last-child,.rst-content ol.arabic li p:last-child,article ol li p:last-child{margin-bottom:0}.wy-plain-list-decimal li ul,.rst-content .section ol li ul,.rst-content ol.arabic li ul,article ol li ul{margin-bottom:0}.wy-plain-list-decimal li ul li,.rst-content .section ol li ul li,.rst-content ol.arabic li ul li,article ol li ul li{list-style:disc}.wy-breadcrumbs{*zoom:1}.wy-breadcrumbs:before,.wy-breadcrumbs:after{display:table;content:""}.wy-breadcrumbs:after{clear:both}.wy-breadcrumbs li{display:inline-block}.wy-breadcrumbs li.wy-breadcrumbs-aside{float:right}.wy-breadcrumbs li a{display:inline-block;padding:5px}.wy-breadcrumbs li a:first-child{padding-left:0}.wy-breadcrumbs li code,.wy-breadcrumbs li .rst-content tt,.rst-content .wy-breadcrumbs li tt{padding:5px;border:none;background:none}.wy-breadcrumbs li code.literal,.wy-breadcrumbs li .rst-content tt.literal,.rst-content .wy-breadcrumbs li tt.literal{color:#404040}.wy-breadcrumbs-extra{margin-bottom:0;color:#b3b3b3;font-size:80%;display:inline-block}@media screen and (max-width: 480px){.wy-breadcrumbs-extra{display:none}.wy-breadcrumbs li.wy-breadcrumbs-aside{display:none}}@media print{.wy-breadcrumbs li.wy-breadcrumbs-aside{display:none}}html{font-size:16px}.wy-affix{position:fixed;top:1.618em}.wy-menu a:hover{text-decoration:none}.wy-menu-horiz{*zoom:1}.wy-menu-horiz:before,.wy-menu-horiz:after{display:table;content:""}.wy-menu-horiz:after{clear:both}.wy-menu-horiz ul,.wy-menu-horiz li{display:inline-block}.wy-menu-horiz li:hover{background:rgba(255,255,255,0.1)}.wy-menu-horiz li.divide-left{border-left:solid 1px #404040}.wy-menu-horiz li.divide-right{border-right:solid 1px #404040}.wy-menu-horiz a{height:32px;display:inline-block;line-height:32px;padding:0 16px}.wy-menu-vertical{width:300px}.wy-menu-vertical header,.wy-menu-vertical p.caption{height:32px;display:inline-block;line-height:32px;padding:0 1.618em;margin-bottom:0;display:block;font-weight:bold;text-transform:uppercase;font-size:80%;white-space:nowrap}.wy-menu-vertical ul{margin-bottom:0}.wy-menu-vertical li.divide-top{border-top:solid 1px #404040}.wy-menu-vertical li.divide-bottom{border-bottom:solid 1px #404040}.wy-menu-vertical li.current{background:#e3e3e3}.wy-menu-vertical li.current a{color:gray;border-right:solid 1px #c9c9c9;padding:.4045em 2.427em}.wy-menu-vertical li.current a:hover{background:#d6d6d6}.wy-menu-vertical li code,.wy-menu-vertical li .rst-content tt,.rst-content .wy-menu-vertical li tt{border:none;background:inherit;color:inherit;padding-left:0;padding-right:0}.wy-menu-vertical li span.toctree-expand{display:block;float:left;margin-left:-1.2em;font-size:.8em;line-height:1.6em;color:#4d4d4d}.wy-menu-vertical li.on a,.wy-menu-vertical li.current>a{color:#404040;padding:.4045em 1.618em;font-weight:bold;position:relative;background:#fcfcfc;border:none;padding-left:1.618em -4px}.wy-menu-vertical li.on a:hover,.wy-menu-vertical li.current>a:hover{background:#fcfcfc}.wy-menu-vertical li.on a:hover span.toctree-expand,.wy-menu-vertical li.current>a:hover span.toctree-expand{color:gray}.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand{display:block;font-size:.8em;line-height:1.6em;color:#333}.wy-menu-vertical li.toctree-l1.current>a{border-bottom:solid 1px #c9c9c9;border-top:solid 1px #c9c9c9}.wy-menu-vertical li.toctree-l2 a,.wy-menu-vertical li.toctree-l3 a,.wy-menu-vertical li.toctree-l4 a{color:#404040}.wy-menu-vertical li.toctree-l1.current li.toctree-l2>ul,.wy-menu-vertical li.toctree-l2.current li.toctree-l3>ul{display:none}.wy-menu-vertical li.toctree-l1.current li.toctree-l2.current>ul,.wy-menu-vertical li.toctree-l2.current li.toctree-l3.current>ul{display:block}.wy-menu-vertical li.toctree-l2.current>a{background:#c9c9c9;padding:.4045em 2.427em}.wy-menu-vertical li.toctree-l2.current li.toctree-l3>a{display:block;background:#c9c9c9;padding:.4045em 4.045em}.wy-menu-vertical li.toctree-l2 a:hover span.toctree-expand{color:gray}.wy-menu-vertical li.toctree-l2 span.toctree-expand{color:#a3a3a3}.wy-menu-vertical li.toctree-l3{font-size:.9em}.wy-menu-vertical li.toctree-l3.current>a{background:#bdbdbd;padding:.4045em 4.045em}.wy-menu-vertical li.toctree-l3.current li.toctree-l4>a{display:block;background:#bdbdbd;padding:.4045em 5.663em}.wy-menu-vertical li.toctree-l3 a:hover span.toctree-expand{color:gray}.wy-menu-vertical li.toctree-l3 span.toctree-expand{color:#969696}.wy-menu-vertical li.toctree-l4{font-size:.9em}.wy-menu-vertical li.current ul{display:block}.wy-menu-vertical li ul{margin-bottom:0;display:none}.wy-menu-vertical li ul li a{margin-bottom:0;color:#d9d9d9;font-weight:normal}.wy-menu-vertical a{display:inline-block;line-height:18px;padding:.4045em 1.618em;display:block;position:relative;font-size:90%;color:#d9d9d9}.wy-menu-vertical a:hover{background-color:#4e4a4a;cursor:pointer}.wy-menu-vertical a:hover span.toctree-expand{color:#d9d9d9}.wy-menu-vertical a:active{background-color:#2980B9;cursor:pointer;color:#fff}.wy-menu-vertical a:active span.toctree-expand{color:#fff}.wy-side-nav-search{display:block;width:300px;padding:.809em;margin-bottom:.809em;z-index:200;background-color:#2980B9;text-align:center;padding:.809em;display:block;color:#fcfcfc;margin-bottom:.809em}.wy-side-nav-search input[type=text]{width:100%;border-radius:50px;padding:6px 12px;border-color:#2472a4}.wy-side-nav-search img{display:block;margin:auto auto .809em auto;height:45px;width:45px;background-color:#2980B9;padding:5px;border-radius:100%}.wy-side-nav-search>a,.wy-side-nav-search .wy-dropdown>a{color:#fcfcfc;font-size:100%;font-weight:bold;display:inline-block;padding:4px 6px;margin-bottom:.809em}.wy-side-nav-search>a:hover,.wy-side-nav-search .wy-dropdown>a:hover{background:rgba(255,255,255,0.1)}.wy-side-nav-search>a img.logo,.wy-side-nav-search .wy-dropdown>a img.logo{display:block;margin:0 auto;height:auto;width:auto;border-radius:0;max-width:100%;background:transparent}.wy-side-nav-search>a.icon img.logo,.wy-side-nav-search .wy-dropdown>a.icon img.logo{margin-top:.85em}.wy-side-nav-search>div.version{margin-top:-.4045em;margin-bottom:.809em;font-weight:normal;color:rgba(255,255,255,0.3)}.wy-nav .wy-menu-vertical header{color:#2980B9}.wy-nav .wy-menu-vertical a{color:#b3b3b3}.wy-nav .wy-menu-vertical a:hover{background-color:#2980B9;color:#fff}[data-menu-wrap]{-webkit-transition:all .2s ease-in;-moz-transition:all .2s ease-in;transition:all .2s ease-in;position:absolute;opacity:1;width:100%;opacity:0}[data-menu-wrap].move-center{left:0;right:auto;opacity:1}[data-menu-wrap].move-left{right:auto;left:-100%;opacity:0}[data-menu-wrap].move-right{right:-100%;left:auto;opacity:0}.wy-body-for-nav{background:#fcfcfc}.wy-grid-for-nav{position:absolute;width:100%;height:100%}.wy-nav-side{position:fixed;top:0;bottom:0;left:0;padding-bottom:2em;width:300px;overflow-x:hidden;overflow-y:hidden;min-height:100%;color:#9b9b9b;background:#343131;z-index:200}.wy-side-scroll{width:320px;position:relative;overflow-x:hidden;overflow-y:scroll;height:100%}.wy-nav-top{display:none;background:#2980B9;color:#fff;padding:.4045em .809em;position:relative;line-height:50px;text-align:center;font-size:100%;*zoom:1}.wy-nav-top:before,.wy-nav-top:after{display:table;content:""}.wy-nav-top:after{clear:both}.wy-nav-top a{color:#fff;font-weight:bold}.wy-nav-top img{margin-right:12px;height:45px;width:45px;background-color:#2980B9;padding:5px;border-radius:100%}.wy-nav-top i{font-size:30px;float:left;cursor:pointer;padding-top:inherit}.wy-nav-content-wrap{margin-left:300px;background:#fcfcfc;min-height:100%}.wy-nav-content{padding:1.618em 3.236em;height:100%;max-width:800px;margin:auto}.wy-body-mask{position:fixed;width:100%;height:100%;background:rgba(0,0,0,0.2);display:none;z-index:499}.wy-body-mask.on{display:block}footer{color:gray}footer p{margin-bottom:12px}footer span.commit code,footer span.commit .rst-content tt,.rst-content footer span.commit tt{padding:0px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;font-size:1em;background:none;border:none;color:gray}.rst-footer-buttons{*zoom:1}.rst-footer-buttons:before,.rst-footer-buttons:after{width:100%}.rst-footer-buttons:before,.rst-footer-buttons:after{display:table;content:""}.rst-footer-buttons:after{clear:both}.rst-breadcrumbs-buttons{margin-top:12px;*zoom:1}.rst-breadcrumbs-buttons:before,.rst-breadcrumbs-buttons:after{display:table;content:""}.rst-breadcrumbs-buttons:after{clear:both}#search-results .search li{margin-bottom:24px;border-bottom:solid 1px #e1e4e5;padding-bottom:24px}#search-results .search li:first-child{border-top:solid 1px #e1e4e5;padding-top:24px}#search-results .search li a{font-size:120%;margin-bottom:12px;display:inline-block}#search-results .context{color:gray;font-size:90%}@media screen and (max-width: 768px){.wy-body-for-nav{background:#fcfcfc}.wy-nav-top{display:block}.wy-nav-side{left:-300px}.wy-nav-side.shift{width:85%;left:0}.wy-side-scroll{width:auto}.wy-side-nav-search{width:auto}.wy-menu.wy-menu-vertical{width:auto}.wy-nav-content-wrap{margin-left:0}.wy-nav-content-wrap .wy-nav-content{padding:1.618em}.wy-nav-content-wrap.shift{position:fixed;min-width:100%;left:85%;top:0;height:100%;overflow:hidden}}@media screen and (min-width: 1100px){.wy-nav-content-wrap{background:rgba(0,0,0,0.05)}.wy-nav-content{margin:0;background:#fcfcfc}}@media print{.rst-versions,footer,.wy-nav-side{display:none}.wy-nav-content-wrap{margin-left:0}}.rst-versions{position:fixed;bottom:0;left:0;width:300px;color:#fcfcfc;background:#1f1d1d;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;z-index:400}.rst-versions a{color:#2980B9;text-decoration:none}.rst-versions .rst-badge-small{display:none}.rst-versions .rst-current-version{padding:12px;background-color:#272525;display:block;text-align:right;font-size:90%;cursor:pointer;color:#27AE60;*zoom:1}.rst-versions .rst-current-version:before,.rst-versions .rst-current-version:after{display:table;content:""}.rst-versions .rst-current-version:after{clear:both}.rst-versions .rst-current-version .fa,.rst-versions .rst-current-version .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li .rst-versions .rst-current-version span.toctree-expand,.rst-versions .rst-current-version .rst-content .admonition-title,.rst-content .rst-versions .rst-current-version .admonition-title,.rst-versions .rst-current-version .rst-content h1 .headerlink,.rst-content h1 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h2 .headerlink,.rst-content h2 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h3 .headerlink,.rst-content h3 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h4 .headerlink,.rst-content h4 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h5 .headerlink,.rst-content h5 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h6 .headerlink,.rst-content h6 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content dl dt .headerlink,.rst-content dl dt .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content p.caption .headerlink,.rst-content p.caption .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content table>caption .headerlink,.rst-content table>caption .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content tt.download span:first-child,.rst-content tt.download .rst-versions .rst-current-version span:first-child,.rst-versions .rst-current-version .rst-content code.download span:first-child,.rst-content code.download .rst-versions .rst-current-version span:first-child,.rst-versions .rst-current-version .icon{color:#fcfcfc}.rst-versions .rst-current-version .fa-book,.rst-versions .rst-current-version .icon-book{float:left}.rst-versions .rst-current-version .icon-book{float:left}.rst-versions .rst-current-version.rst-out-of-date{background-color:#E74C3C;color:#fff}.rst-versions .rst-current-version.rst-active-old-version{background-color:#F1C40F;color:#000}.rst-versions.shift-up{height:auto;max-height:100%}.rst-versions.shift-up .rst-other-versions{display:block}.rst-versions .rst-other-versions{font-size:90%;padding:12px;color:gray;display:none}.rst-versions .rst-other-versions hr{display:block;height:1px;border:0;margin:20px 0;padding:0;border-top:solid 1px #413d3d}.rst-versions .rst-other-versions dd{display:inline-block;margin:0}.rst-versions .rst-other-versions dd a{display:inline-block;padding:6px;color:#fcfcfc}.rst-versions.rst-badge{width:auto;bottom:20px;right:20px;left:auto;border:none;max-width:300px}.rst-versions.rst-badge .icon-book{float:none}.rst-versions.rst-badge .fa-book,.rst-versions.rst-badge .icon-book{float:none}.rst-versions.rst-badge.shift-up .rst-current-version{text-align:right}.rst-versions.rst-badge.shift-up .rst-current-version .fa-book,.rst-versions.rst-badge.shift-up .rst-current-version .icon-book{float:left}.rst-versions.rst-badge.shift-up .rst-current-version .icon-book{float:left}.rst-versions.rst-badge .rst-current-version{width:auto;height:30px;line-height:30px;padding:0 6px;display:block;text-align:center}@media screen and (max-width: 768px){.rst-versions{width:85%;display:none}.rst-versions.shift{display:block}}.rst-content img{max-width:100%;height:auto}.rst-content div.figure{margin-bottom:24px}.rst-content div.figure p.caption{font-style:italic}.rst-content div.figure p:last-child.caption{margin-bottom:0px}.rst-content div.figure.align-center{text-align:center}.rst-content .section>img,.rst-content .section>a>img{margin-bottom:24px}.rst-content abbr[title]{text-decoration:none}.rst-content.style-external-links a.reference.external:after{font-family:FontAwesome;content:"ï‚Ž";color:#b3b3b3;vertical-align:super;font-size:60%;margin:0 .2em}.rst-content blockquote{margin-left:24px;line-height:24px;margin-bottom:24px}.rst-content pre.literal-block{white-space:pre;margin:0;padding:12px 12px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;display:block;overflow:auto}.rst-content pre.literal-block,.rst-content div[class^='highlight']{border:1px solid #e1e4e5;overflow-x:auto;margin:1px 0 24px 0}.rst-content pre.literal-block div[class^='highlight'],.rst-content div[class^='highlight'] div[class^='highlight']{padding:0px;border:none;margin:0}.rst-content div[class^='highlight'] td.code{width:100%}.rst-content .linenodiv pre{border-right:solid 1px #e6e9ea;margin:0;padding:12px 12px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;user-select:none;pointer-events:none}.rst-content div[class^='highlight'] pre{white-space:pre;margin:0;padding:12px 12px;display:block;overflow:auto}.rst-content div[class^='highlight'] pre .hll{display:block;margin:0 -12px;padding:0 12px}.rst-content pre.literal-block,.rst-content div[class^='highlight'] pre,.rst-content .linenodiv pre{font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;font-size:12px;line-height:1.4}@media print{.rst-content .codeblock,.rst-content div[class^='highlight'],.rst-content div[class^='highlight'] pre{white-space:pre-wrap}}.rst-content .note .last,.rst-content .attention .last,.rst-content .caution .last,.rst-content .danger .last,.rst-content .error .last,.rst-content .hint .last,.rst-content .important .last,.rst-content .tip .last,.rst-content .warning .last,.rst-content .seealso .last,.rst-content .admonition-todo .last,.rst-content .admonition .last{margin-bottom:0}.rst-content .admonition-title:before{margin-right:4px}.rst-content .admonition table{border-color:rgba(0,0,0,0.1)}.rst-content .admonition table td,.rst-content .admonition table th{background:transparent !important;border-color:rgba(0,0,0,0.1) !important}.rst-content .section ol.loweralpha,.rst-content .section ol.loweralpha li{list-style:lower-alpha}.rst-content .section ol.upperalpha,.rst-content .section ol.upperalpha li{list-style:upper-alpha}.rst-content .section ol p,.rst-content .section ul p{margin-bottom:12px}.rst-content .section ol p:last-child,.rst-content .section ul p:last-child{margin-bottom:24px}.rst-content .line-block{margin-left:0px;margin-bottom:24px;line-height:24px}.rst-content .line-block .line-block{margin-left:24px;margin-bottom:0px}.rst-content .topic-title{font-weight:bold;margin-bottom:12px}.rst-content .toc-backref{color:#404040}.rst-content .align-right{float:right;margin:0px 0px 24px 24px}.rst-content .align-left{float:left;margin:0px 24px 24px 0px}.rst-content .align-center{margin:auto}.rst-content .align-center:not(table){display:block}.rst-content h1 .headerlink,.rst-content h2 .headerlink,.rst-content .toctree-wrapper p.caption .headerlink,.rst-content h3 .headerlink,.rst-content h4 .headerlink,.rst-content h5 .headerlink,.rst-content h6 .headerlink,.rst-content dl dt .headerlink,.rst-content p.caption .headerlink,.rst-content table>caption .headerlink{visibility:hidden;font-size:14px}.rst-content h1 .headerlink:after,.rst-content h2 .headerlink:after,.rst-content .toctree-wrapper p.caption .headerlink:after,.rst-content h3 .headerlink:after,.rst-content h4 .headerlink:after,.rst-content h5 .headerlink:after,.rst-content h6 .headerlink:after,.rst-content dl dt .headerlink:after,.rst-content p.caption .headerlink:after,.rst-content table>caption .headerlink:after{content:"ïƒ";font-family:FontAwesome}.rst-content h1:hover .headerlink:after,.rst-content h2:hover .headerlink:after,.rst-content .toctree-wrapper p.caption:hover .headerlink:after,.rst-content h3:hover .headerlink:after,.rst-content h4:hover .headerlink:after,.rst-content h5:hover .headerlink:after,.rst-content h6:hover .headerlink:after,.rst-content dl dt:hover .headerlink:after,.rst-content p.caption:hover .headerlink:after,.rst-content table>caption:hover .headerlink:after{visibility:visible}.rst-content table>caption .headerlink:after{font-size:12px}.rst-content .centered{text-align:center}.rst-content .sidebar{float:right;width:40%;display:block;margin:0 0 24px 24px;padding:24px;background:#f3f6f6;border:solid 1px #e1e4e5}.rst-content .sidebar p,.rst-content .sidebar ul,.rst-content .sidebar dl{font-size:90%}.rst-content .sidebar .last{margin-bottom:0}.rst-content .sidebar .sidebar-title{display:block;font-family:"Roboto Slab","ff-tisa-web-pro","Georgia",Arial,sans-serif;font-weight:bold;background:#e1e4e5;padding:6px 12px;margin:-24px;margin-bottom:24px;font-size:100%}.rst-content .highlighted{background:#F1C40F;display:inline-block;font-weight:bold;padding:0 6px}.rst-content .footnote-reference,.rst-content .citation-reference{vertical-align:baseline;position:relative;top:-0.4em;line-height:0;font-size:90%}.rst-content table.docutils.citation,.rst-content table.docutils.footnote{background:none;border:none;color:gray}.rst-content table.docutils.citation td,.rst-content table.docutils.citation tr,.rst-content table.docutils.footnote td,.rst-content table.docutils.footnote tr{border:none;background-color:transparent !important;white-space:normal}.rst-content table.docutils.citation td.label,.rst-content table.docutils.footnote td.label{padding-left:0;padding-right:0;vertical-align:top}.rst-content table.docutils.citation tt,.rst-content table.docutils.citation code,.rst-content table.docutils.footnote tt,.rst-content table.docutils.footnote code{color:#555}.rst-content .wy-table-responsive.citation,.rst-content .wy-table-responsive.footnote{margin-bottom:0}.rst-content .wy-table-responsive.citation+:not(.citation),.rst-content .wy-table-responsive.footnote+:not(.footnote){margin-top:24px}.rst-content .wy-table-responsive.citation:last-child,.rst-content .wy-table-responsive.footnote:last-child{margin-bottom:24px}.rst-content table.docutils th{border-color:#e1e4e5}.rst-content table.docutils td .last,.rst-content table.docutils td .last :last-child{margin-bottom:0}.rst-content table.field-list{border:none}.rst-content table.field-list td{border:none}.rst-content table.field-list td>strong{display:inline-block}.rst-content table.field-list .field-name{padding-right:10px;text-align:left;white-space:nowrap}.rst-content table.field-list .field-body{text-align:left}.rst-content tt,.rst-content tt,.rst-content code{color:#000;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;padding:2px 5px}.rst-content tt big,.rst-content tt em,.rst-content tt big,.rst-content code big,.rst-content tt em,.rst-content code em{font-size:100% !important;line-height:normal}.rst-content tt.literal,.rst-content tt.literal,.rst-content code.literal{color:#E74C3C}.rst-content tt.xref,a .rst-content tt,.rst-content tt.xref,.rst-content code.xref,a .rst-content tt,a .rst-content code{font-weight:bold;color:#404040}.rst-content pre,.rst-content kbd,.rst-content samp{font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace}.rst-content a tt,.rst-content a tt,.rst-content a code{color:#2980B9}.rst-content dl{margin-bottom:24px}.rst-content dl dt{font-weight:bold;margin-bottom:12px}.rst-content dl p,.rst-content dl table,.rst-content dl ul,.rst-content dl ol{margin-bottom:12px !important}.rst-content dl dd{margin:0 0 12px 24px;line-height:24px}.rst-content dl:not(.docutils){margin-bottom:24px}.rst-content dl:not(.docutils) dt{display:table;margin:6px 0;font-size:90%;line-height:normal;background:#e7f2fa;color:#2980B9;border-top:solid 3px #6ab0de;padding:6px;position:relative}.rst-content dl:not(.docutils) dt:before{color:#6ab0de}.rst-content dl:not(.docutils) dt .headerlink{color:#404040;font-size:100% !important}.rst-content dl:not(.docutils) dl dt{margin-bottom:6px;border:none;border-left:solid 3px #ccc;background:#f0f0f0;color:#555}.rst-content dl:not(.docutils) dl dt .headerlink{color:#404040;font-size:100% !important}.rst-content dl:not(.docutils) dt:first-child{margin-top:0}.rst-content dl:not(.docutils) tt,.rst-content dl:not(.docutils) tt,.rst-content dl:not(.docutils) code{font-weight:bold}.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) tt.descclassname,.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) code.descname,.rst-content dl:not(.docutils) tt.descclassname,.rst-content dl:not(.docutils) code.descclassname{background-color:transparent;border:none;padding:0;font-size:100% !important}.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) code.descname{font-weight:bold}.rst-content dl:not(.docutils) .optional{display:inline-block;padding:0 4px;color:#000;font-weight:bold}.rst-content dl:not(.docutils) .property{display:inline-block;padding-right:8px}.rst-content .viewcode-link,.rst-content .viewcode-back{display:inline-block;color:#27AE60;font-size:80%;padding-left:24px}.rst-content .viewcode-back{display:block;float:right}.rst-content p.rubric{margin-bottom:12px;font-weight:bold}.rst-content tt.download,.rst-content code.download{background:inherit;padding:inherit;font-weight:normal;font-family:inherit;font-size:inherit;color:inherit;border:inherit;white-space:inherit}.rst-content tt.download span:first-child,.rst-content code.download span:first-child{-webkit-font-smoothing:subpixel-antialiased}.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before{margin-right:4px}.rst-content .guilabel{border:1px solid #7fbbe3;background:#e7f2fa;font-size:80%;font-weight:700;border-radius:4px;padding:2.4px 6px;margin:auto 2px}.rst-content .versionmodified{font-style:italic}@media screen and (max-width: 480px){.rst-content .sidebar{width:100%}}span[id*='MathJax-Span']{color:#404040}.math{text-align:center}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-regular.eot");src:url("../fonts/Lato/lato-regular.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-regular.woff2") format("woff2"),url("../fonts/Lato/lato-regular.woff") format("woff"),url("../fonts/Lato/lato-regular.ttf") format("truetype");font-weight:400;font-style:normal}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-bold.eot");src:url("../fonts/Lato/lato-bold.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-bold.woff2") format("woff2"),url("../fonts/Lato/lato-bold.woff") format("woff"),url("../fonts/Lato/lato-bold.ttf") format("truetype");font-weight:700;font-style:normal}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-bolditalic.eot");src:url("../fonts/Lato/lato-bolditalic.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-bolditalic.woff2") format("woff2"),url("../fonts/Lato/lato-bolditalic.woff") format("woff"),url("../fonts/Lato/lato-bolditalic.ttf") format("truetype");font-weight:700;font-style:italic}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-italic.eot");src:url("../fonts/Lato/lato-italic.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-italic.woff2") format("woff2"),url("../fonts/Lato/lato-italic.woff") format("woff"),url("../fonts/Lato/lato-italic.ttf") format("truetype");font-weight:400;font-style:italic}@font-face{font-family:"Roboto Slab";font-style:normal;font-weight:400;src:url("../fonts/RobotoSlab/roboto-slab.eot");src:url("../fonts/RobotoSlab/roboto-slab-v7-regular.eot?#iefix") format("embedded-opentype"),url("../fonts/RobotoSlab/roboto-slab-v7-regular.woff2") format("woff2"),url("../fonts/RobotoSlab/roboto-slab-v7-regular.woff") format("woff"),url("../fonts/RobotoSlab/roboto-slab-v7-regular.ttf") format("truetype")}@font-face{font-family:"Roboto Slab";font-style:normal;font-weight:700;src:url("../fonts/RobotoSlab/roboto-slab-v7-bold.eot");src:url("../fonts/RobotoSlab/roboto-slab-v7-bold.eot?#iefix") format("embedded-opentype"),url("../fonts/RobotoSlab/roboto-slab-v7-bold.woff2") format("woff2"),url("../fonts/RobotoSlab/roboto-slab-v7-bold.woff") format("woff"),url("../fonts/RobotoSlab/roboto-slab-v7-bold.ttf") format("truetype")} diff --git a/docs/source/_templates/sphinx_rtd_theme/static/fonts/FontAwesome.otf b/docs/source/_templates/sphinx_rtd_theme/static/fonts/FontAwesome.otf new file mode 100644 index 0000000..401ec0f Binary files /dev/null and b/docs/source/_templates/sphinx_rtd_theme/static/fonts/FontAwesome.otf differ diff --git a/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.eot b/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.eot new file mode 100644 index 0000000..e9f60ca Binary files /dev/null and b/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.eot differ diff --git a/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.svg b/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.svg new file mode 100644 index 0000000..855c845 --- /dev/null +++ b/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.svg @@ -0,0 +1,2671 @@ + + + + +Created by FontForge 20120731 at Mon Oct 24 17:37:40 2016 + By ,,, +Copyright Dave Gandy 2016. All rights reserved. + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.ttf b/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.ttf new file mode 100644 index 0000000..35acda2 Binary files /dev/null and b/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.ttf differ diff --git a/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.woff b/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.woff new file mode 100644 index 0000000..400014a Binary files /dev/null and b/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.woff differ diff --git a/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.woff2 b/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.woff2 new file mode 100644 index 0000000..4d13fc6 Binary files /dev/null and b/docs/source/_templates/sphinx_rtd_theme/static/fonts/fontawesome-webfont.woff2 differ diff --git a/docs/source/_templates/sphinx_rtd_theme/static/js/modernizr.min.js b/docs/source/_templates/sphinx_rtd_theme/static/js/modernizr.min.js new file mode 100644 index 0000000..f65d479 --- /dev/null +++ b/docs/source/_templates/sphinx_rtd_theme/static/js/modernizr.min.js @@ -0,0 +1,4 @@ +/* Modernizr 2.6.2 (Custom Build) | MIT & BSD + * Build: http://modernizr.com/download/#-fontface-backgroundsize-borderimage-borderradius-boxshadow-flexbox-hsla-multiplebgs-opacity-rgba-textshadow-cssanimations-csscolumns-generatedcontent-cssgradients-cssreflections-csstransforms-csstransforms3d-csstransitions-applicationcache-canvas-canvastext-draganddrop-hashchange-history-audio-video-indexeddb-input-inputtypes-localstorage-postmessage-sessionstorage-websockets-websqldatabase-webworkers-geolocation-inlinesvg-smil-svg-svgclippaths-touch-webgl-shiv-mq-cssclasses-addtest-prefixed-teststyles-testprop-testallprops-hasevent-prefixes-domprefixes-load + */ +;window.Modernizr=function(a,b,c){function D(a){j.cssText=a}function E(a,b){return D(n.join(a+";")+(b||""))}function F(a,b){return typeof a===b}function G(a,b){return!!~(""+a).indexOf(b)}function H(a,b){for(var d in a){var e=a[d];if(!G(e,"-")&&j[e]!==c)return b=="pfx"?e:!0}return!1}function I(a,b,d){for(var e in a){var f=b[a[e]];if(f!==c)return d===!1?a[e]:F(f,"function")?f.bind(d||b):f}return!1}function J(a,b,c){var d=a.charAt(0).toUpperCase()+a.slice(1),e=(a+" "+p.join(d+" ")+d).split(" ");return F(b,"string")||F(b,"undefined")?H(e,b):(e=(a+" "+q.join(d+" ")+d).split(" "),I(e,b,c))}function K(){e.input=function(c){for(var d=0,e=c.length;d',a,""].join(""),l.id=h,(m?l:n).innerHTML+=f,n.appendChild(l),m||(n.style.background="",n.style.overflow="hidden",k=g.style.overflow,g.style.overflow="hidden",g.appendChild(n)),i=c(l,a),m?l.parentNode.removeChild(l):(n.parentNode.removeChild(n),g.style.overflow=k),!!i},z=function(b){var c=a.matchMedia||a.msMatchMedia;if(c)return c(b).matches;var d;return y("@media "+b+" { #"+h+" { position: absolute; } }",function(b){d=(a.getComputedStyle?getComputedStyle(b,null):b.currentStyle)["position"]=="absolute"}),d},A=function(){function d(d,e){e=e||b.createElement(a[d]||"div"),d="on"+d;var f=d in e;return f||(e.setAttribute||(e=b.createElement("div")),e.setAttribute&&e.removeAttribute&&(e.setAttribute(d,""),f=F(e[d],"function"),F(e[d],"undefined")||(e[d]=c),e.removeAttribute(d))),e=null,f}var a={select:"input",change:"input",submit:"form",reset:"form",error:"img",load:"img",abort:"img"};return d}(),B={}.hasOwnProperty,C;!F(B,"undefined")&&!F(B.call,"undefined")?C=function(a,b){return B.call(a,b)}:C=function(a,b){return b in a&&F(a.constructor.prototype[b],"undefined")},Function.prototype.bind||(Function.prototype.bind=function(b){var c=this;if(typeof c!="function")throw new TypeError;var d=w.call(arguments,1),e=function(){if(this instanceof e){var a=function(){};a.prototype=c.prototype;var f=new a,g=c.apply(f,d.concat(w.call(arguments)));return Object(g)===g?g:f}return c.apply(b,d.concat(w.call(arguments)))};return e}),s.flexbox=function(){return J("flexWrap")},s.canvas=function(){var a=b.createElement("canvas");return!!a.getContext&&!!a.getContext("2d")},s.canvastext=function(){return!!e.canvas&&!!F(b.createElement("canvas").getContext("2d").fillText,"function")},s.webgl=function(){return!!a.WebGLRenderingContext},s.touch=function(){var c;return"ontouchstart"in a||a.DocumentTouch&&b instanceof DocumentTouch?c=!0:y(["@media (",n.join("touch-enabled),("),h,")","{#modernizr{top:9px;position:absolute}}"].join(""),function(a){c=a.offsetTop===9}),c},s.geolocation=function(){return"geolocation"in navigator},s.postmessage=function(){return!!a.postMessage},s.websqldatabase=function(){return!!a.openDatabase},s.indexedDB=function(){return!!J("indexedDB",a)},s.hashchange=function(){return A("hashchange",a)&&(b.documentMode===c||b.documentMode>7)},s.history=function(){return!!a.history&&!!history.pushState},s.draganddrop=function(){var a=b.createElement("div");return"draggable"in a||"ondragstart"in a&&"ondrop"in a},s.websockets=function(){return"WebSocket"in a||"MozWebSocket"in a},s.rgba=function(){return D("background-color:rgba(150,255,150,.5)"),G(j.backgroundColor,"rgba")},s.hsla=function(){return D("background-color:hsla(120,40%,100%,.5)"),G(j.backgroundColor,"rgba")||G(j.backgroundColor,"hsla")},s.multiplebgs=function(){return D("background:url(https://),url(https://),red url(https://)"),/(url\s*\(.*?){3}/.test(j.background)},s.backgroundsize=function(){return J("backgroundSize")},s.borderimage=function(){return J("borderImage")},s.borderradius=function(){return J("borderRadius")},s.boxshadow=function(){return J("boxShadow")},s.textshadow=function(){return b.createElement("div").style.textShadow===""},s.opacity=function(){return E("opacity:.55"),/^0.55$/.test(j.opacity)},s.cssanimations=function(){return J("animationName")},s.csscolumns=function(){return J("columnCount")},s.cssgradients=function(){var a="background-image:",b="gradient(linear,left top,right bottom,from(#9f9),to(white));",c="linear-gradient(left top,#9f9, white);";return D((a+"-webkit- ".split(" ").join(b+a)+n.join(c+a)).slice(0,-a.length)),G(j.backgroundImage,"gradient")},s.cssreflections=function(){return J("boxReflect")},s.csstransforms=function(){return!!J("transform")},s.csstransforms3d=function(){var a=!!J("perspective");return a&&"webkitPerspective"in g.style&&y("@media (transform-3d),(-webkit-transform-3d){#modernizr{left:9px;position:absolute;height:3px;}}",function(b,c){a=b.offsetLeft===9&&b.offsetHeight===3}),a},s.csstransitions=function(){return J("transition")},s.fontface=function(){var a;return y('@font-face {font-family:"font";src:url("https://")}',function(c,d){var e=b.getElementById("smodernizr"),f=e.sheet||e.styleSheet,g=f?f.cssRules&&f.cssRules[0]?f.cssRules[0].cssText:f.cssText||"":"";a=/src/i.test(g)&&g.indexOf(d.split(" ")[0])===0}),a},s.generatedcontent=function(){var a;return y(["#",h,"{font:0/0 a}#",h,':after{content:"',l,'";visibility:hidden;font:3px/1 a}'].join(""),function(b){a=b.offsetHeight>=3}),a},s.video=function(){var a=b.createElement("video"),c=!1;try{if(c=!!a.canPlayType)c=new Boolean(c),c.ogg=a.canPlayType('video/ogg; codecs="theora"').replace(/^no$/,""),c.h264=a.canPlayType('video/mp4; codecs="avc1.42E01E"').replace(/^no$/,""),c.webm=a.canPlayType('video/webm; codecs="vp8, vorbis"').replace(/^no$/,"")}catch(d){}return c},s.audio=function(){var a=b.createElement("audio"),c=!1;try{if(c=!!a.canPlayType)c=new Boolean(c),c.ogg=a.canPlayType('audio/ogg; codecs="vorbis"').replace(/^no$/,""),c.mp3=a.canPlayType("audio/mpeg;").replace(/^no$/,""),c.wav=a.canPlayType('audio/wav; codecs="1"').replace(/^no$/,""),c.m4a=(a.canPlayType("audio/x-m4a;")||a.canPlayType("audio/aac;")).replace(/^no$/,"")}catch(d){}return c},s.localstorage=function(){try{return localStorage.setItem(h,h),localStorage.removeItem(h),!0}catch(a){return!1}},s.sessionstorage=function(){try{return sessionStorage.setItem(h,h),sessionStorage.removeItem(h),!0}catch(a){return!1}},s.webworkers=function(){return!!a.Worker},s.applicationcache=function(){return!!a.applicationCache},s.svg=function(){return!!b.createElementNS&&!!b.createElementNS(r.svg,"svg").createSVGRect},s.inlinesvg=function(){var a=b.createElement("div");return a.innerHTML="",(a.firstChild&&a.firstChild.namespaceURI)==r.svg},s.smil=function(){return!!b.createElementNS&&/SVGAnimate/.test(m.call(b.createElementNS(r.svg,"animate")))},s.svgclippaths=function(){return!!b.createElementNS&&/SVGClipPath/.test(m.call(b.createElementNS(r.svg,"clipPath")))};for(var L in s)C(s,L)&&(x=L.toLowerCase(),e[x]=s[L](),v.push((e[x]?"":"no-")+x));return e.input||K(),e.addTest=function(a,b){if(typeof a=="object")for(var d in a)C(a,d)&&e.addTest(d,a[d]);else{a=a.toLowerCase();if(e[a]!==c)return e;b=typeof b=="function"?b():b,typeof f!="undefined"&&f&&(g.className+=" "+(b?"":"no-")+a),e[a]=b}return e},D(""),i=k=null,function(a,b){function k(a,b){var c=a.createElement("p"),d=a.getElementsByTagName("head")[0]||a.documentElement;return c.innerHTML="x",d.insertBefore(c.lastChild,d.firstChild)}function l(){var a=r.elements;return typeof a=="string"?a.split(" "):a}function m(a){var b=i[a[g]];return b||(b={},h++,a[g]=h,i[h]=b),b}function n(a,c,f){c||(c=b);if(j)return c.createElement(a);f||(f=m(c));var g;return f.cache[a]?g=f.cache[a].cloneNode():e.test(a)?g=(f.cache[a]=f.createElem(a)).cloneNode():g=f.createElem(a),g.canHaveChildren&&!d.test(a)?f.frag.appendChild(g):g}function o(a,c){a||(a=b);if(j)return a.createDocumentFragment();c=c||m(a);var d=c.frag.cloneNode(),e=0,f=l(),g=f.length;for(;e",f="hidden"in a,j=a.childNodes.length==1||function(){b.createElement("a");var a=b.createDocumentFragment();return typeof a.cloneNode=="undefined"||typeof a.createDocumentFragment=="undefined"||typeof a.createElement=="undefined"}()}catch(c){f=!0,j=!0}})();var r={elements:c.elements||"abbr article aside audio bdi canvas data datalist details figcaption figure footer header hgroup mark meter nav output progress section summary time video",shivCSS:c.shivCSS!==!1,supportsUnknownElements:j,shivMethods:c.shivMethods!==!1,type:"default",shivDocument:q,createElement:n,createDocumentFragment:o};a.html5=r,q(b)}(this,b),e._version=d,e._prefixes=n,e._domPrefixes=q,e._cssomPrefixes=p,e.mq=z,e.hasEvent=A,e.testProp=function(a){return H([a])},e.testAllProps=J,e.testStyles=y,e.prefixed=function(a,b,c){return b?J(a,b,c):J(a,"pfx")},g.className=g.className.replace(/(^|\s)no-js(\s|$)/,"$1$2")+(f?" js "+v.join(" "):""),e}(this,this.document),function(a,b,c){function d(a){return"[object Function]"==o.call(a)}function e(a){return"string"==typeof a}function f(){}function g(a){return!a||"loaded"==a||"complete"==a||"uninitialized"==a}function h(){var a=p.shift();q=1,a?a.t?m(function(){("c"==a.t?B.injectCss:B.injectJs)(a.s,0,a.a,a.x,a.e,1)},0):(a(),h()):q=0}function i(a,c,d,e,f,i,j){function k(b){if(!o&&g(l.readyState)&&(u.r=o=1,!q&&h(),l.onload=l.onreadystatechange=null,b)){"img"!=a&&m(function(){t.removeChild(l)},50);for(var d in y[c])y[c].hasOwnProperty(d)&&y[c][d].onload()}}var j=j||B.errorTimeout,l=b.createElement(a),o=0,r=0,u={t:d,s:c,e:f,a:i,x:j};1===y[c]&&(r=1,y[c]=[]),"object"==a?l.data=c:(l.src=c,l.type=a),l.width=l.height="0",l.onerror=l.onload=l.onreadystatechange=function(){k.call(this,r)},p.splice(e,0,u),"img"!=a&&(r||2===y[c]?(t.insertBefore(l,s?null:n),m(k,j)):y[c].push(l))}function j(a,b,c,d,f){return q=0,b=b||"j",e(a)?i("c"==b?v:u,a,b,this.i++,c,d,f):(p.splice(this.i++,0,a),1==p.length&&h()),this}function k(){var a=B;return a.loader={load:j,i:0},a}var l=b.documentElement,m=a.setTimeout,n=b.getElementsByTagName("script")[0],o={}.toString,p=[],q=0,r="MozAppearance"in l.style,s=r&&!!b.createRange().compareNode,t=s?l:n.parentNode,l=a.opera&&"[object Opera]"==o.call(a.opera),l=!!b.attachEvent&&!l,u=r?"object":l?"script":"img",v=l?"script":u,w=Array.isArray||function(a){return"[object Array]"==o.call(a)},x=[],y={},z={timeout:function(a,b){return b.length&&(a.timeout=b[0]),a}},A,B;B=function(a){function b(a){var a=a.split("!"),b=x.length,c=a.pop(),d=a.length,c={url:c,origUrl:c,prefixes:a},e,f,g;for(f=0;f"),i("table.docutils.footnote").wrap("
"),i("table.docutils.citation").wrap("
"),i(".wy-menu-vertical ul").not(".simple").siblings("a").each(function(){var e=i(this);expand=i(''),expand.on("click",function(n){return t.toggleCurrent(e),n.stopPropagation(),!1}),e.prepend(expand)})},reset:function(){var n=encodeURI(window.location.hash)||"#";try{var e=$(".wy-menu-vertical"),i=e.find('[href="'+n+'"]');if(0===i.length){var t=$('.document [id="'+n.substring(1)+'"]').closest("div.section");0===(i=e.find('[href="#'+t.attr("id")+'"]')).length&&(i=e.find('[href="#"]'))}0this.docHeight||(this.navBar.scrollTop(i),this.winPosition=n)},onResize:function(){this.winResize=!1,this.winHeight=this.win.height(),this.docHeight=$(document).height()},hashChange:function(){this.linkScroll=!0,this.win.one("hashchange",function(){this.linkScroll=!1})},toggleCurrent:function(n){var e=n.closest("li");e.siblings("li.current").removeClass("current"),e.siblings().find("li.current").removeClass("current"),e.find("> ul li.current").removeClass("current"),e.toggleClass("current")}},"undefined"!=typeof window&&(window.SphinxRtdTheme={Navigation:e.exports.ThemeNav,StickyNav:e.exports.ThemeNav}),function(){for(var r=0,n=["ms","moz","webkit","o"],e=0;e + + Read the Docs + v: {{ current_version }} + + +
+
+
{{ _('Versions') }}
+ {% for slug, url in versions %} +
{{ slug }}
+ {% endfor %} +
+
+
{{ _('Downloads') }}
+ {% for type, url in downloads %} +
{{ type }}
+ {% endfor %} +
+
+
{{ _('On Read the Docs') }}
+
+ {{ _('Project Home') }} +
+
+ {{ _('Builds') }} +
+
+
+ {% trans %}Free document hosting provided by Read the Docs.{% endtrans %} + +
+ +{% endif %} + diff --git a/docs/source/conf.py b/docs/source/conf.py new file mode 100644 index 0000000..a67a004 --- /dev/null +++ b/docs/source/conf.py @@ -0,0 +1,181 @@ +# -*- coding: utf-8 -*- +# +# Configuration file for the Sphinx documentation builder. +# +# This file does only contain a selection of the most common options. For a +# full list see the documentation: +# http://www.sphinx-doc.org/en/master/config + +# -- Path setup -------------------------------------------------------------- + +# If extensions (or modules to document with autodoc) are in another directory, +# add these directories to sys.path here. If the directory is relative to the +# documentation root, use os.path.abspath to make it absolute, like shown here. +# +# import os +# import sys +# sys.path.insert(0, os.path.abspath('.')) +import os, sys +sys.path.insert(0, os.path.abspath('../../')) + + +# -- Project information ----------------------------------------------------- + +project = u'Tasktk' +copyright = u'2019, thu-coai' +author = u'thu-coai' + +# The short X.Y version +version = u'' +# The full version, including alpha/beta/rc tags +release = u'' + + +# -- General configuration --------------------------------------------------- + +# If your documentation needs a minimal Sphinx version, state it here. +# +# needs_sphinx = '1.0' + +# Add any Sphinx extension module names here, as strings. They can be +# extensions coming with Sphinx (named 'sphinx.ext.*') or your custom +# ones. +extensions = [ + 'sphinx.ext.autodoc', + 'sphinx.ext.napoleon' +] + +# Add any paths that contain templates here, relative to this directory. +templates_path = ['_templates'] + +# The suffix(es) of source filenames. +# You can specify multiple suffix as a list of string: +# +# source_suffix = ['.rst', '.md'] +source_suffix = '.rst' + +# The master toctree document. +master_doc = 'index' + +# The language for content autogenerated by Sphinx. Refer to documentation +# for a list of supported languages. +# +# This is also used if you do content translation via gettext catalogs. +# Usually you set "language" from the command line for these cases. +language = None + +# List of patterns, relative to source directory, that match files and +# directories to ignore when looking for source files. +# This pattern also affects html_static_path and html_extra_path. +exclude_patterns = [] + +# The name of the Pygments (syntax highlighting) style to use. +pygments_style = None + + +# -- Options for HTML output ------------------------------------------------- + +# The theme to use for HTML and HTML Help pages. See the documentation for +# a list of builtin themes. +# +html_theme = 'sphinx_rtd_theme' +html_theme_path = ["_templates", ] + +# Theme options are theme-specific and customize the look and feel of a theme +# further. For a list of options available for each theme, see the +# documentation. +# +# html_theme_options = {} + +# Add any paths that contain custom static files (such as style sheets) here, +# relative to this directory. They are copied after the builtin static files, +# so a file named "default.css" will overwrite the builtin "default.css". +html_static_path = ['_static'] + +# Custom sidebar templates, must be a dictionary that maps document names +# to template names. +# +# The default sidebars (for documents that don't match any pattern) are +# defined by theme itself. Builtin themes are using these templates by +# default: ``['localtoc.html', 'relations.html', 'sourcelink.html', +# 'searchbox.html']``. +# +# html_sidebars = {} + + +# -- Options for HTMLHelp output --------------------------------------------- + +# Output file base name for HTML help builder. +htmlhelp_basename = 'Tasktkdoc' + + +# -- Options for LaTeX output ------------------------------------------------ + +latex_elements = { + # The paper size ('letterpaper' or 'a4paper'). + # + # 'papersize': 'letterpaper', + + # The font size ('10pt', '11pt' or '12pt'). + # + # 'pointsize': '10pt', + + # Additional stuff for the LaTeX preamble. + # + # 'preamble': '', + + # Latex figure (float) alignment + # + # 'figure_align': 'htbp', +} + +# Grouping the document tree into LaTeX files. List of tuples +# (source start file, target name, title, +# author, documentclass [howto, manual, or own class]). +latex_documents = [ + (master_doc, 'Tasktk.tex', u'Tasktk Documentation', + u'thu-coai', 'manual'), +] + + +# -- Options for manual page output ------------------------------------------ + +# One entry per manual page. List of tuples +# (source start file, name, description, authors, manual section). +man_pages = [ + (master_doc, 'convlab', u'Tasktk Documentation', + [author], 1) +] + + +# -- Options for Texinfo output ---------------------------------------------- + +# Grouping the document tree into Texinfo files. List of tuples +# (source start file, target name, title, author, +# dir menu entry, description, category) +texinfo_documents = [ + (master_doc, 'Tasktk', u'Tasktk Documentation', + author, 'Tasktk', 'One line description of project.', + 'Miscellaneous'), +] + + +# -- Options for Epub output ------------------------------------------------- + +# Bibliographic Dublin Core info. +epub_title = project + +# The unique identifier of the text. This can be a ISBN number +# or the project homepage. +# +# epub_identifier = '' + +# A unique identification for the text. +# +# epub_uid = '' + +# A list of files that should not be packed into the epub file. +epub_exclude_files = ['search.html'] + + +# -- Extension configuration ------------------------------------------------- \ No newline at end of file diff --git a/docs/source/index.rst b/docs/source/index.rst new file mode 100644 index 0000000..4fc7888 --- /dev/null +++ b/docs/source/index.rst @@ -0,0 +1,38 @@ +.. Tasktk documentation master file, created by + sphinx-quickstart on Thu Jan 17 17:29:23 2019. + You can adapt this file completely to your liking, but it should at least + contain the root `toctree` directive. + +:github_url: https://github.com/xjli/DialogZone + +Tasktk documentation +================================== +This is a toolkit for developing task-oriented dialog system. We followed the classical pipeline framework, where there are 4 seperated components: NLU, DST, Policy and NLG. + +We offered the base class and some SOTA baseline models (coming soon) for each component. Specially, the NLU, DST and NLG models are trained individually, while the Policy is trained within a complete pipeline model in a RL-based manner. + +.. toctree:: + :glob: + :maxdepth: 1 + :caption: Notes + + n + +.. toctree:: + :maxdepth: 1 + :caption: Package Reference + + nlu + +Introduction +============ +This is an introductino demo. + + + +Indices and tables +================== + +* :ref:`genindex` +* :ref:`modindex` +* :ref:`search` diff --git a/docs/source/modules.rst b/docs/source/modules.rst new file mode 100644 index 0000000..270746c --- /dev/null +++ b/docs/source/modules.rst @@ -0,0 +1,7 @@ +tasktk +====== + +.. toctree:: + :maxdepth: 4 + + tasktk diff --git a/docs/source/nlu.rst b/docs/source/nlu.rst new file mode 100644 index 0000000..8c42b81 --- /dev/null +++ b/docs/source/nlu.rst @@ -0,0 +1,16 @@ +NLU +######### +.. automodule:: task.nlu + +.. autoclass:: NLU + :members: + +NLU class +--------------------------------- +.. autoclass:: RuleNLU + :members: + +.. autoclass:: TrainableNLU + :members: + +Metric-like class \ No newline at end of file diff --git a/docs/source/tasktk.dialog_agent.rst b/docs/source/tasktk.dialog_agent.rst new file mode 100644 index 0000000..f140cb8 --- /dev/null +++ b/docs/source/tasktk.dialog_agent.rst @@ -0,0 +1,22 @@ +tasktk.dialog\_agent package +============================ + +Submodules +---------- + +tasktk.dialog\_agent.system module +---------------------------------- + +.. automodule:: tasktk.dialog_agent.system + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.dialog_agent + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/source/tasktk.dst.rst b/docs/source/tasktk.dst.rst new file mode 100644 index 0000000..b1179de --- /dev/null +++ b/docs/source/tasktk.dst.rst @@ -0,0 +1,22 @@ +tasktk.dst package +================== + +Submodules +---------- + +tasktk.dst.state\_tracker module +-------------------------------- + +.. automodule:: tasktk.dst.state_tracker + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.dst + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/source/tasktk.nlg.rst b/docs/source/tasktk.nlg.rst new file mode 100644 index 0000000..d6a8630 --- /dev/null +++ b/docs/source/tasktk.nlg.rst @@ -0,0 +1,22 @@ +tasktk.nlg package +================== + +Submodules +---------- + +tasktk.nlg.nlg module +--------------------- + +.. automodule:: tasktk.nlg.nlg + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.nlg + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/source/tasktk.nlu.rst b/docs/source/tasktk.nlu.rst new file mode 100644 index 0000000..c8bfba9 --- /dev/null +++ b/docs/source/tasktk.nlu.rst @@ -0,0 +1,30 @@ +tasktk.nlu package +================== + +Submodules +---------- + +tasktk.nlu.error module +----------------------- + +.. automodule:: tasktk.nlu.error + :members: + :undoc-members: + :show-inheritance: + +tasktk.nlu.nlu module +--------------------- + +.. automodule:: tasktk.nlu.nlu + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.nlu + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/source/tasktk.policy.rst b/docs/source/tasktk.policy.rst new file mode 100644 index 0000000..e4e237e --- /dev/null +++ b/docs/source/tasktk.policy.rst @@ -0,0 +1,30 @@ +tasktk.policy package +===================== + +Submodules +---------- + +tasktk.policy.policy module +--------------------------- + +.. automodule:: tasktk.policy.policy + :members: + :undoc-members: + :show-inheritance: + +tasktk.policy.policy\_user\_rule module +--------------------------------------- + +.. automodule:: tasktk.policy.policy_user_rule + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.policy + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/source/tasktk.rst b/docs/source/tasktk.rst new file mode 100644 index 0000000..0555490 --- /dev/null +++ b/docs/source/tasktk.rst @@ -0,0 +1,35 @@ +tasktk package +============== + +Subpackages +----------- + +.. toctree:: + + tasktk.dialog_agent + tasktk.dst + tasktk.nlg + tasktk.nlu + tasktk.policy + tasktk.usr + tasktk.util + +Submodules +---------- + +tasktk.dialog\_session module +----------------------------- + +.. automodule:: tasktk.dialog_session + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/source/tasktk.usr.rst b/docs/source/tasktk.usr.rst new file mode 100644 index 0000000..24ac14a --- /dev/null +++ b/docs/source/tasktk.usr.rst @@ -0,0 +1,22 @@ +tasktk.usr package +================== + +Submodules +---------- + +tasktk.usr.simulator module +--------------------------- + +.. automodule:: tasktk.usr.simulator + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.usr + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/source/tasktk.util.rst b/docs/source/tasktk.util.rst new file mode 100644 index 0000000..df4dbda --- /dev/null +++ b/docs/source/tasktk.util.rst @@ -0,0 +1,38 @@ +tasktk.util package +=================== + +Submodules +---------- + +tasktk.util.dataloader module +----------------------------- + +.. automodule:: tasktk.util.dataloader + :members: + :undoc-members: + :show-inheritance: + +tasktk.util.dialog\_act module +------------------------------ + +.. automodule:: tasktk.util.dialog_act + :members: + :undoc-members: + :show-inheritance: + +tasktk.util.state module +------------------------ + +.. automodule:: tasktk.util.state + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.util + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/tasktk.dialog_agent.rst b/docs/tasktk.dialog_agent.rst new file mode 100644 index 0000000..f140cb8 --- /dev/null +++ b/docs/tasktk.dialog_agent.rst @@ -0,0 +1,22 @@ +tasktk.dialog\_agent package +============================ + +Submodules +---------- + +tasktk.dialog\_agent.system module +---------------------------------- + +.. automodule:: tasktk.dialog_agent.system + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.dialog_agent + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/tasktk.dst.rst b/docs/tasktk.dst.rst new file mode 100644 index 0000000..b1179de --- /dev/null +++ b/docs/tasktk.dst.rst @@ -0,0 +1,22 @@ +tasktk.dst package +================== + +Submodules +---------- + +tasktk.dst.state\_tracker module +-------------------------------- + +.. automodule:: tasktk.dst.state_tracker + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.dst + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/tasktk.nlg.rst b/docs/tasktk.nlg.rst new file mode 100644 index 0000000..d6a8630 --- /dev/null +++ b/docs/tasktk.nlg.rst @@ -0,0 +1,22 @@ +tasktk.nlg package +================== + +Submodules +---------- + +tasktk.nlg.nlg module +--------------------- + +.. automodule:: tasktk.nlg.nlg + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.nlg + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/tasktk.nlu.rst b/docs/tasktk.nlu.rst new file mode 100644 index 0000000..c8bfba9 --- /dev/null +++ b/docs/tasktk.nlu.rst @@ -0,0 +1,30 @@ +tasktk.nlu package +================== + +Submodules +---------- + +tasktk.nlu.error module +----------------------- + +.. automodule:: tasktk.nlu.error + :members: + :undoc-members: + :show-inheritance: + +tasktk.nlu.nlu module +--------------------- + +.. automodule:: tasktk.nlu.nlu + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.nlu + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/tasktk.policy.rst b/docs/tasktk.policy.rst new file mode 100644 index 0000000..e4e237e --- /dev/null +++ b/docs/tasktk.policy.rst @@ -0,0 +1,30 @@ +tasktk.policy package +===================== + +Submodules +---------- + +tasktk.policy.policy module +--------------------------- + +.. automodule:: tasktk.policy.policy + :members: + :undoc-members: + :show-inheritance: + +tasktk.policy.policy\_user\_rule module +--------------------------------------- + +.. automodule:: tasktk.policy.policy_user_rule + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.policy + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/tasktk.rst b/docs/tasktk.rst new file mode 100644 index 0000000..0555490 --- /dev/null +++ b/docs/tasktk.rst @@ -0,0 +1,35 @@ +tasktk package +============== + +Subpackages +----------- + +.. toctree:: + + tasktk.dialog_agent + tasktk.dst + tasktk.nlg + tasktk.nlu + tasktk.policy + tasktk.usr + tasktk.util + +Submodules +---------- + +tasktk.dialog\_session module +----------------------------- + +.. automodule:: tasktk.dialog_session + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/tasktk.usr.rst b/docs/tasktk.usr.rst new file mode 100644 index 0000000..24ac14a --- /dev/null +++ b/docs/tasktk.usr.rst @@ -0,0 +1,22 @@ +tasktk.usr package +================== + +Submodules +---------- + +tasktk.usr.simulator module +--------------------------- + +.. automodule:: tasktk.usr.simulator + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.usr + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/tasktk.util.rst b/docs/tasktk.util.rst new file mode 100644 index 0000000..df4dbda --- /dev/null +++ b/docs/tasktk.util.rst @@ -0,0 +1,38 @@ +tasktk.util package +=================== + +Submodules +---------- + +tasktk.util.dataloader module +----------------------------- + +.. automodule:: tasktk.util.dataloader + :members: + :undoc-members: + :show-inheritance: + +tasktk.util.dialog\_act module +------------------------------ + +.. automodule:: tasktk.util.dialog_act + :members: + :undoc-members: + :show-inheritance: + +tasktk.util.state module +------------------------ + +.. automodule:: tasktk.util.state + :members: + :undoc-members: + :show-inheritance: + + +Module contents +--------------- + +.. automodule:: tasktk.util + :members: + :undoc-members: + :show-inheritance: diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000..7d61130 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,138 @@ +absl-py==0.7.1 +alabaster==0.7.12 +allennlp==0.8.2 +asn1crypto==0.24.0 +astor==0.7.1 +atomicwrites==1.3.0 +attrs==19.1.0 +aws-xray-sdk==0.95 +awscli==1.16.132 +Babel==2.6.0 +boto==2.49.0 +boto3==1.9.122 +botocore==1.12.122 +certifi==2019.3.9 +cffi==1.12.2 +chardet==3.0.4 +Click==7.0 +colorama==0.3.9 +colorlog==4.0.2 +colorlover==0.3.0 +conllu==0.11 +cookies==2.2.1 +cryptography==2.6.1 +cycler==0.10.0 +cymem==2.0.2 +cytoolz==0.9.0.1 +deap==1.2.2 +decorator==4.4.0 +dill==0.2.9 +docker==3.7.1 +docker-pycreds==0.4.0 +docutils==0.14 +ecdsa==0.13 +editdistance==0.5.3 +filelock==3.0.10 +flaky==3.5.3 +Flask==1.0.2 +Flask-Cors==3.0.7 +flatbuffers==1.10 +ftfy==5.5.1 +funcsigs==1.0.2 +future==0.17.1 +gast==0.2.2 +gevent==1.3.6 +greenlet==0.4.15 +grpcio==1.19.0 +gym==0.12.1 +h5py==2.9.0 +idna==2.8 +imagesize==1.1.0 +ipython-genutils==0.2.0 +itsdangerous==1.1.0 +Jinja2==2.10 +jmespath==0.9.4 +jsondiff==1.1.1 +jsonnet==0.10.0 +jsonpickle==1.1 +jsonschema==3.0.1 +jupyter-core==4.4.0 +Keras-Applications==1.0.7 +Keras-Preprocessing==1.0.9 +kiwisolver==1.0.1 +Markdown==3.1 +MarkupSafe==1.1.1 +matplotlib==2.2.3 +mock==2.0.0 +more-itertools==6.0.0 +moto==1.3.4 +msgpack==0.5.6 +msgpack-numpy==0.4.3.2 +murmurhash==1.0.2 +nbformat==4.4.0 +nltk==3.4 +numpy==1.16.2 +numpydoc==0.8.0 +overrides==1.9 +packaging==19.0 +pandas==0.24.2 +parsimonious==0.8.0 +pbr==5.1.3 +plac==0.9.6 +plotly==3.7.1 +pluggy==0.9.0 +preshed==2.0.1 +protobuf==3.7.0 +py==1.8.0 +pyaml==18.11.0 +pyasn1==0.4.5 +pycparser==2.19 +pycryptodome==3.8.0 +pydash==4.7.4 +pyglet==1.3.2 +Pygments==2.3.1 +pyparsing==2.3.1 +pyrsistent==0.14.11 +pytest==4.3.1 +python-dateutil==2.8.0 +python-jose==2.0.2 +pytorch-pretrained-bert==0.6.1 +pytz==2017.3 +PyYAML==3.13 +ray==0.6.5 +redis==3.2.1 +regex==2019.3.12 +requests==2.21.0 +responses==0.10.6 +retrying==1.3.3 +rsa==3.4.2 +s3transfer==0.2.0 +scikit-learn==0.20.3 +scipy==1.2.1 +singledispatch==3.4.0.3 +six==1.12.0 +snowballstemmer==1.2.1 +spacy==2.0.18 +Sphinx==1.8.5 +sphinxcontrib-websupport==1.1.0 +sqlparse==0.2.4 +tensorboard==1.13.1 +tensorboardX==1.2 +tensorflow==1.13.1 +tensorflow-estimator==1.13.0 +termcolor==1.1.0 +thinc==6.12.1 +toolz==0.9.0 +torch==1.0.1.post2 +tqdm==4.31.1 +traitlets==4.3.2 +typing==3.6.6 +ujson==1.35 +Unidecode==1.0.23 +urllib3==1.24.1 +wcwidth==0.1.7 +websocket-client==0.56.0 +Werkzeug==0.15.1 +wrapt==1.10.11 +xmltodict==0.12.0 +xvfbwrapper==0.2.9 diff --git a/run.py b/run.py new file mode 100644 index 0000000..1e5f350 --- /dev/null +++ b/run.py @@ -0,0 +1,117 @@ +# Modified by Microsoft Corporation. +# Licensed under the MIT license. + +''' +Specify what to run in `config/experiments.json` +Then run `python run_lab.py` or `yarn start` +''' +import os +# NOTE increase if needed. Pytorch thread overusage https://github.com/pytorch/pytorch/issues/975 +os.environ['OMP_NUM_THREADS'] = '1' +from convlab import EVAL_MODES, TRAIN_MODES +from convlab.experiment import analysis, retro_analysis +from convlab.experiment.control import Session, Trial, Experiment +from convlab.experiment.monitor import InfoSpace +from convlab.lib import logger, util +from convlab.spec import spec_util +from xvfbwrapper import Xvfb +import sys +import torch.multiprocessing as mp + + +debug_modules = [ + # 'algorithm', +] +debug_level = 'DEBUG' +logger.toggle_debug(debug_modules, debug_level) + + +def run_new_mode(spec_file, spec_name, lab_mode): + '''Run to generate new data with `search, train, dev`''' + spec = spec_util.get(spec_file, spec_name) + info_space = InfoSpace() + analysis.save_spec(spec, info_space, unit='experiment') # first save the new spec + if lab_mode == 'search': + info_space.tick('experiment') + Experiment(spec, info_space).run() + elif lab_mode.startswith('train'): + info_space.tick('trial') + Trial(spec, info_space).run() + elif lab_mode == 'dev': + spec = spec_util.override_dev_spec(spec) + info_space.tick('trial') + Trial(spec, info_space).run() + else: + raise ValueError(f'Unrecognizable lab_mode not of {TRAIN_MODES}') + + +def run_old_mode(spec_file, spec_name, lab_mode): + '''Run using existing data with `enjoy, eval`. The eval mode is also what train mode's online eval runs in a subprocess via bash command''' + # reconstruct spec and info_space from existing data + if '@' in lab_mode: + lab_mode, prename = lab_mode.split('@') + predir, _, _, _, _, _ = util.prepath_split(spec_file) + prepath = f'{predir}/{prename}' + spec, info_space = util.prepath_to_spec_info_space(prepath) + else: + prepath = f'output/{spec_file}/{spec_name}' + spec = spec_util.get(spec_file, spec_name) + info_space = InfoSpace() + + # see InfoSpace def for more on these + info_space.ckpt = 'eval' + info_space.eval_model_prepath = prepath + + # no info_space.tick() as they are reconstructed + if lab_mode == 'enjoy': + spec = spec_util.override_enjoy_spec(spec) + Session(spec, info_space).run() + elif lab_mode == 'eval': + # example eval command: + # python run_lab.py data/dqn_cartpole_2018_12_19_224811/dqn_cartpole_t0_spec.json dqn_cartpole eval@dqn_cartpole_t0_s1_ckpt-epi10-totalt1000 + spec = spec_util.override_eval_spec(spec) + Session(spec, info_space).run() + util.clear_periodic_ckpt(prepath) # cleanup after itself + retro_analysis.analyze_eval_trial(spec, info_space, predir) + else: + raise ValueError(f'Unrecognizable lab_mode not of {EVAL_MODES}') + + +def run_by_mode(spec_file, spec_name, lab_mode): + '''The main run lab function for all lab_modes''' + logger.info(f'Running lab in mode: {lab_mode}') + # '@' is reserved for 'enjoy@{prename}' + os.environ['lab_mode'] = lab_mode.split('@')[0] + if lab_mode in TRAIN_MODES: + run_new_mode(spec_file, spec_name, lab_mode) + else: + run_old_mode(spec_file, spec_name, lab_mode) + + +def main(): + if len(sys.argv) > 1: + args = sys.argv[1:] + assert len(args) == 3, f'To use sys args, specify spec_file, spec_name, lab_mode' + run_by_mode(*args) + return + + # experiments = util.read('config/experiment1.json') + # run_by_mode('experiment1.json', 'word_dst', 'train') + ''' + for spec_file in experiments: + for spec_name, lab_mode in experiments[spec_file].items(): + run_by_mode(spec_file, spec_name, lab_mode) + ''' + + +if __name__ == '__main__': + try: + mp.set_start_method('spawn') # for distributed pytorch to work + except RuntimeError: + pass + if sys.platform == 'darwin': + # avoid xvfb for MacOS: https://github.com/nipy/nipype/issues/1400 + main() + else: + with Xvfb() as xvfb: # safety context for headless machines + main() diff --git a/test.py b/test.py new file mode 100644 index 0000000..5017566 --- /dev/null +++ b/test.py @@ -0,0 +1,84 @@ +# coding='utf-8' +import os +import tensorflow as tf +from convlab import * + +# demo setting +params = dict() +params['session_num'] = 200 +params['cuda_id'] = '0' + +# TF setting +os.environ["CUDA_VISIBLE_DEVICES"] = params['cuda_id'] +_config = tf.ConfigProto() +_config.gpu_options.allow_growth = True +_config.allow_soft_placement = True +global_sess = tf.Session(config=_config) + +############ components for system bot ############ + +uni_nlu = SVMNLU() + +sys_tracker = RuleDST() # Rule DST + +sys_policy = RuleBasedMultiwozBot() # Rule Multiwoz Policy + +sys_nlg = MultiwozTemplateNLG(is_user=False) # template NLG + +# aggregate system components +system_bot = DialogSystem(uni_nlu, sys_tracker, sys_policy, None) + +############ components for user bot ############ + +user_policy = UserPolicyAgendaMultiWoz() # Agenda-based Simulator (act-in act-out) + +user_nlg = MultiwozTemplateNLG(is_user=True) # template NLG + +# aggregate user components +user_simulator = UserSimulator(None, user_policy, user_nlg) + +# setup session controller +session_controller = Session(system_bot, user_simulator) +logger = Log('session.txt') +logger.clear() + +stat = {'success': 0, 'fail': 0} + +for session_id in range(params['session_num']): + session_over = False + last_user_response = user_simulator.init_response() + session_controller.init_session() + session_controller.sess = global_sess + + print('******Episode %d******' % (session_id)) + print(user_simulator.policy.goal) + + while not session_over: + system_response, user_response, session_over, reward = session_controller.next_turn(last_user_response) + if not session_over: + last_user_response = user_response + + sys_da, user_da = session_controller.action_history[-1] # action_history stores the actions of both agents + + # print('\tstate: {}'.format(system_bot.tracker.state.keys())) + print('\tsystem user_da: ' + '{}'.format(system_bot.user_act)) + print('\tsystem da: {}'.format(sys_da)) + print('\tsystem: ' + '{}'.format(system_response)) + print('\t------------------------------------------------------') + print('\tuser sys_da: ' + '{}'.format(user_simulator.sys_act)) + print('\tuser da: {}'.format(user_da)) + print('\tuser: ' + '{}'.format(user_response)) + print('\t--- turn end ---') + + dialog_status = user_simulator.policy.goal.task_complete() + if dialog_status: + stat['success'] += 1 + else: + stat['fail'] += 1 + + print('task completion: {}'.format(user_simulator.policy.goal.task_complete())) + logger.log('---- session end ----') + print('---- session end ----') + # session_controller.train_sys() # train the params of system agent + +print('\nstatistics: %s' % (stat)) \ No newline at end of file